diff --git a/README.md b/README.md index 55f4b31..6b3e214 100644 --- a/README.md +++ b/README.md @@ -10,7 +10,7 @@ ## Why `cosinor-lite?` -- **Unified workflow for live cell data**: Perform detrending and fit cosinor models with either a fixed 24 h, free-period or damped oscillation with consistent APIs across data modalities (i.e. bioluminescence, cytokines etc.). +- **Unified workflow for live cell data**: Perform detrending and fit cosinor models with either a fixed 24 h, free-period or damped oscillation with consistent APIs across data modalities (i.e. bioluminescence, cytokines, qPCR etc.). - **Differential rhythmicity across any omics type**: Compare two conditions for differential rhythmicity for any type of omics data using BIC model-selection strategies with widespread use in the circadian literature. - **Create publication-ready analysis with a simple UI**: Launch a browser-based analysis console for visual quality control, plots, and parameter export. @@ -42,6 +42,8 @@ Here is an adaptation of their figure explaining the methdology: Model selection +The tool is very similar to the dryR package in R, but implemented in Python for ease of use with other Python-based data analysis pipelines. Please see the dryR tool for more details, and if you prefer implementing in R (https://github.com/naef-lab/dryR/tree/master). + For condition 1 (i.e. alpha cells) and condition 2 (i.e. beta cells), we fit 5 different models: - Model 1) Arrhythmic in alpha and beta cells @@ -68,8 +70,6 @@ uv sync source .venv/bin/activate ``` -> **Tip:** The project targets Python 3.11+. Using `uv` keeps package resolution reproducible via `uv.lock`. - ## Quick Start ### Launch the interactive app @@ -102,32 +102,14 @@ fit = analysis.fit(group="treated", model="damped") print(fit.parameters) ``` -## Repository Layout - -``` -src/cosinor_lite/ # Core library modules and models -app.py # Gradio application entry point -tests/ # Pytest suites (unit, integration, fixtures) -data/ # Example datasets for the app -images/ # Illustration assets used in the UI -``` - -## Development Workflow - -```bash -# run style, type, and security hooks -pre-commit run --all-files - -# execute unit tests -uv run pytest -``` ## Sample Datasets The `data/` directory includes curated examples to help you get started: - `bioluminescence_example.csv`: Bioluminescence time series for live-cell analysis. -- `cytokine_example.csv`: An alternative CSV with the same schema for cosinor fitting using cytokine data. +- `cytokine_example.csv`: Cytokine time series for live-cell analysis. +- `qpcr_example.csv`: qPCR time series for live-cell analysis. - `GSE95156_Alpha_Beta.txt`: RNA-seq data used in the omics differential rhythmicity workflow. Each file is formatted to drag & drop into `app.py` as well as the library APIs. diff --git a/app.py b/app.py index 75a866b..0184d5b 100644 --- a/app.py +++ b/app.py @@ -13,7 +13,7 @@ from cosinor_lite.livecell_cosinor_analysis import CosinorAnalysis from cosinor_lite.livecell_dataset import LiveCellDataset from cosinor_lite.omics_dataset import OmicsDataset -from cosinor_lite.omics_differential_rhytmicity import DifferentialRhythmicity, OmicsHeatmap +from cosinor_lite.omics_differential_rhytmicity import DifferentialRhythmicity, OmicsHeatmap, TimeSeriesExample plt.rcParams.update( { @@ -29,11 +29,10 @@ ) plt.style.use("seaborn-v0_8-ticks") -# --- (your rcParams / styles as-is) --- - APP_DIR = Path(__file__).parent bioluminescence_file = str(APP_DIR / "data" / "bioluminescence_example.csv") cytokine_file = str(APP_DIR / "data" / "cytokine_example.csv") +qpcr_file = str(APP_DIR / "data" / "qpcr_example.csv") omics_example = str(APP_DIR / "data" / "GSE95156_Alpha_Beta.txt") method_img = str(APP_DIR / "images" / "live_cell_fitting-01.png") model_selection_img = str(APP_DIR / "images" / "model_selection.png") @@ -43,11 +42,13 @@ """ # Cosinor Analysis App - A simple app for circadian cosinor analysis & biostatistics. + `cosinor-lite`: a simple app for circadian cosinor analysis & biostatistics. + + Choose between the `Live cell` and `Omics` tabs for two different types of analysis: + - `Live cell`: inferring rhythmic properties of live cell data using three different cosinor models + - `Omics`: differential rhythmicity analysis of omics datasets between two conditions - Choose between: - - inferring rhythmic properties of live cell data using three different cosinor models - - differential rhythmicity analysis of omics datasets + Developed by the Charna Dibner lab at the Université de Genève and Hôpitaux Universitaires de Genève. See also the associated Python package https://github.com/Nick-E-P/cosinor-lite. """, ) @@ -66,37 +67,51 @@ """ # Fitting live cell data - This section allows the use to infer parameters describing circadian oscillations in live cell data. - Once inferred, the extracted parameters can be compared between groups in downstream analyses. There are three types of cosinor model to choose from: + This section allows inference of parameters describing circadian oscillations in live cell data. + Once inferred, the extracted parameters can be compared between groups in downstream analyses. Methods are included at the bottom of the page for easy copy-pasting. + + There are three types of cosinor model to choose from: - 24h period cosinor - Free period (constrained within 20-28h) cosinor - Damped cosinor (equivalent to Chronostar analysis), with an additional dampening coefficient - There are many valid ways to organise the underlying live cell data file. Here we assume a specific format to facilitate data processing + ## Input data format + + There are many valid ways to organise the underlying live cell data file. Here we assume a specific format to facilitate data processing. + If in doubt, you can download the example files and match the format of your input data accordingly. - - Row 1: contains a unique identifier for the participant, mouse etc. + - Row 1: contains a unique identifier for the participant ID, mouse ID etc. - Row 2: replicate number. If there's only one replicate per unique ID, this can just be a row of 1's - - Row 3: the group to which each measurement belongs + - Row 3: the group to which each measurement belongs (maximum of two groups allowed) - Left column; the left column contains the time (going down) + ## Recommended workflow for examples + + - Bioluminescence: Detrending method: Moving average | Cosinor model: Damped cosinor (Chronostar) + - Cytokine: Detrending method: Linear | Cosinor model: Free period cosinor + - qPCR: Detrending method: None | Cosinor model: 24h period cosinor + """, ) file = gr.File(label="Upload CSV", file_types=[".csv"], type="filepath") gr.Examples( - examples=[bioluminescence_file, cytokine_file], + examples=[bioluminescence_file, cytokine_file, qpcr_file], inputs=file, label="Example input", ) status = gr.Textbox(label="CSV status", interactive=False) + gr.Markdown( + "Provide the names of your two groups below, as they appear in row 3 of your CSV file.", + ) + with gr.Row(): group1_label = gr.Textbox(label="Group 1 label", value="Group 1") group2_label = gr.Textbox(label="Group 2 label", value="Group 2") - # State (values will be pandas / numpy objects, not components) st_participant_id = gr.State() st_replicate = gr.State() st_group = gr.State() @@ -113,7 +128,6 @@ def process_csv( np.ndarray, pd.DataFrame, ]: - # If needed, normalize FileData dict -> str path here df_data = pd.read_csv(fpath, index_col=0, header=None) participant_id = df_data.iloc[0, :].astype(str) @@ -129,12 +143,9 @@ def process_csv( time_rows = df_data.iloc[3:].apply(pd.to_numeric, errors="raise") - shape_info = ( - f"Loaded shape: {df_data.shape} | participants: {len(participant_id)} | time points: {len(time)}" - ) + shape_info = f"Total loaded shape of metadata + data: {df_data.shape} | {len(participant_id)} samples x {len(time)} time points" return shape_info, participant_id, replicate, group, time, time_rows - # Trigger on both upload and change (Examples sets the value via change) for evt in (file.upload, file.change): evt( process_csv, @@ -175,7 +186,7 @@ def make_plot( # noqa: PLR0913 window: float, m: float, plot_style: str, - ) -> tuple[plt.Figure | None, str | None]: + ) -> tuple[plt.Figure | None, str | None, str | None]: if ( ids_series is None or group_series is None @@ -183,7 +194,7 @@ def make_plot( # noqa: PLR0913 or time_array is None or time_rows_df is None ): - return None, None + return None, None, None ds = LiveCellDataset( ids=list(ids_series), group=list(group_series), @@ -194,7 +205,7 @@ def make_plot( # noqa: PLR0913 group2_label=g2, ) if method == "moving_average": - fig, pdf_path = ds.plot_group_data( + fig, pdf_path, csv_path = ds.plot_group_data( which_group, method=method, m=int(m), @@ -202,13 +213,13 @@ def make_plot( # noqa: PLR0913 plot_style=plot_style, ) else: - fig, pdf_path = ds.plot_group_data( + fig, pdf_path, csv_path = ds.plot_group_data( which_group, method=method, m=int(m), plot_style=plot_style, ) - return fig, pdf_path + return fig, pdf_path, csv_path method_choice = gr.Radio( choices=[ @@ -241,6 +252,7 @@ def make_plot( # noqa: PLR0913 build_btn = gr.Button("Plot raw data and trend", variant="primary") plot = gr.Plot(label="Preview") download = gr.File(label="Download plot") + detrended_download = gr.File(label="Download detrended CSV") build_btn.click( make_plot, @@ -258,7 +270,7 @@ def make_plot( # noqa: PLR0913 m_slider, plot_style_choice, ], - outputs=[plot, download], + outputs=[plot, download, detrended_download], ) cosinor_model = gr.Radio( @@ -373,15 +385,61 @@ def make_cosinor_fits( # noqa: PLR0913 ], outputs=[plot_cosinor, pdf_export, table_export, download_export], ) + gr.Markdown( + """ + # Fitting Live Cell Data Methods (to paste and adapt as needed) + + Live cell time series from X data were first detrended using: + + - **Linear regression**: ordinary least-squares (statsmodels 0.14.1) was fit to the raw signal versus time, and the fitted mean-centered trend was subtracted to yield detrended residuals. + - **Quadratic regression**: a second-order polynomial was fit to the raw signal versus time (NumPy 1.26), and the fitted mean-centered trend was subtracted to yield detrended residuals. + - **Centered moving average**: a rolling mean (pandas 2.1.4) with a window of X hours was computed, and detrended values were obtained by subtracting the trend from the raw data. + + + We extracted periodic parameters from the cell line data by fitting a cosinor model of the form (CHOOSE APPROPRIATE MODEL): + + **24-h cosinor model** + + $$ + y(t) = \\text{mesor} + \\text{amplitude} \\cdot \\cos\\!\\left(\\frac{2\\pi (t - \\text{acrophase})}{24}\\right), + $$ + + where $y(t)$ represents the X signal and $t$ represents time in hours. The parameters mesor, amplitude, and acrophase correspond to the mean level, oscillation amplitude, and phase of peak expression, respectively. Model fitting was performed by minimizing the least-squares error using the `curve_fit` function from SciPy (v1.11.4). + + **Free-period cosinor model** + + $$ + y(t) = \\text{mesor} + \\text{amplitude} \\cdot \\cos\\!\\left(\\frac{2\\pi (t - \\text{acrophase})}{\\text{period}}\\right), + $$ + + where $y(t)$ represents the X signal and $t$ represents time in hours. The parameters mesor, amplitude, acrophase, and period correspond to the mean level, oscillation amplitude, phase of peak expression, and oscillation period, respectively. Model fitting was performed by minimizing the least-squares error using the `curve_fit` function from SciPy (v1.11.4). + + **Damped cosinor model** + + To account for potential attenuation of oscillatory amplitude over time, we also considered a damped cosinor model with exponential decay, + + $$ + y(t) = \\text{mesor} + \\text{amplitude} \\cdot e^{-\\lambda t} + \\cos\\!\\left(\\frac{2\\pi (t - \\text{acrophase})}{\\text{period}}\\right), + $$ + + where $y(t)$ represents the X signal and $t$ represents time in hours. The parameters mesor, amplitude, acrophase, and period correspond to the mean level, oscillation amplitude, phase of peak expression, and oscillation period, respectively. The parameter $\\lambda$ is the damping coefficient controlling the rate of exponential decay of the oscillation amplitude. Model fitting was performed by minimizing the least-squares error using the `curve_fit` function from SciPy (v1.11.4). + + """, + latex_delimiters=[ + {"left": "$$", "right": "$$", "display": True}, + {"left": "$", "right": "$", "display": False}, + ], + ) with gr.Tab("Omics", id=1): gr.Markdown( """ - # Differential rhytmicity analysis of omics datasets + # Differential rhythmicity analysis of omics datasets - Here we perform differential rhythmicity analysis on omics data using a model selection approach. + Here we perform differential rhythmicity analysis between two conditions using a model selection approach on omics data. The example data includes published RNA-seq data, but in theory any types of omics data (RNA-seq, proteomics, metabolomics, lipidomics) could be used. The dataset is from the following publication: - Petrenko V, Saini C, Giovannoni L, Gobet C, Sage D, Unser M, Heddad Masson M, Gu G, Bosco D, Gachon F, Philippe J, Dibner C. 2017. Pancreatic alpha- and beta-cellular clocks have distinct molecular properties and impact on islet hormone secretion and gene expression. Genes Dev 31:383-398. doi:10.1101/gad.290379.116. + > Petrenko V, Saini C, Giovannoni L, Gobet C, Sage D, Unser M, Heddad Masson M, Gu G, Bosco D, Gachon F, Philippe J, Dibner C. 2017. Pancreatic alpha- and beta-cellular clocks have distinct molecular properties and impact on islet hormone secretion and gene expression. Genes Dev 31:383-398. doi:10.1101/gad.290379.116. """, ) @@ -390,37 +448,44 @@ def make_cosinor_fits( # noqa: PLR0913 label="Differential rhytmicity analysis with model selection", interactive=False, show_label=True, - height=600, # adjust as needed; or remove to use natural size + height=600, ) gr.Markdown( """ ## How does the method actually work? - The details of the method are nicely explained in the article: - - Pelikan A, Herzel H, Kramer A, Ananthasubramaniam B. 2022. Venn diagram analysis overestimates the extent of circadian rhythm reprogramming. The FEBS Journal 289:6605-6621. doi:10.1111/febs.16095 + Methods are included at the bottom of the page for easy copy-pasting. The details of the method are nicely explained in the article: + > Pelikan A, Herzel H, Kramer A, Ananthasubramaniam B. 2022. Venn diagram analysis overestimates the extent of circadian rhythm reprogramming. The FEBS Journal 289:6605–6621. doi:10.1111/febs.16095 See the above adaptation of their figure explaining the methodology. - For condition 1 (i.e. alpha cells) and condition 2 (i.e. beta cells), we fit five different models: + The tool is very similar to the dryR package in R, but implemented in Python for ease of use with other Python-based data analysis pipelines. Please see the dryR tool for more details, and if you prefer implementing in R. + https://github.com/naef-lab/dryR/tree/master - - Model 1) Arrhythmic in alpha and beta cells - - Model 2) Rhythmic in beta cells only - - Model 3) Rhythmic in alpha cells only - - Model 4) Rhythmic in alpha and beta cells with the same rhythmic parameters (i.e. phase and amplitude) - - Model 5) Rhythmic in both but with differential rhythmicity in alpha vs beta cells + ### Model selection approach + + For condition 1 (i.e. cell type 1) and condition 2 (i.e. cell type 2), we fit five different models: + + - Model 1) Arrhythmic in cell type 1 and cell type 2 + - Model 2) Rhythmic in cell type 2 only + - Model 3) Rhythmic in cell type 1 only + - Model 4) Rhythmic in cell type 1 and cell type 2 with the same rhythmic parameters (i.e. phase and amplitude) + - Model 5) Rhythmic in both but with differential rhythmicity in cell type 1 vs cell type 2 A degree of confidence is calculated for each model (called model weight, which sums to 1 across all models), and a model is chosen if the model weight exceeds a threshold (for this tutorial we will use 0.5). If no model exceeds this threshold, then the model is unclassified, which we define as Model 0. - Model 0) unclassified + ### Note for data input + + The input file needs a "Genes" column, followed by columns containing expression values for each sample. See the example file for reference. + """, ) - # File input + example omics_file = gr.File( - label="Upload Omics TXT/TSV", + label="Upload Omics CSV/TXT/TSV", file_types=[".txt", ".tsv", ".csv"], type="filepath", ) @@ -432,7 +497,6 @@ def make_cosinor_fits( # noqa: PLR0913 omics_status = gr.Textbox(label="File status", interactive=False) - # Multiselects for choosing columns by header names columns_cond1_dd = gr.Dropdown( choices=[], multiselect=True, @@ -444,22 +508,24 @@ def make_cosinor_fits( # noqa: PLR0913 label="Condition B columns (e.g., ZT_*_b_*)", ) - # Optional manual time vectors override_time = gr.Checkbox( - label="Override time vectors manually?", + label="Provide time points manually (i.e. the time associated with each sample)?", value=False, ) t_cond1_tb = gr.Textbox(label="t_cond1 (comma-separated)", visible=False) t_cond2_tb = gr.Textbox(label="t_cond2 (comma-separated)", visible=False) + log2_choice = gr.Radio( + choices=[("No", "no"), ("Yes", "yes")], + value="no", + label="Apply log2 transform to expression data?", + ) - # Hidden state to stash the DataFrame st_df_rna = gr.State() + st_rhythmic = gr.State() - # Preview planned inputs for your class omics_preview = gr.Code(label="Planned class inputs", language="python") build_omics_btn = gr.Button("Build Omics inputs", variant="primary") - # Sample dropdowns for replicate scatterplot sample1_dd = gr.Dropdown(choices=[], label="Sample 1 (x-axis)") sample2_dd = gr.Dropdown(choices=[], label="Sample 2 (y-axis)") scatter_btn = gr.Button( @@ -469,29 +535,19 @@ def make_cosinor_fits( # noqa: PLR0913 scatter_plot = gr.Plot(label="Replicate scatterplot") scatter_download = gr.File(label="Download scatterplot") - # Histogram outputs hist_btn = gr.Button("Generate histogram", variant="primary") omics_plot = gr.Plot(label="Expression histogram") omics_download = gr.File(label="Download histogram") - # ---------- helpers ---------- def _guess_cols(cols: Sequence[str]) -> tuple[list[str], list[str]]: cols = [str(c) for c in cols] a_guess = [c for c in cols if re.search(r"_a_", str(c))] b_guess = [c for c in cols if re.search(r"_b_", str(c))] - - def zt_key(col: str) -> int: - m = re.search(r"ZT_(\d+)", str(col)) - return int(m.group(1)) if m else 0 - - a_guess = sorted(a_guess, key=zt_key) - b_guess = sorted(b_guess, key=zt_key) return a_guess, b_guess def _pick_default_samples( cols: Sequence[str], ) -> tuple[str | None, str | None]: - # Try ZT_0 ... _1 and ZT_0 ... _2 as a sensible default pair s1 = next((c for c in cols if re.search(r"ZT_0_.*_1$", str(c))), None) s2 = next((c for c in cols if re.search(r"ZT_0_.*_2$", str(c))), None) if s1 and s2 and s1 != s2: @@ -509,16 +565,17 @@ def _build_time_vec(n_cols: int, manual_text: str | None) -> list[float]: reps = max(1, (n_cols + len(base) - 1) // len(base)) return [float(value) for value in (base * reps)[:n_cols]] - # ---------- loaders & toggles ---------- def load_omics( fpath: str | Path, ) -> tuple[object, object, object, pd.DataFrame, object, object, object, object]: - # Read TSV (tab-separated). Pandas also handles CSV if present. - dataframe = pd.read_csv(fpath, sep="\t") - # Drop first column by index (your pipeline) - if dataframe.shape[1] > 0: - dataframe = dataframe.drop(dataframe.columns[0], axis=1) - # Create Genes column from gene_name if present + fpath_str = str(fpath) + if fpath_str.endswith((".txt", ".tsv")): + dataframe = pd.read_csv(fpath, sep="\t", index_col=None) + elif fpath_str.endswith(".csv"): + dataframe = pd.read_csv(fpath, index_col=None) + else: + dataframe = pd.read_csv(fpath, index_col=None) + if "gene_name" in dataframe.columns: dataframe["Genes"] = dataframe["gene_name"].astype(str).str.split("|").str[1] @@ -565,7 +622,6 @@ def toggle_time_fields(checked: object) -> tuple[object, object]: outputs=[t_cond1_tb, t_cond2_tb], ) - # ---------- preview inputs for your future class ---------- def build_omics_inputs( # noqa: PLR0913 df: pd.DataFrame | None, cols_a: Sequence[str] | None, @@ -591,21 +647,11 @@ def build_omics_inputs( # noqa: PLR0913 t_b_text if manual_flag else None, ) - snippet = f"""# Planned inputs for your Omics class + snippet = f"""# Planned inputs for the Omics dataset class columns_cond1 = {cols_a} columns_cond2 = {cols_b} t_cond1 = {t_a} t_cond2 = {t_b} - - # Example construction (later): - # rna_data = OmicsDataset( - # df=df_rna, - # columns_cond1=columns_cond1, - # columns_cond2=columns_cond2, - # t_cond1=t_cond1, - # t_cond2=t_cond2, - # deduplicate_on_init=True, - # ) """ return snippet @@ -622,7 +668,6 @@ def build_omics_inputs( # noqa: PLR0913 outputs=omics_preview, ) - # ---------- histogram ---------- def run_histogram( # noqa: PLR0913 df: pd.DataFrame | None, cols_a: Sequence[str] | None, @@ -630,6 +675,7 @@ def run_histogram( # noqa: PLR0913 use_manual_time: object, t_a_text: str | None, t_b_text: str | None, + log2_option: str, ) -> tuple[plt.Figure | None, str | None]: if df is None: return None, None @@ -643,6 +689,7 @@ def run_histogram( # noqa: PLR0913 t_a_array = np.asarray(t_a, dtype=float) t_b_array = np.asarray(t_b, dtype=float) + apply_log2 = log2_option == "yes" rna_data = OmicsDataset( df=df, @@ -651,6 +698,7 @@ def run_histogram( # noqa: PLR0913 t_cond1=t_a_array, t_cond2=t_b_array, deduplicate_on_init=True, + log2_transform=apply_log2, ) fig = rna_data.expression_histogram() @@ -670,11 +718,11 @@ def run_histogram( # noqa: PLR0913 override_time, t_cond1_tb, t_cond2_tb, + log2_choice, ], outputs=[omics_plot, omics_download], ) - # ---------- replicate scatterplot ---------- def run_replicate_scatter( # noqa: PLR0913 df: pd.DataFrame | None, cols_a: Sequence[str] | None, @@ -684,6 +732,7 @@ def run_replicate_scatter( # noqa: PLR0913 t_b_text: str | None, sample1: str | None, sample2: str | None, + log2_option: str, ) -> tuple[plt.Figure | None, str | None]: if df is None or not sample1 or not sample2: return None, None @@ -697,6 +746,7 @@ def run_replicate_scatter( # noqa: PLR0913 t_a_array = np.asarray(t_a, dtype=float) t_b_array = np.asarray(t_b, dtype=float) + apply_log2 = log2_option == "yes" rna_data = OmicsDataset( df=df, @@ -705,6 +755,7 @@ def run_replicate_scatter( # noqa: PLR0913 t_cond1=t_a_array, t_cond2=t_b_array, deduplicate_on_init=True, + log2_transform=apply_log2, ) fig = rna_data.replicate_scatterplot(sample1=sample1, sample2=sample2) @@ -726,17 +777,13 @@ def run_replicate_scatter( # noqa: PLR0913 t_cond2_tb, sample1_dd, sample2_dd, + log2_choice, ], outputs=[scatter_plot, scatter_download], ) - - # ------------------------------------------------------------ - # Differential rhythmicity + heatmap - # (Paste this inside your existing `with gr.Tab("Omics", id=1):` block) - # Re-uses helpers: _build_time_vec, and states/components you already created. - # ------------------------------------------------------------ - - # Labels for the heatmap and expressed-threshold + gr.Markdown( + "Define a cutoff for expressed genes, based on mean expression or number of detected samples.", + ) with gr.Row(): cond1_label_tb = gr.Textbox( label="Condition 1 label", @@ -751,13 +798,17 @@ def run_replicate_scatter( # noqa: PLR0913 value=0, precision=0, ) + num_detected_num = gr.Number( + label="num_detected_min (for is_expressed)", + value=0, + precision=0, + ) compute_dr_btn = gr.Button( "Compute differential rhythmicity & heatmap", variant="primary", ) - # Outputs heatmap_plot = gr.Plot(label="Heatmap preview") heatmap_download = gr.File(label="Download heatmap (PDF)") params_preview = gr.Dataframe( @@ -776,23 +827,23 @@ def run_dr_and_heatmap( # noqa: PLR0913 cond1_label: str, cond2_label: str, mean_min: float | None, - ) -> tuple[plt.Figure | None, str | None, pd.DataFrame | None, str | None]: + num_detected_min: float | None, + log2_option: str, + ) -> tuple[plt.Figure | None, str | None, pd.DataFrame | None, str | None, pd.DataFrame | None]: if df is None or not cols_a or not cols_b: - # Nothing to do yet - return None, None, None, None + return None, None, None, None, None cols_a = list(cols_a or []) cols_b = list(cols_b or []) manual_flag = bool(use_manual_time) - # Build time vectors (reuse your helper) t_a = _build_time_vec(len(cols_a), t_a_text if manual_flag else None) t_b = _build_time_vec(len(cols_b), t_b_text if manual_flag else None) t_a_array = np.asarray(t_a, dtype=float) t_b_array = np.asarray(t_b, dtype=float) + apply_log2 = log2_option == "yes" - # Construct dataset rna_data = OmicsDataset( df=df, columns_cond1=cols_a, @@ -800,20 +851,22 @@ def run_dr_and_heatmap( # noqa: PLR0913 t_cond1=t_a_array, t_cond2=t_b_array, deduplicate_on_init=True, + log2_transform=apply_log2, ) - # Mark expressed genes try: mean_min_value = float(mean_min) if mean_min is not None else 0.0 except (TypeError, ValueError): mean_min_value = 0.0 - rna_data.add_is_expressed(mean_min=mean_min_value) + try: + num_detected_value = int(num_detected_min) if num_detected_min is not None else None + except (TypeError, ValueError): + num_detected_value = None + rna_data.add_is_expressed(mean_min=mean_min_value, num_detected_min=num_detected_value) - # Differential rhythmicity dr = DifferentialRhythmicity(dataset=rna_data) rhythmic_all = dr.extract_all_circadian_params() # pandas DataFrame - # Build heatmap heatmap = OmicsHeatmap( df=rhythmic_all, columns_cond1=cols_a, @@ -826,22 +879,17 @@ def run_dr_and_heatmap( # noqa: PLR0913 ) fig = heatmap.plot_heatmap() # should return a Matplotlib Figure - # Save outputs for download - - # Heatmap PDF with tempfile.NamedTemporaryFile(delete=False, suffix=".pdf") as tmp_pdf: fig.savefig(tmp_pdf.name) tmp_pdf_path = tmp_pdf.name - # Rhythmic params CSV with tempfile.NamedTemporaryFile(delete=False, suffix=".csv") as tmp_csv: rhythmic_all.to_csv(tmp_csv.name, index=False) tmp_csv_path = tmp_csv.name - # For preview table, show up to 200 rows to keep UI snappy preview_df = rhythmic_all.head(20) - return fig, tmp_pdf_path, preview_df, tmp_csv_path + return fig, tmp_pdf_path, preview_df, tmp_csv_path, rhythmic_all compute_dr_btn.click( run_dr_and_heatmap, @@ -855,12 +903,138 @@ def run_dr_and_heatmap( # noqa: PLR0913 cond1_label_tb, cond2_label_tb, mean_min_num, + num_detected_num, + log2_choice, ], outputs=[ heatmap_plot, heatmap_download, params_preview, params_download, + st_rhythmic, + ], + ) + gr.Markdown("## Visualise an individual gene") + gr.Markdown("Note that no model will be shown if the gene was not classified confidently.") + gene_text = gr.Textbox(label="Gene symbol", placeholder="e.g., Arntl") + gene_btn = gr.Button("Plot gene time series", variant="secondary") + gene_plot = gr.Plot(label="Gene time series") + gene_download = gr.File(label="Download gene plot") + + def plot_gene_time_series( # noqa: PLR0913 + rhythmic_df: pd.DataFrame | None, + gene_symbol: str, + cols_a: Sequence[str] | None, + cols_b: Sequence[str] | None, + use_manual_time: object, + t_a_text: str | None, + t_b_text: str | None, + cond1_label: str, + cond2_label: str, + ) -> tuple[plt.Figure | None, str | None]: + if rhythmic_df is None or rhythmic_df.empty: + msg = "Run the differential rhythmicity analysis first." + raise ValueError(msg) + if not gene_symbol or not gene_symbol.strip(): + msg = "Enter a gene symbol to plot." + raise ValueError(msg) + + cols_a = list(cols_a or []) + cols_b = list(cols_b or []) + if not cols_a or not cols_b: + msg = "Select columns for both conditions." + raise ValueError(msg) + + manual_flag = bool(use_manual_time) + t_a = _build_time_vec(len(cols_a), t_a_text if manual_flag else None) + t_b = _build_time_vec(len(cols_b), t_b_text if manual_flag else None) + + t_a_array = np.asarray(t_a, dtype=float) + t_b_array = np.asarray(t_b, dtype=float) + + example = TimeSeriesExample( + df=rhythmic_df, + columns_cond1=cols_a, + columns_cond2=cols_b, + t_cond1=t_a_array, + t_cond2=t_b_array, + cond1_label=cond1_label or "Condition 1", + cond2_label=cond2_label or "Condition 2", + ) + fig = example.plot_time_series(gene_symbol.strip(), show=False) + + with tempfile.NamedTemporaryFile(delete=False, suffix=".pdf") as tmp_pdf: + fig.savefig(tmp_pdf.name) + pdf_path = tmp_pdf.name + plt.close(fig) + return fig, pdf_path + + gene_btn.click( + plot_gene_time_series, + inputs=[ + st_rhythmic, + gene_text, + columns_cond1_dd, + columns_cond2_dd, + override_time, + t_cond1_tb, + t_cond2_tb, + cond1_label_tb, + cond2_label_tb, + ], + outputs=[gene_plot, gene_download], + ) + gr.Markdown( + """ + ## Differential Rhythmicity Analysis Methods (to paste and adapt as needed) + + Differential rhythmicity analysis was performed using harmonic linear regression and model selection based on the Bayesian Information Criterion (BIC) (Atger et al., 2015, Pelikan et al., 2022). + + We used the harmonic linear regression model + + $$ + y(t) = m + a \\cos(\\omega t) + b \\sin(\\omega t), + $$ + + where $y(t)$ represents the log2-transformed values of either transcript or protein levels, $m$ is the mean level, $\\omega$ is the frequency of the oscillations (fixed to give a period of 24 h), $t$ is the time, and $a$ and $b$ are the regression coefficients of the cosine and sine terms, respectively. + + We proposed five different models to represent different rhythmic categories. Model $M_1$ corresponds to arrhythmic behavior in both Condition 1 and Condition 2 cells. Model $M_2$ corresponds to rhythmicity in Condition 2 cells only, whereas model $M_3$ corresponds to rhythmicity in Condition 1 cells only. Model $M_4$ corresponds to rhythmicity in both Condition 1 and Condition 2 cells with identical rhythmic parameters (i.e. identical coefficients $a$ and $b$). Model $M_5$ corresponds to rhythmicity in both cell types with differential rhythmicity between Condition 1 and Condition 2 cells (i.e. different coefficients $a$ and $b$). + + For each model $M_i$, the regression was performed and the BIC was calculated as + + $$ + \\mathrm{BIC}_i = k_i \\ln(n) - 2 \\ln(\\hat{L}_i), + $$ + + where $k_i$ is the number of parameters in model $M_i$, $n$ is the sample size, and $\\hat{L}_i$ is the maximized value of the likelihood function for model $M_i$. + + For model comparison, the difference between the BIC of each model and the lowest BIC value among all models (denoted $\\mathrm{BIC}_{\\min}$) was computed as + + $$ + \\Delta_i = \\mathrm{BIC}_i - \\mathrm{BIC}_{\\min}. + $$ + + The Schwarz weight $w_i$ of each model was then calculated as + + $$ + w_i = \\frac{\\exp\\left(-\\tfrac{1}{2}\\Delta_i\\right)}{\\sum_i \\exp\\left(-\\tfrac{1}{2}\\Delta_i\\right)}. + $$ + + Genes were considered as detected if the mean log2 RPKM level was ≥ X, and proteins were considered as detected if at least Y out of Z samples had a detectable level. Detected status was denoted using several subclasses: subclass $a$, detected in Condition 1 cells only; subclass $b$, detected in Condition 2 cells only; and subclass $c$, detected in both Condition 1 and Condition 2 cells. + + For each model there is an associated set of possible subclasses: model $M_1$ allows subclasses $a$, $b$, and $c$; model $M_2$ allows subclasses $b$ and $c$; model $M_3$ allows subclasses $a$ and $c$; model $M_4$ allows subclass $c$ only; model $M_5$ allows subclass $c$ only; and model $M_0$ allows subclass $c$ only. + + To generate lists of oscillatory genes or proteins, we summed the model weights corresponding to rhythmic expression for the condition of interest. If this summed weight exceeded the Schwarz weight cutoff of 0.5, the feature was classified as oscillatory. For example, for Condition 1 cells, oscillatory features were those supported by models $M_3$, $M_4$, and $M_5$. + + **References** + + > Atger F, Gobet C, Marquis J, Martin E, Wang J, Weger B, Lefebvre G, Descombes P, Naef F, Gachon F. 2015. Circadian and feeding rhythms differentially affect rhythmic mRNA transcription and translation in mouse liver. Proceedings of the National Academy of Sciences 112:E6579–E6588. doi:10.1073/pnas.1515308112 + + > Pelikan A, Herzel H, Kramer A, Ananthasubramaniam B. 2022. Venn diagram analysis overestimates the extent of circadian rhythm reprogramming. The FEBS Journal 289:6605–6621. doi:10.1111/febs.16095 + """, + latex_delimiters=[ + {"left": "$$", "right": "$$", "display": True}, + {"left": "$", "right": "$", "display": False}, ], ) diff --git a/data/GSE95156_Alpha_Beta.csv b/data/GSE95156_Alpha_Beta.csv new file mode 100644 index 0000000..490e481 --- /dev/null +++ b/data/GSE95156_Alpha_Beta.csv @@ -0,0 +1,14028 @@ +Genes,ZT_0_a_1,ZT_4_a_1,ZT_8_a_1,ZT_12_a_1,ZT_16_a_1,ZT_20_a_1,ZT_0_a_2,ZT_4_a_2,ZT_8_a_2,ZT_12_a_2,ZT_16_a_2,ZT_20_a_2,ZT_0_b_1,ZT_4_b_1,ZT_8_b_1,ZT_12_b_1,ZT_16_b_1,ZT_20_b_1,ZT_0_b_2,ZT_4_b_2,ZT_8_b_2,ZT_12_b_2,ZT_16_b_2,ZT_20_b_2 +Gnai3,5.21257288664975,4.97433680974948,5.18439042243561,5.11141506683397,4.72619558289174,4.90900320377913,4.67050834523666,4.96904990783596,5.18558475348983,5.0627812821099,4.78194839591953,4.91548826855172,6.02077015156944,5.45470432619129,5.82523181475896,5.74584475793277,5.48914272853758,5.85046213617587,5.29828493601712,5.70435150533922,5.69832274365148,5.50367675122733,5.4235104017499,5.54802077946833 +Cdc45,0.184519394812012,0.512578434302474,0.182007369408326,0.66807010455708,0.323858442157409,0.321661292851492,0.261030927277802,-0.437269632287699,0.592482781988891,0.0133858372073543,0.559252131068257,-0.0652017618021949,0.819789385638511,0.561282350703038,0.541903907379743,0.294699024560891,0.931832842615669,0.591007894069664,0.803632594702474,0.485963966401581,1.18609398089446,0.938563263959061,0.955716611211992,0.696273133077087 +Scml2,-2.18574128766452,-1.56208675059526,-1.43586353278925,-1.05881895282545,-2.46700430913977,-1.79885410540941,-1.08771732349223,-1.86989682365411,-1.06009252454032,-1.41924135415906,-2.10876746631793,-2.26750590136763,-3.27808059355473,-2.29651891687164,-3.65155340071635,-2.71125070682457,-2.81758472385108,-2.69202178529737,-2.62251124281439,-2.50426666654887,-1.70030738112015,-2.3982938308816,-3.95003318465993,-3.04930949594164 +Narf,1.3798424798799,1.8500916570151,1.55795485314043,2.13259262854345,1.5558364972157,1.16426348871046,1.40360541763726,2.11052225317104,1.79521305114007,2.12600394914109,1.62840821783015,1.82386726736609,1.49946904692935,1.8523125517143,1.60810788961086,2.00340667759805,1.78002581478088,1.32320768284098,1.7493894414463,1.89230686598551,1.70539606112513,1.75324905323557,1.78736272349504,2.03771954430567 +Cav2,2.5730697603149,2.02768908605418,2.09552915629973,1.62172031878828,1.94746842013256,2.25452632757688,2.04523870330071,2.44695821238335,2.44822157668416,1.5030686240726,1.71571561306825,2.10476762879395,-3.462129404961,-1.67032015136136,-1.41028729956819,-2.92490082902526,-2.120561349384,-1.99936416796083,-2.36478185601474,-2.16696573976946,-2.27814719089344,-2.79011506195478,-2.75893464814112,-1.3882266310465 +Klf6,3.45052755317535,3.92419940080187,2.96958632525943,3.42643774618294,3.44393251441376,3.25190169585205,3.06007738011164,3.22679199686806,4.67318247594152,3.42688921913147,3.46655927425982,3.53742623359347,2.98828290120308,2.86490141996643,2.3816294107304,2.92315222702633,2.66317223916545,3.03294856413769,2.72770136779904,3.00926617847123,3.33950619121033,2.95448703729902,3.0395483642056,2.96392740595873 +Scmh1,1.57962331040779,1.85560955487359,1.93410159818831,1.5660023398482,2.41342424263999,2.57879197969704,2.12126940790305,2.23718983073347,1.78287788915067,1.86483901018183,2.33725017374482,1.93506118091017,1.61870220495618,1.68409197169127,1.51979037716061,1.51412855012253,2.31759916822578,1.94265664737031,2.31897726573636,1.64618510383373,1.68406226442009,1.57336549916379,2.13587612326563,1.84227409720804 +Cox5a,2.86412798280212,2.17099315916554,2.65628458196535,2.73995423852567,2.38567319865963,2.36727736819482,2.39163994065855,1.77290940090742,2.78487786074305,2.59828484816663,2.29428075932595,2.66423517467467,4.42667872093675,3.74680990225155,4.19677684022746,3.74012882663465,4.09175776010394,4.17106273033875,3.878060077512,4.17229712400695,3.99796100833238,3.5894100323968,3.90264529780137,3.628166802118 +Wnt9a,-1.07445246263388,-1.12522600957192,-3.05760839064152,-2.45473165692201,-1.59825916083339,-1.514850314138,-1.61987677395046,-0.85010562613462,-1.17435221636264,-1.13366483216283,-2.05342685669244,-1.04041491739353,-2.68227031767142,-1.66772226042967,-1.93726088597099,-2.56792435442991,-2.30957918008361,-3.46635804867177,-2.63947684499869,-2.16436784883777,-3.08696943604839,-2.52592835590483,-3.50137829685505,-2.68282420468274 +Fer,2.5783470558356,2.54409991614559,2.56227689437104,2.66749846632705,2.78836480118853,3.00838276685555,2.82848354729497,2.52720998783662,2.62346304976729,2.59465818688886,2.9119462124926,2.59746713690314,3.10060375149211,3.05776608910531,3.0861309517684,3.16405542822872,2.88539465825404,3.03906014893335,3.11476863315555,2.97870965987139,3.01609042292402,3.05931497160821,3.05237391652703,2.92180046321939 +Xpo6,2.53862844930509,2.81089832929782,2.39113849560221,2.73962660684193,3.15639805253471,3.2294066911843,3.06773675995538,2.43562644290909,2.60245642936183,2.53515706956956,3.10603818794571,2.82838441761589,2.30416230061411,2.55308166760272,2.39701225248966,2.57753819011324,2.99891912003699,2.71531792957745,3.09286630380301,2.21422711299259,2.19230810488467,2.35032774941965,2.94269156295404,2.79380151958307 +Tfe3,2.23691992665498,2.26134725038941,2.20772786875758,2.25693643503227,2.53009306073133,2.60087783222744,2.39349837807574,2.39613957075211,2.29120897394093,2.24923921156251,2.43521235908308,2.27937065318909,1.79148621622192,1.86985901192119,1.56351165217702,1.82629924985702,1.99133846571604,1.89353555059168,2.16455699698237,1.68550754346153,1.90574357145025,1.8237602872103,1.93729828646817,1.88923213878654 +Axin2,1.96136344552499,2.07766391583331,1.98399671832236,1.83661016902198,1.9274650484208,2.06238721071578,2.01892739594965,2.35229858261109,2.19982478320383,2.06955625754926,2.07609715931281,2.01723823745374,0.787335612978814,1.43848991223447,0.841937144560321,1.15250587737013,1.1703128699124,1.08786252992825,1.23465960089924,1.34677666128258,0.847110029942101,0.793567571998347,1.36882035016422,1.00262079134518 +Baat1,1.89268705925366,2.14180097692119,2.05892525984495,2.06073517130217,2.06208591039638,1.97305529060852,2.03919250309341,1.92771671836064,1.98395139952956,2.05644269559712,1.86413234132662,2.16875759553323,1.59489858232944,1.9512420814664,1.70495319636702,2.14554556054997,1.97143874078467,1.86945250360989,1.90025647636098,2.01449927286771,2.03006634610123,2.15463374237028,1.84856791805016,2.07872575234159 +Gna12,4.31685197439924,4.0722930211003,4.36209257950553,4.17222958552504,4.05227591633601,4.19422270313622,3.93050240502269,4.1821976205975,4.32268359551859,4.06497302177396,4.12843653601751,4.0049896168959,3.76945505249837,3.79995396899633,3.95901466165163,3.87235564874572,4.10256752120301,4.0869577645581,3.87333880669834,3.87365985719779,3.81091809327304,3.92459471499942,4.01242725875374,3.86610776737802 +Igsf5,0.531910439631897,0.637834534796141,0.726099187720544,0.576303600880935,1.17749580531095,1.15395448529125,0.956265504355142,0.247087204646029,0.624766288148233,0.820647804194528,1.17548811065175,0.965646496734435,1.8152374959766,1.33860632557959,1.63730364174945,1.46150927689056,1.93525524877289,1.78867114165518,1.99814989514604,1.81339891585337,1.70719127508097,1.6142364157938,1.50328201012016,1.63859559813395 +Pih1d2,0.488075974456279,0.663459521109446,0.577142096909311,0.412226261018731,0.439249461012919,0.390640053269273,0.670009204680771,0.196531198829268,0.576876843213114,0.690687004247133,0.311892106543746,0.416471046225547,0.992114668023578,1.23929374866542,0.861167504281203,0.888581622325146,0.703959099548835,0.945470077506158,0.815266660178901,0.834796814843115,1.11906498327401,1.07973819461052,0.790231147898943,0.934455582051924 +Dlat,3.8421603289725,3.57988770473422,3.87563173597222,3.684829306016,3.25966592160009,3.44663550495193,3.33504540319275,3.86589542527787,3.79661960480359,3.55069835450955,3.39229892102821,3.60747692163857,4.07769936701538,3.76781534296572,3.94539546155654,3.9097837626277,3.47109456395668,3.79165463715172,3.55073230927102,3.91787438479611,3.88851813812012,3.90955189949127,3.55252363021511,3.68414482414596 +Sdhd,6.50485074501025,5.98009531022001,6.61917463037837,6.37617513132435,5.97585373416307,6.01039039390759,6.07269415637311,6.36047648787428,6.40563341021582,6.52900852140011,6.1082667243001,6.30848015879321,6.69535057708853,6.16783684007409,6.55546589873215,6.21814326089532,6.21317138013679,6.50782650781597,5.96225203442394,6.67012292367864,6.48829976938199,6.33778474115713,6.13608323781498,6.24426449027007 +Ccnd2,8.03333306982066,7.37094597239797,7.36831488991027,7.19007903703072,8.05736163026849,8.17844947668328,7.56813307892259,7.88102102432574,7.45553804582145,7.1887273440116,7.92676650787817,7.82243588084652,7.94343740644314,7.73492481835371,7.93130158104977,7.67402354442793,8.07436479441417,8.05135473985728,7.83607900698722,7.93524608321815,7.83932856816766,7.90623157277275,8.11357756667067,7.87255687064515 +Gpr107,2.87020329245912,2.71835837455958,2.74820779675855,2.72478468276757,2.94805575418808,2.88745020986727,2.94223239479963,2.83529355488001,2.85958364893243,2.65558561171121,2.94616871336367,2.79773764884554,2.82605017107096,2.94254817285187,2.74335618282622,2.75554198331486,2.97921549580747,2.76967650035694,2.90799611808394,2.832742012175,2.8103280538858,2.83964375639611,2.86607639411755,2.83938361927746 +Nalcn,4.06985259816499,4.12775178004953,4.05678504970849,3.95859094262613,3.98280080453338,3.98366472179812,4.01636311068752,4.13941797830698,4.25828851260849,4.06902103360186,3.93967687183428,4.04334112214246,3.74274562286731,3.69950628791843,3.89071183665768,3.6363652711876,3.5222545399765,3.54993119274229,3.46869131769733,3.70877955714089,3.52711776791052,3.65031742962404,3.49434068024645,3.56451407564774 +Btbd17,2.14930009485253,2.22794474490532,2.56590101246647,2.19121591153401,2.40973575408415,2.50161513260947,2.44209012272214,2.3261535187685,2.2035189593061,2.22816400887918,2.48233425501343,2.25709330770677,3.21408719451722,3.18647107573551,3.38734428673799,2.87033835586227,3.12772327881706,3.07989227697727,3.10218140090971,3.0735202363475,3.18001617648586,2.99476233233904,3.05712635464912,2.95417383685538 +Th,-0.737677858742417,0.360543789496933,-1.08010386135554,-0.808257336560244,0.0014189435512563,-0.213920890940867,-1.12601793898773,-0.676022428642562,-1.36964214343902,-1.31465453863324,-0.168404857947126,-0.904901918098516,4.47821975836014,4.25780853441154,4.1780832781334,4.35118341904784,4.63554986324527,4.59448173519772,4.87032898707162,3.96909482559072,4.0992598796511,4.42292456184233,4.75395994793853,4.42922234790169 +Ins2,9.53498577729123,11.8313443618587,9.35471847346014,9.66258803425741,11.2988628275883,9.61082425389079,9.86349716275945,9.81027221558471,9.10004852255162,8.1432515125213,9.9411973393443,10.2447410345874,17.6652650557318,17.2898204209166,17.7428753846158,17.3288936436212,16.9875018848449,17.5899447284651,16.9549401619341,17.8704672189037,17.6089103444224,17.4368496510221,16.9991874940784,17.071348027902 +Scnn1g,-0.224901688227111,0.0627343071883959,0.0366212317411356,-0.405687269916003,0.0470885110361814,-0.422107202470325,-0.237448539813626,0.335559275703055,0.148654242912187,0.0181044790960394,-0.568575423643255,0.106623722628726,1.90635622981002,2.59823286733592,2.92084184361292,2.94669033939085,2.052084914132,1.694493363485,1.73138071667012,2.51310036172042,2.94716266444733,3.09176670847704,2.1101328684597,2.13618710272165 +Gmpr,4.86438014748725,4.80251074610717,5.18418083991172,4.91162746475035,4.44753484269072,4.39260072665192,4.52264848472204,5.32147244841622,5.11179127857755,4.89694368520287,4.63088805260137,4.46772225818755,5.84230358834843,5.87844183104832,6.37567881354449,6.12723200572936,5.62799040357004,5.80119034034362,5.67741926219813,6.31998504126554,6.06322422570091,6.16952414668312,5.71042732690614,5.51723959261591 +Mid2,2.34260733991893,2.45040405534336,2.57356895112769,2.44749731023773,2.30240503049185,2.31299396960339,1.9059482355495,2.68030808454191,2.36287807318296,2.31847205420355,2.11084511844703,2.26881855928785,3.3003502996364,3.35133932411031,3.44973710446816,3.28993132552909,3.10399332707838,3.21826763276939,2.98459311371196,3.47633466475986,3.46215325935519,3.17014788242161,2.84860792169826,3.003661239436 +Trim25,3.38340505517817,3.60767100450468,3.75854471942133,3.2457743787337,3.53512952224855,3.4274723985848,3.15249516585913,3.9157274582564,3.39130002080326,3.35238011763182,3.35443870936466,3.34546007360848,3.41904974930284,3.82642617570451,3.84345362170865,3.58724878767259,3.68903489292739,3.66722470219263,3.69614827164162,3.9684393961038,3.52742856100812,3.64702987158856,3.74040094402897,3.66643879135975 +Dgke,2.4383038095857,2.45179292144365,2.70156950189099,2.16875135919748,2.09389608240597,2.42773790113019,2.13791761907578,2.24210450771775,2.31330927182629,2.19294771282911,1.87833914559868,2.01056836806698,3.34502839698466,3.64504658481448,3.52061165436538,3.26656426437729,2.9967658670453,3.11936551706921,3.20029666279083,3.51761477791758,3.51757552844963,3.329184135425,2.87909421393606,3.20540320760405 +Scpep1,4.07299574620218,4.12584802559617,4.46162804064246,4.13550255997706,3.68954980395395,3.70518393897264,3.73376610679503,4.3472270128815,4.18495495390461,4.17801118626592,3.66030035089433,3.86942345708954,5.31293615383676,5.02476382944532,5.19498282633408,5.06257531979466,4.87238826114201,5.30582769462638,4.85487407031805,5.498401799582,5.0632263478527,5.01774233111886,4.87002741243199,5.11957975846339 +Mnt,2.2200787546497,2.60531295378026,2.36881808869937,2.44060024770943,2.84009532542508,2.68194929327307,2.74648825265108,3.06925959297619,2.892826551257,2.32882418897683,3.00555388292988,2.70572441291183,2.27132560935384,2.39687710794743,2.35150884738953,2.35499210586512,3.10040120503558,2.85842432319347,3.03822697946273,2.17605881789419,2.36621732690228,2.39572751559873,3.05481167130747,2.82532633808552 +Hddc2,-0.705677279422106,-0.437370067781449,0.327074481025879,-0.439248232557568,-1.01786630454343,-0.591153119642253,-0.718027632973893,-0.0819143352007092,-0.348775337136391,-0.0427019390545849,-0.998383307751489,-0.59043433865013,0.950968859802968,1.01980660627383,1.35323122873359,0.603112531458655,-0.0702227697191595,0.538747694998539,0.357884470872713,1.18472420305265,1.40071446068535,1.21579218573848,0.213884169317731,1.16327298573775 +Tpd52l1,1.72555368650394,1.9770590954454,3.04489314405024,2.17562503826881,1.24342389776969,1.46334221130699,1.76766491874837,1.83124001886432,2.0905574643425,2.30032141516512,0.731408653089597,1.66627414614176,2.99942339169629,2.88974214001557,3.60551950423814,2.99470233940207,2.62674134394301,2.88524737289552,2.50942507128031,2.92473325766142,3.24659855467247,3.28709699092832,1.91115134366721,2.57220731311591 +Pemt,-0.0234903792219094,0.0295147249995635,0.220935559799394,-0.0077160476414681,-0.357313596341573,-0.350590932783309,-0.581294566467501,-0.421096998922594,0.547709249503465,0.226658998652542,-0.767636832575248,0.352570044649819,0.564242131069295,-0.0092146687005076,0.360042200552573,0.18721899328239,-0.651746853476118,0.442504099290194,0.289874081044081,0.425195215975816,0.337941259849557,-0.283840813251859,-0.159509410949567,0.022904572004536 +Cdh1,4.90563014520806,5.03483779039472,5.04535487924895,4.58627850943662,5.07948665297514,5.14246740235959,4.76007763999096,5.40748060837022,4.96036322333107,4.66003775215667,4.9121967754976,4.83917414174812,6.36021739954426,6.51121017109428,6.75415740350216,6.24570053534056,6.49427344091117,6.5951226268458,6.56336659275913,6.70101722824036,6.21189323478049,6.27837204342654,6.49149481077394,6.36553851991091 +Cdh4,-0.416265237872681,0.317924565358003,0.364247470658537,-0.561323087962475,0.254624894330564,0.505417856999781,-0.0900294469149663,0.163850186669207,0.0406321240212337,-0.0815109515537049,-0.115842844914742,0.10578836891061,1.05511559618909,2.15753612821361,1.73852800738966,1.59447561005163,1.57397401672848,1.70448172447725,1.66476803446779,0.901219749135597,1.63251648963663,1.22487083778951,1.80241917564783,2.17769797974471 +Ckmt1,3.11598438935244,2.53698714506095,3.16323126114605,2.83871050761754,2.4636171111008,2.66377160231801,2.52138514879681,2.90098478415011,2.99950187167958,2.7687506500237,2.28551013941071,2.51385811408886,3.56666827943282,3.25899752070715,3.63173285218232,3.47888233256168,2.93442727669791,3.17038105279374,3.0822999802173,3.55026836107239,3.39852379232033,3.53109486524048,2.83271697362508,2.77077279655441 +Bcl6b,2.12816044841067,1.70076239658285,1.44828173493159,1.65951664599185,2.31245418747117,2.15759686343792,2.23276941840297,1.5916559391197,1.78751949325324,1.34584063753256,2.03985113013036,2.0174231158378,2.23246651428502,1.51415304387441,2.31502689867195,1.99918124855406,2.43635835832253,2.51777566031082,2.15918969868789,1.65392561902325,2.62049071172326,1.76675795028878,2.54845257479191,2.0207463419693 +Arvcf,2.97439793973105,3.27036339409972,3.06783180859699,3.1271152921968,3.23885211134973,3.28411534104207,3.41840515059227,2.95195354403197,3.06840474567289,3.06870117048128,3.26924542627604,3.2599898540356,1.46495336195934,1.91366385421083,1.32757110870846,1.71666494243304,1.9969967321028,1.70213665291719,2.11790410868835,1.39825406495277,1.46449095900774,1.76159868020795,1.98096893841649,1.96806826742971 +Comt,3.41476927869807,3.35413757988234,3.29448063410855,3.03192135029474,3.3193102780886,3.27276895364912,3.12024731684826,3.29521935168122,3.30135629176149,3.05124584125134,3.24312489135195,3.21349084958311,4.73926772051013,4.80048282702653,5.04041566638482,5.03058836790675,4.78368891052498,4.74826022201998,4.56995107693136,5.01540794138275,4.84641486962909,5.07939069838953,4.68338923940923,4.65422667999526 +Rtcd1,1.37866856637044,1.16739496847792,1.73146459043424,1.55597312050017,1.37503602678205,1.5298955495579,1.53293244497684,1.27754337988505,1.57146749286377,1.46434148748605,1.37077960551951,1.51164230966185,1.59855841405052,1.5675434653896,1.6667738328707,1.61223181158957,1.45941207946935,1.60818555751548,1.54512619488574,1.24793973593256,1.43935269888081,1.64249233059542,1.42071275991843,1.27527930908556 +Dbt,2.09893666279948,2.22003401698269,2.1872227767649,1.87693256471378,1.67765136566201,1.93207247597556,1.86362661821049,1.89169885762682,2.08685094094139,1.86429383990827,1.78289688533987,1.98426005371522,2.47050355454419,2.12547413352692,2.14899406875754,2.18062581881305,2.28536493137113,1.84310857682505,2.24696239447015,2.28122418962702,1.90480187836441,2.10725865476852,2.26610214698693,2.2507421419218 +Dazap2,4.89301294286537,5.18475478562513,5.47947098122455,5.0229313426769,4.65146277070867,4.6577262274279,4.65723303719464,5.36541779522453,5.29275949731896,4.98958445777616,4.78517202120597,4.76319604790541,5.47673821795525,5.49398572378903,5.83298962121984,5.50165185525385,4.99160609197325,5.34605902215163,5.05114439835492,5.78214203142388,5.60584218543348,5.5263882835678,4.93191721950966,5.24795791454128 +Mcts1,3.48275207430104,3.1691194559159,3.35733581901992,3.29130150055005,3.51991176562987,3.15290964970629,3.49586317846141,3.19845441409635,3.43579087421792,3.54471053161232,3.33138021910481,3.55991650523129,3.56221567255587,3.44961666184843,3.01775551090718,3.14422532383198,3.42614903629971,3.42059735060615,3.15643225137055,3.22239058938448,3.40656005967849,3.00998951760657,3.36553124901627,3.48371028015838 +Rnf17,-1.73195578782186,-0.833641302711147,-1.03937799883968,-1.5088236949858,-1.26472843234838,-1.23407148767921,-2.07681056887002,-1.18740513757154,-1.31177567046159,-1.98304511426662,-1.57991555567756,-1.95799437960914,-2.83741595451427,-1.69962638385251,-3.17819526198749,-2.50000888370617,-3.76827666520307,-4.75400304608708,-3.01968729027104,-2.44871484746795,-2.93305262514974,-3.18343168109281,-3.41384008239741,-2.6402022981942 +Trappc10,4.07222885217912,3.93067248188072,3.89907149741956,3.96976097330632,4.05327026526907,4.08026937627148,4.11038068779701,3.90190662008546,3.96258789052179,3.83408433459974,3.95979503777,3.89386223509016,4.00202689633661,4.46995731135851,4.2792544283492,4.51603220777308,4.63617518063567,4.3334734079852,4.69855183729673,4.13071565900884,4.02400263603252,4.45245096094294,4.74354922932204,4.6123230704432 +Ccm2,2.027761381967,1.76873458930414,1.97522514524237,1.54234139552571,1.94247642034771,2.04202134480071,1.85256706029148,1.7129692590232,1.9224347143401,1.65311788525455,1.89897731956196,1.77237343401488,2.79685460946704,2.76354086027418,2.91270245768727,3.0067261132019,2.84341918974576,2.9745897149693,3.06589929629865,3.05651536553457,2.87218310932942,2.93569935263709,2.89271692276618,2.82805863299314 +Tbrg4,1.91404903325457,2.15222798315405,1.75108899361342,1.99486759805679,2.2239777426706,2.21786305054456,2.33905976372085,1.52239289320978,1.88738407239539,2.01375958007903,2.41711739390817,2.07084407737054,1.78913007458511,1.78016730948512,1.61544435871077,1.80383481873893,1.99183483070664,1.80502043437483,2.43819527292389,1.20589446634709,1.71693753628481,2.13627291153801,2.11184466042953,2.1223447675788 +Tmprss2,-1.89916982769554,-1.43167278046048,-2.38429072147743,-2.03222234623788,-0.792840927126234,-0.324109412283786,-0.869246005612903,-2.27314433792082,-2.22702417445121,-3.04199861974381,-2.14300310406243,-1.32313981966786,2.39475796932334,1.82485345009335,1.98794766903398,1.77782589271112,2.63019411737576,2.47542162918351,2.60472915962531,1.63918533696512,1.92854714206641,1.79075280580697,2.46847710685281,2.42175130646346 +Fap,4.77896400022573,4.06717015947977,4.63072726510865,4.71059947288271,4.37924804658352,4.60498159658676,4.33269710014148,4.48785479472885,4.31313077612983,4.43241261074394,4.32213674117856,4.71693685681237,3.52591812618977,2.8072630119227,3.14316743096347,3.27614410836737,2.86360917947751,3.68626485101892,3.06572070212941,3.93803997184547,3.7542792205166,2.84365980354681,3.01290188068359,3.79450433936733 +Gcg,17.2030741442252,16.6258332548218,17.3324623948254,16.9803684313918,16.5475431164214,16.7600292466526,16.5753953213081,17.1657684445491,17.1819058102523,17.0233282465545,16.6390369391765,16.8900200266059,7.14292540951727,10.8971733730587,5.20052164800392,6.54331827622918,8.1512940427125,6.68459260583883,8.53826326974274,7.03436666959412,6.4036830619878,5.34389868345437,7.07406254500794,6.83110352090755 +Ndufa9,5.25795223930864,4.82862356043443,4.9740375738648,5.15910378916182,4.83903574202863,4.85761935151245,4.79519238487083,5.13217370934737,5.22169382610957,5.045249519733,4.73682204172723,4.87924929279851,5.35178864569931,4.90585258432075,5.31756057185148,5.12997342012164,4.89031268727062,5.24335146997145,4.55102309175414,5.35831212683903,5.20023226782436,5.07850579700026,4.94546562026263,4.92019829887794 +Lck,1.10725388164219,1.38525440641549,1.33278963798912,1.3641023576248,1.91598767734505,1.29376531589567,1.48370228475709,1.21579904287159,1.17133804035654,1.60113495276151,1.64051440409482,1.62033290559596,-2.22465476798745,-2.93047462346776,-3.91181904363821,-3.91181904363821,-1.61279702011673,-2.5095602436748,-1.94501183500968,-3.26728215262629,-3.91181904363821,-2.92259891487598,-2.30660973172708,-2.49814352742185 +Cttnbp2,-1.40849232042142,-0.369875520758892,-1.61978033141101,-0.986846901701099,-0.0120907063614095,-0.574016438832812,-0.210064858344065,-0.773766876480293,-1.1684102547908,-0.866565463749043,-0.417480850551777,-0.714815387982263,1.87414618849733,2.57527430004431,2.01727844090557,2.60689302661716,3.03097638724707,2.38759641533927,2.74214332596,2.36311232474575,2.1847644967242,2.32295776511635,2.86713638927995,2.78976712999582 +Galnt1,3.87750286946204,3.72325443711448,4.02331702580475,3.67006709316167,3.71867177874383,3.80209236477073,3.61488900231656,3.80967869604117,3.8955599683388,3.72876021432439,3.65259065783797,3.75574485224449,4.15828216256881,4.00360856062167,4.27015350172661,4.13077290271345,3.79169834232143,4.16505939132087,3.76057415721957,4.29322160306929,4.06978136480591,3.98746278372266,3.77174195265905,3.80452285203737 +Mkrn2,3.29903172223036,2.9734343497657,3.545619131425,3.21115289007277,3.13956085699458,3.1715917977322,3.04204438168817,3.15326423657932,3.48512733513419,3.27840252049183,3.09933348076909,3.13548770697058,3.63591782632037,3.48221719522824,3.81014940067018,3.7681236573219,3.48553987772629,3.6931312806667,3.60490082241252,3.81068317866928,3.66888350813287,3.80231143548564,3.58728306295374,3.64618645460716 +Pparg,-2.84493663103183,-2.41451068308577,-2.73881668319464,-2.16567709458471,-2.40122806358238,-2.76618470014132,-3.34982287614572,-3.34982287614572,-3.34982287614572,-3.34982287614572,-2.43007986977689,-2.80650490565029,2.77589366967234,1.95341073372888,2.76590359996003,2.46507538152061,2.86979599400108,2.7797144119445,2.27339267490167,2.85294009676482,2.31265382111757,2.27282843132524,2.92797516235035,2.95788009279252 +Raf1,3.35198049866846,3.63021290693732,3.17801694493349,3.58005899851263,3.83240208943393,3.69419517122546,3.83451462703715,3.24558782949338,3.48377596724705,3.54508167469046,3.91316237404067,3.66971637864304,2.96460207408516,3.25004256327007,2.94164416915235,3.23425971024014,3.48292622049342,3.01124833173954,3.43397489713944,2.84132491046563,3.09145671881871,3.16138738124127,3.4133373883136,3.40556397345392 +Pdgfb,-2.09324830209404,-2.19236022938054,-2.04379244354486,-2.08077756572716,-1.53205685330578,-1.10244367729394,-1.42976778672808,-1.96905789840563,-3.40943405268001,-2.34965727846081,-1.86331786947006,-2.00184049608144,-0.123318697559025,-0.852014071442162,-1.01141263605316,-0.709725717345249,0.154085763322741,-0.465583943554023,0.0519975636731065,-0.582761487516509,-1.3055792217025,-0.603924779467522,-0.792191012486044,-0.124140893741863 +Grasp,-0.348710764414957,-0.577907118712314,-0.397107681175622,-0.2607742516818,0.339623602134752,-0.467313203175625,-0.436929772466952,-0.635249137537899,-1.13775928018283,-0.821168986579487,-0.605953555596733,-0.314673219174602,1.13050622292279,1.34798244076748,0.86414270934972,1.37134400271851,0.887439563606827,1.24700062032721,1.3306567195047,0.744765082808263,0.553871818092349,0.696345941450197,0.943372160786667,0.468516626122645 +Acvr1b,3.54757859047952,3.86109641913907,3.81704023478077,3.68191923943642,3.52910674871812,3.72692996750836,3.56363358274233,3.90515308975845,3.70191718843203,3.74766232176406,3.55166976768841,3.50776902267239,3.12681287494217,3.55137601008974,3.2167168642302,3.32912947943969,3.37252196953652,3.14791250741057,3.17796308751281,3.53528970126711,3.31612131571919,3.36427496244184,3.24678660909008,3.24335056766532 +Tom1l2,3.29769860158425,3.48820323263791,3.39077251855124,3.38794022603701,3.61194823102738,3.5676729953229,3.53437463912527,3.70079931705669,3.46849917678147,3.36678392575863,3.49917978305372,3.43343996428135,3.45297012572043,3.32081027631003,3.39958265955591,3.45333836160056,3.86757797233135,3.52828893072761,3.79835063408918,3.25231878289937,3.3702257824501,3.49958657689086,3.80984597281607,3.77814596223301 +Gpa33,1.02406331736955,0.728801299081272,0.578307769781276,0.908325249595576,0.837554929662087,0.794256321880987,-0.1120492004735,0.984762864623332,0.438428635496799,0.949703637665294,0.418748017668069,0.584041403320486,1.43844100841801,1.25543191321719,1.10079699860328,2.12165246418197,1.70987596142302,1.77143532625711,1.78944560595694,1.04937191424159,1.31033590051985,1.76208202123058,1.65588006781304,1.30593905934642 +Zfp385a,-1.06961229018149,-2.31344106857459,-0.319031744426201,-1.28929400251373,-0.402783815445934,-0.560867257610191,-0.880195831846457,-0.462040263512145,-1.76353369600901,-2.0006548538476,-0.614716726066206,-1.0788816769672,-2.14315890583583,-1.99735391076224,-2.24369684057438,-2.85398985714512,-1.25836628554204,-1.88343943236786,-1.21465468267243,-2.4689245476805,-2.5478580242128,-1.76545797508154,-1.95217899715238,-2.14371279284716 +Wdr77,2.888320645316,2.75382113186961,2.68695681672635,2.96985080859177,2.81394401149639,2.72978323531503,2.82305438751351,2.59838812911373,2.80746002979417,3.0328046672976,2.73120310332308,2.78506385764242,2.56042110089945,1.9415515735446,2.29467655057571,2.19799754133603,2.19425352288057,2.36556489093717,2.16248725495235,2.16378359295231,2.31206990938631,2.10173562766567,2.41209665327374,2.27651261131469 +Adora3,-3.1922365156275,-2.45317552025246,-3.08611656779031,-3.18707631404326,-2.74852794817806,-3.11348458473699,-1.89368588480481,-1.9493883111565,-2.83123011925237,-3.69712276074139,-2.77737975437257,-2.45104258275866,0.19783514832907,-0.408950369971349,-1.12361276153683,-1.44312859836048,0.523639184674583,-0.33098403199574,1.15720201038213,0.0460930438660498,-0.773752800691223,-1.25537310822813,-0.14590280489536,0.397686469014347 +Atp5f1,4.72874284504193,4.29107279694833,4.70626346309865,4.45529662286182,3.99915105843244,4.01238362306062,4.11625698123307,4.46034063872519,4.60001334179425,4.61625804196165,3.98422363474954,4.3402594849636,5.10952859423873,4.62516855482477,4.949542303411,4.8096055833397,4.47838945671456,4.76624421240972,4.29444067265996,5.03386068772593,4.86756152710872,4.86772398462349,4.47480989636866,4.73166274361515 +Hnrnpd,2.58313565364286,2.74975593992481,2.83093675444519,2.58133771247682,3.04514478940237,3.07014760474524,2.97094779907115,2.78293502235419,2.76427628702329,2.87546462926074,2.75343095171808,2.72744220797305,2.47708503938049,2.5055658318268,2.41800080845703,2.46420374910887,2.93516883036232,2.81958573115478,2.98008775012679,2.19862414913494,2.59396950846137,2.5939725504381,2.90419290120761,2.76442968092048 +Dynlt1c,-0.19778630896144,0.149413628112235,-0.45255050465541,0.0185563580040324,-0.422175514202534,0.109878773777373,0.0500334906686064,-0.27027503267054,-0.373499289533847,-0.148882775092591,-0.186781825291686,-0.312013645170805,-1.8349223544367,-0.920270634287593,-1.04302409797874,-1.6872861953253,-1.21647362085321,-0.991257424198387,-1.28196469330951,-0.535435829591574,-1.09182718581439,-1.39049765779,-1.55256224162971,-1.34194746202227 +C1d,3.10102803751549,2.21666643400996,3.06984489304994,2.89213439131917,2.56993554076987,2.52519387251754,2.40203680722418,2.92306501156799,2.891487022666,2.86490715641687,2.48213698428645,2.70241688436349,2.8561244151044,2.96939088014982,3.42436333011538,3.04463309137919,2.67800919749221,2.84778041548188,2.52943434664864,3.38121153070006,3.21003779631525,3.02402284427886,2.6927957110725,2.53708541255534 +Gm2a,4.42387916769236,4.19949989894242,4.59639975105414,4.13790507498425,3.96887025164711,4.03039971137685,3.88608750011715,4.61407582523171,4.48948258244802,4.12470280657526,4.11167316832962,3.99065862701827,3.27481334547136,3.11456270001717,3.62964245769879,3.14029346322879,2.94868363873378,3.08178361575435,2.79349029067827,3.66851612520725,3.383896827249,3.40800058870617,2.67338285978517,2.70796439973832 +Krit1,2.72972905358192,2.81666094633095,2.26893813818129,2.51276473018668,2.96874893209992,2.70380880202639,2.84308334463569,2.31781532784976,2.49878336002687,2.64785176217632,2.92195531993534,2.9339489832267,2.52515724442329,2.73861156203854,2.40070101670593,2.72063962858074,2.84718419464653,2.36274315648898,2.76665818229612,2.49233842348338,2.63285841569934,2.59242971081944,2.81276670947068,2.92848677094428 +Clcn4-2,4.04696788492332,3.98774018692977,3.72442948098902,3.87592114856395,4.10486593621599,3.80822878390063,4.05627251090746,3.74115551652904,3.9524105649929,3.93078759451083,3.958477400389,3.92912447208946,4.50304284020256,4.34595414159997,4.66289826364813,4.4831646413066,4.4489047976456,4.46446231797204,4.39097850441652,4.65176724339473,4.41970619946552,4.45457989705896,4.50093315137013,4.50512087724321 +Sema4f,2.48373982807234,2.54267783475868,3.12887045928559,3.04113428655484,2.71269575541524,2.80898329252946,2.43712007174642,2.41323713740592,3.05755446234168,3.02320759937284,2.318177658311,2.2843241518295,-4.08536871723601,-1.66796026187123,-2.92479285528709,-3.54814014130027,-2.93541638329031,-3.32007812414239,-3.26531404820539,-3.29488510816328,-2.70806500183481,-2.15538588578191,-3.38217396041613,-2.80640155084196 +Myo18a,2.74565467120222,3.28960002805819,2.99696931934719,3.02668148453785,3.17626378829817,3.1802826291737,3.2229395219673,3.13837342803507,2.89816655882061,3.08765511562398,3.28627147155729,3.07002594212005,2.66396921914369,3.56357065783749,2.88261387684676,3.37469361642099,3.55547505690542,2.99430758129054,3.77847377649672,2.80461149423273,2.92735250078249,3.35764279273277,3.63402147986864,3.47362733684219 +Abhd15,2.35401353345171,2.17725891462759,2.09355509583442,1.94465174805793,2.00601527691459,2.36732443733918,2.04598546299436,2.41548950674977,2.03910572515976,1.81344441752962,2.01667063961295,2.0094224159173,3.23549300637376,3.03601221698321,3.12764394456584,3.38314027043163,3.13103402085275,3.1158524576939,3.08592983703112,3.29312968795619,3.11924124051938,3.42216040997907,3.10756701090291,2.95198102481811 +Loxl3,-0.858227298063925,-0.851770207780702,-0.901044191919877,-1.00359602092643,-0.772225577700288,-0.346705090936316,-0.975982363148994,-1.5038070710423,-0.738247142384369,-0.662542537456808,-1.12040790846706,-1.15406507268022,-3.3531034881765,-2.4585001486165,-2.85461774423652,-2.90185016186692,-3.12564280126988,-3.3631764861375,-2.69610977252006,-3.78588863732419,-2.83276992021525,-3.1214429784601,-3.83530410429206,-2.14265256739135 +Kat2b,3.62301342327287,3.81318302898246,3.36967602158673,3.7185204072777,3.85437498575588,3.72683719494952,3.85201172169755,3.69543660226851,3.85509586130105,3.69231464941114,3.84373646100644,3.84552617284871,4.42341678922159,4.52695843504437,4.27946340820969,4.37931866600839,4.05305999381938,4.18948208293908,4.32139684950354,4.56301206004627,4.52688418508959,4.47007439883258,4.07897181888708,4.21248488109475 +Rab5b,4.85462826131521,4.68773790732977,4.89958460861522,4.69891115537253,4.38918367484132,4.42317375661655,4.23763432076697,5.07305337494002,4.91727348337917,4.84335732141214,4.37339036910528,4.5410168120081,4.87784980692665,4.70001123363607,4.95938046731521,4.66658396363161,4.27824489047532,4.77067849798484,4.16239012968487,5.10306657004117,4.83723514483833,4.68565733095237,4.21310550919109,4.389730938607 +Spg7,3.95290172119794,3.82403433648151,3.92031050099576,3.68872687924038,3.83426908248951,3.84215954600426,3.97871963068082,3.77614134869825,4.01901202614004,3.79200978082957,3.74301695325522,3.81904940380113,3.91484111291044,3.68719072212582,3.9806788117171,3.91760605421476,3.84293784362381,3.90797521935524,3.95513311606091,3.77969917309758,4.09708536535048,3.89282866957075,3.89941333250997,3.81966363397409 +Rpl13,5.75189233706554,5.15063390950399,5.96618135854788,5.67828209641101,5.33362143168711,5.46277805053073,5.42666867026901,5.74901097421949,5.71465661326477,5.67962795315579,5.45892029058988,5.5241268124995,4.86102048146791,4.55215161780652,4.72414533899211,4.61264077475506,4.24649976743149,4.74523226264062,4.24798792927734,4.75337605379078,4.75455737962983,4.37749913285239,4.22273277484458,4.30875291898651 +Chmp1a,4.41816978937559,4.30395260211182,4.49656068011327,4.35194716146107,4.04429839296724,4.01110371960122,4.19803189001337,4.41956879883986,4.31399081925465,4.25997807344573,4.24979165356515,4.22372959678172,4.37892307446963,4.42838041098129,4.42230472092125,4.41097204659048,4.14154748944766,4.33290714704356,4.0156363945246,4.44233422718167,4.39156882208557,4.34360760456454,4.08039658805559,4.14530729530494 +Rpa1,3.5339634549565,3.38440314959747,3.72925099655942,3.29277143121054,3.17346299202703,3.27122289959461,3.29633037308645,3.31096678685267,3.63913939734228,3.37381674573192,3.22300033698732,3.42283607658315,4.44115298631929,4.27743542352881,4.488294256043,4.53091799825434,4.22428205311498,4.3802254868247,4.23031755777166,4.29322762379894,4.50086453506553,4.46141488022008,4.24839418746225,4.12852860946246 +Tubgcp3,2.22550975733531,2.5577120099699,1.92494975225012,2.25150407837602,2.81015510111947,2.57354517191923,2.69126479658946,2.06784263728079,2.42123650682952,2.26776891636593,2.72383400488452,2.45199802330189,1.80634173396236,2.33970156384343,1.80776620093668,2.08828459322879,2.58639780316102,1.93368914758211,2.49143229625008,1.89751200616901,1.93771518751123,2.1006087257163,2.56080135198976,2.38904792144852 +Polr3d,4.02142685051854,3.80377855946748,3.75112352409386,3.9521840869197,3.87322752984413,3.93566970488771,4.06393209641371,3.55520832098475,3.78521473189543,4.02706951331334,4.04180183393423,3.82855608596907,3.6798234516592,3.26120976423247,3.15324152509096,3.47154009165827,3.8940319965883,3.72688538156294,4.0048988402068,2.93830475067208,3.44993886030991,3.21615884256343,3.98238674506305,3.4201916828536 +Ddx3x,6.0588725209545,6.14544325427035,6.38202361983641,6.20632024413915,5.82858469117822,5.80047530368106,5.82615494413257,6.03776604447855,6.41567432916108,6.24958517521089,5.86651710341803,5.79190757028774,6.40979768773747,6.46928811972985,6.60801655794816,6.58270616455338,6.18747559326951,6.07376932467343,6.07067616909043,6.31636482923674,6.58176101265069,6.53606402511152,6.07727888542442,6.14015598151037 +Kcnn3,3.15040152851169,3.29768705659419,3.06910701661902,2.91950319981798,3.38323583077912,3.58155873858489,3.35966980650613,3.3914067463464,3.25502071113588,3.09235709741765,3.20903491382339,3.17781449032579,2.88611082498174,3.66478845623865,3.72306953025499,3.49293752379961,3.12160147666424,3.00405836514348,3.49503699262235,3.53962963610264,3.56593626333454,3.56777954157416,2.69667710505724,3.23588603726054 +Usp32,2.50515766143349,2.61153592256764,2.50031229704194,2.31908275863558,2.97761300214679,2.90570641652237,2.65398800278349,2.8156434328709,2.45799919255472,2.45826472777557,2.86082095194294,2.68998216484654,2.51648520916452,2.88024805643019,2.72980404947318,2.65911313914758,3.04088353990812,2.74967294000366,2.8609357315902,2.76000010428216,2.58232507709902,2.67373531940755,2.87187221786359,2.83058864458494 +Txnrd3,0.771858032213039,1.51315813330106,1.73342925412056,1.47247595701499,0.649157554685043,0.452882177029317,0.734331382694805,1.05326174647236,1.33547574140903,1.22269458741224,0.14910749989776,0.503833138043056,0.230375592047441,0.826531595507589,1.67586052342916,1.43223479789232,0.0148628531856441,0.212298687766648,0.385384620515346,0.725257798899972,1.32313028625628,1.45347899352106,0.0698888522008936,-0.482575477292991 +Znf512b,3.27455358012336,3.9570542715444,3.22352920317687,3.71112471557487,4.08815500615257,3.88316595184303,4.05258506018676,3.15307370406164,3.5448461662623,3.876841445274,4.0353809190605,3.83651141603384,2.74677606637787,3.54257843008565,2.81250633681796,3.39888956697017,3.58458835711467,2.89947998571005,3.67930238834716,2.51848214253168,3.19286718962059,3.46669066057575,3.64176851729894,3.52625933608063 +Dnajc5,4.48566406629482,4.19757809432993,4.42738772837717,4.25478929981459,4.22222442720286,4.19892675887536,4.24698437370012,4.15778512757221,4.37230878433613,4.33178813353044,4.15168982166244,4.19824741810877,4.59510587596211,4.22446635977672,4.59705328180378,4.58375757926689,4.56968717940277,4.47212832470044,4.54611128383792,4.20478450757324,4.63059387267886,4.55489426345394,4.64514736984883,4.45512117504284 +Tpd52l2,3.34050728704446,3.32905974589917,3.39587390196452,3.57480740933974,3.26746782608511,3.4052135019647,3.31300035261251,3.24116564412225,3.34793511181664,3.58424386394132,3.46196891207515,3.3802716297629,3.21201555931735,3.0111112275214,3.00399444778382,3.2748967292735,3.20704910148688,3.14511636129206,3.22489066997214,2.97654652754755,3.34672402968578,3.25512104287274,3.14480878764641,3.17027992949692 +Fmr1,2.97580458028285,3.05460253993548,2.98760404639722,2.88565634173672,2.90384190434008,2.9335244191981,2.86182995086452,2.85153993073179,3.02724455702674,2.8990810329861,2.78477102732329,2.97454240621354,2.70977304508922,2.72685120049228,2.76639273213197,2.72753030122059,2.57990405504569,2.55045808273639,2.38899203951725,2.73080963666026,2.78095166320838,2.72672343543179,2.4233960112377,2.54836386213715 +Bcl11a,0.853889205276384,1.07652396843146,0.999077356994222,0.607542177157844,1.51786705533649,1.52269292371877,1.09781830950955,1.53830410771354,1.00231436233237,0.626910666452308,1.26736420146573,0.997275215879381,-1.73580472931301,-1.10845553579324,-1.48658178017746,-1.56454246140392,-1.07939641400248,-1.58351104452481,-1.34694491640868,-1.51295246961555,-1.401598419299,-1.17785588834212,-1.28937757981668,-1.47242552763381 +Pxmp4,2.14905750692064,2.27842893212217,2.35174141574521,2.18315250158607,1.45200801650897,1.80326960787754,1.59435816938642,2.47880350086523,2.18081585234904,1.91215947565781,1.72018458953056,1.70634718023034,1.91608627773894,2.24815458476334,2.4374352960961,2.50526740755299,1.58643142649011,1.89719898589199,1.1660635597312,2.55339837711113,2.34950063758608,2.42137340333916,1.7844176320301,1.80503429044007 +Dlg3,1.77560707335215,2.18896308450188,1.84008694457654,1.83342366085086,2.24972525469301,2.16983477403644,2.02968100662012,1.86618492829436,1.84546079633066,1.79095008035152,2.20364342687425,2.12372232153822,3.37882554998404,3.55402840150811,3.41999627461129,3.63942055581188,3.54280453161928,3.32070875806202,3.62475095075408,3.58261307443597,3.52842832624829,3.64558847369413,3.46610137449197,3.50778070792327 +Gnb1l,0.983244606300534,1.11555519169465,1.27177245657672,1.13961912879098,0.877660430691589,0.789879780621924,0.732045613111506,0.760423322452598,0.718921984825971,0.89412988582936,1.27561355303779,0.854172219396788,0.51948913908257,0.821896443531609,0.93726517644812,0.341252844234249,0.452242196712698,0.836807061240983,0.343391280774511,0.911092047853408,0.539220040858333,0.307152423424304,0.903996756601957,0.378455701663755 +Smarcb1,2.52145033763353,2.23032370869546,2.20739140224422,2.4034321175335,2.63442044412719,2.60150402411322,2.57850942701349,2.38765464770835,2.32184026944746,2.27426349011641,2.72500959094979,2.47728417561366,2.05843041778665,1.96709224386295,1.9863272670238,2.19806603564448,2.502284703025,2.29383456492522,2.45753421928626,1.86624981760121,2.07529642109842,2.00913670301839,2.38182865716166,2.30810411257502 +Hip1r,4.84686632773779,5.10286948007888,4.66889876672602,4.55797327482373,4.7850751140182,4.97080268587141,5.21010624149189,4.94820728275174,4.88511813466366,4.56016419127325,4.89348049074711,4.95819044764462,5.19727119808384,5.42128166585807,3.9900935071154,4.02059446055078,4.89914160598195,4.93751054447737,5.78792180321573,4.93723863013678,4.34609699950757,3.91262298309647,5.17028159436224,5.31564398628267 +Nsun5,1.19772285302152,1.62521982003633,0.381853160266306,1.53541573209812,1.70429593354106,1.50657786332772,1.6421166273854,0.660824195416577,1.01657869086107,1.46885303246522,1.84672173695907,1.65502253135839,1.28332623814417,1.3931683212774,0.880503196504099,1.30727633683506,1.74010257179068,1.13690377862429,1.90204490675158,0.319619034573164,0.912165337733684,0.943237020767572,1.73084555888526,1.68828715019263 +Top1mt,0.935036819721577,0.446556704643878,0.451890712754852,0.829134373789185,0.576721403351442,1.3960067128799,0.693348131250041,0.258500653824392,0.760793215742905,1.45663418436415,0.973446737866207,0.586939528021754,-1.30614666794177,-1.32109848723465,-1.43894050448592,-2.22130058123489,-1.45085392418261,-1.65014250383412,-1.25049356970452,-2.32242413176156,-1.56515313608434,-2.76065581894186,-1.02378655513477,-1.16672971027985 +Snrpn,4.71080361103309,4.54096128781298,4.76711799797398,4.58842582660236,4.45459838933333,4.5015450049264,4.491906252718,4.54502789741145,4.615703894136,4.66573047002148,4.41621018990187,4.52668879625693,4.71731058931807,4.43919161273695,4.82966490590641,4.72385035507243,4.4596543375019,4.51093323355591,4.62861461593946,4.66517717755603,4.79508936110236,4.8398079674698,4.42254815701309,4.57832047076305 +Mmp14,0.0241285156521422,0.493631375327328,0.463509796021685,0.527489799655023,1.04335306464513,0.615512749748529,-0.178495890292033,0.50382265726665,-0.0927238394505208,0.680583035752083,-0.494603991041272,-0.050039898060027,-1.62377429107015,-0.771064166338145,-2.42456539594811,-1.68804071936121,-1.75972060199046,-2.33599806447384,-2.62481755208223,-3.09371997342533,-1.55353405281751,-1.75445702788496,-1.54473803706887,-3.73825686443725 +Slc7a7,1.29338017330763,1.08507139011024,1.00514562885406,0.867628519153635,1.16693365346988,0.535902903308352,-0.119541987963184,1.36523162872171,0.997284507130975,0.747275966300348,0.142185940891459,0.809622118789991,-1.34588675714199,-1.90033493220782,-2.87997692662857,-1.41015318543306,-1.31270918515469,-2.39312028831048,-3.4603693305091,-2.81583243949718,-2.12701242530009,-1.88979796551483,-2.86524790646505,-3.4603693305091 +Oxa1l,3.50324937727849,3.84139482659579,4.07747932795305,3.70838123887134,3.40264970824133,3.36468796739766,3.32055344819937,3.85367589506,3.88689714064653,3.90588572211244,3.17764944049144,3.38367490962084,3.17445232162003,3.29333048513124,3.46838899385332,3.28207187866435,2.91982274646866,3.31635732123142,3.09108126053036,3.52305170940274,3.44531885174048,3.65936657782615,2.99956896560363,3.03047531033309 +Heatr6,2.37509949130968,2.39994180458936,2.2794679143367,2.32485016146658,2.58574196526374,2.50897185747322,2.63592337493904,2.41025199679564,2.34126192921046,2.18406946867546,2.54207034543999,2.49365372281437,2.2712810841747,2.37416495413285,2.32319614929569,2.35721495138915,2.60361626247625,2.47188100718434,2.49781569897762,2.25214812931397,2.05387567489039,2.19562819273376,2.43349823367147,2.42052171300668 +Ilf2,4.87774974323817,4.52350753771823,4.82479796831715,4.93114434815183,4.55109277134661,4.46802045616443,4.68982019745289,4.5545049301315,4.77802826189964,4.84460739425579,4.51043925578659,4.59067508709101,5.091536989276,4.60093289105064,4.74252676060033,4.61567404704803,4.5809101129375,4.73170417378135,4.61056060269959,4.76304125378047,4.71329793189624,4.75557679899703,4.5770797181698,4.78473660222648 +Chtop,4.88436487812238,4.73247031973083,4.77726061432754,4.702402993068,4.52467467548156,4.4513534089887,4.71970348015495,4.64894057345995,4.63652793640629,4.65223924810588,4.59536125922874,4.71345736579503,5.26617929092571,5.18542239998169,5.0498207627819,5.04589639765974,4.88162823391319,5.16923284145899,4.91884072850368,5.23856740078531,5.09744728712106,4.95758431676037,4.96970232681257,4.96978810156869 +Snapin,2.94577032160243,3.34530997548695,3.34589296365649,3.42660491783047,3.12741670957007,3.02426890497985,3.03524193924297,3.16074255478658,3.36306038010282,3.64889972322945,2.98703205614174,3.00232545438803,3.48148657862665,3.71426505602591,3.80894896533737,3.66518921329883,3.27278245707336,3.54528575461658,3.22194127258347,3.71716589957061,3.52818791453664,3.72094710439059,2.89942266504077,3.191509875617 +S100a4,0.0371228700760404,-1.05068209957253,0.043744807159394,-0.706728552729001,0.496306292313226,-0.273299824448464,-0.181233467645027,0.154891190716002,-1.09588657787217,-1.59284325886889,-0.367773573484075,0.311706978726398,3.0751932019528,3.59943414556595,3.251860247788,1.95333662412409,-0.0269438057768578,1.77329546987676,1.99863013785531,3.87864597736458,3.04009405971883,2.3411181803853,0.236193860185107,2.13003468577039 +S100a6,0.236234433612031,0.590005233910865,-1.27446833324706,-0.999359820058246,1.60380008754056,0.281358491077465,-0.264689648877065,0.051858309072968,-0.0916199131436314,-0.906594358436235,-0.408545135745441,0.0190757113971526,3.72141095397808,2.36432202692319,3.98364878479646,1.20876701311635,0.675619545562654,1.03531489520798,1.30754931957728,2.92370298121526,3.32283088477912,1.67966293623723,0.460715866771912,1.49721837950723 +Mapk7,1.82846168489212,2.18565484023555,2.09469860133241,2.1983694763839,2.08589892118265,2.04601470177497,2.21415200993168,1.79496158532989,1.86083486811756,2.00012395501108,1.7149585019284,1.92266480534884,1.37898203016699,1.40863176973677,1.24444372813279,1.78209827215387,1.76935424599615,1.18646894241426,1.97639350754708,1.0633249560676,0.913920290478543,1.30197820567172,1.45168705062406,1.47053565003135 +Epn2,3.07669417115121,3.06478421639042,3.42957504989887,3.09402373040951,3.01025835956987,3.10472817659916,3.12452430453024,2.94671863771076,3.2243084174658,3.15977456237487,3.04851083840147,2.95394108662264,2.34628491702873,2.54797585959792,2.72699204128639,2.71970593669803,2.78215788579501,2.69060597152604,2.78152890527827,2.56279828843366,2.71741646821943,2.70396170039449,2.681182637631,2.57423558646368 +B9d1,3.48923590402673,2.93448525414348,3.42641333668332,3.19166866378655,2.7946496036991,2.79582613007042,3.05946698766311,3.35125144995305,3.23509370246091,3.2823680247491,2.90218554593536,3.0783066171329,3.50816558874614,3.41352816193057,3.428977631168,3.44204200247909,3.41421199190664,3.53984346293436,3.49577746499246,3.66828720768262,3.70676119133518,3.58927619938784,3.75171769895674,3.58266285920009 +Sec24b,2.60248654064377,2.73720530913254,2.46497585174651,2.50253643527142,3.44426162512805,3.40899577613099,2.84480098515536,3.06562765378689,2.53976924399977,2.45773009748354,3.24166829877107,2.72160598373083,2.29124395559188,2.40810067414557,2.23973654489543,2.2828668271952,3.19266373834509,2.77213381276243,3.0346846333181,2.24176199542052,2.23259908733238,2.24165070750785,3.08178856175233,2.737042486551 +N4bp3,-0.787207236517789,-0.0741537644034549,0.58569269653633,-0.221109901594107,-0.444693370677672,-0.112485119561085,-0.301191603655697,-0.0294839913395464,0.134964095284901,-0.0413715039037128,-0.565601621387037,-0.0707409237815892,0.0857034142874467,0.547318071463082,0.569966908035228,0.501818490250445,-0.250569129274093,0.524891407560192,0.202143406239623,0.258611971000976,0.418176348105858,0.924799440962985,0.467360522060633,0.331647140896982 +Rmnd5b,3.28533897283445,3.06826157100525,2.96029185628087,3.18633897727674,3.15790918496823,3.10791743110465,3.12508471438447,2.71062580824671,3.00268773518223,2.80680447165755,3.00003016105604,3.12735694498514,3.45765817067745,3.62915569314825,3.64766080332437,3.66121986179347,3.86906269166979,3.67422996974984,3.51842889024827,3.37660407956635,3.36590003473503,3.71484986311501,3.73187313273497,3.527229806928 +Nhp2,2.99936955804004,2.4221078590364,3.18970262443414,3.19719031374278,2.3629777952138,2.62793913246886,2.76455758283275,3.00339477103594,2.99835475826598,3.28280351615103,2.72370173945199,2.65642951921238,2.54226464247826,2.42796461131463,2.85481426134996,2.56838286061494,1.99946160810663,2.61406497324185,2.23707315355339,2.83828993894651,2.58972380576074,2.37524070316832,2.19903660068562,2.22995809060972 +1300018I17Rik,1.6210229136329,2.58864147800909,1.55838107452846,2.10902035419984,2.49107336090269,2.37251669928777,2.59863933943228,1.70564732124304,1.9879999647011,2.46931383620302,2.66728272364142,2.25916730780024,1.35227592185757,2.19012411881395,1.41948721181308,1.89364691480786,2.07129045635275,1.66042298218523,2.2778476559325,1.32488664028442,1.6138667407131,2.04614794584979,2.08452862763972,1.92127244524938 +Zfp276,1.96364795113766,2.62900905488712,1.76667948738628,2.49909680383427,2.71644070661979,2.29914714395016,2.8957111287127,1.61496098651285,1.98324002281706,2.30940921643952,2.72690342453292,2.69599768180084,1.37043083695228,2.09281844708215,1.13315195962593,1.86571447653387,2.1933164876212,1.76696956958435,2.5053985831333,1.34875655776214,1.79029456838159,1.93102524414725,2.27774972882983,2.21614346322794 +Mfsd10,2.40203349264638,2.82831575415358,2.76184331141762,2.94820418112364,2.78867824206532,2.74402957749436,2.71957369907649,2.57871653790204,2.75058100131462,3.30578012112223,2.74921824600556,2.60540594487437,2.73652496521962,2.71080918438959,2.66435331071782,2.61196448776623,2.92447047561812,2.42674265744097,3.23414521795122,2.14141810609323,2.80424343269162,2.85016539169033,2.78548851717614,3.04082156591279 +Luzp1,2.36706396253834,2.28602734943693,2.129415330254,2.08096530632442,2.46316960375052,2.41401084521742,2.29115710737457,2.35335380021119,2.1610782436578,2.04760025055216,2.15295991961559,2.21253372902456,1.75623508893565,2.2218071559778,1.5755740654238,1.8644010840583,2.30192486148809,1.9867428533532,2.15697550893088,1.83155426754133,1.93094259782951,1.92452281609591,2.22855513602957,1.99058297699791 +Kctd10,3.368243302645,3.23516023533455,3.61143365718344,3.35425296361325,3.25935731664738,3.09387200515474,3.09304414962553,3.39937641748326,3.42872970283363,3.17222017762069,2.96956145255469,3.13428927628596,3.03396501514034,2.85157085840392,3.02627220745633,2.88593153564446,2.85098018261199,3.08373131956086,2.81636738754508,3.05494710090941,2.97189050302266,3.06409983635413,2.81201936491893,2.74806619944699 +Poldip2,3.32950242936892,3.40424404058223,3.46078770323491,3.63977236836313,3.46968590662447,3.2887498372718,3.30978829732704,3.22029617460538,3.28706129850558,3.52218274247367,3.34250987950767,3.37884681547707,3.77606249658492,3.73149493535081,3.82169818243192,3.80552811564845,3.51704463724723,3.6015215680575,3.69161189997324,3.6416656423197,3.66575685062006,3.82419995789208,3.54684993878199,3.44178165593494 +Ift20,4.87914298501821,4.59500280183381,4.48547093587045,4.99524316837077,4.82034401213914,4.56885645207086,4.85509507790169,4.38904539079475,4.52072348830923,4.74897670510564,4.80776289205059,4.94048752491072,5.83297921780407,5.35428376544185,5.40408449262226,5.59202850959703,5.79557116563878,5.77567157383635,5.7456759495438,5.27245503938139,5.5762037910107,5.56661755776934,5.90703686492456,5.9341612618709 +Pcbp3,2.80503746567369,2.54020562359247,2.65399603363101,2.59926781990618,2.52955770210505,2.70432769817188,2.55516762953515,2.63226790269835,2.49376244837163,2.51987723762706,2.76170107946885,2.38531835001652,3.75970600197225,3.82361730578901,3.98540480488187,3.77597166945224,3.92183271301029,3.85007644069882,3.95485966364529,3.85710478458786,4.13304378764596,4.0071743184905,4.06179906123308,3.86102350672521 +Araf,3.62500546828811,4.04173152498554,3.46975691709185,4.01049582630381,4.26966598889079,4.16116610690927,4.15394683334732,3.5703529079316,3.69169513975834,3.99592066916575,4.22817589999672,4.0277696300377,4.38034302340363,4.74960351872223,4.59915126016587,4.7559319816016,4.96820018662437,4.58357973329806,4.94924893293242,4.50322042202752,4.73860999980394,4.7790550697248,4.96570241900494,4.77142268379151 +Cfp,-0.781411391904695,0.927339541734931,-0.0897908937676648,-0.04719402720494,1.35724813948008,0.746001620400173,1.58349323638796,-0.642016532265185,-0.400737604028336,0.890269794243116,1.77018218967934,1.39179470344995,-0.44555558300408,-0.728400337733888,-1.16748094981131,0.0394872181281622,1.2078289543243,-0.236388376797205,0.629386248260584,-0.851889599584194,-1.82382089299432,-0.852536373220982,0.262549126145793,0.225515107502045 +Uxt,1.71240816148444,1.68607999477091,1.75106069413377,1.72924685553254,1.19346861471435,1.69679365023403,1.83066745692109,1.75440063875573,1.22755622189701,1.48383508739425,1.7182496227762,1.83468779464137,1.84665002654458,1.51508946185937,1.18305582166209,1.57820759271235,1.54960195978134,2.10745728095763,1.33613066982782,1.81885921118648,1.74248777060448,1.55639491444556,1.44282474991639,1.27031917098621 +Cnnm3,2.55793347184104,3.00657639747701,2.76394064764115,2.3791720906598,2.77063814622464,2.50436710131628,2.44782065412207,3.0020455638622,2.60462722447878,2.65308476114894,2.63628441269573,2.50773364658404,2.13364522663346,2.573769008643,2.4311290033079,2.47429384315561,2.30545966214237,2.30017191083203,2.48968254820964,2.79844471747843,2.27564020864587,2.37614696490217,2.24934519952448,2.41083959536284 +Lman2l,1.92083681965,2.00025907173989,1.22853146008103,1.58122141893795,2.52433666469851,2.55866928897177,2.15004354899534,2.33312391675133,1.38337973743429,1.27962326074435,2.29576035455211,2.27566010759685,1.84796374661747,1.91845900754717,1.55692630959739,1.51980322907584,2.51414098295976,2.45230204392515,2.3380094391395,2.46397607746875,1.38647295595341,1.63332610750107,2.52371326921249,2.38358003279028 +Mcm3ap,3.32873703558913,3.5433051023244,3.34031293402131,3.26301466264563,3.54663474179401,3.55120129383488,3.57932609143977,3.48239833901135,3.36109004000211,3.35260482756452,3.53952758753414,3.44722642474191,2.91878105102256,3.22635378370315,2.96490051955556,3.10022760384716,3.47318706975634,3.19102042855423,3.47486042858762,3.18017602107572,3.01417352807185,3.1254090524424,3.49460834260986,3.20134340566941 +Pcnt,3.08883755861914,3.52888443558891,3.4471455074176,3.42162306578048,3.29004251972644,3.33924636254364,3.53059313299782,3.42362597594355,3.30557019463397,3.46517054611338,3.36073163204923,3.23922332235564,2.18356736640547,2.93737083535257,2.39477994833243,2.75077178856848,2.67039714087365,2.32440913376254,3.17404007808024,2.19373841029496,2.52398414294379,2.76328033359938,2.67366755103915,2.75220367706122 +Mxd1,3.23251822292315,3.13132021291238,2.73708232240342,2.98861026093597,3.50559430274653,3.19504133229532,3.12470511202456,2.94123881617836,3.12557993160733,2.98263847482901,3.2864881846341,3.2695896323965,2.95551274081534,2.65645444469044,2.55880127947418,2.6089029590037,2.92438185398588,2.8057087577464,2.82468010387463,2.55970750270311,2.56578637175242,2.43508403808312,2.76512962615904,2.79533311841331 +Gmcl1,1.51919072536402,1.59597090662448,1.2867963920038,1.5889984390368,1.44655161733082,1.7443617758001,1.71528890782964,1.11348590025541,1.60611158459527,1.24719246363217,1.6806735010612,1.3458134077714,2.13816024196739,2.16659464230798,2.0212185389398,2.2192745371863,2.44364422433949,2.02348822616507,1.94173307401588,1.93936856984403,2.08897540258949,2.07482002367903,2.14318714658386,2.38354944649214 +Snrnp27,4.08742538710227,3.5502503343384,4.02279777390026,3.87141785079962,3.62037254721764,3.68370923728097,3.85441195353913,3.98160868692473,4.00874528085858,4.03240375423963,3.69229383352986,3.839258868754,4.07548412232259,3.76871580104265,3.78663597512642,3.63547062755357,3.62805408042112,3.69581279075403,3.63371265382924,4.03772770826759,3.82482120528898,3.76736349355986,3.64169778638699,3.88479708589297 +Oas1c,0.342062073645209,0.800617517895003,0.489170333366472,0.606136179635323,0.595190424723493,0.17621495946279,0.6089406443207,0.614631777287653,0.463245259374135,1.08648495872107,0.64169424275227,-0.420841259723895,-0.589055211779006,0.658825969480629,0.785705692988905,0.199868957983716,0.554881228184842,-0.423345448129129,0.623205259097458,0.0537749728078962,0.782968687456147,0.744266694825594,0.355079700723351,0.467361485339492 +Ocrl,4.79668118821219,4.97813524126109,4.73569120239348,4.85411222754824,5.35152520802051,5.42841906411526,5.12017830369762,4.8287997683915,4.79488003447296,4.93897852011837,5.20204784057801,5.08312212825796,2.6436401182,2.86906541368009,2.82201853637045,2.89879883030196,3.5265413100414,2.64278065981408,2.88453476894935,2.74146424554762,2.85260216217207,2.79117222213726,3.36550756254929,2.8842486454973 +Calm1,8.15058107395475,7.56259089289588,7.92091272041747,7.57086590818271,7.51966160589317,7.69761802742896,7.57244070432171,7.93178984371371,7.8530699215487,7.55536594356941,7.52919104501555,7.73599339011984,8.14758228444511,7.49715084684993,7.95574863749574,7.65214045309455,7.5066589275775,7.95640168382587,7.37370110752672,7.96068097662269,7.86445883617632,7.7069747737559,7.49968946160418,7.55615487079761 +Agpat3,2.82623776788971,3.217047644136,2.79054468828402,3.00452797532333,3.237499680173,3.14172621298369,3.10967019685837,3.01144012610884,2.85634801986522,3.09913387700956,3.13701646812341,3.06796568809651,4.08931813630566,4.0460750579972,4.00042014642512,4.00934919120012,4.15768382238784,4.1932072872881,4.27581734705957,3.92803845555611,3.88462243631389,4.05549614503231,4.19128900636781,4.07888487231258 +Sema6b,1.82981855182517,1.5166610184543,1.98948566569815,1.45767262593671,0.987636652984193,1.27236902524795,1.40528719169542,1.75374397022179,1.71748228555823,1.64940347040336,1.33019722357078,1.462887488266,1.72600795220539,1.70794045821178,1.7932192421609,1.57034121442772,1.18868423998988,1.34561820812436,1.36884355052334,1.75860193653553,1.2948819011756,1.59140079742724,1.26151165718413,1.4377391448638 +Uhrf1,-1.86021323834703,-1.39908625408818,-1.47827523880462,-1.84568413213882,-1.54312352903313,-1.75484998627787,-1.87153516914496,-1.35657753475781,-1.61025390411533,-2.89519212509326,-2.26064306624606,-1.56391614950701,-2.00819630054687,-1.23755405554051,-2.14099013709101,-1.46793852451653,-1.47699785970217,-1.8840266225159,-1.00690474210256,-1.60480829949494,-1.04240872653073,-1.56377160390017,-1.96768496211329,-1.41431172098367 +Dpp9,4.57031589854722,4.42506378574865,4.01776318051214,3.87622170914016,4.87148724018731,4.94379760806211,4.78951838539998,4.85985324696768,4.02014025763691,3.77383046704789,4.82875395638514,4.58020547050693,4.62354019622338,4.79847614294482,4.38745870917425,4.27501815017899,5.42092792397988,5.01407785295392,5.58889452722589,4.74716035407639,3.96799297584671,4.29378907297518,5.49347432326404,5.12557830532088 +Ramp2,3.37850270615729,3.12917356485252,3.48237350408833,3.29825324998812,3.36588690654713,3.32036276341735,3.21278835405472,3.56606919202632,3.44849748661091,3.28563166554512,3.22071751106594,3.22519122800624,3.87113761071492,3.64704684716876,3.73747653424944,3.61164556328335,3.58890348703254,3.69375948736006,3.68115448085843,3.85277863220877,3.73434382649325,3.72961966063577,3.5867269318124,3.6093289819451 +Lsr,4.04137715392155,3.73280214413537,3.80737216754578,3.78234198157385,3.50644997829013,3.71558104186374,3.78502370921363,4.0376175471841,3.97499837059357,3.74931535725137,3.63454113461217,3.78654808523542,3.46762304267871,3.17625508585594,3.27785977313154,3.2850796008795,3.08327489101414,3.49041939298716,3.17168842486445,3.33850716856529,3.20492650189698,3.30424483010353,3.23238166678398,3.07269273636867 +Gramd1a,4.49864780286127,5.07212685069872,4.61111280140173,5.17334958871257,5.20595465741491,5.09526190807314,5.24514203564446,4.63389281389735,4.76232314694046,5.08508627150182,5.41711912885662,5.19019638162487,4.42256169015821,4.92765256768314,4.57230281445097,4.96454729311962,5.29356418614048,4.71523708509036,5.31881535131883,4.42413289354135,4.68624292459988,4.97605369967449,5.35008692840394,5.11316150818148 +Hpn,-0.801227170489096,-0.629836863400166,-0.379272096203476,0.139686780600696,-0.795983341647828,-1.19045232394632,-1.01127578996694,-0.998549097899501,-0.765184694030404,-0.547893628404448,-1.42698842097498,-0.568032945326807,-3.01657510329127,-2.53386274514959,-2.10420029505886,-2.28105225068907,-3.10817076256686,-1.82067405954276,-2.35958138763483,-2.66644532750835,-2.49624153533001,-2.5233257784566,-2.48868783153974,-3.01704147905479 +Gabrg1,0.658970319341787,1.08720559156068,1.39057049566997,1.32026720492702,0.411970200005601,0.570254490241457,0.352442441368881,0.960048277880539,1.31598256224555,1.24935422652305,0.413667684500975,0.668129716438908,-3.20147313351546,-2.32374027215638,-2.81815846792443,-3.91230408482475,-4.04024007387356,-3.98556086451581,-3.95413156907073,-3.52723877536013,-2.7947521158058,-3.62648240798092,-3.01049322483201,-3.97905073471324 +Ckb,4.05547582085359,2.99989640526458,3.66658720160954,3.34010203617611,3.55632632028882,3.39294412378922,3.79742695947522,2.93469004393922,3.43272346839469,3.39046802212826,3.15042162976092,2.89092178092506,6.28472900009596,5.58823556502566,5.89410924841079,6.09558182468611,6.64527334652912,6.65334851656091,6.43912235362068,5.33096958478573,5.78563878190133,6.03348473652372,6.20186798154591,6.12985637710645 +Sp1,3.9604548430605,3.97443502999576,4.04365124449212,3.7681438966141,3.97443101592379,4.07701363788434,3.94234544302717,4.26359121236476,3.99998242915893,3.81942563869173,3.774813693131,3.86518305405834,3.80438556218315,3.68320213041632,3.85280929113897,3.45492237820716,3.68049511865683,3.63273478226565,3.6034214725624,3.77084167009274,3.76501094967129,3.51809452249482,3.5316945665153,3.71081993597504 +Myg1,3.0176950791062,2.91097404900961,3.30503479850843,3.3482496515742,2.92021324184032,2.95759759596976,3.04481047875141,3.04655097947435,3.06117884963743,3.32791315741894,3.07015617141693,3.03048440747483,2.96309161108281,2.82526425514323,2.83509744102033,2.76183037851119,2.89429326814828,2.72263648056485,2.80885643953042,2.83497531275784,2.81838265184843,2.98409241544661,2.70268231764231,2.84425748469848 +Rarg,2.4709823014543,2.269532134386,2.3553141266579,2.40314598141665,2.45016379492095,2.72513665265893,2.36695336630262,2.34927589765548,2.35911660781387,2.42798217305801,2.48572806405047,2.22052337355615,1.36229811271344,1.9202621970031,1.35448574251925,1.52323444606528,1.780956843425,1.56198759617885,1.87063610999188,1.46893824630566,1.39981636408966,1.8638426527524,1.72766126816573,1.73606702371971 +Pfdn5,6.39164382239163,5.83461021796322,6.86720308465902,6.53040712646706,6.15419448315181,6.34274086519971,6.10322184474214,6.41739072161361,6.58252954033844,6.7352455951614,6.20020525401228,6.27522118074742,6.11064751149773,5.81538188794662,6.32055422829014,5.88683714689187,5.46167558474408,6.03540190803824,5.46997794744781,6.31242044842214,6.18674858904481,6.04765610519211,5.52715255818714,5.77638539043601 +Efnb2,2.10028748339956,1.87110060231936,1.68934741843999,0.937696741789614,1.79786003693783,1.55572979563255,1.25102502174032,1.55182668375799,1.21501050764103,1.48434382919921,2.26331073598038,1.45480509029408,-2.18529932076156,-1.92004288847133,-2.16284193027533,-2.66093248073169,-2.686856832678,-2.37404392962353,-3.01675449759308,-3.82924048248158,-3.14042046828449,-3.48455724473127,-2.45101957356548,-3.39692170909741 +Rrp15,1.93019571398194,0.984399947930779,1.94931371385909,1.81776540794689,1.98960671340933,1.77202392880055,1.57428757562267,1.30379936336361,1.57314175214842,1.70861315797667,2.00894881683641,1.92479190987578,1.46533759120827,0.906673651917032,1.07942308445724,1.49358833162766,1.85733641147158,1.28059557814667,1.49647879780066,0.942051064768317,1.45347233259603,1.18875255239195,1.60205678606804,1.62895919638211 +Rnd2,1.60613166719714,1.62000733073177,1.84195249689375,0.917932594592286,1.17711851761983,1.32393418699691,1.20803063290425,1.66693021294006,1.19508041355334,1.65164291589772,1.28535058515288,1.20360949223725,0.586870795951783,1.05295455720153,0.602071391475939,0.844765534829717,0.225866141257131,0.210401279900388,0.169552419924711,1.10158386487891,0.633006903630692,0.850770425954599,0.997656653553647,0.90975126705591 +Srr,1.60091163648099,1.95090217262798,1.70347897410703,1.8872939188432,1.66686005099249,1.50672847360992,1.34418492494761,1.81681636333345,1.83001828562743,1.72824738758381,1.39771124816203,1.60883936906405,2.12486066644059,2.30664065904614,2.30145569936264,2.16292887683521,2.15264739969844,2.01459952810456,1.7566157977066,2.44426143222368,2.1999118531982,2.19119880747476,2.04908146938803,1.90991955419749 +Sync,-1.49649887663497,-1.39230930676133,-1.02975731617945,-1.30517207989362,-1.10792825201963,-0.940790215186647,-1.82035077747322,-1.55562241452898,-1.71955968041217,-0.901473284065493,-0.530596635905544,-1.05185239626185,-1.74143093096689,-0.575818895994095,-0.94953267450893,-0.638980327736221,-1.1229821973834,-1.61726125293593,-1.54448441151955,-1.0337358859069,-0.775643356950747,-0.561201649717129,-1.15864410310942,-1.35695827055692 +Fndc5,0.880578786669089,0.927277185416242,1.10451621993484,0.304909510718559,0.243589627803363,-0.37182945587138,0.204289564761002,0.997954546659471,0.759062749217945,1.13114911748931,-0.225091141170777,0.407735295181212,0.70855025771018,0.836700413294142,1.24646888191917,0.695398658595473,-0.531513389814645,0.0494032417700043,0.42300659094237,0.981531094842063,0.834452666752683,0.823992838941466,0.200745183777303,0.562595093966308 +Fbxo9,3.69656170942916,3.52783674138943,3.5406939753501,3.90016558445135,3.70805522720284,3.48881104409607,3.62334657047899,3.63540758612211,3.64607958067111,3.66993776745108,3.65424151479688,3.69058170054484,4.28698206678963,4.54866981499966,4.2927114976974,4.60737688166527,4.29599839602544,4.32582200077543,4.28616746681042,4.19013422381843,4.30463356172805,4.52056164706072,4.51286435725876,4.36858865138142 +Ccdc132,2.15947326293823,2.05829237738734,2.23840884988907,2.19261335447204,2.15239643810884,2.10004262044512,2.13263749839425,2.06867817579559,2.19225652691168,2.25508614037999,2.251435696761,2.09561063046324,2.79133408103866,2.77832221031694,2.86295366158695,2.88577245267447,2.9175275691435,2.83642734371453,2.59361230059315,2.89172027384587,2.87625245282556,2.91536364016674,2.78655436530358,2.93066901148957 +Apbb3,2.62002427013609,3.28423752650621,2.1460589147346,3.35408477213406,3.31167447651143,3.15355258032379,3.47854604660576,2.14217523059513,2.66581834282419,3.04502407934669,3.4029395253801,3.18204866179661,2.21846856301179,2.66676486580516,2.32321596861137,2.88591475799776,3.33500491963488,2.23177676906509,3.0302932328912,2.20627473149796,2.69077863405634,3.03328311819413,3.15656694155275,2.85152852001435 +Hars,3.27588660109411,3.11474972763721,2.94074717573128,3.48166451592185,3.2216500721565,3.00821457353818,3.36830479819036,2.94638663642492,3.08789825331764,3.21841774164323,3.28949494818511,3.21188474303587,4.78465181193228,4.05142730851946,4.34980884033158,4.39155722383822,4.66980803713419,4.44559043226907,4.69325698045002,3.8825156543956,4.55955720618801,4.37916826514227,4.64750959757615,4.55653931611688 +Zmat2,4.6715146504613,4.41708900691873,4.75501184114661,4.6599347188533,4.17373662059177,4.19493441977841,4.26015805361058,4.63531891707595,4.70465989049537,4.79244716696287,4.28547210187415,4.41010047947095,4.61151192729276,4.36047343584889,4.74509353918512,4.54731360739132,4.10806024059432,4.40890769329014,3.94825691482383,4.53013479807436,4.58377433915847,4.61003581811829,4.12729169176597,4.20946017001288 +Ube2c,-2.12595886343195,-2.25787391497945,-0.990270465722332,-0.875936861541304,-2.80733017981355,-1.58909197510128,-1.07873251515983,-1.0204161072346,-0.550427789420453,-1.46793864507375,-2.0646384377007,-2.0393285125011,-0.534687132581517,-0.881525703093842,-0.767952512399402,-1.32340588276532,-1.31992428784806,-0.835135570970771,-1.11524919316723,-0.908807711562653,-0.569100543992265,-0.967099464665164,-1.56240616500851,-1.17277875495265 +Smg5,3.72544712089369,3.83956002270779,3.49590333238018,3.65624779768449,4.01975526087533,4.01512059835827,3.94585045585019,3.45718892088983,3.6641023744531,3.47127476027606,4.01790303990231,3.84122534238105,3.16707437912689,3.9097885676181,2.9150257103052,3.78285496140159,3.95898399449611,3.5592627251534,4.1652660654567,2.85122256665185,3.35642210720018,3.58313535036908,3.85131902408461,3.85910570300373 +Cct3,5.24142657036566,4.65864691023382,4.80223484692027,4.95424421588724,4.82340017771668,4.77275302395202,5.00063866100788,4.76508847039593,4.83937677695883,4.91563499767111,5.06682999351377,5.13793427813809,4.71205211044794,4.29664410145764,4.48701563872861,4.52124620486806,4.77297954350922,4.68524752317036,4.67874083380381,4.36047467283234,4.52102947081459,4.45782948320365,4.93738393319334,4.82334336291745 +0610031J06Rik,3.03287830978734,2.99970269485676,3.17768914669067,2.82796331454463,2.69036495084678,2.65688764563163,2.55814750149427,3.00053879163746,2.90439394610232,3.03349744676052,2.69753941887508,2.63508823152376,3.45901373138503,3.24452732904721,3.31427924608369,3.20010226814619,3.18273148025573,3.4374453602493,3.25626651788392,3.61826761845641,3.24823445511854,3.3040322209726,3.23369686306029,3.0912730231045 +Mef2d,3.62787302065205,3.56179811014501,3.40054342327831,3.55162728720284,4.28473304615062,4.29644183027204,3.8886010389097,3.90101775341838,3.59453923153848,3.63684588995265,4.12110531565713,3.65505072843242,3.1351379664312,3.32814139488944,3.42290381761321,3.43012364536118,3.88192023977087,3.5282024187141,4.05181370944553,3.07069733070319,3.40709419263533,3.48274270612917,3.92664094741688,3.59895503556279 +Snd1,5.38773371474098,5.34084004025208,5.31549555310608,5.18254744346928,5.43821534811905,5.41003514606067,5.34268068161946,5.64893678967376,5.1981699396511,5.14680243351843,5.52382665862465,5.27819766106432,5.17166922874764,5.1869989835325,5.00990406111702,5.08360110885247,5.47751391071669,5.37951653542817,5.51036184747265,5.22056461615625,4.89071794142821,5.14047431241406,5.56713236315742,5.4083436670219 +Col18a1,-2.01540847888097,-1.72253636227657,-2.37163408536633,-2.28423517394002,-0.439235394363394,-1.78921471000665,-0.695697095508755,-2.41080584105244,-2.77943113638957,-2.47407373488614,-2.07094417629708,-1.71916746858253,-3.55786739105584,-3.68499726840532,-4.66463926282607,-4.5416332147882,-3.26649540425981,-5.2450316667066,-3.07805123075685,-4.15656790532358,-3.23075974443561,-2.94039024172426,-3.22227386677858,-3.83135615049024 +Slc19a1,-0.285238754637669,-0.106322452976576,0.0770800351707686,0.258249812386685,0.299901636961101,0.304317640666545,-0.161619147536306,-0.0995179822234857,-0.193399679333217,0.623565399512568,0.270746502379164,-0.122591692009006,-0.468332340565665,0.17087176853908,-0.180850796693474,-0.177097173826004,-0.12926459873466,-0.157649996160656,-0.313203875333034,-0.543663487534861,-0.0830049270833646,-0.059263688771749,0.0318288369729776,-0.068106874867357 +Kpnb1,5.89440940884329,5.42893882225148,5.64248421715171,5.50029728935604,5.48166606639392,5.55593676615431,5.50364693185843,5.65436150030681,5.67540726445391,5.46074786147031,5.46956248369496,5.50219469968287,5.55071996143161,5.25473645217454,5.34439756575741,5.31373319051897,5.31433308784263,5.44364643310403,5.29913044246742,5.36028989402703,5.32907526890556,5.22872325121839,5.38057350221156,5.40341419364962 +Npepps,3.39087093948239,3.28121994925892,3.2045287956743,3.19972732649139,3.76836923313204,3.69717643840776,3.48847724685451,3.69084208430573,3.23675643430671,3.22827009929709,3.46017199591684,3.47772846550822,3.57445851482912,3.62154436831938,3.68741933414293,3.53823344087214,4.07712088823865,3.85446415586843,3.8633855478591,3.87410925016688,3.5503595955213,3.56222077785102,3.97122448572363,3.86836312688823 +Mrpl10,4.69185808502469,4.45903776232164,4.77243699013849,4.52767179666835,4.40236048339166,4.44352592397736,4.23948208394517,4.67425371284541,4.60787581808453,4.65046646147333,4.38137201674928,4.39643581903878,4.9706102551771,4.77724688113897,5.04486728329273,4.98245800128193,4.75955172994896,4.93390850240431,4.58759430025276,5.24943810998996,5.01191614660572,4.91886264372062,4.61750306611813,4.71932536571883 +Cyp51,3.55404921095875,2.94644869535018,2.56931233114986,2.84969483293431,2.93469317798503,3.09342251120429,3.29947099340595,2.63030663237424,2.81323123672217,2.57353932655014,2.88247054264336,3.3146779875372,4.72006070869538,3.77997373256171,3.87175953707067,4.1599469177455,4.18629530953259,4.49354954682035,4.22866644137216,3.8291306442867,4.10672683726381,3.84381381354423,4.26958967225083,4.13545601689796 +Tcf25,6.03823930777903,6.0499904168997,5.84683137371884,6.14060886317152,6.09711416672627,6.07596891600028,6.13771182109464,5.80136048854184,6.02923956062449,6.11085515240756,6.12477298395372,6.05844313344866,6.32814445718897,6.31608174424605,6.00975893716404,6.43977296476631,6.55524415964543,6.3776986412282,6.59940014811466,6.11914188253959,6.29061281445258,6.38566458387348,6.61813909351646,6.52021460862848 +Tubb6,3.53854995012001,2.4769411060717,2.65573915070089,2.49912559095718,2.72246098661401,3.12532948527592,2.82756671549692,3.13464783149446,3.55155050281079,2.93327678037785,2.65167110626663,2.44073317551806,1.82922275750776,0.434816272967889,0.766808636289046,0.587475085128665,1.44179989442245,1.85967237308932,1.70852886982626,0.441920650116121,0.797451136784847,1.0529086987475,1.58252945343415,0.772452476287092 +Def8,3.43343534876043,3.31848482249214,3.64715637855943,3.3808275747656,3.20052814832343,3.28282321330328,3.26438910265979,3.28367128214329,3.30180046636858,3.4523062868425,3.12960315931239,3.24954211511488,3.77034559646268,3.82466437473313,4.04706271076867,4.02398972510854,3.88812309160614,3.8018505848758,3.94292951284941,3.877528213096,3.84673225056455,4.16630565217432,3.66175516084203,3.71697380523528 +Meox1,-0.531232227184756,0.866746434869992,-0.444056708254813,0.626818270614044,0.565741936045137,0.3646785065292,0.654575110520834,0.160375865359408,0.49421264202448,0.657984485178946,0.171626515241055,0.327134298506121,1.11236463633433,1.15701218924075,0.583616613020879,0.72221384069756,0.671202871085535,0.68627707954905,0.769499854023334,0.795543103989419,1.16440395377634,1.07623635024113,0.694280320855002,0.739561371718889 +Irx2,5.71461311567044,5.7989414317854,5.74640175485758,5.95083554463382,5.76060756267847,5.77578939158812,5.9192930445981,5.68708532121911,5.87500304953109,6.01037280967319,5.96498091709791,5.82213092729845,-1.63137738550197,0.348497841423464,-1.38629635300169,-1.21050244706272,-1.63910596073546,-1.37974311930333,-0.555001987097277,-1.94436539588056,-2.0608347429933,-1.5081556269404,-2.05234886533627,-1.24690472509201 +Col1a1,-2.05371902525679,-2.02292695730101,-1.42028516867147,-3.64474022237022,-1.47170645403438,-2.49411687676091,-1.15805988665776,-2.68483616930783,-3.2819116704675,-5.07576628352201,-2.21928888063446,-1.54990208539795,-3.38860200787126,-2.93496626850926,-3.2782222147033,-3.54719091705282,-3.77098355645579,-3.67350748355861,-2.90878584757226,-2.77047808490289,-4.0662359986713,-3.28383594954003,-5.07576628352201,-3.66209076730565 +Itga3,3.55558613278306,3.37464431419468,3.54814416850248,3.25684885422278,3.40225706305612,3.30352983837939,3.27529098125286,3.6795757296033,3.33784701717406,3.22224945445831,3.37610971057281,3.36091840023757,3.17002468231925,3.28734460024358,3.46893858935449,3.04188970802966,3.18397790479801,3.27292382028141,3.37083243809525,3.4587392981074,3.10402256354624,3.15338833357759,3.19964372426328,3.33237934881921 +Foxm1,-1.29985947536746,-1.54726565637946,-0.994216627728191,-1.33768821437773,-0.83119048535742,-1.50196813283597,-1.26055678312658,-0.770266155368985,-0.955319032432586,-0.690548898165372,-0.728447948364466,-0.986184230608051,-1.36206170075844,-0.94844837268018,-2.1315074450092,-1.1267321594855,-0.759841260272322,-1.37951096714909,-0.364500762546195,-1.27169487125609,-0.944640942832617,-1.51785180306258,-1.03738578759178,-0.430076250734154 +Itfg2,2.75064233870569,2.7651026821245,2.76552208032641,2.63435290149584,2.62326008220764,2.6592577069711,2.6808846210081,2.67672729326052,2.78783156705736,2.82441743727954,2.7062108815218,2.70416578301329,2.2144687440043,2.30401476358373,2.2605236333804,2.17794689136109,2.29632614166527,2.17541366671617,2.2884267985183,2.36215898926987,2.32136367859913,2.29778261533043,2.12129866234913,2.15960087202541 +Tulp3,1.45488636261936,1.49038234834751,1.43708932304879,1.46568846419111,1.83952506287127,2.0990706453456,1.6496806625799,1.48971642490391,1.61964254511982,1.00136882268688,1.89946426613562,1.61150414210949,1.32784329310269,1.35627769344328,1.33118209147579,1.43838304807411,1.96312070948692,1.73122537140088,2.01737164268149,1.65615957382983,1.42805858307786,1.38786421762235,1.86022508393609,1.58101812823741 +Gtf2h4,1.96281876492687,1.62593799040063,1.96330550172779,1.73207396436071,1.72639826256096,1.71390034887556,1.86505295928313,1.95679563286073,1.86144542185641,1.84586277842392,1.63081533052858,1.44260289539431,1.59723886289355,1.31671329849058,1.30641306366022,1.38148184042265,1.25749858073113,1.46529226579936,1.18907764457393,1.50475888096092,1.49890718981522,1.13731123873024,1.39946638579008,1.07825675132691 +Tubb5,6.11532054487519,5.51068876517141,5.84119922652134,5.70129232836715,5.81176112494456,5.8325625942677,5.70235917626114,5.90392442410777,5.87215702120223,5.65193504916675,5.78858341448764,5.80791997653949,5.53783689878439,4.73170060873836,5.10469472345661,4.86293393718475,5.39948707026762,5.42371408055624,5.11484751483225,4.89976809630479,4.92549824014309,4.79183219937243,5.4990045344547,5.24223029556711 +Ell2,4.84620698960632,4.74652534024096,4.74924376468198,4.71785982710661,4.5549691859271,4.61219786812818,4.45762081951178,4.57839623167072,4.63343509079249,4.63598386057244,4.47979337563311,4.74767944537596,5.04298683357718,4.76867126313615,4.91950601297881,5.16155930391964,4.71091456007751,4.85119554093383,4.59408640536005,5.13129994981941,4.98348923118426,5.03289662355538,4.61728208510517,4.59364234115498 +Jup,4.77522785548099,4.49613856953245,4.53687848684901,4.32162417664465,4.44031262913073,4.62617270057584,4.62378189920895,4.80718150406267,4.64804324331954,4.35080268968073,4.42221303628318,4.23752693757734,3.1053917388963,3.52967616729979,3.46618532897487,3.6075442710549,3.49176738300612,3.17092799446856,3.43949926577138,3.21375775035038,3.27057095144383,3.5270300228584,3.42968688236011,3.27167892447944 +Fkbp10,-1.42421323749226,-1.76085910090701,-0.39824952433909,-0.686045064176812,-0.958270077968905,-1.6566957408775,-1.7480651383305,-1.85788984874533,-0.907377368630053,0.0947707252229577,-1.7871996966084,-1.63436793949017,-3.03555253142688,-3.13153015141603,-2.79918310309735,-1.68035546197492,-2.54697511849445,-2.21038229236208,-2.14606736295796,-2.68542275564397,-2.0986026493155,-2.54230320659222,-1.91935574421811,-2.42632152917731 +Klhl10,-0.985333903736324,-1.12109445193887,-0.950572898037512,-0.104325800192207,-0.974869362552638,-1.66859432930888,-1.36185258067667,-0.459661366489799,-0.474739471498101,-1.18512357531522,-2.55336691624953,-0.994603290522036,-1.02938064285603,-0.804383970284508,-1.67556585379963,-1.42289377754231,-0.591050755939075,-2.84296825039101,-1.3061294866686,-0.517267305507912,-0.756578717095096,-1.16846849763601,-1.27959109524997,-1.18533696167359 +Mnx1,-2.68175024023629,-0.156746885449786,-1.50195422516363,-2.12887894290822,-0.19534387995467,-2.56189194728922,-1.31630858230391,-2.03051070219096,-1.94818146290724,-2.58102483629811,-1.86861844938382,-2.31382482607728,3.70351346419154,3.86627936622387,4.08818738570151,3.750365524055,3.72899940274801,3.82343850340032,3.86678255479328,3.86351292959917,3.65372104196254,3.90641559867768,3.57866706177638,3.44667199445324 +Nom1,2.78717534722283,2.92288999607471,3.10667276738766,2.99042248666219,2.7067099458493,2.89791369598215,2.84166830728832,2.57199000648109,2.94008136327024,3.13146557660277,2.80863228778787,2.90220668808178,2.26486104810272,2.4748967794711,2.41577736613149,3.04142375611029,2.85012850466383,2.44932449310983,2.72433785024793,2.24548688222077,2.83377723263761,2.86103230663395,2.83270149815266,2.87562701453897 +Ergic1,4.23292754306264,3.83514421277893,3.89249150675071,3.75692972718634,3.86535806240075,3.98626124727487,3.73604996396422,4.07302364333741,4.00359928233436,3.84026055722064,3.89314085560782,3.97584161953742,4.56930911125036,4.33356851099277,4.11032277056946,3.87946851450687,3.877050439199,4.29286589795147,4.39325148893681,4.51524112104549,4.08547031646678,3.81691003674151,3.9910894059593,4.14610878598194 +Tnk1,1.75338995550783,2.09609020505373,1.93251457583309,1.9576960047006,2.49900603031011,2.10673475032697,2.24836955566121,1.87054723397856,1.93135169228785,1.98239819410469,2.30767567428611,2.04732364352491,1.99425237650122,2.29724628351319,1.91901545530162,2.2258282697829,2.64530256134329,2.16399937981179,2.49375104844276,1.77155981504272,1.7957412039563,2.42044862117774,2.50112383073657,2.25864592014474 +Tcea3,0.0988043751854303,0.0379811404291209,0.544357163203589,0.521946444834972,-0.34859711752546,-0.849819119567774,0.304795104301641,0.600065980937678,0.539748402551247,0.115997211145106,-0.0820332105077226,-0.149098709753313,-1.76951563743157,-1.06620802775943,-1.85369826318812,-2.14343922567277,-1.86111129670716,-2.21669600536383,-1.73339836523615,-2.20230078657925,-1.51348077238217,-2.26905280054541,-2.25171625354712,-1.43316216137481 +Ifrd1,2.71742651813649,2.60130451395458,2.27021475141558,2.88598867434188,2.71873616079259,2.50547739481155,2.81288605411563,2.17599524241043,3.01776250047302,2.78322025100858,2.46698007382734,2.65586936698185,2.65951441388627,2.61156213745812,2.04743792888702,2.792411477268,2.47768650450338,2.40937735070956,2.61795389321322,2.23628944204721,2.78980609767974,2.54716374002243,2.74135843940321,2.63291430905231 +Stk38l,3.2090254838192,3.00433590574119,2.75116127891006,3.1074699526848,3.29600358877835,3.47002395752302,3.08867642089009,2.74612648484934,2.90703036877166,2.61327103235754,3.47619055315302,3.14767054920125,3.21444630105294,2.82659877511932,2.88773134171073,2.96843162192921,3.07931064805867,3.02807453998265,2.98984985321372,2.79169866548254,2.85728243347245,2.77771861105803,3.12365302584643,2.96136212804692 +Brpf1,2.54989941595465,2.77057736561431,2.27149224135337,2.84266997634089,2.86216054526266,2.78211908306535,2.90966950230918,2.18530219190704,2.71658062082507,2.68333788078276,2.90743324383523,2.55376032601716,2.39751732957712,2.47618632234484,2.45636845144192,2.73412464246452,3.03132155061582,2.41656828727598,3.16066437844328,1.99164497321328,2.55020481791575,2.70415905151039,2.93261737969703,2.96749088213177 +Akr1b3,1.5717866741953,1.2746029537254,1.09544822700705,1.18508317021862,1.32842473355187,1.31727267086614,1.04418320480606,1.16555008483097,1.32855780176009,1.40255024556437,1.28225536567053,1.04498648325812,1.90961032864043,1.79585676142745,1.55632591729155,1.85788604781295,1.51740319557778,1.90116320404032,1.82077678030227,1.65208324508791,1.76914225318465,1.73966842119086,1.79081841239047,1.4537895207261 +Gstt1,4.5997826115461,4.52094264166573,5.23529674748596,4.93497789336601,4.46197728572645,4.43661926379941,4.42875651423454,4.65398864048087,4.62587918300451,4.92708121870015,4.51362402567484,4.60967035068163,4.55183162320381,4.45720954442854,4.57550619685886,4.649295492351,4.49826070880085,4.41972289888687,3.94403797942304,4.57716484771139,4.4295339059758,4.83194824641305,4.45363628523128,4.07644337842966 +Ddt,3.91887654121337,3.53859102135036,4.18375089445777,3.82081286881707,3.49256222707438,3.52972072469707,3.72348323092299,3.96061849944808,3.85149329625505,4.03422902233043,3.73041321468475,3.82602773114636,4.58535853392522,4.40756129968738,4.59635018489564,4.57415362730836,4.4894719946286,4.83382339608977,4.49280400597136,4.84560306379273,4.54454041285237,4.74349731060008,4.34371507228775,4.7206078851896 +Tat,3.39553620100015,3.52643036048045,2.65775677302409,3.41744551808955,3.66509152069783,3.43469453625302,3.41422949638967,2.90397023265213,3.02386948393071,3.52011914707843,3.70812205673736,3.72031867409484,4.10747914690349,3.76984484087951,2.58780124534075,3.8085480817477,4.32411671946724,4.01115863036022,4.16752410198863,3.53744975978564,3.36868040834346,3.58467590544532,4.23557555681325,3.87023040425558 +Marveld3,2.33627724978078,2.70476195594506,2.49091897761016,2.72099068143237,2.87993433081439,2.69398182119021,2.61118685774229,2.57448222389263,2.48308559446888,2.62245213137721,2.560361231955,2.72625232725719,3.68782447596368,3.65724305718967,3.43301813181332,3.90949523842034,3.87755325662052,3.65017757502991,3.69140498678575,3.63323776484102,3.61092528595568,3.59856672764881,3.9673042797822,3.53567620581663 +Ddx18,2.29447315000856,2.31502716000421,2.1700786158183,2.38687413131969,2.11843686240202,2.51240736865847,2.05130728329813,1.72000878753593,2.23861865903016,1.83945888446404,2.4853767576707,2.00753888207028,2.46364411115432,2.65573266435431,2.66164864753896,2.86157898232353,2.74935725830284,2.54362069160115,2.84632108541469,2.67599310743494,2.82102426840844,2.68882938607317,2.96379264575209,2.69358529534741 +Ubl3,7.05249675109624,6.92298820479553,7.17645303331845,6.87645356525804,6.69845008227691,6.88463633593017,6.8023083148674,7.1878631727817,7.07702828929207,6.92176925541412,6.81757658580378,6.94748959372465,7.0289824060352,6.78288651793253,7.22519504229277,6.84682482319414,6.59877138837784,6.99359487795823,6.49788316338014,7.22150200588095,6.98959093400758,6.85359999470343,6.55628137839962,6.61690029877887 +Gramd3,4.68076783515142,4.88176989850434,4.70452903198411,4.91057705277985,5.04460819815209,4.83265549863023,4.81598154581043,4.75831790166236,4.82619682809009,5.03502684328666,5.22551671549655,5.14007071856154,5.59759519452197,5.82805378735808,5.9353120548782,6.03460838190598,5.6327358134806,5.63177483012415,5.54699649388709,5.98541175072838,5.84518510809363,6.20507315105621,5.77938192652267,5.67719393267838 +Eef1e1,3.55142451057662,3.0635027522095,3.28309130963482,3.20558280775507,2.24734053001806,2.9111971963404,2.9157216561664,2.79659316941242,3.0449599876476,3.33273746108402,2.95526612663282,3.021873660109,3.67224554358734,2.70640913323883,3.29390095334259,3.20058120280571,2.73518600378209,3.36598892032825,2.73582279699978,3.47611813583246,2.85957496265736,2.50295732843196,2.92643316478449,3.1490081448007 +Akt1,4.48365319858252,4.17029474703908,4.39449839572665,4.29147579574986,4.3710962923909,4.44988800474028,4.42182566464693,4.23222669011487,4.40973393036377,4.35887429776556,4.32753868540803,4.30654874557531,5.26988341386498,5.17256762876936,5.31444540168711,5.31869925768762,5.24832385994748,5.3237230505701,5.33966723506389,5.19836415371597,5.22719617731953,5.19584556158936,5.33260244146652,5.23710948005274 +Tcirg1,0.420820095397985,1.21863487159579,0.280172768433953,1.01369162328907,1.8177956865997,1.50782148729652,1.71289505753465,0.0979079573256669,0.596056913012413,1.31913572883725,1.50529217272784,1.44958739662464,-0.291955521701663,0.651240099260063,-0.447164096610707,0.496984166195705,0.45052969679844,-0.268100240926724,0.799552524809525,0.0688405000688079,0.427430746754757,0.647095227022589,0.507642745381685,0.623683683950047 +Naglu,3.37583816653897,3.08561147204791,3.35429400565151,3.07476437148258,2.91893208605332,3.04448562014328,3.03338041628674,3.60399599265249,3.27464607909575,3.24130171993399,3.13576847264034,2.98330844300906,3.92894132344842,3.91879240316498,4.11239749219644,4.06799339968215,3.5528822194298,3.67637492481194,3.81194579330249,4.08577710069849,3.91957889349188,4.14921028497128,3.34044069062253,3.58656286452661 +Coasy,3.83100812494501,3.8514156463673,3.79905090533607,3.93505044064996,3.73595114725043,3.56217666441911,3.75262575488164,3.79682178199863,3.7602013729593,3.76320396369096,3.88821074385928,3.78209464178547,4.14566502742397,4.01238495126613,4.10252686191821,4.24499203517879,4.00934034739481,4.07336195690274,4.20406243687857,4.19105120566083,4.1658789541624,4.11985802036881,4.12647296684843,4.08841969940848 +Smo,1.06579899224961,1.36435240723228,1.61731693454161,1.13607490970576,0.573508772241163,0.712985306913093,0.895098178522121,1.07506836063293,1.15649050701738,0.755631822683156,0.918060588479856,0.985327883376218,-0.883101352925873,-0.861860671531287,-1.33710102986682,-2.15844069106448,-2.84653540035336,-2.50994257422099,-1.64307751175292,-1.56531757263116,-0.81004797460907,-1.73028546103036,-1.68634546087609,-2.29863410555252 +Tspan33,2.40050331873005,2.06092619645779,2.39836297117069,2.20561708421603,2.2290250946736,2.39706836776472,2.22372767881881,2.41626797865677,2.48899967060573,2.13813207282726,2.06340658661986,1.99188340135811,3.08743240545039,2.84981132207771,2.89883189288897,2.88840952212084,2.77209012393525,3.0647769860548,2.70271503273979,3.10844519128233,2.94214831942107,2.88017872902927,2.6795685223653,2.65827968785924 +Crnkl1,3.53745866330865,3.25423738857147,3.39441482705322,3.34827607544129,2.88198354229865,3.1958518645705,3.25847761846453,3.38038661097309,3.58251131394216,3.16145928661649,2.87166809672388,3.14539117188816,3.45698335187759,3.31325009671998,3.54647231707664,3.4915288358378,3.13097948351223,3.26555055111988,3.21708258168841,3.32219983040074,3.52867614669638,3.35744059869815,3.23783400164594,3.40729340117039 +Rin2,1.53374750224719,1.90179923324649,1.58991710818634,1.25309916332255,1.20308136125048,1.22941329264997,1.45335487087355,1.78052761071832,1.46274765242064,1.41828920770301,1.17359422765297,1.19958590526458,1.68921469152372,1.90066533817806,1.08550057612358,1.03442923034871,0.828822320825562,1.42578527059836,1.49114020066764,1.52579724737475,0.956529874303287,0.764671470578085,1.21974566550703,1.56186506271555 +Chordc1,4.90355721590658,4.54329617175403,4.07001301700204,4.40074012395876,4.58576465143052,4.54913127282822,4.74972805719914,3.92980782858659,4.20858503293182,4.38024727167302,4.7103044343742,5.09221344397086,4.97899279998649,4.36429563783939,3.86784358478686,4.42952926409274,4.88283352723102,4.59459443103605,4.56415857282274,4.29085489930044,4.39324515203011,4.36195816193999,4.92244883306976,5.09637521379952 +D10Wsu52e,5.50957919119489,5.19999356092787,5.74187712843647,5.56952646691523,5.08978776275881,5.20390782330925,5.14375927970589,5.40434019933267,5.54905790646704,5.58783891722748,5.22794195635937,5.30079652128832,5.67080306794668,5.41823783407113,5.74766472006763,5.88284752863622,5.51220319810365,5.58589813200973,5.48181575191038,5.68423641072738,5.76648918537494,5.77707297799545,5.63408173193129,5.48174646613876 +Pwp1,3.71737648226825,3.32963573782552,3.6410389389028,3.41304910592512,3.3000285672705,3.36066481180357,3.3322915388391,3.43248156002882,3.62000990923093,3.36659309695539,3.13423773566575,3.11182932337771,3.70147169219562,3.11822128020368,3.58540647282715,3.56145648247055,3.41857555136306,3.60115295312876,3.3491580275607,3.39368923931532,3.42772807225262,3.45820546461722,3.61209198999937,3.30415688693814 +Fbxo7,1.73528844522116,1.57365489757407,1.78760878397451,1.34187483455061,1.57361325097807,1.49646816226715,1.65322889873587,1.71360930182812,1.68032237033709,1.60713479382692,1.50677404854411,1.50050710424109,2.61056555785395,2.61894968054085,2.7079838615005,2.5524353799526,2.55932268986728,2.73706373526435,2.56490620799388,2.86898590983533,2.5956531292749,2.62419077828101,2.51473427348515,2.6217292640412 +Capns1,5.70115825764786,5.4374762827987,5.71609404215578,5.61490497860018,5.20656206852986,5.34493410027697,5.4524766370278,5.55424396715349,5.66375513906435,5.63865488136657,5.2025644218775,5.49678496368673,5.64285471049259,5.23621593260672,5.4189137008417,5.42907738459246,5.18004022914394,5.4972989794898,5.18789611282887,5.52613278835941,5.43524037489866,5.53815022510014,5.30389344034312,5.34544950117475 +Lrp3,4.28689193706857,4.32998965603442,4.53475958268266,4.45064728495885,4.21761592667204,4.18899153343346,4.33996758260628,4.35119134341837,4.33376393953136,4.2898963190154,4.30122408951079,4.17887666714755,3.47075874711668,3.84040053607945,3.99415767517672,3.86231251131927,3.67957619256886,3.51782251934335,3.76428368328024,3.80794441030169,3.58034747628491,3.95673522655055,3.76731499083947,3.67542164002812 +Folr1,4.87107710641789,4.62878688447226,5.22278028604809,4.58145478640226,3.90075541953418,4.20306425735617,4.05725941062979,5.10473296577079,4.82297061974493,4.21025797454795,4.08815435494767,4.31626341841457,3.95062178662491,3.28424819239418,4.05451075589325,3.27299941483231,3.1315222495566,3.42723785934781,2.74192041791463,4.08547649153227,3.52915835188738,3.45628218583406,3.00016058971408,2.68461471864875 +Clpb,2.46636986315087,2.06079352335445,2.15915486975749,2.05810092740965,2.43109673337163,2.20791700176975,2.40602955130895,2.25365196834086,2.18530315380632,2.02355939344201,2.33022693376856,2.25114117300352,2.39236718837203,2.39908590878592,2.37238860565569,2.50076077448273,2.54929757221357,2.49978099418131,2.53721230253703,2.40199193745481,2.3022653514561,2.43459830043278,2.6434884979846,2.41025531302316 +Sept7,5.76990785526785,5.38067482679688,5.57854661815595,5.50687800543074,5.18475354662237,5.22018703071075,5.44886935733079,5.32852012511897,5.62342715712324,5.37912536918002,5.33818435383158,5.53815371982221,5.61026459586856,5.36200938889322,5.43471942637796,5.43120233175975,5.15043905553179,5.32700340956856,5.16584343893834,5.59441691247693,5.63127813820807,5.25343893682877,5.25287819352696,5.5319216085738 +Zdhhc4,2.63635960441236,2.90815373963334,2.90396296240989,2.83347707871465,2.50087646740832,2.64800553997534,2.64260601953295,2.59189225602412,2.85222653032907,2.79266098296541,2.75130689820125,2.63703640234779,2.58234934624685,2.36889203657812,2.66153956754909,2.70369671274612,2.36836604133401,2.38982759828813,2.49619459731191,2.24395409009625,2.8808462714814,2.82022260722873,2.25891264908816,2.41812237303665 +Rac1,5.53152961294616,5.28048669609461,5.64800472191898,5.35081713151889,5.12560120884881,5.26371294489928,5.11958603426206,5.6292529435377,5.50069990467026,5.45346775577543,5.14073157598759,5.242575209524,5.81768189266613,5.4584572808074,5.9259926730203,5.52197505814847,5.35134614652542,5.6881203779775,5.31695812853883,5.87984226782654,5.79447956802103,5.61397679622372,5.35447531172451,5.36546914856769 +Nup214,1.97471394081533,1.91674188479661,1.74381656527633,1.76820728270141,2.47969991432968,2.4718139585665,2.11689709892012,2.3938524246389,1.84150317072272,1.5529377890066,2.23683767806019,2.08607791142906,1.76363345981412,1.83928768212169,1.97141907620745,1.69081091423308,2.36234721483547,2.10193865007815,2.42260875713991,1.65070744067885,1.58426749648859,1.74775738175508,2.45482921486745,2.03198247634706 +Ugp2,3.39523688363932,3.05922352597651,3.85694186929742,3.37676815639702,3.01709930118197,3.28531502298541,3.06721149702501,3.52926769555425,3.22357712819662,3.36870805312472,2.86773881802746,3.19721436158273,3.81289924712114,3.62551330750521,3.92558109192919,3.63507735530472,3.35300618917171,3.70342620249202,3.31247008475519,3.84090293660602,3.82184701832099,3.67594527468279,3.35519270384217,3.57660465709483 +Kcnh6,4.95753007626465,5.42459961530981,5.01450902404478,5.01176385604298,5.85948063703625,5.96391858115286,5.87435977929879,5.30454276629833,5.26004283739301,5.09061870852742,5.94585282242989,5.48026615301643,3.60141393648341,3.93362538310589,4.11261557486797,4.04041815827108,4.38618753960573,3.74301523421997,4.51906561835746,3.60055257011564,3.91225399760448,3.936817511357,4.44313492178456,4.08719511544787 +Trmt1,2.36186335070454,2.81042452852874,2.41668050691436,2.95072133311748,2.90931624977581,2.6290113328451,2.90555897712593,2.11325994568672,2.60421797208928,2.85129876687994,3.02511199305891,2.89340432765389,1.79618074202593,2.0211409830278,1.45725866820198,1.8358404961931,2.46169321652577,1.73508134159348,2.43290231912474,1.5356768652598,2.01903434189649,1.80676810545904,2.44125289051,2.20201938622686 +Nacc1,3.83646486754693,3.72314329427162,3.75165888174713,3.75285831227185,3.90172734541533,3.95422652555166,3.92366212679883,3.93485148996068,3.72678944731223,3.94361957917147,3.90349930277933,3.80903903264181,3.40409947440462,3.65358865195073,3.39107480343272,3.75241899303224,3.95560564884399,3.71675136628837,3.94689188394509,3.31721529612741,3.46976604392592,3.74638159101394,3.97896808218973,3.71298252616874 +Nfix,-2.86449533913913,-2.44068190784027,-2.32720021392452,-2.00585635087034,-1.42136075154036,-2.06268124216134,-1.85035031556322,-2.39760482591561,-3.074799114003,-3.0944098845794,-2.70132733768278,-2.11813472255603,0.948008672622157,0.991243839057482,1.45608907136902,1.27500955638525,1.45680119052333,1.13010233800156,1.84942163348958,1.17005162098582,1.12971184300521,1.35689570899866,1.43043294145761,1.15545939591452 +Slc1a5,0.314560404591778,1.08313619462059,0.412271334512856,1.22062826624044,1.4112002163202,0.412446599237394,1.1145947222413,0.384795781498346,0.459915811072004,1.29652709941343,0.929787841346202,0.667757990353728,-0.692909070455088,-0.644091938944102,-1.03672746977461,-0.589289802263091,-0.27376243502372,-0.339039433898048,-0.513250109522218,-0.673390700055613,-1.15166901657772,-0.529903936254712,-0.0659120080778215,-0.418649961730391 +Uba1,6.03615786349933,5.74978412979074,5.85329847443133,5.66533546555014,5.73791271037953,5.76034437484844,5.73950119910309,5.9612483025719,5.8909794394799,5.67052087007755,5.73757338617029,5.76967739292861,6.15028689682579,6.05342151776352,6.16185298920782,6.01268192326115,6.24468591677089,6.31386639564185,6.36642240210502,6.08797427479194,5.80563709615437,6.06204351428042,6.36697093545293,6.24666425055587 +Siae,3.23130097093495,3.26661068806947,3.43132181548966,3.1582488972264,2.80507735461337,3.17709564842,2.83095460681958,3.53356673382145,3.39231346224354,3.02631099400432,2.92865876591744,3.05316542343984,3.67090044733123,3.52564978175278,3.64308897597347,3.67492501140198,3.25686263856296,3.32075778216188,2.87031197768857,3.81810377731279,3.65610846187647,3.68306324336318,3.25989037463727,3.2934323062716 +Vsig2,-0.100143361347583,-0.370931423373819,-0.725321090097733,0.292068750605975,0.709994421573437,0.216027676153181,-0.62237803702179,0.0416184159706154,0.0779361183002603,-0.0383303441289146,0.785543957005331,-0.109412748133295,-1.51059734007,-1.60657496005916,-1.59477996582655,-2.58791938022961,-1.02201992713757,-1.1856605802662,-1.92634841255719,-1.94338248921769,-1.57838909537889,-2.01013450318385,-1.24775641653994,-1.9512675781997 +Esam,2.29361243705174,2.19796063108213,2.42363056610983,2.39213950834997,1.92303686021621,1.59089353212374,1.80947334598689,2.43677603015485,2.0700417206969,2.2268490671457,2.0008485840463,2.0691329169634,0.93655960012778,1.25247320632248,1.39104982027226,1.50592170586636,1.04548812612066,0.946147210322473,1.08500763558801,1.16800407193018,1.59704788359086,1.26793688976912,0.929582127763442,0.963826541615866 +Spa17,3.35381001385158,3.09219087205084,4.00627745400497,3.62998182876565,3.24424197201848,3.05481466470429,3.20044067390826,3.52011634050308,3.55840776576,3.65796032505512,3.26329771045902,3.07379470094801,3.62687646089352,3.26882741327583,3.79189508898017,3.40265626011432,2.76321548760891,3.34809612929446,3.00102514974896,3.5528972230677,3.8811452933082,3.76952712023233,3.24976418742611,2.67643004826614 +Fam50a,2.99940623687489,2.68009148597644,2.52009528517848,2.67748526604098,3.0061976996624,2.68850537943119,2.64691603088067,2.56117719527035,2.71275291720783,2.76002723949602,3.27498499895584,2.68373217386743,2.8124583862171,2.89118737667749,2.52898196215267,3.04642754933936,3.19086389354183,2.86902333499671,3.10371755529381,2.81378401555039,2.73004153372948,2.98533433677906,3.07437079988153,3.40684109266139 +Emd,3.50886079587157,3.26824387220773,3.26565503632309,3.08814767786784,3.39274225647581,2.92499955276786,3.21033439104013,3.43761055288234,3.44458601120794,3.21887504553682,3.26701669553466,2.96074391068568,3.53868638367479,3.21215218389159,3.46315094968619,3.29892202201429,3.40252308092087,3.52492479645069,3.28516982297906,3.34149408065878,3.4237762733996,3.30777856275893,3.28527328902651,3.2035756992097 +Taco1,2.05307788490955,1.85067446343572,2.05223232158849,1.89575266422431,1.56274994855235,2.52446049239209,1.72012256428851,2.04360164583323,1.75749715487994,1.83033436303484,1.81913915270979,2.02361267741037,2.33945576056954,2.28405094751159,2.56675011059074,2.18945784111589,2.87056521090784,2.67429812187787,2.65090152920894,2.54767195462149,2.49308887894853,2.1721856463068,2.64330748244177,2.17367681610222 +Grik3,-2.38623053519388,-2.34280162212717,-2.85019919636496,-3.00961227484915,-1.39321555387977,-2.81190666663672,-2.53323236953558,-2.88034483787723,-2.61748327189926,-3.64765055557181,-2.59184861595595,-3.39596897349209,-5.61585372301951,-4.63450930284906,-5.61585372301951,-4.44165694021398,-4.31107099595329,-5.61585372301951,-4.50241441066449,-4.9713168320076,-4.01819811489865,-5.61585372301951,-5.02073229897546,-4.53899805862343 +Gria3,3.09257889968541,3.32651748821687,3.00804071588542,3.39119354362425,4.06148715828802,4.11617393051754,3.58078206873264,3.23898463390007,3.04872683496729,3.08259465309059,3.98668165972586,3.92454668389702,0.416247193121065,0.387614540064998,-0.233344967943244,-0.436209173070921,0.594231630138428,0.180499803842469,0.0905431320541763,-0.266544338186114,-0.0148788579087205,-0.0546960303574182,0.285780599157809,0.713891156831349 +Sipa1l2,2.42218298850645,2.81098171788885,2.58394719291834,3.08482780738247,3.37181170304016,3.06249862485776,2.89320745953411,2.77336148913989,2.6095827634111,3.11584764821512,3.66309724541693,3.07616610553308,0.63958617382573,0.8141608730515,0.709818083767351,0.538189062907519,1.47920912423374,0.71207363992849,1.22835145227831,0.458116622577974,0.429936219401376,0.576584776743394,1.56061874996287,0.961264973508143 +Ap4e1,1.16592936468839,1.50287008520852,0.811342088398941,1.32864584178772,1.61432300620323,1.47693860879487,1.45161965204996,1.03057987660436,1.01237220307627,1.22638132040509,1.70092592224036,1.48822487377102,0.942766740626396,1.01679298155375,0.502329087892199,0.759924990331291,1.3144113436125,0.665325560022536,1.31099675147687,0.425963735298005,0.988734651278681,0.911982212670149,1.16984878186423,1.07433750646427 +Blvra,1.72820537144647,1.81852131910537,2.12392785750584,1.68590908572712,1.02875837615353,1.07225883410315,1.1966959930623,1.88046640240021,1.85320500271928,1.30696027577441,1.25422766353626,1.69819741614736,2.46236745184251,2.23010118921667,2.43264461040367,2.0281200120922,1.6239890335987,2.10648248162282,1.82827828183204,2.57282440321556,2.32105463951724,2.2095364105959,1.83718018534371,1.92093955497519 +Pdzd4,3.42008083096021,3.40076066563695,3.40698300940435,3.23189588422128,3.19311493384775,3.36550943377913,3.36719982229238,3.25333658974173,3.34313393098018,3.3045417286338,3.20180084042022,3.35505059418635,3.76605471037686,3.92018291505869,3.96922343467226,3.94977340090257,3.79768413009896,3.8434190714527,3.81471577177357,3.60319510338137,4.00813987712151,4.11961514978412,3.76006551053302,3.92583373644986 +Srpk3,-0.318111779703236,-0.374509781556862,-1.97597177147569,-1.04418651223144,-0.34929544786887,-1.14149446757627,-0.180659254988518,-2.30917575973852,-0.916422557071105,-1.55058371430444,-0.73757302383437,-0.371154145570694,-3.20160185473778,-2.05794041177583,-2.84543064720452,-2.30999469513838,-3.83857006160757,-3.83857006160757,-2.10425430579152,-2.75010630022455,-1.82429813933658,-1.85477022505528,-3.24344863756352,-2.76171439721149 +Idh3g,4.47643446183499,4.70602717153961,4.43134109493358,4.57555067746075,4.50371843211128,4.40814667895355,4.46289435770934,4.45880924367781,4.5126483698798,4.74761703280554,4.50998807135773,4.53002700944196,4.88874886407202,4.79881296358051,4.6155480781385,4.81916119214551,4.68626014017761,4.76668619371536,4.71076407262632,4.53369002939809,4.85157969945643,4.85239316869372,4.87190952865447,4.80572327802906 +Pnck,2.25505449611353,2.38761860462958,2.81213077141781,2.5856024665689,2.11184918454452,1.7643246221662,2.43999770139214,2.00376445216388,2.63914381755024,2.88445523800245,2.26581152627187,1.90921828995021,0.801399385319969,0.909457926319,1.50436487985457,1.91031322849955,1.21714087582005,0.365614220573184,1.07671349185723,1.10854804826519,1.2925986917854,1.84806301954358,1.36117640012073,0.382539317836957 +Ssr4,6.27208852602755,5.79998379260826,6.37663203309165,6.16369268138895,5.65430681918181,5.69682736526493,5.78296803108549,6.27722068310131,6.22876252408716,6.07288646748161,5.69565950641451,5.98745337790339,6.70472764392005,6.27329716724392,6.35638400116299,6.13674276465929,5.95034758540482,6.24089090000917,6.03472261183246,6.66772595495052,6.60365369160752,6.22077956151173,5.89250514747744,6.16419469005822 +Bcap31,5.6417318623223,5.25992440347558,5.43498637942688,5.28116028614171,5.2514194794436,5.27374328768852,5.16760606757755,5.52874097798398,5.2911337613932,5.32731260772452,5.33547033149963,5.33839595305324,6.01100238669256,5.64860878946349,5.78212027882977,5.63550688959028,5.43544161972552,5.81715908256851,5.50435723784218,5.94419324009648,5.72497815749361,5.62823566115233,5.45450669589424,5.40901185774646 +Fam98a,3.81232104045157,3.67095538701331,3.308550565296,3.54301000406193,3.75243411279461,3.59750942695843,3.61963312838983,3.30694938829676,3.37950229350595,3.34448841977025,3.73872285672782,3.45328925955054,3.97019910633249,3.64487703387205,3.35761867846681,3.69931247545636,4.08976937987936,3.86873732898465,4.1663112261809,3.22981252378263,3.75365295799913,3.66386042170055,3.99419508301129,3.91099376152286 +Ltbp2,-4.88933075039028,-2.6013660915363,-3.75762892947588,-3.96319093435238,-2.23961250188659,-3.22738397822857,-2.31159564202024,-3.86482269363512,-3.60036238244966,-2.84462795940348,-3.3511441312975,-3.17433224597675,-1.25247898338187,0.227192169128831,-0.140825497565079,0.2316926980905,0.192394225823816,-0.53954478010956,0.262661197528567,-1.02173084910683,-0.493215840642296,0.774265320845408,0.403682344170888,-0.0986607781445308 +Mll1,3.43520410013949,4.10796706377023,3.32850239018432,3.44866700316076,4.90283487218926,4.91361111161692,4.61364005464611,4.25475298545831,3.39245880084757,3.57169364225305,4.7982036477425,4.34519331477029,2.37000310493811,3.2509806606227,2.49197739934749,2.75699877637567,4.00349378524581,3.29570827571968,4.08209546775437,2.4736460955485,2.56847323303146,2.73522324908873,3.89736002031271,3.5776988403499 +Ift46,2.78500701160319,3.0871017415771,3.30077868880393,3.0060302687119,2.72860776397909,2.74698871398996,2.89491969381763,3.111129807317,3.17432218846527,3.13089756571333,2.74907889553323,2.83048452620981,2.52658895505701,3.01630682160089,3.12362164560368,2.78309391313266,2.46670125987716,2.55421576781214,2.75993646172166,2.93651878249679,2.98701270302964,2.84882128155614,2.35371036484496,2.57702081443181 +Tmem25,1.68437711336471,2.10039161316725,1.97137163735387,2.0173838745371,1.8690517221797,1.55708712178761,2.0464551823252,1.88921121461982,2.13636599818468,2.18888803565492,1.89331597798389,1.92918470724042,2.38977161566463,2.65683734010076,2.40084445603489,2.48199438513656,2.39514202283528,2.17351348073155,2.41521481615175,2.67231793359226,2.42408148028641,2.71674447312883,2.03819763262892,2.39910634623416 +Trappc6a,3.61127544624133,3.45048207355042,4.06559280027964,3.65023272216006,3.1270178650193,3.12006771845854,3.15678536814351,3.45288224913403,3.63483856771579,3.84306836142138,2.97384801690531,2.99753387125776,3.52956378947486,3.43310416061734,3.82763515856397,3.3469341846778,3.19038373742455,3.42622745576357,3.53374654203578,3.56061277777607,3.66950070862672,3.60365830199349,3.28236130278713,3.45512075908077 +Supt6h,4.65776436690085,4.73003332109905,4.62147565288137,4.60447369081038,4.79132061885128,4.75398911587896,4.70213168877155,4.810504638938,4.66451940475384,4.63036636841413,4.67530780701616,4.7000014874516,4.58619649099083,4.78479589748594,4.51315296475959,4.79834817392748,5.14067068616165,4.72368580725586,5.14785241910071,4.3649015956383,4.60884012528398,4.74944497658582,5.10822770825407,4.96849873286192 +Spag5,-3.03986501324868,-1.44984932622115,-1.5362087380758,-2.24676599666101,-2.35476688476567,-1.94956262532682,-1.70137466293857,-2.74812371388177,-1.52429499541091,-2.56502109752824,-2.52733256985329,-2.37450081273506,-0.958049535760916,-0.759107416289268,-2.27949744562682,-1.38659220942134,-1.55687442207469,-1.73730203329563,-1.12858780873615,-2.00589016401714,-0.928377604058847,-1.06573682953586,-2.0196727171989,-0.317659170231285 +Unc119,2.61863697937929,2.53823332876247,2.7081908030788,2.35126922316875,2.0643755561426,2.36543803980429,2.41304146807145,2.31939481255734,2.59975933513153,2.55292780612456,2.13875993935799,2.56864160978775,2.06453523264602,2.6497496943834,2.27597083838496,2.45258597224166,1.9188059050161,2.14844685955806,2.36931910048476,2.67640476153986,2.58489878098625,2.65653240480811,1.90016097654677,2.1086116031617 +Rab34,3.13183838579122,3.2756212563279,3.53226804985704,3.59562499678828,3.38396741585837,3.14884411406467,3.430815201282,3.30110082557076,3.5597300295547,3.36474642758537,3.23751644853675,3.17585220160272,2.87339199600413,2.97678522204341,3.21645614884851,3.35511460959155,3.10437239186214,2.66407816215872,3.22319629673473,3.13214665056662,3.30430677216954,3.49239773805472,2.94592218019913,3.10278005630597 +Sdf2,5.05436326727498,4.71804777295067,5.04350399459731,4.83614248548129,4.44690907136527,4.6315050645317,4.40522997129695,4.87431664324069,4.88253799708715,4.64079002563756,4.57877134395508,4.72492760371324,5.0811623077342,4.7264095368749,4.97394058473455,4.52162836215494,4.63643704092681,4.8601630331082,4.58304187845745,5.00477245104673,4.88473472427638,4.69721691570238,4.68409303889444,4.6353621460877 +Ccne1,-0.908958394476776,-0.500869320778396,-0.535564857033418,-1.38409020583056,-0.778447856493664,-0.31810446497078,-0.556428222833862,-1.14438362547051,-0.775550970550485,-1.22433238557004,-1.00911695458729,-1.07618245383288,0.412483407239072,0.475875131450594,0.605299981147508,0.537151563362726,0.28655507532874,0.155930279400511,0.337987570525421,0.598564724726607,0.529510627881151,-0.0390606070256643,-0.161192216647914,-0.641996968581769 +Bbc3,1.03285883454256,2.04255515789819,1.4617077194663,1.31076486268702,1.23273071480839,1.27286871902753,1.61998068254283,1.77978210584786,2.15087547930066,1.63597867035516,1.64236694212987,1.69761529067482,2.00853730040243,2.28251346704356,0.977301908321652,1.88348173559226,1.90865416817532,1.95070932606467,2.50562439427317,2.30887520218414,2.07765367652827,1.84058899738488,2.15428193064013,2.39445589190357 +Psmc3,2.97743896763915,2.55221825833949,2.81651824459619,2.90644393072872,2.77369109486905,2.62154067831335,2.87298699547973,2.64251608325812,2.82263307642102,2.81983294905968,2.95481869040282,2.84071129203061,3.43693699512906,3.06067138892408,3.20295249914101,3.39671333529287,3.38872088129763,3.23448447422867,3.23010399295962,3.09222354311788,3.42328757865173,3.17264896969403,3.37236039145021,3.28975118117656 +Acp2,3.57771923925663,3.52857036610879,3.55964629792929,3.50491224897456,3.57742707438178,3.41228915576776,3.48811697849391,3.55942949973199,3.56964600716183,3.46948307308476,3.36373574657712,3.50415751011259,3.72028633545098,3.77147768317792,3.70968387012663,3.80446929597099,3.63624223826663,3.54223094812192,3.50415980310788,3.71370968350277,3.80058286066339,3.84415295746697,3.4208289088376,3.50602602488598 +Slc39a13,2.7141978734735,2.67898117208942,2.3523298600906,2.66629786602547,2.57852620513748,2.75435925948993,2.68287827748689,2.33944809564748,2.41108110683662,2.66597315842361,2.9545920342322,2.55466871841763,2.75702744056818,2.67094081652492,2.25102252839709,2.47768541520738,2.92138762073686,2.7103463968253,3.08627467503393,2.3084851235378,2.65761316392003,2.68251083998352,3.02596947674284,2.81416443954028 +Celf2,0.893596436761571,1.02912368906627,1.02106673575965,0.550150205942475,1.3371024641478,1.32986888837562,0.862828565752783,1.42324901785257,0.842496866765822,0.629099324786791,1.1139700607336,0.94515849227498,0.59378945469608,0.570595456624191,0.501459122053286,0.351970522737246,0.685229281541464,0.708234255040268,0.586548569398759,0.49823304929009,0.382542700842563,0.417115369146036,0.518283930155786,0.741661193693074 +Nr1h3,-1.71639307353852,-0.689001361226916,-1.02477257540149,-2.66113341868535,-0.937554986219558,-1.09563842838382,-1.32425376108894,-1.46262168363692,-1.85916073733979,-2.53542602462122,-1.64355149340121,-2.18760924224185,1.9630539790003,1.57145619756355,1.59479202578327,1.81625924910057,1.5662137288456,1.18554529159691,1.66123582386541,1.84486474459386,1.83341454997486,1.78138379423944,1.5374003665802,1.42927010750222 +Ddb2,-0.450338127713121,0.454744979364808,-0.284321935431785,0.469450189034443,0.653440209692358,0.517112814538225,0.679253468177591,-0.645259235800975,0.0687729021090933,0.299285496004754,0.886544890755605,0.683066400581764,-0.904716539881592,0.204667086513997,-0.994130783255968,0.209092813448894,0.709333771714162,-0.27206260298381,0.645761930009196,-0.547908871930117,0.124192525758834,-0.0022606973220953,0.3935291891751,-0.254669853779012 +Sf3a1,3.48039326616945,3.53049669968828,3.40584568979606,3.48914632040929,3.64047134079622,3.61093008357372,3.54850861356086,3.50461427243502,3.54639460242567,3.62011737830956,3.71802541980724,3.48278924765898,3.30846038504993,2.98129972443297,3.29731842674716,3.18938070276253,3.22612709304845,3.28931473777437,3.45579976920228,3.03530733540453,3.1513787202317,2.97443221246491,3.36176008629647,3.26604259117249 +Stat6,3.29094161326707,3.43462375126598,3.35163738774099,3.22970968983833,3.62249486452489,3.42128226841717,3.42520882843127,3.42501912117734,3.40192553480283,3.43532785555886,3.54766561634079,3.20518720465914,2.81001018112798,3.18073160981049,3.17674094587293,3.15912370972887,3.08291314444851,3.04058390341741,3.11871409719141,3.17914942453613,2.64341404263653,3.06386516636956,3.15259443843675,2.7681702309023 +Vrk3,2.48992227732667,2.71237316689396,2.6516767028005,2.6324718343603,2.74591769677237,2.38330258797768,2.77144564811127,2.65237051172884,2.74740903682052,2.88454445825424,2.71603455193587,2.60826106512082,2.70265139941113,2.81247689596402,2.44721278830424,2.77109602327974,2.77173512785706,2.8055186457123,2.8500088573483,2.82470430234229,2.77421200865667,2.8343282390275,2.89184897074542,2.70923648148563 +Smg9,2.14916953978826,2.49556815832995,1.84826323959196,1.9832674229488,2.39477711193989,2.33880592972265,2.58719426716333,2.22926755007369,1.9556048950547,2.20006368901537,2.52897841335188,2.50534465241466,2.0385142398608,2.55854956521817,2.01283301568609,2.26567484215038,2.48341266183421,2.34797139927812,2.79999923906818,2.02827433205709,2.45559955879447,2.42234096652185,2.76899774983166,2.57113706533244 +Paxip1,2.82285592296407,3.26258673388852,2.83339742429873,3.08478285494905,3.23635647860841,3.21663757590531,3.21165050684193,3.00585314655161,3.06533732763512,3.12973033903542,3.19243193987274,3.14796112931695,3.71642157547897,4.55541038063556,4.39129349347536,4.80075606453366,4.40752252058125,3.68312259248542,4.34803005943384,4.07304486791583,4.32210390467483,4.80955367221857,4.52793539305941,4.20277165787364 +Rmnd5a,5.66522851253973,5.71010646764223,5.71659672333956,5.67714147446767,5.46898870246712,5.4693472692955,5.34260247740531,6.1253989027662,5.78063353649193,5.71295243652352,5.53209729992958,5.67245310323044,4.66472645205719,4.91462450876751,4.7750669043044,4.80859369698622,4.44420298072302,4.48676159875527,4.36523789172612,5.04832251183729,4.67207519515738,4.72387063431931,4.30241997335039,4.60373151104639 +Mov10,3.05487177301182,3.1220648422234,3.20654472073141,2.9643224755219,2.92789793456009,2.99515907975297,2.87453919485121,3.3682934406646,3.2279779496584,3.20447762113018,3.00330572916446,3.028483085842,1.61553436127729,2.00700618165458,2.10130281301204,1.88531758915093,1.54330747459164,1.79852514318193,1.70633445373544,2.3154101866142,1.86447915984317,1.99835937593208,1.24820385567493,1.56566955644706 +Rhoc,3.34842141537503,2.99694031097914,3.2633718749513,3.12270107928031,2.83882642741495,2.97932781823966,3.06017420498653,3.05665266399264,2.99187029375702,2.98211668362372,2.50021997580992,2.5862952223242,1.73444803776643,1.75664281678673,2.23294770576363,1.48570246976479,1.66790510456182,1.71611557410667,1.76255054465517,2.29318281859143,2.06865434778043,1.86294171250444,1.15516176797284,1.49787389046339 +Ppard,1.84748360301668,2.08400961335684,1.88683584650494,2.00580289518967,2.72407740670669,2.81991717950123,2.68781851875035,2.58206797074465,1.95542769182504,1.87704482718225,2.85538624097442,2.36563579158339,1.36981040356565,0.990406969682453,0.968394298964982,1.2259700727543,2.186740293998,1.68625424831263,2.37187635287944,1.33751660993155,0.712559656104084,1.33671923196163,2.17149029961046,1.69398074243371 +Def6,-0.832159733547433,-1.34510729006191,-1.46714472348957,-0.58713898974301,-0.979045797540863,-1.53028974346579,-1.45352633898529,-1.59223902979179,-1.23152223042436,-2.14038930552547,-2.0058362060652,-1.7925725231461,-0.313628217105275,0.221970654890257,-0.0659153685060117,0.36537898908928,-0.33073812596669,-0.256315970618681,0.365405822045025,0.105531657361509,-0.220409908095102,0.0901478545541299,-0.14590280489536,-0.393273543724209 +Peg3,7.80633817593885,8.05526760910951,7.32400424453005,7.64378888863071,8.25147840571445,8.22321758196511,8.14337315799894,8.17420765400462,7.65269089644977,7.56820229557803,8.30051486049041,8.20152672267598,7.28608322887706,7.86440156841801,7.32823633052765,7.56505333025189,7.98514497763987,7.54825773371086,7.94348446918057,7.69505138487145,7.32898472027201,7.41297190784896,7.95751762726587,7.90318008369323 +Zim1,4.02390974918463,4.68922763941157,3.52660755640424,3.7050333267697,5.46245723413159,5.77871027025181,5.27425449963258,4.7014735511337,3.86391191961089,3.9017759180967,5.46406880424591,5.28323076904859,2.34114213024874,3.33680780474805,2.28421261946954,2.47534748022058,3.23356599581684,2.95465655245019,3.69579020330934,2.53684698208467,2.16806445742838,2.11043139477248,3.02348656259948,3.27635390020968 +Metrn,-0.973166144163571,-0.967208792419459,-0.594440573822147,-0.701030985491219,-0.584595519548231,-0.964751884226498,-0.510194696364991,-1.40684275541664,-0.663457027137555,-0.698992589521526,-1.97054092358161,-1.94523099838202,-1.74524038668499,-2.10179307995652,-2.08601969415821,-1.848982585496,-2.35704475119158,-1.98787860156215,-2.20480460235739,-3.01729058724589,-2.06417187013694,-1.09487643993392,-2.05661816634667,-2.24815196204144 +Lmf1,0.737180117371091,0.940219444169266,0.820902224974271,0.546253003453143,0.94272480215955,0.734610994986554,0.844255937197195,0.820105493233549,0.864255473256322,0.414560802690789,0.805001612040382,0.764752836911084,1.47963484403168,1.07350470135272,0.884384532696234,0.885945876887918,1.48396978860402,1.50544624908561,1.56778417878938,1.52530927689784,1.05032698530579,1.03022206979018,1.40071720608087,1.61331098339001 +Narfl,2.31420845750789,2.64801679899104,2.2047719835133,2.54371047497385,2.49701449840788,2.26519782650128,2.52770353956361,2.33279140389361,2.29881976155661,2.40545531517533,2.52372192008717,2.53874487236712,2.55287401129944,2.6556644437319,2.5646950518228,2.82369666898226,2.79956226211991,2.50792266318698,2.74324202810801,2.41090961511298,2.72745881684828,2.82554495313658,2.79463855973447,2.5962325028944 +Dbf4,-1.72444724659967,-1.39270984929643,-2.01013688810942,-1.43938122273532,-1.77960999074203,-1.03686497996747,-1.51776281839986,-1.40040586577584,-1.05820988070103,-1.11738055257084,-1.58497194252345,-1.33901022154365,-0.378327486654183,-0.653919285857324,-1.09041427027973,-0.677891041544845,-1.0170472955456,-1.0475342851394,-0.783437420752764,-0.297625460672498,-0.667107360672683,-0.574655043719739,-0.46354507397822,-0.725959931605653 +Daxx,3.40546166968159,3.39817754156919,3.38768539404629,3.30557380705634,3.26625492196027,3.37960040172819,3.43134945750648,3.29108449147272,3.29258913606621,3.53057269202933,3.16107689618831,3.28178781916751,3.09439073051656,2.85913506796425,3.05127086935235,3.19223694153039,3.0582238449671,2.95727545149398,3.17367987083421,2.89669718096983,3.08377422703271,3.05437294475609,3.15407885053768,3.07549951510461 +Cd320,2.43908862340764,1.59469060910155,2.05410604771548,1.30046413656175,1.52001196823286,2.02880419382602,1.76959032923669,1.78204630061924,2.0316578042113,1.26767222142131,1.49576032761922,1.7084875740972,2.04169606062716,1.39794939267838,1.96527820588122,1.44191576994896,1.54034771924147,1.99334494279009,1.40720004953841,1.84191311395978,1.82227433053701,1.58327080787595,0.994075438959879,1.56007964871617 +Ipo4,4.00427550855451,3.94554565197687,4.10561457650515,4.08160015396963,4.15690195849742,4.09209169743615,4.09565244531232,4.09062084523764,4.04377384252887,4.01500247778458,4.04111831308707,4.05336377971559,4.09053149496197,4.15720072053024,3.92982740736348,4.10181828429894,4.34007142408741,4.19649612120414,4.55636548617247,3.95198122643854,3.82770152375286,4.03586863881507,4.50115001590279,4.38491313979029 +Tm9sf1,3.95972903451563,3.80560212667611,3.6926790846572,3.77895120601776,3.72795206959728,3.65871121872285,3.61468570715726,3.65667334918273,3.85060147785344,3.75387712536029,3.73462368880095,3.6284502455883,4.51237343995233,4.31218207687027,4.28903349031342,4.2278957562598,4.39031249861981,4.4503437752234,4.4893256022439,4.29059153921623,4.35073969309319,4.27749599467885,4.4235321009054,4.31778810520806 +Rec8,0.663673711516297,1.73698515829079,0.679752424609945,0.858142127819692,1.47039814648489,1.60258787767803,1.34479663168924,-0.196876874725018,1.19160186015516,1.53099902930064,1.39421612792812,0.611790812106333,1.71982319577116,2.2621400168624,1.97405487519611,2.80986132190981,2.75172881929743,2.41841138616513,3.13161626770029,0.19878878966371,2.87144546795751,3.35347192823659,2.69395290366923,2.53755947428202 +Irf9,1.32413481496128,1.99697100239593,1.14282816665496,2.02906041256372,2.11113448144733,1.93335631417241,2.16200021528461,1.56913830804468,1.25322001136355,1.94857375102354,2.21025834330328,2.22626115035978,0.926924560836995,1.2384763287249,0.588267394073862,1.61142668261413,1.56473633113836,1.05272689523033,1.28245971776631,0.83693555230056,1.0353908024889,1.30698878844288,1.5880001998088,1.50693963579923 +Gmpr2,3.11886133477394,2.66431723550934,2.39149976639874,2.57437484521504,3.24040654334252,2.68137788142448,2.78225032788403,2.84897025696802,2.49152357215993,2.9482629199342,2.93764326910452,2.75679229886619,2.1362907456344,2.24307000654654,1.67206432583851,2.39972554853615,2.52394305659894,2.04704850252696,2.31294085641623,1.96012366704679,1.9619675162547,1.99189140565032,2.58163033166169,2.66733802673294 +Mdp1,3.30727791736276,3.19019547089384,3.40505948817648,3.12629948149436,3.04576241268368,2.97068077148484,3.06390447983357,3.17155175023814,3.28055538583842,3.32679536118595,3.07447463344747,3.20191363016441,4.14984093033999,4.02233725301998,4.01156793843939,4.14986511344498,3.93057899671345,3.83992686484061,4.11767938937747,4.21570257086645,4.20849528040143,3.97357725901869,3.92520464363203,3.98270452808375 +Dhrs1,2.66305322425638,2.4007502992814,2.78125566371094,2.59714957373184,2.04821373793227,2.3794514327912,2.2488873095549,2.57452874093861,2.45748450285809,2.55813428698105,2.13013582478377,2.34153255681552,3.03751277249402,2.88491206969145,3.02447169464126,2.975947863566,2.5292822939745,2.90403988690574,2.76511972343959,3.00234277261975,3.07540200488141,3.03510780310533,2.70370044906656,2.79787778358893 +Tmem161a,2.90106100910782,3.22651654748165,3.04773297717701,3.1145413854342,3.08001107133428,2.90273284878271,3.05730358971753,3.21358958244364,3.06663620688548,3.28955254245521,3.14846027988318,3.21520336350213,3.26058295464964,3.37211571366394,3.04297790880442,3.07229361894236,3.14289460032276,3.17348784552217,3.10846190429338,3.24570200002189,3.23212437674653,3.22028460422273,3.17148622044695,3.16357836882406 +Armc6,2.47481984251632,2.14198063709505,2.16841950901234,2.40512323105472,2.00952875574953,2.07865894529436,2.40853235978811,2.0882086446601,2.17780486076714,1.91331100652103,2.35437440316815,2.2974574727866,1.75315891669429,1.20002049114108,1.32879448502935,1.383279889939,1.93800782903781,1.856484308699,1.8339941379566,1.16589330730877,1.69294456195208,1.38741479648097,1.79546150779159,1.69445837914246 +2310045N01Rik,2.00564076703617,2.15712330616248,1.86714103996106,2.20838826238824,1.98758845099513,1.7588335018193,2.18700820094998,1.82033473032527,1.93677826761267,2.19356338694296,2.00783478714497,2.19108959511032,1.9251916484035,2.08834720304361,1.45653861378128,1.97893110465042,1.9400208885984,1.80034854226198,2.13108197992657,1.74232695393364,1.94803356414903,2.17110256779247,2.27587846822509,1.96747464434215 +Slc25a42,0.505442683996785,1.09402577662054,0.195206439799338,0.549835845245824,1.98962349797969,1.47692319714549,1.48240182429274,0.792124988841246,0.492783369197015,0.870760736735198,1.84495326255767,1.12736857115655,0.611318509806379,0.850590586206472,0.548933152749997,0.605136416474989,2.10826177473931,1.09088554135657,2.17236253965093,0.665618853089354,0.565020417443357,1.11008645288589,1.95496213538926,1.67040874277754 +Snx9,4.09811445263885,3.92371825877591,3.96887483123918,4.00288818861136,4.07208727312903,4.02321206794445,3.88967224925945,4.07958767542541,3.93696042395243,3.97767059565073,4.13812099749728,4.01563600254651,3.52417788159914,3.87076529791079,3.6499123166157,3.60299866323974,3.86398706026473,3.58168114969786,3.73078691294588,3.86168791899629,3.56773444741774,3.60484694739406,3.5789246763066,3.8262217212521 +Ranbp3,4.77543898074993,4.7174458665986,4.75318449882527,4.8791108119518,4.79835558400964,4.88756147327859,4.99659568923734,4.53248656735448,4.89630213062784,4.71084127270757,4.90537607421865,4.80216584573765,4.86149302956748,4.86719460569875,4.74988323109675,4.82875041157266,5.05319302822005,4.97482006573523,5.04012936322308,4.49553589207565,4.74923021930833,4.96116500633608,5.18444764264394,5.0854989530979 +Ndufa11,3.59514887426581,2.53874446145889,3.25114415022868,3.07844376891578,3.15616253356299,3.06816869007287,3.04772932361307,2.97609471780092,3.37690693815388,2.92593774813279,3.10709745461003,3.053179130161,3.88036762608297,3.47932702805714,3.86398713165832,3.71908089374256,3.68593222623913,3.85328165895503,3.62373553793694,3.90136870392078,3.65913589567311,3.70892560771938,3.68297590903561,3.44684787782058 +Nr2f6,2.30742850126431,2.13099191926168,2.0951391376607,2.1896273114697,2.34638302864823,2.37079589039246,2.33873658738639,2.16010200712906,2.34363713971477,1.69036148878396,2.18880902171428,2.06780483088092,2.45826942610312,2.55731077450642,2.23947530125716,2.70259133834357,2.58088747069658,2.48372638418337,2.7438312623534,2.52381819212979,2.30913058823237,2.42895898283061,2.69004683518546,2.52803512858706 +Use1,4.56020608684684,4.53961496302296,5.19407663982705,5.07593746026686,4.48492066101528,4.44935539500367,4.63021490826335,4.78152842400305,5.0235888405426,5.16747571669676,4.74378238996215,4.61163278907825,4.140887425647,4.35956907488819,4.46270046522697,4.35851565937536,4.07049198543281,4.02219123408148,4.1800997297716,4.36014805942799,4.50672806094687,4.57559041518283,4.21573943901646,4.19893057670423 +Ocel1,0.706028680483205,1.07481930732015,0.485780937488854,1.02688921574746,0.804783109985197,0.982063700507385,1.15890086142017,0.902951922599202,0.689054894235233,0.740555301506384,0.914827218570006,0.932947317248918,0.529761585390081,1.09327517033317,0.368439024351715,1.14011218141361,1.14433373220856,0.712865435903034,1.15357571559769,0.789770501735252,1.07875060216393,0.866473707415567,0.957739303247076,1.23486472975038 +Dyrk1b,2.7567641393561,3.28140210330845,3.01228063254877,2.93284122963492,3.32832190942495,3.22116628712366,3.400888784114,3.6084277314962,3.02663683989217,3.18845042083837,3.25369667365178,3.13044500154505,1.87946141497458,3.1135721274127,2.71826208727419,2.59959655577247,2.9612371239581,2.46729273237645,3.00975726387046,2.94826848669155,2.46545664092303,2.90111613982881,2.9797555849027,2.70510818781271 +Braf,3.54515790182907,3.65275165310739,3.52231186479298,3.37173104897501,3.96430012908439,4.02004591273946,3.54623332867656,3.92967743378015,3.62875100775836,3.35763028678722,3.73558456384701,3.66912853391937,4.32872414599247,4.1073150228662,4.30506357343748,4.1375365855861,4.34579844292651,4.38773589194279,4.22494445998076,4.44427992095226,4.16768330899106,4.13694930870951,4.22711772917479,4.21571915915934 +Ndufb2,3.24723074196422,2.66887810968162,2.81105477766017,2.8073574430523,2.59642333200619,2.68117041442121,2.81234142275406,3.00465755375225,2.95789380338221,2.88496938675651,2.85183649937818,2.90655483991523,3.1664297729605,2.70479763763252,3.02101442785031,2.7168027145845,2.63313512533133,3.15037734338721,2.52302438150246,3.20584150061005,2.96578011058653,2.73546224667911,2.57693368105745,2.69582726581572 +Hltf,3.16937472897164,3.31985968799452,3.21288571618886,3.48087890466007,3.07973805787226,2.94593730974768,3.13809492685712,3.29702345398375,3.23010840571962,3.34982338645056,3.1053384591235,3.19941833349253,3.83168245330191,3.68927737456707,3.59187245191697,3.61081613037392,3.490855461026,3.64024586298994,3.64585265396922,3.85089270464272,3.68731559797198,3.63181250266539,3.61619643487908,3.86183251888806 +Prpf6,3.65190336695437,3.67583839414643,3.86042142282838,3.6734510324734,3.52193882457858,3.53135247120954,3.54453389599863,3.71796926140159,3.66761544458237,3.79805217611065,3.56310504329935,3.59478365249254,3.88152128468101,3.75241631681337,4.03616258356493,3.89991879547445,4.00726541387069,3.83365101359792,4.0572476072016,3.68852987549891,3.96524557182981,3.90276224123383,3.94903564410609,3.86156553838036 +Rgs19,0.991785586740637,0.444730114866799,0.075353956744995,0.303967370936299,1.02502933578657,0.83531505361927,0.438341964493268,0.611500543221868,0.4638002439881,0.348758874586076,0.716932878639628,-0.17555774916881,0.32164478123589,0.0321196213476003,-0.360748802923638,-0.226158044892684,-0.222321537809821,0.735130880336289,0.43993373678333,0.162768156657633,-0.108937706788055,0.105504000445564,-0.0314835382234582,0.909454686859328 +Rgs20,-3.66358723537946,-2.75442804058579,-3.5812960797097,-3.65059041733825,-2.03518702911845,-1.83558415472705,-2.55662550512215,-1.96212893183684,-3.17364632828906,-5.63924685860608,-2.97233813613019,-2.75123742780391,-4.2250174553784,-4.0792124603048,-5.63924685860608,-5.63924685860608,-5.63924685860608,-5.63924685860608,-4.97767589093366,-4.99470996759417,-4.30588995339708,-5.06146198156032,-4.29908389491641,-4.56239119421 +Abhd3,0.782416496479568,1.2396150089044,0.908791759691096,0.727310444106938,1.15103476633453,0.469926811900955,0.964834995795921,1.34018233449153,0.889921358187418,0.626407347996153,1.43748728056581,0.936255557321008,2.90233084807518,2.74819697946126,2.81257476274687,2.83622861361959,2.82779568829036,2.453487074299,2.1650611171119,2.71797419121821,2.84486948241281,2.63365122751429,2.60292011047643,2.75628613656701 +Snrpd1,4.89956049188994,4.27219459717653,4.57119329724196,4.51795778460394,4.1317698820451,4.31762405254301,4.33004175784219,4.53303410191318,4.42345192097839,4.39235929688401,4.26331953441109,4.5556869113652,4.06616405817253,3.72874903893786,3.93702590566247,3.94724780281554,3.69999804565617,3.76590788806391,3.50137464918583,3.52285025425189,3.87976992557002,3.6422330679539,4.01257661325844,3.64208863037888 +Tchp,1.71813565187836,2.28335630322732,1.5101867527423,2.02839001452596,2.43508024316713,2.20512275768653,2.61173572614842,1.08685992591579,1.64435050214044,2.28059537522017,2.51817557885124,2.04187825787989,1.25008576995725,2.0049953997426,1.20346442803547,1.96067944574315,2.13259909379692,1.42217753787773,2.24035628376147,0.860100346810923,1.71205912468321,1.79096989514757,2.04517435519508,2.13598612041335 +Tiam1,1.00736836091167,1.24143888214388,1.18151452617529,0.933972762006879,1.45194081673604,1.43252002549584,1.04567066220018,1.28928486270165,1.04919580485744,0.933612507229021,1.29817890117681,1.11472394047108,-0.653979292066064,-0.292879292794659,-0.46703985106524,-0.608932421667464,-0.443623943462931,-1.09726335911059,-0.382383299748922,-1.0919468865964,-0.474167657517473,-0.418152777297026,-0.675879583364279,-0.214283719688785 +Tsc2,3.67912722446076,3.96291427076357,3.68045677621292,3.79811910831833,4.1578823362132,4.16557344913094,3.94996725186519,4.02192944036364,3.6612909288838,3.76507455373915,4.03918722926185,3.86190333964454,3.53942321808033,3.9976664646592,3.78209758805169,3.92501962611927,4.21542147561519,3.8333402048424,4.28293350957121,3.5380248438134,3.24814707707997,3.54342355694673,4.11843174315253,4.06145996486898 +Slc9a3r2,2.05957585396518,1.63905727795161,1.8057879800113,1.74010413231233,1.99102179013722,1.48269643866987,1.90176437949387,1.87378468189823,1.91599653987902,1.55214570145992,1.66075558410415,1.5485472260661,1.89662083578249,2.04211330926605,1.98988475794392,1.80706348167229,2.03600304451691,1.72137269623522,1.94429626716759,2.20243927728438,1.99056053631138,2.30089871177015,2.01735811604758,1.83902489253365 +Puf60,5.66457022335725,5.50359242700106,5.60982676725167,5.65870368591645,5.40639404349606,5.44437311930452,5.53223808927482,5.5795065162682,5.68999834010395,5.68062712459882,5.53719625454006,5.68224459473856,5.48138855431123,5.70357042312137,5.45465603418409,5.79398696080703,5.68749739698417,5.54034042409359,5.79819736090902,5.42178296959314,5.72105818383561,5.81633084630634,5.71385154703567,5.71875811697191 +Golga2,4.3911043533239,4.74807299521887,4.60149042347592,4.69268880865315,4.7535922905925,4.57604618837839,4.73906661962201,4.55873494783739,4.53207789818993,4.7261457297213,4.72178158860172,4.58814727226785,4.27852322689445,4.76933245466953,4.18657311236763,4.65907881886399,4.82289193688449,4.30391652018206,4.96305103370632,4.1524241053705,4.5818436348333,4.82076752132371,4.81113835814776,4.74063059389346 +Uck1,3.53982648440748,3.17649344353609,3.1312753133559,3.33494951118039,3.26942109140093,3.16337242483294,3.40360217308489,3.19312156840146,3.20241296389431,3.09062412238159,3.19946809324805,3.25539346093576,2.79533056844722,3.0662030771738,2.71961492049713,2.7898607123549,3.13885597457147,2.98838886016728,3.0098769258651,2.54791492801257,3.1516751333578,3.00892992155488,3.07900637902091,2.88919206479823 +Scin,2.96098927666573,2.98342917175537,2.86487686157856,2.82420312895699,2.43442643780384,2.95103113134542,2.69493295304749,3.18483424717458,3.07788758134178,2.94264547519136,2.61162232674644,2.68817603117634,-2.5316629693999,-1.97396699290797,-3.94589237262758,-3.24249392070918,-3.370429909758,-3.94589237262758,-3.94589237262758,-3.94589237262758,-3.94589237262758,-3.94589237262758,-3.94589237262758,-3.94589237262758 +Ikzf4,0.711421660496105,1.14344537560975,0.433478074667891,0.314872060094051,1.65851751821777,1.33630603988213,1.00943140906256,0.983223817255769,0.821963768794338,1.14217580142008,2.13391550383603,1.24971629464952,-0.758765775150622,-0.226430140612767,-0.710269872030526,-0.422125532893621,0.453078008168397,-0.174848195244567,0.0207897865269522,-0.321305445138731,-0.46759909974083,0.0111604477601821,1.01534032605755,0.540984682318254 +Mien1,5.14852680792968,4.59671707820371,4.93839366173509,4.72543425396811,4.57362975632043,4.47836341603726,4.7250663661513,5.10185479097182,4.92144578982815,4.83614415883258,4.77011818343022,4.76265920763448,5.63784347682087,5.31008574503596,5.56956953163499,5.26241590803609,4.99701588257289,5.40599717646164,5.27589987570674,5.80370749752137,5.345647325989,5.19987593095827,4.84607748347055,5.28109597068026 +Axl,-2.87968701667305,-1.06011859552471,-2.30916871486083,-2.42473514170595,-0.790767555337398,-2.52599643098014,-1.92492372950754,-1.85860362260158,-2.45983070575839,-2.72462628080804,-2.64975658404907,-1.99509048041789,-1.6544369156185,-2.912199798424,-2.70313259986373,-2.10146400938203,-1.47054480995467,-1.99746590229479,-1.59463668384747,-3.26537763231322,-2.35568297084294,-2.12587840993186,-2.49931062088737,-2.57902870036286 +Ccdc97,2.39670004960365,2.26435810940323,1.99393176318648,2.28342789554024,3.06047380970175,3.0011035189028,2.63259504716279,2.66997566563665,1.99667334463202,2.27684530835087,3.10004289721525,2.54988411931047,2.22764745407921,2.13141686927675,2.09837482356109,2.14611217573332,3.02455975772677,2.48453429840057,2.9653357115791,2.07836942141422,2.15527911297124,1.94317555783695,3.12547948199957,2.59064847588837 +Zfp40,2.13470972134688,2.38200689047972,2.43321760397368,2.33682503181619,2.19087633254029,2.06296817608283,2.11527182640584,2.32171806890207,2.39426532957673,2.22669794876056,2.33291739629177,2.30100499167282,1.71051324078403,1.84672943860499,1.98440471140366,1.60613811440136,1.82114514104279,1.18829062718397,1.16421975579629,1.84372841881838,1.75058563669454,1.43043158146194,1.43495743084874,1.51669388129755 +Akap8l,4.2800351768732,5.46176287890149,3.5745083525059,5.34138577959324,5.64837491929812,5.46415267239665,5.81621223749728,3.25030067700826,4.79822642630262,5.38850830628274,5.75030315273818,5.45560822409336,3.83843440378293,4.90998167165781,3.95982364997195,4.78727302095685,5.17157170661842,4.29752440461961,5.47954424372174,3.59508129452684,4.65697280220713,4.95407086064348,5.20062696859183,5.25454956144442 +Pdcd2l,3.32296468588929,3.22164644535888,3.54810967117069,3.42685864648544,2.75574098685763,3.02098183707328,3.2915943031492,3.18305100103037,3.33164791457659,3.05969832050339,3.04686612536374,3.23568017511703,3.64975224605654,3.29399306177487,3.56086093959478,3.33590200586195,3.27055459496345,3.47122490409888,3.0578561096751,3.50042023329242,3.52906578632821,3.11706962413807,3.31773126915833,3.22374090430098 +Gtf2f1,4.3465301728267,4.41695568534309,4.05386398731481,4.37055536798098,4.32061623690997,4.31417672759848,4.46487860134225,3.93500038696933,4.2076572503938,4.42369743995574,4.48215061655491,4.6131893358814,3.90907781088129,3.96607066308832,3.46713727268549,4.11662733988914,4.40001735149746,4.00603900260722,4.30477028591037,3.38608946085536,3.91647259439138,4.11332328291848,4.54702697106983,4.30223646823455 +Clpp,4.44039092691962,4.17839220290769,4.39751850507139,4.23479088530585,4.10260554857741,4.18977041830195,4.13431502071525,4.02526423996393,4.20118194018547,4.31363473710655,4.13998687018911,4.00123187729006,4.95167418902091,4.65177379286455,4.8770465828361,4.67743400160115,4.75649556504503,4.89880149567507,4.87449102413282,4.98099080435019,4.8289965235563,4.78859137751771,4.97091808776471,4.79684210370236 +Alkbh7,3.4126529433047,2.82586383015184,3.1960438044661,2.72364522141223,2.58328979303375,2.98578177247047,3.10241306522734,3.09993728887991,2.92169521820164,2.60049495741197,2.86243372905991,3.27838016135315,3.35984246098713,3.03637881080812,3.05963616851578,2.89484934823787,3.18395738867518,3.16889989318026,3.0393508298678,3.43840700712711,3.12372397260925,3.24855807897663,3.22690601376453,3.31402604341375 +Med6,2.74447860289484,2.77405809056384,3.06295990774308,2.91243054875998,2.66306435602018,2.55025172856114,2.89767052179952,2.98196126723147,2.82826703986579,2.69281576048896,2.70354499959607,2.83312372435855,2.85111018721801,2.67637280166428,3.00000715704897,2.79183378195617,2.61903421812615,2.74254576769499,2.88512051728824,3.07435536128685,2.99695182510284,3.04373800598129,2.90595535249881,2.91398674257512 +Prkd1,3.8931032105406,3.71317192161719,3.5522695317255,3.89145750064763,4.09634098826577,4.0321518860237,3.9370837413199,3.90619798460212,3.76863926113398,3.90737564859098,4.01769944068346,3.98710598580265,3.84552184135201,3.92908895493356,3.85700827559195,4.16064423927059,4.08468023950058,3.86600310781149,4.12622791944691,3.98758615207576,3.90731697189446,4.18320223207509,4.05491706641479,4.07732241287783 +Cse1l,3.93984681145811,3.47856037951699,3.61053669807295,3.51570788522476,3.53084070173304,3.58154852815262,3.58522351142192,3.61388343265428,3.79595142184132,3.54890613581637,3.61016348789255,3.54035328926527,3.94571198491563,3.47211823625809,3.71618411178677,3.55319866391864,3.58390439748212,3.83621983661859,3.43499008343457,3.79342900687568,3.38627300492207,3.41647136092937,3.7244260485452,3.65281244298088 +Naa20,2.58897578963223,2.40585982786733,2.16480412211217,2.30181595353516,1.78549670878319,2.40338988937716,2.31606957143994,2.27315858682212,2.4063230365968,2.08212183264748,1.925882407079,2.27993632702102,3.40286259391199,3.11692596856135,3.11048433539376,2.76936094727265,2.93007488045138,2.99865466067419,2.94339016491017,3.32085131857505,3.02065530023452,2.99440282850749,2.83985183123378,2.96934284564961 +Prkra,3.48971197961861,3.64190965638093,3.62541766879312,3.37737162466997,3.35397357232909,3.38937829596467,3.33533363518116,3.35530124929757,3.5578181075673,3.56500276085823,3.37954120989927,3.31754253547833,2.63715782144031,2.76140974076344,2.92687837637561,2.72413187793097,2.44832214024264,2.51591027796768,2.37192680094037,2.68243940873927,3.02962224476615,2.72648506974148,2.09105098658892,2.66077887780461 +Fkbp7,1.40972259608285,1.40143491163947,0.894227348096634,1.74606120094966,1.58255215623643,1.10878503113063,1.45521721169493,0.240973147755873,0.973278563218198,0.836009209432331,1.6905953617463,1.55959793152308,-0.220251566247729,0.0353189166521344,-0.77263494651885,0.360422734226855,0.685608841166968,0.579925980996971,0.1663189829613,-0.470895578790355,0.609044094272504,-0.627232356464631,1.14096872920881,0.52557634560871 +Plekha3,3.63532192414418,3.18465314138511,3.47998421584705,3.57166263707167,3.32481732495134,3.29865889816059,3.15791119628932,3.26817572884729,3.43145601711999,3.31830186252532,3.51637849766907,3.3701155179849,3.86881836806046,3.61511564138538,3.8874655959384,3.78573349524175,3.63814888078649,3.78336299486972,3.51079633030735,4.05109772966991,3.67138744447884,3.76714455371761,3.62800837657041,3.59861080493523 +Ykt6,4.59330432478507,3.95182989955808,4.17673804718413,4.36365730012636,4.02043272944123,4.06300503095842,4.17740662639114,3.8230323980548,4.20234359019539,4.29039095960992,4.15641293752379,4.00189803767932,4.86274720073952,4.40327867678928,4.66417171487971,4.44240759925149,4.58539800890755,4.635426383553,4.4541706722386,4.44206269728175,4.63487829596085,4.45972455496155,4.4859799532594,4.47514465848895 +Baz1b,4.46442439785254,4.50090828940599,4.31860839500612,4.55167521025476,4.64579274951123,4.67717758044594,4.6012041196986,4.36252209237641,4.43988085167518,4.42365651164603,4.7399984223091,4.60136166160885,4.2555928374914,4.3438344985109,4.2459376429803,4.63511885382732,4.61343277536483,4.32151600321794,4.43746506526732,4.14789879747225,4.31750861243974,4.53353544043324,4.60135525331809,4.50968185190153 +Pex6,4.17408007538291,4.29111149277599,4.22319638554137,4.21864224060991,4.13912369856873,4.19194310087986,4.26322438423928,4.24853911475948,4.12637771048402,4.22241766394443,4.25664403114869,4.16881974391024,3.85009638888431,4.14426662540908,3.99041820400549,4.00832251064815,4.21101872954417,4.07881369711901,4.48099475734657,4.04522907056177,3.91543656680232,4.21216392349831,4.31983454768191,4.19888217106664 +Mrpl2,4.13663357289713,3.93209873594739,4.54356258835488,4.22633954285374,4.12211694905255,3.94730562191656,4.03478967805879,4.16155469835237,4.27186846795728,4.39222716400748,4.10632707616127,4.23281442459146,4.47449179491234,4.3635093111235,4.55324175413228,4.62183254696061,4.34362541062068,4.2076801964088,4.04616412460847,4.29659770652494,4.72097689091667,4.59515868347792,4.47553963183268,4.3221429806339 +Mea1,5.17971576442158,4.55337979601726,5.08009194470587,5.02483759403757,4.91031763473973,4.91960468885765,4.87620472501093,4.95630924293344,5.0151350386764,5.15162853575093,4.92574773357059,5.06146732057534,5.01698156020154,5.14743543322758,5.00575569050714,5.16571542478819,5.02654688996007,5.03746780894323,5.0378070445289,4.95539892019323,5.15692928361281,5.10703614932418,5.13936007037787,5.02181940511247 +Gnmt,0.0570205764353056,-1.13358968026149,-0.10910373307809,-0.496510338443889,-0.7094521288624,-1.3120973232385,-0.155017810710278,-0.240710643444739,-0.398642015161571,-1.65276058989702,-0.588567893452258,-0.560824899289984,2.68501353718329,1.72493180858717,1.96987909458118,2.17666445079649,1.89549076307419,2.16734972292077,1.82417623706667,1.5747179835128,1.94114276990749,1.74007368158291,1.75471420981981,1.63931077483415 +Grin2d,-2.53703741214976,-2.32359781140315,-2.14714929179383,-2.20942653515679,-1.61489001664534,-1.82884919618055,-1.69531061961151,-2.65781909560722,-1.99065631391192,-2.62481747114525,-2.14799935136494,-2.11679515197045,-2.99621672687557,-2.94087843872877,-2.75356498352026,-3.38422845197919,-1.2388266872958,-1.89126712550266,-1.18838418235316,-2.78206254906465,-1.89616690873436,-2.60816239346604,-2.0794690908159,-2.32965758102415 +Kdelr1,5.71849190757788,5.52858984806159,5.84254870593428,5.56398846736999,5.33788590358618,5.21983120026182,5.26705152552906,5.78485204904876,5.68922760551779,5.58384387940892,5.21001701531462,5.31886895821109,6.29037546844466,5.800391055384,6.09426619828346,5.76466873497628,5.88374031447464,6.10998912541412,5.83723027302927,6.16382527491383,5.95027051771648,5.91906579685397,5.78555415402027,5.78597359030031 +Tmem143,1.21438868843336,1.3530658074973,1.2418965231529,1.06985863130275,0.886585205855833,0.894902154292777,0.750795886715255,1.60756267320807,1.18776262955559,1.29178014142449,0.970113685965369,1.05067143508601,1.16254386213402,1.23618844462396,1.11906588977597,1.20947441125251,1.27550422131637,1.31790853627593,1.28993108922711,1.3901465029687,1.22872303366593,0.980633518652354,1.35367812354656,0.949131623209466 +Ggct,1.21576557233991,1.00321890334981,1.17894972723785,1.3106276146215,0.986445045504959,1.05496740952149,1.05854053644356,1.05041726197262,1.29906936152542,1.00195859282065,1.15971984838857,1.04939391478195,0.188200902311828,-0.0550078066651607,0.86789707075531,0.535370694462119,0.461219975048896,0.423366179589019,0.343329367544459,0.537961423350482,0.774298859987553,0.512418395611021,0.325554149949051,1.02775309407706 +Jag2,1.01372714069117,1.20371486720195,0.647787604322327,0.598121203845863,1.28470883102788,1.07478855238745,1.33267746138094,0.560099407579123,1.00163756499739,0.665422115810907,1.05751820960998,1.06320720351492,3.2927369842623,3.3956377872294,3.63620909200087,3.45898841549143,3.38509957868007,3.39036033731861,3.37979225473724,3.37517672305615,3.38634615064754,3.628352678347,3.58896492651534,3.23586769980287 +Btbd6,3.45793872078678,3.63482873228117,3.83262259429169,3.72418000221287,3.3430501902977,3.68626172840889,3.60444416462653,3.80571936045418,3.75569694740742,3.41692299408164,3.45147416151159,3.50403863121882,3.72040796694545,3.51075857627922,3.86200924572067,3.74270363632131,3.34893732819706,3.40720060730819,3.59415236194438,3.7638394302264,3.83374520821704,3.85417299080501,3.50734825129121,3.36872316597769 +Nudt14,3.54336395614316,3.09235593483932,3.38796110197011,3.42716494576596,3.15667071350537,3.13925536323215,3.58007472732091,3.21311376530256,3.4113909814409,3.28924790586596,3.3353163263521,3.01813333298473,3.59642029684707,3.53633795568217,3.71458582685209,3.61734714945875,3.33751369613391,3.64115219207348,3.20791458839995,3.6171002918728,4.12120777565878,3.59584768600814,3.28809510936488,3.26875259589682 +Epdr1,1.49339399574689,1.52196641329319,1.79875982997886,1.41993581175114,1.23698060339172,1.42453326419031,1.31336039271887,1.4721497971608,1.48454858263773,1.73478699042351,1.22421290786933,1.81272258783703,2.00721902485582,2.10203148127891,2.7279616825827,1.87531982955087,1.50586838007566,1.4421081432996,1.72607621007524,2.28067116917126,2.28531625744525,1.83857753549763,0.96757360193941,1.41162943660599 +Flii,4.22965927873485,4.3230301344084,4.23536131916348,4.32572431404784,4.24943375549026,4.13279105259659,4.36269449436145,4.15366778769804,4.30822640346081,4.24026386316608,4.32041956593398,4.24978101339082,4.01036981839891,4.42530970226362,4.38448019287666,4.46888532513666,4.3682503290223,4.189879622395,4.4602810415918,4.16861847976901,4.10576653848435,4.40279108448333,4.46880521658532,4.35885972114546 +Top3a,1.82897258236137,1.8761707953839,2.11317262741237,2.07230184314178,2.02709493352324,2.03324621943009,1.99789277386079,2.02636776165142,1.89967298797492,1.82148235626665,1.88852115839636,1.80189405711855,1.45589527606372,1.59990331253026,1.81599693382652,1.54286933255438,1.53827599737457,1.48555570595325,1.61840944188511,1.45175427927038,1.45597205010026,1.48204264193512,1.62698600501569,1.39190375387274 +Atg4d,3.65438624867033,3.20075316393676,3.44621623450718,3.3241179624777,3.41802540304504,3.43899130972587,3.44845477822789,3.3795435079304,3.36627259294023,3.52704233984057,3.36273224782134,3.27918352489992,4.0430776948342,3.73158438581033,3.95898633345919,3.91093575419787,3.79993448306139,4.02023532675436,3.96596914257622,4.0491264364697,3.85124813798228,3.91911904793731,3.90450160395213,3.80409450805189 +Qtrt1,2.7965320375454,3.05149947065478,2.86890373323471,3.07154545897792,3.27552568672484,2.99012920135087,3.37498989638406,2.88452350120091,3.15125835595545,2.72109164850787,3.37989676791109,3.08983685639168,3.15541065756644,3.41155646994067,2.58327966470158,3.11705848605119,3.06893522799443,2.74265471377682,3.37325648964345,3.0370402434645,3.30225074069648,2.98608803125269,3.60888944475325,3.19377938700113 +Hdgfrp2,3.95248247745762,4.02278385292428,3.49837812437225,4.0260645295088,4.34388281606627,4.12940199941704,4.46020630870113,3.38452403500948,3.75374911969971,4.18055708196724,4.45314350843969,4.15688044637303,3.55420227584179,3.98525875673778,3.17549931623852,3.98048002929949,4.1537167200118,3.70189901161107,4.26676946806353,3.22311237696135,3.62643861107368,3.75030093765686,4.24634128617492,3.97892482665109 +Chaf1a,-0.716732631585083,-0.191994801347872,-0.307612978670433,-0.104634990199524,0.122458894757165,-0.153470476089623,0.362408852203746,-0.10723580970104,0.220462924150656,-0.277047673515183,-0.304708983237975,-0.357523550437486,-0.778934856976066,-0.0632378889551015,-1.24921843351193,-0.475190786593534,-0.739801282619506,-1.2156542205437,-0.512771277394191,-1.39007363267518,-0.519205706389442,-0.449920298193896,-0.302033678290165,-0.008300102573258 +Adprh,4.57372723797834,3.96698884802892,4.34148383470326,4.03922971702621,3.99844182688581,3.9154299935486,3.8703667061631,4.30827808236861,4.28586074640846,4.07965815642189,4.09017704940152,4.11944817923576,4.38686736232024,4.17071751257297,4.36229412577243,4.05744321354701,3.86399061408094,4.30212875983947,4.01633583956312,4.35340066915647,4.39166093258728,4.25398985178831,4.00605306732574,4.04142964604048 +Tmem39a,3.67719827995129,3.66471632348354,3.3463398589756,3.63839474640595,3.78555415813623,3.48418814162877,3.82736070920585,3.24616366623025,3.45394699388096,3.5933031489037,3.5748997640024,3.69061692946338,4.49270399744506,3.89390011453326,4.11027337724418,3.87645115733811,4.27004532876705,4.37835816119499,4.44380726008221,3.71113698990508,4.15892573169758,3.80834156930443,4.31934741476354,4.34489041461039 +Timmdc1,3.20774090310368,2.91234022304447,3.00415982266535,2.95500328672411,3.06933845535266,3.10147383070184,3.05760698441315,3.14613075119854,3.22719284320749,3.25807667454286,3.06132606461279,3.06306884415702,2.92840577643329,2.68223598354637,2.88781808889221,2.72860230449671,2.83510353952785,2.87993423790131,2.76243469198146,3.0613490146832,2.70767623709102,2.62975376267289,2.77353442944118,2.7805611530984 +Pla1a,-0.0484004291749758,0.57929134123918,0.050124438658006,-0.303752720276014,-0.263838443427182,0.562109016466741,0.113372763050362,1.03811976881438,0.714374456586588,-0.208908222291917,-0.398398819139443,0.0018264092609451,-2.70410219526696,-2.04155812710003,-3.34107040213675,-3.34107040213675,-3.34107040213675,-2.27382135993814,-2.67949943446433,-1.91361858619423,-2.7497473882119,-3.34107040213675,-3.34107040213675,-2.70441860010684 +Mcm2,2.14964635619206,2.0126272560569,2.11129611414293,1.71824143216024,1.60323052276603,2.29130171519076,2.15188651612822,2.03163843425157,2.09917923394747,1.54455712099116,1.71203670620579,1.97809198112898,2.04555734406144,2.27499211120286,1.82650579815214,2.10530563663243,2.10545942831873,2.44214558169099,2.18892268322333,1.79609177556602,2.00259511607866,2.16825638338177,2.47803067268237,2.64892086976716 +Tpra1,2.05664222870358,2.82280409550613,2.01149969870242,2.67621005330498,2.82612670167131,2.7583374686398,2.86228584641855,2.54286621121265,2.12055147307341,2.64291171946116,2.91069297506941,2.57199788199748,2.4754534545853,2.73190096147405,2.42846618410969,2.56644307193854,2.87071806784093,2.58059115556322,3.16498180416411,2.8186602474625,2.57566874456048,2.69922907116687,2.61027855059569,2.8116068274558 +Nab1,3.16904120122691,2.70628969508022,2.99358860532226,2.8075425136156,2.87559315082614,3.00588595416196,2.67765360208946,2.72504537960935,2.88706099203883,2.83347309200706,2.91637777075832,2.96480412329396,3.19347029755078,2.86626709866855,2.81446689737279,2.82482226358166,2.9423896274664,2.85329646256753,2.51909075923656,2.96948931883877,2.76224959172995,2.94500363501538,2.84359231522352,2.70599737913245 +Cd97,1.05948318493692,0.637448050958959,1.13327547985,0.933142325496038,0.753641116724755,1.15092702181866,0.607845723272269,1.11819739115126,0.968523550092782,0.69427145839523,0.920435759811884,0.37245158870427,-0.475012952883064,-0.364071098435275,0.265072103456836,-0.388042854122796,-0.644831535483693,-0.493247691936067,-0.829287307773187,-0.415189458725687,-0.0689639463894984,-0.807954393823868,-0.671710920548381,-1.06479766048374 +Il17ra,2.81820156838989,2.92299673018967,2.7971183087196,2.7577970928374,2.54558845420519,2.89342722678534,2.89823919804065,2.87415985894183,2.76593147194394,2.76707001597461,2.78909551026675,2.75524094143593,2.51304203212923,2.88826444178899,2.68019500069858,2.85306532185857,2.86412551084522,2.90417267792077,3.01127955651809,3.0393461953722,2.73977020123499,2.79788565568032,2.81392793371604,2.93268655407762 +Lamb1,-2.72567255336706,-2.70004089481648,-3.14877758156283,-2.63399692428292,-1.48506360665128,-3.35256693527387,-2.27256120010309,-2.93580572100138,-2.91487441196868,-3.12172557004297,-2.49722711573414,-2.26481525268091,-3.38283655341173,-4.37180233110694,-2.36175915242407,-3.62109846106762,-4.10541515305163,-3.76882232691926,-3.32858097975257,-3.96956613209875,-2.95478340062041,-3.87938427216168,-3.84227748708966,-4.59445894174758 +Kcnn1,-1.28614818899914,-0.748046086494707,-0.666131891978343,-0.180069156829589,-1.0161958151204,-0.526477968535178,-0.24297602050828,-0.250801835437364,-0.599582162529481,0.0380829609635915,-0.580552293074283,-0.798720479714862,0.047997748599264,0.415911937801188,0.0323964981794096,0.609674533404814,0.176722563396636,0.299976069747053,0.14959832980798,0.209769242672589,-0.318509094630354,0.62064071399039,0.348795068377605,0.119659847503534 +Arrdc2,1.84182280580333,2.40740078197018,2.12348584333272,2.2512793840186,1.87106632137714,1.87442400164349,2.1882777502439,2.06425742624159,1.68274844622364,2.58636192885292,1.88652469047571,2.2465215870963,1.39744845561705,2.01144802494551,1.42791753069747,2.11640822433201,1.97575470303279,1.71681045694626,1.89899204614856,1.81518634349255,1.77726045222869,2.17899370901035,2.14900681302256,1.92277875253089 +Ppp1r17,0.413359297698943,-0.105999606352239,-0.0034360380234919,-0.55259748440288,0.697637187423238,1.32921450893358,-0.794029499317259,0.570518099262693,-0.402398738398256,0.609044058306059,0.084813940822735,0.628276667127722,-0.120446399936002,-1.85932665753652,-1.16914208418123,-1.34599403981144,-0.722838228044415,-0.238049511167125,-1.70181605667283,-0.101893695527965,-1.82548202736424,-1.17503909602095,-0.965320105204865,-1.74516341635688 +Cd36,1.74459988740256,1.57924253625219,1.8176309497949,1.21367131472592,0.955352552636592,1.54389546604866,1.33220645839762,1.1974632082612,1.95632105136333,1.23819905860455,1.05822762607559,1.46938120221632,-2.41825135685243,-2.04287618383848,-1.53926458182342,-1.90231933881367,-2.18717830307083,-1.63947490246429,-2.16785801247549,-2.90738663248272,-1.73402693645101,-0.654363368882808,-2.72962913651411,-2.22103770053236 +Map2k7,3.35633314965934,3.60871592126326,3.21929148464482,3.43481605085923,3.604874232563,3.5167429067996,3.69081931806967,3.22679218225929,3.44567402064644,3.54520113982249,3.56730020211991,3.58269123936339,2.7978951715083,3.06017550209673,2.70970629281359,2.86870216611235,3.14273220102741,2.9126428862255,3.28538929372064,2.50229634919346,2.95969369959342,2.97244151768946,3.11416796059419,3.119824444066 +Timm44,2.44356675427346,3.12568185625758,2.22525111493157,3.15923125832319,3.18266227492751,3.12111858076345,3.37879068272211,2.29521164000713,2.64897398150122,2.99887659524181,3.29067229474852,3.16966360638784,2.31439828085579,2.65911990342864,2.14371179096352,2.69161197243304,2.78379873240389,2.50887699719959,3.19221287816607,2.12183805846329,2.43117792347006,2.98025634321151,3.13464339602834,2.97120536750823 +Ap2a2,4.80284342350605,4.32828623592584,4.44528718365366,4.3617770033884,4.52949019277751,4.5403767685821,4.51785585271041,4.7207190268096,4.49788632016368,4.30270406721922,4.6020436477565,4.56313658176941,4.79746151667771,4.78365702232478,4.66319533149831,4.63852467089112,4.95747437183236,5.01825835205461,5.00448348084846,4.94973643815084,4.39532393844511,4.69693545864868,5.06478283400633,5.01201580205508 +Pnkp,2.35365846217359,2.70532702465632,2.16474644401157,2.5567211432154,2.53127629244148,2.51067299236889,2.8015218708559,2.06795143035504,2.28220387965867,2.44082381451489,2.48574522497282,2.52186509984316,2.61587891375,2.97614928515334,2.43687908032242,2.80922789773413,3.24331161573967,2.56404496008862,3.13872350782396,2.46458835609381,2.83642459796398,2.78337847475117,3.06547624200781,3.05855435607354 +Med25,4.26973501299924,4.49425322045463,4.22604956779692,4.47126464433375,4.68540016241899,4.67804879182256,4.56565514643764,4.5123127165621,4.42232284864785,4.29733234922626,4.69195959678337,4.41389239849468,4.22545353528114,4.41265745617765,4.47226050056983,4.68011264458144,4.9396573974351,4.62515063170736,5.04485537792605,4.2644852801452,4.42930467829406,4.68639475097851,5.08005114129546,4.67294574026742 +Bcam,2.93544486525576,2.93370131305838,3.23733763353022,2.93441671355725,2.91077516092017,2.94780131474448,2.86636278088307,3.02550632724013,2.96652388757747,3.14178659162307,2.93538599147867,2.86106253373534,1.5196653671191,1.41338682262569,1.69966446557432,1.80371859943895,1.2616686904425,1.53261549557628,1.66447018781663,1.60323939826475,2.02829736956877,1.69191756575986,1.74291511270949,1.53477291150969 +Clptm1,4.54377439096252,4.09700757566907,4.40543572502395,4.18202741620974,4.19708076072184,4.31469830335986,4.08449356050538,4.50703116229422,4.36091295647331,4.22242511706772,4.24777057477686,4.18172034517887,4.94381270559253,4.60208764392334,4.83019850030467,4.59905547069679,4.59998630405236,4.85815251721484,4.688672527538,4.94015553841453,4.54657188697343,4.65830939270521,4.55486545979189,4.62001909448705 +Relb,-0.34981563099246,0.0462652439852256,-0.789944112637681,-0.6328597489312,0.0726365064077743,-0.41614603045042,0.204204158700398,-0.228768986093615,0.0832903192407224,-0.359182209079681,0.0465855470936176,0.0813553758046399,0.284296604928072,0.259381005710371,-0.20300690167146,-0.0546580472742866,0.559840854882243,0.507774516267925,0.799393063034499,-0.157669739340188,0.506353289003914,0.119456024364416,0.592566658661609,0.976230768305725 +Tomm40,3.0120636565126,2.40083250680721,2.70253334969482,2.85787448435477,2.87705131216811,2.95179155533202,2.88032796553021,2.61595978893385,2.77047404240944,2.71227784878326,2.94130237224189,2.8235455750452,2.68171882681257,2.2792114918255,2.50700606945268,2.38902630515514,3.16656549066976,2.93820869064639,3.13418075107901,2.36891572485198,2.6926684956532,2.52774872500024,3.28195301779843,2.86860339090954 +Apoe,2.43582434095766,2.69252572960142,2.12038686733828,2.25296458012203,4.69596677140156,3.14900198018901,3.42572770121064,2.33868654286168,1.86987512651181,1.78165942748688,3.09697054568589,3.11072982240517,2.59563373030238,2.44909053918736,1.28374364013272,2.20363636945588,3.05936203294377,1.75787553275885,3.07840372038745,1.51910005505385,2.62597861307766,2.71923127543025,2.28264856569153,1.38193287917258 +Hbp1,3.6094144068261,4.19544653127183,4.21133477447454,4.15152658970837,3.55924840208837,3.59529502917681,3.63244841312359,4.40801175088248,4.38550081021852,4.31073528436553,3.84134495237955,4.14212458442653,3.83940563862357,3.94165951426188,4.28788539946423,4.06733100417563,3.56529053177406,3.90318191066077,3.61494439998033,4.05441401395317,4.11126674970683,3.99136239311735,3.76858112313115,3.99089175367495 +Prkar2b,2.32480652366906,2.58113111367849,2.29702060919274,1.91915864096758,2.12585770226945,2.1235263236646,2.23885793530788,2.48740338778666,2.03043542037108,2.21968181890173,2.07424181938421,2.27915631992693,4.42603012012346,4.40486541975944,4.29728214711599,4.29572297009866,4.08559757979674,4.29334817852891,3.96498257294055,4.71942554109103,4.18116166146465,4.28941663586053,4.18162017943092,4.26801725325849 +Cdkn1b,4.72207049601256,4.92533330967607,4.924273440515,4.87575772925859,4.5703553435963,4.56055866638104,4.63210471120855,4.84882401560296,4.87784976722466,4.86286739265226,4.73004057024605,4.84121843100423,4.87052345496191,4.88321077701479,4.90494051075861,4.85662967068934,4.70537529785995,4.74827902384611,4.62156889900598,4.95232663262614,4.88680075335778,4.85883951334187,4.72666769560347,4.81841856314228 +Klf4,3.577464432699,3.67654897622217,2.62189732074594,3.48046936003251,4.03707149229311,3.6037260491335,3.91758365216912,3.06044479141071,4.9212497046848,3.45554908432404,3.717516711219,3.51692639964444,0.216657828141215,0.420730813819976,-0.894413177190017,0.197375879491008,-0.0423722840276937,-1.15727204650296,0.0927815820178255,-0.72965236947758,1.49176058318035,-0.0357855615143998,-0.357017795745771,0.301204531724486 +Ap1m1,3.68942032438318,3.76428916453147,3.61802311244406,3.61099416828755,3.99266160104799,3.78663339346311,3.78459173416879,3.7942431527321,3.52918660433371,3.76105392465573,4.03047293295771,3.66568534451424,3.03361602160879,3.22669719622603,3.12945134398476,3.16828406386403,3.64118863678744,3.22235320216959,3.61850854251529,3.28317793100493,3.0681836842463,3.25635604544832,3.72760486544981,3.4941390548306 +Rab8a,3.69378571099625,3.33608816913365,3.39302868175382,3.34598150319643,3.26262154602996,3.34242760276835,3.29496059503215,3.30900402450263,3.42174030731941,3.48404191608235,3.30610277025267,3.35861503631036,4.45336986437034,3.84692411764301,4.29075613302667,4.06105505680515,4.24825574395012,4.39879667205358,4.08399451022401,4.18214676449835,4.03155951286273,4.11220724712363,4.32554153383218,4.13957684141424 +Hmgn2,3.75421445066136,3.73245393350155,3.97494450060969,3.81641539471966,3.45231598046873,3.4846278045602,3.44796134301608,3.8208326800212,3.96812989568919,3.79005176596166,3.44192899081568,3.58698411135898,3.67482245335919,3.57266259385732,3.77291846111758,3.61012634365767,3.22056311444279,3.46410581849888,2.91409819688396,3.67978312857601,3.72695826224862,3.77830321772507,3.10494464521219,3.35877776128174 +Fam32a,4.94670539419624,4.91065422269074,5.05533226721341,4.93173510150111,4.74024302802363,4.74817885185994,4.64937721255469,5.17757668575484,4.88540871541494,5.00244636195597,4.77875781861802,4.80315496345723,5.12905958361681,5.0854247153239,5.17511693870306,5.23574763933476,4.91721376242313,5.11920380673271,4.72361193373305,5.24047453988345,5.2804704629502,5.15104275652297,4.90259513163846,5.07353071805247 +Elf3,2.77928403579889,2.58504498563861,2.44186014916472,2.37096183244508,2.48982616262599,2.67906697597266,2.63130719422903,2.89533279392481,3.25405103877246,2.68413351738916,2.45340237447811,2.78772658492209,3.1538856349863,3.11714920018208,3.13278169492827,2.89409599650396,3.06966014542732,2.97784552749748,3.36275840184685,3.12124824654699,3.04106542117713,2.63965147325869,3.22312400540328,3.28668503774032 +Stard3nl,3.72030825878328,3.42456787775039,3.71246975805069,3.79880727139011,3.55936242260949,3.42489455691656,3.49765496390406,3.78824688946754,3.56263159943394,3.21447981141525,3.72294980556318,3.52700545237069,4.65282203311918,3.95612025941599,4.33150634624112,4.25679289676707,4.16948080646632,4.3103851166157,4.20998575284244,4.45524649089517,4.30914694767058,4.13412958308064,4.13561722094084,4.23497505315212 +Stk11,4.13723477042374,4.41436867042832,4.05702042480361,4.34187273249149,4.37628525444525,4.32953759374316,4.44315463228143,4.09567061619464,4.14059873582658,4.43968920320392,4.50590646073979,4.30204761887186,3.72272331031423,4.02783437770825,3.8218461516362,4.21701883810547,4.27103972667135,3.90527053267722,4.40956802810352,3.75403344359484,3.9739405225287,4.2639985003589,4.37581872430356,4.18515317541433 +Efna2,1.34493967772904,0.707142265836502,1.2354756445861,0.812805220550727,0.657660562817893,0.12837623497721,0.464764953322711,0.926248727409591,0.452210901123622,1.20660492640264,0.561434439354573,0.426725919510386,0.8188507964193,1.09604998696472,1.08848140967215,0.554259867471791,0.729387529059543,0.527847809967408,0.706713558540844,1.29707116747135,1.05707061381546,1.45686970607251,0.619901067114232,0.818010088951531 +Atp5d,4.55692670034309,4.11911652044566,4.71821433806436,4.48697346746838,4.39156930378596,4.59595635090957,4.22117340189838,4.51601250018764,4.54530036357711,4.64193599720319,4.22180441735406,4.21887976073655,4.60727704697129,4.36953589037897,4.62579690716745,4.39148490259555,4.46492650340368,4.6880216709223,4.63247587674765,4.62338354370189,4.54567801458429,4.4767443779646,4.60535218802973,4.40591733450993 +Ppp5c,3.61854935016743,3.3737082294959,3.38788610126673,3.44686033116591,3.52212395048567,3.54412880176563,3.51037834074677,3.34477886587664,3.42684823600445,3.57668487103271,3.70168231330872,3.50546960384499,3.527536185829,3.75317854174332,3.65545714939733,3.77702821109139,3.81284819807358,3.68274333832735,4.02114839457847,3.74183312961242,3.73649304267525,3.87199557590143,3.95938545586703,3.92019961512897 +Cdk12,2.70234052683952,3.01508786948585,2.40268812970433,2.91947612376926,3.4365897495992,3.37873822530966,3.22145018151338,2.69498459874991,2.70098064290998,2.97815701264365,3.25680239574702,3.08641766697427,2.50439136671718,2.73976875299069,2.35421311884991,2.6310718162819,3.15283311130097,2.64258371175965,3.02771044332143,2.25163584497094,2.69085616204846,2.72079651954331,3.00951892316846,2.88123574349865 +Lipe,1.05294449729542,1.04669998730202,1.39079198421152,1.02082276514982,1.13847031362706,1.00440445473386,1.21035099723125,1.47517749963237,1.16458529142846,1.22455810665455,1.16489728506358,0.940538085446816,0.197216657119485,0.600663540647489,0.349274223298279,0.216691344668066,0.720261574418454,0.149459235064663,0.597817438722796,-0.385255122615625,0.127097794946178,0.270127218842422,0.391880662953857,0.641480720524349 +Pafah1b2,5.80028059941898,5.49135068068204,5.80518322711293,5.5522777068268,5.28406476119144,5.43514589949672,5.39771645380522,5.8138161980694,5.68659914102771,5.58447386018641,5.30724042095406,5.45073021512132,5.7546081273475,5.29063593381951,5.69399487956891,5.48146511912742,5.24491799115018,5.59544958165807,5.09101519149785,5.67930529837646,5.59206012295325,5.49401533366276,5.13803875729008,5.21655361265037 +Tbc1d8,3.17510602302288,3.15843861965478,3.16561895076876,3.09526771776861,3.33634333121286,3.31509339611111,3.29604330645302,3.18362566989756,3.16571403757465,2.88165418727872,3.23170664311489,3.22227245126662,3.61101300779721,4.14186432008937,3.83975242803293,3.83739276550224,3.74613500533618,3.7393211627319,4.1972188272567,4.1056948134825,3.57972000988314,3.66743539350384,3.80258663823297,3.9240991241198 +D1Bwg0212e,3.06166861334785,3.1047808155003,3.31694707212702,2.96158343514782,2.79342376086987,2.73418138027913,2.95248979773735,3.00971756625478,2.91309943124718,2.99842592924189,2.6729775653821,2.72035861420483,3.52807313871284,3.29373475285715,3.42117767137632,3.37317591201429,3.12013863432949,3.24733302303282,3.1673206623512,3.50598229222331,3.55750107962556,3.48212555114837,3.29595397689392,3.39807760517559 +Slc2a3,2.07851063591809,2.20777998490006,2.27494944209088,2.05016512033534,1.74788784893495,1.48081410343136,1.66166622795001,2.05622955225618,1.96288148739911,1.89085341974044,2.1676673297248,1.86811135764667,-3.56954919610348,-2.96475120716747,-3.9430220032651,-3.72813810528504,-4.27098709087022,-3.85445467179083,-4.14327415939922,-3.55496499770932,-3.24244154948325,-4.67892859470847,-3.91655050806456,-4.17985780735815 +Foxj2,2.60941341833984,2.7091581022263,2.6444459369862,2.55181791991696,3.09585306080938,3.12808960772545,2.85869710250562,2.89492762882245,2.62567578191588,2.46174524967984,2.90880505322017,2.73124363008646,2.39805914871298,2.97792664121661,2.48566266107585,2.61990515017316,2.85614481304734,2.63938351764168,3.16911643236079,2.62712779285016,2.63549477464571,2.52861092382326,2.84098635396737,2.92156306583327 +Sri,3.91711218210848,3.67447065073297,4.13424722934975,3.77482288297879,3.59247916292098,3.68268562945771,3.54355033524255,3.87169595498175,3.8883405890553,4.01130747244944,3.64644097962825,3.640128394504,3.68365930211054,3.54623792397118,3.62631850944755,3.59130014732238,3.16807990062799,3.55560280950676,3.18147687650232,3.85533855663316,3.60804052399072,3.47753882695617,3.18312618772826,3.23408182772781 +Dgcr2,4.20786175898045,4.08625886643124,4.20606413036859,4.07901313873228,4.04886223084139,4.0775479251437,3.94812233707268,4.33454741635903,4.11213367875776,4.03278033225668,4.03864494810327,4.03790313698636,4.17073138033132,4.35213760579893,4.38896130674179,4.4860778581421,4.42801124599936,4.31526467901066,4.37996114618279,4.33441900763728,4.29313216454729,4.35993603930855,4.43890571120772,4.33820578697176 +Mical3,3.19923211875841,3.63435403657912,3.09574295393494,3.23785805971895,4.06075422967757,4.12900744222531,3.90489696676378,3.89981440840732,3.19666622557255,3.34788711935599,4.06271153630685,3.51970701418809,2.18498186686901,2.84293342001769,2.27020485790014,2.62437908679135,3.3455693217877,2.66696196942542,3.37521381294781,2.45409074981393,2.53194932578068,2.74973222048481,3.24320620092033,3.08297476338413 +Irf3,2.77423494523816,2.97451187902306,2.23195199293937,3.15242264141405,3.36212600888372,3.10199309777844,3.46077814800152,2.38301740419037,2.52634070246883,3.37529456535275,3.40196211076544,3.24784963069247,2.65471927795752,2.84801222513907,2.25659184929234,3.13892380108197,3.15706324484545,2.63569932157704,3.33838948104748,2.54568922460059,3.01866707900233,3.17371327693655,3.12056138529931,3.13192241271817 +Bcl2l12,-2.73665937705911,-1.56755620854226,-1.63422519100665,-1.36237866621136,-1.78242833521654,-1.16024116413416,-0.702319050400372,-1.64160094964935,-1.92376347309013,-1.19392732685121,-1.39195774850404,-1.26875278478532,-1.71303293582517,-2.59672781728621,-1.99752338065937,-1.17277515979484,-1.72076151105866,-2.75450341562408,-1.8140285891964,-2.22463034352615,-1.97203940396775,-1.85212079060515,-1.96324338821911,-2.04296146769461 +Zfp959,2.47407780229283,2.02337912685703,2.01701905201131,2.26513053160638,1.99068856532663,1.9387431453745,2.05620638773015,1.88345168327404,2.17524760174281,2.45554933286889,2.19085684503735,2.40163690277139,2.42961746763399,1.66133579991683,1.92927318623226,1.650420542789,2.0644686099989,1.82432271823417,1.76760722468126,1.75177284388257,2.18990867278904,1.56568252674791,1.77914488999729,1.4072138196956 +Mpnd,3.5129601613748,3.65068265235458,3.60270318462154,3.59309203389391,3.5838255892288,3.35137432080475,3.68031776169487,3.4285252756618,3.55277979082329,3.6956293934165,3.39978688771568,3.516920618725,3.43933326268992,3.59432981387888,3.28166690146995,3.425683003557,3.49318122230012,3.33971508906448,3.57776252318766,3.40321034075152,3.62830352700552,3.64931215960563,3.50332291086502,3.27884558321209 +Sh3gl1,4.15084645218267,4.14930908633814,3.82367533679848,4.24895576860228,4.32567872707823,4.13050427426476,4.38891955975688,3.75188672378979,4.00406226233095,4.37809112595179,4.34190862142626,4.15645817525624,4.26105907004265,4.21908152999336,3.98328342094781,4.30773575096353,4.48677223620055,4.28826158053829,4.43814351840826,3.74109273686971,4.03690630916761,4.25951653680211,4.4314778732481,4.39131807081474 +Ccdc94,2.19550968033683,1.94781558961481,2.30468319730622,2.23023994081447,2.51112006391088,2.59341176463759,2.74067954948568,1.89835626615867,2.25629479887226,2.25013618572718,2.18980233758411,2.14637708911695,1.72518753149648,2.19363681226975,2.03900189765583,2.2736872977515,2.09378085614245,2.29364834527209,2.26424209569636,1.93074298492789,2.34950668532139,2.54336923134281,2.37984994594093,2.53447431283718 +Ranbp2,5.56296303668348,5.36345645639744,5.48908455876992,5.44501421973163,5.36096163692162,5.42188518990498,5.39634285731429,5.38850712370757,5.47068338667868,5.27866462173682,5.32274343656217,5.4190466254188,6.04963837626257,5.67120133464714,5.93667589239221,5.79408631639282,5.9679450627098,5.87710450872945,5.76083354781551,5.6589869971197,5.87871646938817,5.75515000778018,5.89176359912272,5.92601228569449 +Grk5,0.450100194770063,1.09164303618821,0.772975705011986,0.816098357855123,1.59473108843261,1.23022901581226,1.40600890847369,0.878747113480448,0.957525782001257,1.03487255476695,1.30094817338182,1.28290988910221,3.09596814112459,3.11685089347554,2.93990322079765,3.08337171980622,3.62600890120582,3.20402015850183,3.50680883162683,3.20180297922968,2.8544783974931,2.98762013200239,3.49377337098082,3.39881643022703 +Dvl3,1.60382682784418,1.33828825745647,0.793284087547464,1.24486120221596,2.62687944105273,2.73956607925058,2.3276616921014,1.89799027033598,1.08687878834029,1.12506343098769,2.6081643927584,1.68944168698629,1.54495820059905,1.45176970407141,1.40386223731661,1.57621487984477,3.07799334466222,2.22715861935162,3.20950405276354,1.10678711902067,1.33882410070645,1.46746036750057,3.01143463431779,2.41757322075092 +Abcf3,4.26789909334217,4.21891893076399,4.38233491794413,4.45510799548676,4.29408701571852,4.18117405505714,4.25091616767699,4.10771587772223,4.36584133085802,4.36911209704168,4.32961054214655,4.30159845978413,4.51092603922035,4.2901125391413,4.44346482057678,4.68171167599129,4.72034486691115,4.57755114300181,4.76076699170458,4.1187200675173,4.46712383526841,4.55452161146862,4.72077242112276,4.65089465985682 +Eif2b5,3.67418106877826,3.37168841947054,3.74022847940931,3.68574504544808,3.63360873814077,3.58550399124346,3.7058900700585,3.512968629919,3.70910605644607,3.53618294726961,3.62488001198222,3.57320353404929,4.40821782400812,4.15982690734407,4.16916974271671,4.46993596434874,4.38318526382784,4.30186371848106,4.45982272144612,4.33962229532865,4.36126936313163,4.32935195276801,4.34858274929382,4.39354559069294 +Cyth2,3.6183038667148,3.67904054119711,3.76259151485594,3.96768095382029,3.59426172325434,3.61226869991936,3.68172057017273,3.65413733246253,3.7896724599119,3.89119194403611,3.69940594790515,3.54554818459713,3.72330147344002,3.95505938321691,3.84203049150787,3.88120252484472,3.70338591875808,3.72417461200463,3.87250072192114,3.90008487425438,4.15915279051932,3.96084686813229,3.65932612351263,3.7848253779993 +Sult2b1,-1.32784348747978,-1.38154710900277,-1.21957441003813,-0.843310999119584,-0.632963487145488,-1.13080477642015,-2.28267389503573,-2.17753842237183,-0.607880771096097,-0.48671755855367,-1.75826589261376,-0.751813479452089,0.941533410315997,1.06909902782036,1.55948657337723,0.440251328514607,0.808645138997062,1.1356572620942,0.96749967136961,1.64767937030122,1.12323108027647,1.41218863533983,0.936802520188793,1.08579582731015 +Dlgap1,-2.63722275207167,-2.15686775899253,-2.24986691599858,-2.2571404216935,-1.83901783497472,-2.18917812166677,-2.57672675553866,-2.29869942459082,-2.00955068903806,-2.5150452482115,-2.24803733398111,-2.40943239956538,0.608142483345491,0.997296023454552,1.0174565502067,0.770088655452996,1.04431009758098,0.462970442520804,1.42466197870354,0.438545429060921,0.85385844563096,1.09519670414545,1.27406741733427,1.04340271663898 +Plag1,2.42609790040486,2.95072748242791,2.4783947706748,2.88822849216585,2.99966093475543,2.83708296763769,2.77548051092262,2.71974143785207,2.70062790419589,2.7445441809095,2.83980267595951,2.77596274839492,1.68018811575026,1.99577231814006,1.73443170409936,1.73213824520066,1.96360345992538,1.77137533549426,1.77598501159612,1.70114332552499,1.82487416531031,1.56528301012965,1.64946479229997,1.81065065870685 +Mrpl4,3.8946285073058,3.97851396744644,4.24169476718977,4.03566091759207,3.89423912524858,4.04766758888677,4.00496452085483,4.1820117488428,4.08460119917698,3.75829865626488,4.01992658890136,4.06807310841436,4.20758888345572,4.23391705695839,4.23472050527966,4.3785225336895,3.92789369504139,4.33803002555866,4.13725250840931,4.5081179358534,4.32909773869894,4.4550005572053,4.21972621224551,4.33835198131085 +Keap1,3.84501014178716,3.54109174473532,3.58889131313593,3.70762639335864,3.54217981079858,3.58804103758356,3.57021313528421,3.63721838685245,3.67106480127939,3.64936487822416,3.59579230303282,3.60904921707871,4.11049063023858,3.83370997879754,3.99033499523611,4.07883951594321,4.04539017641636,4.09439706389262,4.19662311577669,3.81415399588348,3.94002760732153,4.13804294942558,4.09995364006383,4.02721627246836 +Ap1m2,4.72538007859552,4.4362566443812,4.63275810495084,4.63501430600267,4.2725134567846,4.38943873867806,4.58980495832815,4.67651532594742,4.73334813309116,4.71540927503285,4.43264796045356,4.57176504275119,4.59878100352394,4.54240834496999,4.76963811278637,4.50345152439202,4.37475496527219,4.54081625012778,4.55006126074707,4.70955993169453,4.74811707434352,4.62377704003184,4.59530580767585,4.42869229548226 +Glg1,5.10083715427839,5.09905035017422,5.21388050003733,4.96825737241626,5.01801782531863,5.1248361805257,4.87332308993757,5.37297838178374,5.112961893086,4.99210071126428,4.95247187545952,5.06953607293404,5.33160029540151,5.5005685921886,5.68182386779489,5.57372724073353,5.4141005784313,5.50789262084946,5.45502323248082,5.62256424929126,5.42806813319264,5.55676433991954,5.46534791067877,5.35532325973667 +Btbd2,3.64557673948745,3.49729897925061,3.77352936434775,3.71440041593461,3.48640874657969,3.55047864237213,3.70114115961982,3.70389996931726,3.71252058235603,3.51541045957488,3.66506170089459,3.37549364104614,3.30360273215853,3.46619927296007,3.36749418608026,3.57534819728268,3.40066496143277,3.44272900974876,3.60622473063944,3.31132748045656,3.05826108861029,3.50599439906526,3.41503735731764,3.29831315278582 +Csnk1g2,5.1800097015214,5.08359050216395,5.3013190241671,5.20767574459102,5.13065316829305,5.12813327642293,5.18443379627048,5.20931590204833,5.21252752421205,5.23940326268511,5.13553230225513,5.14332365981781,5.12067910965722,5.13238825821114,5.11837769150053,5.344861764569,5.37047870666791,5.17624415972073,5.49863391660014,4.89105661716697,5.24217532667076,5.44354258533931,5.48901557801038,5.31159141033973 +Fam108a,4.73594542316281,4.45597532209991,4.86013842205801,4.61496537504343,4.49141499395453,4.45525737593024,4.53038688493229,4.6290874382784,4.67570280387518,4.463794100597,4.41540152035892,4.54799390260745,4.72560362437713,4.14584065855606,4.59753392705085,4.63146924814492,4.40446589367013,4.69444765133612,4.61909689652542,4.66008457227789,4.60652068181408,4.48876976861489,4.51931112168528,4.35792120790884 +Mob3a,3.41136075118201,3.13629937897585,3.19300205798867,3.32921366346953,3.01918049439265,3.05683789956157,3.21082907147362,3.07558061136046,3.17351756507524,3.16930015331991,2.95920785616743,3.08956526726851,2.83451557408143,2.13980844466465,2.42033735882682,2.29978782806675,2.27206270375467,2.49321981052092,2.19050682541946,2.1579307802265,2.36147988341066,2.27900464481966,2.17088695720027,2.51130289508589 +Cacnb3,4.52081692840471,4.74297594059074,4.9714935609034,4.72868813923297,4.60683729175274,4.78097806242006,4.64052527774115,4.77569058665976,4.69582881269832,4.83722422531164,4.66823348323965,4.53398740487143,3.82653489966521,3.87850801506496,3.84132973021921,4.00821130714067,3.74327261952936,3.71285334075817,3.95616734898227,3.67576254067808,3.6812840884536,3.98671398830669,3.62706622611928,3.7534667771084 +Ccdc65,-1.46665465328458,-0.14975789129019,0.0370016218882966,-0.242479403006537,-1.35760845607075,-0.823618254158285,-0.197175731383348,-0.764635818929141,-0.0113772384768519,-0.991810737564144,-0.61288836239138,-1.05991233533986,-1.16531451150017,0.0083753059027654,0.292562648047525,-0.545353154725648,-0.397737918188002,-0.164091673331532,-0.639121285657622,0.197656600040033,-0.563265879344023,-0.71284604654339,-0.0047609407656994,-0.568926104082983 +Fkbp11,4.10611090496788,3.37088332708327,3.3150473485293,3.57226422254434,3.48020042468511,3.59455136804673,3.60883907758563,3.54749144906003,3.27516728730104,3.54090489175675,3.709942240661,3.50397402077445,6.65456396553787,5.76407831706015,5.01364263500239,5.18573247974056,5.68048892911519,6.33021732378831,6.30280901566396,6.38858571134616,5.49754846831447,4.95183275881843,6.00952736294092,6.22004501980633 +Ddx23,3.91755686190414,4.21698056187593,3.9636132297351,4.19548457788883,4.1357856496548,4.02072570753804,4.34156487068523,3.87269834106334,3.91044127471794,4.24999114955169,4.33403769189921,4.09538326283147,3.85979238093078,4.04611183090372,3.68984015102031,4.05589271289529,3.92970916216334,3.84063248470556,4.14294754569305,3.70073974228938,3.74990968908644,4.0109881685205,4.09544849063774,4.06580428296498 +Pld3,6.35504225378803,6.01973400223409,6.23947071051467,5.95203432866167,5.78209770272235,5.98904848706695,5.74203612674307,6.56159575418822,6.14207216195626,5.96700024977164,5.82116187334104,5.97537556053081,5.21835171750446,5.18372872295895,5.32008867446439,5.21563059500689,4.94771360282641,5.17609121389497,5.043484654814,5.3667653689341,5.09544857561371,5.1683925033899,5.05895875439318,4.99000797044804 +Grik5,2.96520312849556,3.3187610576895,2.66386040625288,3.07010322099928,4.26165521084182,4.40926480133913,4.29837436189953,3.28412120947933,2.82823762754447,3.05756794860544,4.36067745504942,3.78746156801523,1.57491417957213,2.48831454797763,1.90458648545205,2.41739986002954,3.36392349588396,2.59751968811883,3.89978345252014,1.2932943640238,2.06648101495518,2.41225987067681,3.3474841592332,3.05241576580898 +Cd79a,-1.72998332515406,-1.66046448733443,-1.53593828147285,-2.01829702168346,-2.35351503839994,-2.90441172782335,-2.90441172782335,-1.94588593736338,-2.03851908633434,-1.92553156006145,-1.67934204243854,-1.96733816224856,0.757362248465823,0.761396284285894,1.082697794442,1.15809002200732,0.31787291047772,-0.336512770030079,-0.2637359286137,1.01024224931318,1.43557041057237,1.28457885557044,0.767311167171163,0.31603460958554 +Rabac1,7.04734769500732,6.67351168401822,7.15935569535673,6.97994546853074,6.72955102736602,6.45662427666655,6.550557019415,7.02332234459251,6.95911263870959,6.94862762446564,6.67755769714996,6.70699365002879,7.36974782971776,7.0558354801013,7.47213345006558,7.2304150681778,6.91373242677387,7.38040546660287,6.78407304404674,7.5650774244648,7.45383433993739,7.37852819328227,7.13990010734162,6.96091528610134 +Etv3,2.02381354885633,2.15421734706142,1.92388689418576,2.17547093032024,2.1620653690266,2.06160702704226,2.16752074283468,2.09773070964298,1.8765976526933,1.97677841765832,1.93656003642814,2.06835935008038,1.982200451605,1.93377827162307,2.03546184022674,2.11344597631733,2.00733025780626,2.01214555837359,2.22663265358656,1.97998375752361,2.03466495901383,1.94262854711555,2.12797416281577,2.07423487398631 +Prkcsh,5.39443151309534,5.33790952095899,5.07646523222864,5.36232557981196,5.39204335098616,5.26732701121517,5.37531054557035,5.25951777348115,5.29334693169114,5.24500691518645,5.4811451694848,5.43890255231621,6.31113996197269,6.22200155252007,5.98401539403213,6.09146752687781,6.18836728038833,6.26240827926896,6.4613779637866,6.29568808783183,6.0765727837994,6.09346079892835,6.2658734183181,6.25965629866328 +Elavl3,-3.81295377563049,-2.10190253240898,-2.30744780605929,-1.73031204668763,-1.97303157625368,-2.10945913269311,-1.47361534061734,-2.06157074325399,-1.76896103491774,-1.27030958155631,-2.49982602539109,-1.89509987297627,-4.69110853945421,-4.11855624951392,-4.11071613557368,-3.98771008753581,-3.70538215857019,-4.69110853945421,-3.57766922709919,-4.04657164844229,-3.68157825460349,-4.69110853945421,-4.09598711541016,-4.69110853945421 +Rab3b,2.21024367620416,2.73085670182292,3.10335150369305,2.46391896045273,2.26808840024754,2.80072495481517,2.00166267980983,2.70502547521848,2.67677935470564,2.67432775129657,2.04838407634167,2.33510656282629,3.57484410815336,3.04808491763142,3.42497493319042,2.65433654286541,2.83892346660819,3.24231045471087,3.11497757336638,3.31657649518056,3.18553758186352,3.07703473797805,2.75223965816761,2.9480837262778 +St8sia6,0.668164680769642,0.374350863597288,1.51184659331123,0.189252681780934,-0.286072140441398,0.102982815174965,-0.651089918433303,0.190579307166221,0.343018109450184,-0.122118975913776,0.172672631612079,-0.225878072524011,-5.25068968412647,-3.69065528582518,-4.67029728024594,-4.07649290132094,-4.67522722125688,-5.25068968412647,-5.25068968412647,-5.25068968412647,-4.24115939927575,-4.6729048070807,-5.25068968412647,-4.61403788209656 +Fcgrt,-0.567126590611092,-0.683359172464238,0.157959774182331,-0.198042439806658,0.0691989278062384,-0.461763338541937,-0.390933213825043,-0.324613106919077,-0.693238402256215,0.261960025324654,-1.11576606836657,-0.680332300476929,-0.715109652810928,-1.85932665753652,-1.8451474640841,-2.45544048065484,-2.58337646970366,-1.48489005587759,-1.4245231767572,-2.07037517119022,-3.15883893257324,-2.58105405552748,-3.15883893257324,-3.15883893257324 +Nosip,2.42826282004926,2.70483201300005,2.7129399982574,2.63867728308399,2.60507609394715,2.55745645472855,2.47076241382734,2.70703470155993,2.7257142731511,2.76143028386643,2.24278792321119,2.51692631200203,2.76391469486803,2.51646863122311,2.66682580584215,2.36966701071179,2.57127380345751,2.61991859748992,2.82368483985155,2.49577542880608,2.77576187269868,2.57067566183176,2.4784125663663,2.59666383717175 +Pih1d1,2.43751175398617,2.04578892176437,2.23539562971836,2.35684480626775,2.28201441990963,1.90840398144872,2.23363149567237,2.28911173335568,2.52203806291492,2.22107142589217,2.24838428797887,2.07908473846431,2.24570892555123,2.12345381410475,2.13148187035374,2.06138385818873,1.90222840213203,2.02245073150587,1.97323768356039,2.45948939115838,2.46700654401949,1.96154853985183,2.09567786743583,2.16312777318765 +Rps11,7.67711955896279,6.98346207944609,8.02417890876504,7.67094718068722,7.28337478401687,7.2095911664994,7.01785534774969,7.64366092692204,7.58441778470848,7.70716368406291,7.19594634999328,7.36265095332735,7.46729942468554,6.91990388672557,7.26163231526354,6.99665582438005,6.71535582102527,7.19294637601945,6.67241472010628,7.53118510918807,7.2005991180317,7.0061686001882,6.70803247512526,6.81929721293507 +Supt5h,4.98026920886622,5.03072140293267,4.88856177381274,5.14588299659471,5.05278439726948,5.00097899064192,5.11973023900669,4.83362457078077,5.05674977967803,4.99936758657324,5.12196644492133,5.07946904249287,5.48583717807346,5.26778527151805,5.15587121161268,5.28202318955231,5.69671516204076,5.36929833232375,5.86369298898926,4.8175676243471,5.44734503679307,5.37387310742478,5.84715888823876,5.72033783774787 +Paf1,3.86977284414193,3.93696273364565,3.85531395220846,4.23116756352722,3.94743716890466,3.84458047082206,3.92703088975192,3.64972926800085,3.94885335076949,4.14103018526064,4.15783815057641,4.06186916305898,3.55385851595447,3.64299926027704,3.37081756058451,3.79244623250722,3.7913418761206,3.30061434676116,3.75411530359324,3.05549889914846,3.71828573503184,3.77504673425154,3.83260658751197,3.64637435318965 +Timm50,2.53205400021232,2.23349069825141,2.14765772495645,2.08892920454189,2.32041480862958,2.15280710498266,2.28026035456392,2.20812756734969,2.16519895373724,2.52972962007422,2.38205155837008,2.15357860840932,2.32840718416971,2.08417351844467,2.20066644310757,2.10745141707787,2.28396965170797,2.17639025514633,2.33631573503019,2.43886413554276,2.28820110040487,2.29091393593359,2.17471540815895,2.48091982793722 +Med29,2.99661931189247,2.13058160838569,2.23818712919175,2.5090697474872,2.55426278161962,2.599369691422,2.69099679444098,2.70684102935088,2.73313248272921,2.28446746396429,2.47789152695434,2.54811504502275,3.07301984075063,2.10305553505342,2.43787355351962,2.48354649688861,2.53877383273459,2.51769790369777,2.55994537231329,2.37855049149068,2.65740830272989,2.82999234441062,2.88080828054672,2.61706245779827 +Bicd1,2.69064956255821,2.76546401965596,2.67365725118074,2.66835873892943,2.77473653806499,2.90146201433663,2.70829759440432,2.75911480375289,2.75769584881562,2.51552525901717,2.68631703268379,2.77435372109031,3.16216863951851,3.03670810245744,3.0325022622807,3.17082706815241,3.14908727804134,3.17988302397051,3.0270735186268,3.11410457684962,3.14308116384096,3.02580458305491,2.86518536761767,3.16849803145982 +Ncstn,5.26795638650744,5.05936155859101,5.39537547000989,5.10901826172659,4.9632314999122,5.14426431243384,4.88304351891247,5.58885084764417,5.36312639889226,4.94993550340262,5.13882312517678,4.95672814861641,5.03782874848736,4.63410107819533,5.03636257884934,4.9394490356184,5.03291903780891,5.04651012628644,4.94457197197637,5.04595121600143,4.92494980647056,4.93886546007247,5.02808126866908,4.71963873708186 +Pex19,4.21748019993231,4.0485890747887,4.30702660748556,4.15824515831896,3.89486420331941,4.15621146097993,3.93505578848397,4.21166976574791,4.30364831696336,4.06108558001836,3.91069914944076,4.04004422657455,4.22131629459959,4.03578804114355,4.35674432509104,4.24497183628197,3.82806537050204,4.10946479741224,3.94709895223928,4.39791596559195,4.2217068639464,4.25896961043602,3.85859671768482,3.98292463278692 +Phyhip,1.25856887981317,1.0566930822288,1.19439752291463,0.955070286253134,0.973583631538309,1.13810815408989,1.10347949536576,1.45832867836315,1.09045215882883,0.757116366389692,1.02492998432817,0.806453299123231,3.28061010103778,3.13711184783972,3.41481875685286,3.12478181191736,3.45707039892264,3.40811450654153,3.29184455430772,3.54446404695472,2.95560696779356,3.16355225563244,3.42226462224862,3.28522970609974 +Impdh1,3.68725013517958,3.43448571207731,3.54970146937705,3.60114135138935,3.86157314434056,3.62559740904635,3.67926228835614,3.55608244330076,3.46151965614352,3.62458886094945,3.73148006083861,3.6044048423472,4.97153453012666,4.82084973895976,4.63124543370479,4.65688082086218,5.17319358915082,4.94328826384972,5.43852872770681,4.62734596310288,4.67241193671489,4.68342671070565,5.32183313147569,5.00932994023185 +Dusp3,4.21533691269855,3.80160057767501,3.75441522372401,3.88382243160659,3.72984557030176,4.00271731711712,3.83082965677481,3.79688424665248,3.77042485643852,3.67840487016746,3.71406804085536,3.8413161067736,4.18417433043005,3.76138322353538,4.01830713577841,3.7620410047951,4.07857173025935,4.21434839241317,3.92762430950389,3.98067997735919,3.89777267333461,3.91013905095405,4.04415942549516,3.87687479672165 +Dgcr14,2.61220720169737,2.77382167924,2.75852215080289,2.64974675532988,2.46622280162389,2.47932820885977,2.63915184914285,2.26985382835874,2.77690661678937,2.77370091572929,2.55742357086979,2.72332943308007,2.19861913050817,2.49001000464195,2.3682394901277,2.53469835084192,2.40970563784901,2.15541934354935,2.34749778970999,1.9117899273757,2.29141706879234,2.37943760925956,2.66519060846982,2.30224824345167 +Slc25a1,4.96654434120858,4.74466943973137,5.18406542471959,4.93106738351249,4.55469213315625,4.54637216661155,4.57798057515087,4.73221767223511,4.8903487380306,5.00585533101977,4.41840986774146,4.52052425400809,5.64461647220655,5.42633840503445,5.68929460524324,5.63048532275933,5.36939613975168,5.54448169020172,5.40035224181702,5.49087918470867,5.56653966842772,5.57878921466292,5.27502506053959,5.29208242511906 +Dgcr6,1.82972259019838,1.4017504022095,1.85932721432891,1.7061045475611,1.36188702407713,1.46062899306301,1.39356278611673,1.62170186790163,1.7203330750903,1.68569608663436,1.57648040240443,1.58949795875084,2.15651015036563,2.1394358074015,2.01283301568609,1.74652843338806,1.92166092102457,2.14694005823381,2.22362348209979,2.24200124304457,2.16993834510211,2.29111649368688,1.82448917346742,2.02735619471071 +Ddr1,5.50958917143411,5.25252088753487,5.40849365221203,5.15865971691916,5.27226996262307,5.35826043248576,5.29127104036163,5.57248784174833,5.40883072432049,5.07372245660195,5.20914613927736,5.16652678787519,5.38994198199254,5.41610461254686,5.68532936792876,5.46443748852185,5.33691220754245,5.49562548401871,5.52191639852374,5.63780945300537,5.30777577585845,5.45258396096864,5.36817684763064,5.12861402512974 +Ier3,1.57714260870899,1.38135196362727,1.23242975120068,1.75819821245438,1.88455645070875,1.50164903282894,1.90421429920546,1.46936682177981,1.91864405789141,1.59075907935776,1.35071326570177,1.92282864107991,1.45977790637178,2.179730683699,1.76985518390226,2.09771744637962,1.29227837922253,1.04045272712802,1.41937851760118,2.27016772766473,1.97100227760834,2.11262947176414,1.61882547633223,1.99633849485143 +Fosb,5.65528093602425,6.18348418440255,3.86307697233772,5.65450415317487,6.6479832663227,6.12875308281265,6.67389140861351,4.4595079279582,7.01216584497461,5.62691379579831,6.43460124438196,5.73199389170087,4.86615970284641,5.3430618865023,3.83395369581983,5.01597840165661,5.9102729897554,5.04995284580986,6.43107232850891,4.51004385709466,5.98750623717249,5.05511175492815,6.18362147369449,5.67458014486265 +Klc4,3.28403692665518,3.61810164122509,3.65427630496586,3.67496192226894,3.26190846443933,3.46912315345244,3.49636921240494,3.4995224541059,3.44700113134495,3.83212561226504,3.13598433761615,3.52421397055667,2.9985308809845,3.38596284184982,3.23613746725881,3.20066894991017,3.22133507664021,3.06113646665868,3.25446509331574,2.95061152799192,3.36092645360201,3.46243952897928,3.27977041916495,3.34653135412619 +Ercc1,1.40999512116973,1.48633521017133,0.933373387212948,1.53658805982536,1.37467274715695,1.18716778169138,1.71464515531345,1.04879213840873,1.34029157728242,1.28166468652875,1.4976419291292,1.30188006935199,1.19197174688683,1.50363202432462,0.987888604469861,1.60864577869458,1.48095224261815,1.03540816956331,1.32244896134582,1.29767342464826,1.52758855996884,1.08872617688003,1.55438613970504,1.16901655987354 +As3mt,5.18720948307851,4.84314544740192,5.19464492116786,5.11124674039561,4.83461805677523,4.93758351108465,4.92910370423773,5.0616556655893,5.03110990601251,5.08261490708339,5.08142137238945,5.12204007951364,5.49642877588712,5.28280830010387,5.50319018367703,5.33641961494793,5.18766922202669,5.51999984181069,5.25778341415496,5.56021610994973,5.51469752243728,5.57700350209691,5.39586936411151,5.31070823440627 +Crtc1,1.92398434527667,2.27855243412134,1.83548646494733,1.81687342665958,2.82416032356061,2.87943602418019,2.54232834369036,2.32188977034022,1.840541788711,1.84784172753026,2.80601163421029,2.2439579434041,1.18762251103813,1.71431362123979,1.41328132584599,1.5489795292663,2.4420334739728,1.96232758822125,2.54080066232241,1.06725022528217,1.25115661789672,1.60157063915437,2.52772982574962,2.00506149894682 +Rnf215,2.89637848612019,3.1850772105623,2.66316409757663,3.16363942887013,2.91644907583181,3.04569257578124,3.1443790940369,2.42150004540227,2.87646186136452,2.63351917066961,3.05832619731791,2.87012591563394,3.13135253138139,3.29120656770116,2.81486597817883,3.32393568733159,3.17393875217262,3.01708209229245,3.26617336948,3.31895503284035,3.17431737452052,3.07148677839011,3.0499882534735,3.16838186635546 +Aven,0.811112789570397,0.195807934260719,0.462748043538468,0.423341254891823,1.08361993896231,0.668065928870019,0.797823563043654,0.883636893083922,0.885571499687804,0.282779113811517,0.885780476820939,0.881365709589072,0.766652454911561,1.07563214365992,1.14875363474134,1.34518719706773,1.2957735526034,1.0084518351803,1.34019369121234,0.955675645640492,1.36443581948115,1.65056639801926,1.09071004979671,1.23426512575826 +Cp,-4.00152258833219,-2.8433913085877,-5.2036588269638,-3.67953460069984,-2.10428339509995,-2.42594502491938,-1.71131008185333,-4.28527071804583,-4.20294147876211,-4.83578485215298,-3.77159215570821,-3.33615838781857,-3.89807792834207,-3.67386500490213,-4.50097355142575,-5.11126656799648,-3.25357094815409,-2.89387559850877,-4.08034926409884,-4.11291654586997,-5.81466501991488,-4.50568247003888,-3.98562790086088,-5.81466501991488 +Crot,1.67556847590431,1.80333483983261,1.7474177415257,1.80557183973422,1.42898279920262,1.40294458916435,1.72586238946827,1.83148531499375,1.88840287331493,1.69788752305575,1.59866808486323,1.7268869774851,3.26176618410815,3.19277944141372,3.29379522208175,3.33879608796382,2.65070768387606,3.18095583057088,2.61474982910854,3.30844338146083,3.19243195053433,3.25294597606306,2.74004558173835,3.00347397317917 +Rps6ka1,0.720378192366818,0.230254993027971,0.60366044997609,0.383615852061695,0.479086727604994,0.594403729660621,0.465865004071351,0.516148669184014,0.483322114438933,0.317466434755854,0.453983288255879,-0.0526275650490762,-0.624699444547031,-0.524830559559961,-0.209584421216732,-0.748602523626166,-0.668260203817503,-0.225894564072694,-0.175699897699606,-0.604745532285111,-0.545172416940239,-0.308235524631499,-0.109589246533781,-0.813147730524174 +Snrnp200,5.05934412765071,5.12330551222169,5.25164410795761,4.99552679060515,4.73252483827611,4.88377131910227,4.89664223733291,5.3626771423895,5.28272061669688,5.04376847614805,4.77855010613545,4.95184128955601,5.07367997443989,5.11990532344803,5.34829400904969,5.09436108062855,5.01580208487952,5.15229240750173,5.02124350884086,5.1578761346182,4.8847281965568,5.08252182230752,5.14789762926915,5.13136092366647 +Ciao1,3.4327637231736,3.5270933003909,3.67125066500568,3.49039161138151,3.00258605671716,3.12784643345712,3.16261978127827,3.57159995905325,3.4789604462294,3.46644235460962,3.14200027091138,3.4411677966033,3.94800426630176,3.54655979237815,4.0514545145942,3.8016157601778,3.38867285790703,3.80013052696549,3.39342833868721,3.96269601764421,3.93498863768501,3.90031900437864,3.34067945937735,3.51173085027174 +Taf6l,1.012147710639,1.29330293749365,1.06359933364217,1.00638940014922,0.965678173266623,1.011581507032,1.18946828144209,0.919395633494509,1.18613048824905,0.8761829531866,1.03052786613414,0.929099143814836,1.12241170797143,0.978639158113194,0.932959056821612,0.899926410877886,0.932389925965961,1.08957713800325,1.20299870670065,1.0719123757581,1.19959074709522,0.760649590335551,0.827192102281478,1.07923080256116 +Insig2,2.49066676507208,2.79316607104126,2.65993662087021,2.52586530100783,2.48689959642838,2.87737938331796,2.33150175563287,2.61072997514615,2.39605544318942,2.40021130152442,2.52417536159544,2.38034533244449,3.73053848349929,3.71490246043903,3.68046165273367,3.42747558585559,3.32957504318577,3.65629206527097,3.47767796040784,3.83687371099069,3.74396784021674,3.59894230308069,3.35228385942235,3.69198543319399 +Kpna6,3.89345673829979,3.56183795391288,3.67730752953393,3.57600365895368,3.70555196990454,3.82820840152338,3.62727516604817,3.8027808227936,3.66615467518847,3.57025953540259,3.61813951147118,3.53949947877236,3.77328060441964,3.58374620843314,3.76321548063045,3.60278646051869,3.79178122784404,3.8538952132936,3.64735442615178,3.64455269451811,3.57957413773167,3.72768992719141,3.79337923478334,3.71186419463884 +Man1a,5.1301560333649,4.78856159652668,5.25806767487181,4.78379562103643,4.69016111801095,4.9632173586157,4.57911147593009,5.46338602993282,4.86280211903354,4.70689651129511,4.71476792028538,4.8699226811204,5.17034459208981,4.76450065063487,5.16075488859589,4.80622491073055,4.61932041631382,4.99647977313572,4.6055717397042,5.4054944459794,4.76897445615694,4.67617850224505,4.74525551145051,4.49552825106869 +Itpkc,2.27559496078468,2.14997116592483,2.17082125376072,2.40809908171966,2.42424902669809,2.24486773680827,2.5620433449974,1.77762709002172,2.06422569022767,2.28556096758294,2.26061585771135,2.20036345577441,1.92153836063314,2.03977292670599,1.57973577704107,1.87866657113226,2.24454236052279,2.13171056608986,2.38157216662642,1.76219047222877,2.20969597251418,1.93163509739389,2.14281105020274,2.19717651997213 +Adck4,1.97017219670641,2.14136571250553,1.4431761819376,2.21581442841295,2.48240286712705,2.38569688694421,2.40588669740262,1.92362532573408,1.81595524100454,2.25824294502256,2.39680299320925,2.24868232375121,1.67059017392318,1.86626985730558,1.51903120914652,1.74520590211952,2.32547378308427,1.88818597500162,2.32934549028388,1.61346690149065,1.59714792444831,1.88655669245543,2.3643500917345,2.11825552108976 +Brd8,3.45334473876231,4.06809944621953,3.53116145753853,3.91045010721046,3.9500705445042,3.83424288940666,4.06183389992533,3.39319216413347,3.7237521036006,3.85094802012124,4.02882866516634,3.8017234456998,2.74689568075625,3.3147462954982,2.86723771304955,3.13059415180444,3.23976724502883,2.89260530244704,3.23742272139929,2.69862111306146,2.91062194402152,3.11340748077511,3.15313185080572,3.31133527147452 +Kif20a,-1.83334706220725,-0.6457796664591,-0.495881376524068,-0.321320613905332,-0.665532276305003,-1.43805377403365,-1.06756523111437,-0.69352674867912,-0.266940339266617,-1.10120943840359,-0.973406639143844,-0.513775300219458,-0.380270384179186,-0.272211843180156,-0.890801004066104,-0.900243847967949,-0.46153189930201,-0.877914885397029,-1.15619464539602,-0.662267625274523,-0.182026257905757,0.0118670910160388,-0.909279191278664,-0.131766889763842 +Farsa,3.04829610025653,2.89470504498536,2.44556307995521,2.88914874367021,3.03534560845791,2.85345891271478,3.05346215918437,2.40092651241294,2.84143128087892,2.82362405686196,3.0436457541388,2.8983733875949,2.75598144773364,2.82008153925408,2.51969655036328,2.81731263963312,3.04637563139529,2.82081933349606,3.07481663341063,2.3615354804602,2.81526406235838,2.86128316042496,3.1905571147126,3.17546227730294 +Gcdh,2.87005387912341,2.62642873009305,2.50787641991624,2.21016292713207,2.59324549770445,2.46795398443695,2.55481997377328,2.40161788021033,2.62181764329758,2.56180419001009,2.42208408713177,2.61379772691843,3.39780046419353,3.11098014204689,2.89289997288118,3.05236164806723,3.21546672496066,3.11782518480924,3.22277128950998,3.07239479899182,3.09103094348726,2.96562445189337,3.23103255384646,3.21675778286256 +Mast2,3.96439673003111,3.94025235303513,3.86647393887806,3.94292717221114,4.45580545474904,4.53487086260036,4.16902564695998,3.97280772879264,3.80842456646728,4.00492114990257,4.35113624036035,4.08480478298628,2.35105707262378,2.89151259431739,2.66631751600115,2.65608193893624,3.11454050499886,2.47603306598928,3.14690991975146,2.47795615672538,2.21999750367407,2.48548630226659,3.11706254908078,2.90862421019902 +Dnase2a,0.504158369806155,0.683557760745476,0.727038725341692,0.608526138881519,0.748790387786219,0.720935213327411,1.06771705550785,0.557713225918879,0.62012837292031,0.713275264322322,0.456154438448464,0.458683008838925,0.4748035687414,0.525632188820786,0.502513925575036,0.567276887799907,0.590479466418581,0.386765272919603,0.20851955595743,0.383199663384931,0.436860893882558,0.723839363971059,0.473033188516314,0.239790943972563 +Rad23a,4.49376296645717,4.11073275933225,4.25918257400523,4.22573901881117,4.23460210192218,4.42525838282296,4.24016187380285,4.25267326788523,4.4846800231271,4.37554224681544,4.2779187508666,4.22493128389251,4.58173000243562,4.48516782720937,4.58268705246484,4.48433015400822,4.2191649596033,4.55358545419458,4.49836258353265,4.47882880780876,4.44816194452406,4.50523493649425,4.40217844734866,4.32398432739693 +Calr,8.00134566028868,7.70551474006907,7.73663363713879,7.56287459419786,7.6451486498696,7.5366435681551,7.56347402750944,8.06916823137223,7.53584356691235,7.52582318153958,7.77665173980835,7.79098832739591,9.29155090424917,8.70409968809279,8.51200015873103,8.4025996321536,8.53259725587874,9.04621864571666,8.84839148504477,9.03784208983152,8.6292422184476,8.4196988307458,8.63701037825358,8.84892576581029 +Syce2,-0.592230185689466,0.0747779472964611,-0.600522097827138,-0.0227024267734468,-0.601320498759304,-0.671970370109052,-0.415097649830974,-0.660576946825516,-0.0185622731448214,0.291522600069549,-0.512272118980911,-1.16364186725014,0.635160865229056,0.565926290828176,0.275552490953544,0.460794397840665,-0.322551369400887,-0.176462485500202,0.147431402763948,0.311941473407103,0.816858535189525,0.808304826471786,-0.0842020973823698,-0.298474865321207 +Nfat5,2.40700442783469,2.93943831600789,2.21049092422019,2.39017550713539,3.92181946124839,3.8992532237105,3.3810790107263,3.15469340765949,2.45870050280137,2.68159926941877,3.59324734550256,3.17892460849748,1.95309148400137,2.6179355260649,2.15797513008557,2.19579407235445,3.44206481510279,2.83442198734747,3.25321438175853,2.11784590366546,2.14588386303544,2.21150535874739,3.17454245140074,2.92590652231153 +Nob1,2.15486610228682,2.08996793883209,1.9570393109458,1.74268878501538,2.15142884874816,2.05226192402112,2.07952819428624,1.59983723818397,2.00981189243463,1.70207334338167,2.03145906181078,2.01377741101171,2.27129287267635,2.45089125516156,1.87875286408713,2.15066158377736,2.37848730792006,2.35933943887113,2.50451299885443,2.01754540021905,1.79822219346006,1.94497015261913,2.45942787749542,2.53991404402248 +Nqo1,0.296201292815635,0.406689438464083,-0.123071098805876,0.182695956361087,-0.757691691262778,-0.540289849437151,-0.63165924689016,-0.605538565931955,-0.0743211756096781,0.287218246517566,-0.0537970971488324,-0.404185555019398,3.16324810574336,3.27933723512628,3.06679768706897,2.70106103415558,1.49966272759699,2.50704144864107,2.57473273014662,3.60810079439166,2.97642121365733,2.21129043694835,1.96355102519973,2.52496090719322 +Ppfia3,2.34761488865089,2.1866248351123,1.92416468713112,2.18281432640039,2.52228251212608,2.63913270893226,2.73151657914777,1.78630810039034,2.17229894375002,2.20646234985957,2.69097395108858,2.35720767579799,0.743910581967249,1.69853171025988,1.30968048362932,1.59558721079033,1.55965594301802,1.14090578009993,1.84680409255315,1.00219019009403,1.10561568251847,1.53164929821138,1.70182628066819,1.14596734381035 +Gys1,1.92212356983501,1.88887303535676,1.90717416668321,1.81179697978968,1.7957915499118,1.84271227476525,1.93887156587379,1.91606996898224,1.82663392209716,1.87929703632705,1.79387443815854,1.72700095437759,1.12648671731101,1.50293019426187,1.38702846432187,1.20047641648877,1.66459013687129,1.46604868589547,1.89193604881865,0.999543926072062,1.11807357030046,1.32602706898033,1.65286712539599,1.59976065648929 +Ruvbl2,3.21826806360215,3.14477811169185,3.08926346297481,3.33678884662144,3.16177658022112,3.27223857774134,3.31449714029578,2.94221384896065,3.14981364392698,3.32507455770114,3.19344207398215,3.21479582047607,3.16888131814503,2.98841529556371,2.86139931233281,2.78813224982367,3.19988499419069,3.08592905090977,3.412618098228,2.79706671779256,3.07524388889341,3.25470344354329,3.19769254345352,3.22318941790875 +Lin7b,-0.318628277935178,0.429230655797717,-0.852389841000945,-0.775210200682291,-0.536006739526377,-0.328691213136227,0.370137209320111,-0.805456888947725,0.0880298312229193,0.221821559947508,-0.34845718910589,-0.0223311890951563,-0.0813768701439738,0.226250266496447,-0.221530307634734,0.183900919417164,0.763636511255258,0.0104488015087878,0.814079016197897,-0.605052421278202,-0.193809414374075,0.462410986486866,0.818058105851467,0.472352285808038 +Bax,4.98019898570723,4.48480123980859,4.81816388488958,5.01453301916847,4.7651891313499,4.84844256486895,4.80821780412738,4.86613741692285,4.84196268726311,4.82130761166384,4.98990167880242,4.85804729804705,4.7116130937496,4.70479067903436,4.5890857130238,4.9362477088786,4.56762698081275,4.51047025854049,4.87174347464821,4.40336393197227,4.78481625194346,4.66519980925743,4.90462007948905,4.75786254249745 +Tfam,3.25440600298306,3.15778831761948,3.53092642710457,3.19177301548481,2.70206293154389,2.97657807431182,2.86548795024065,3.2752384941875,3.2953163551949,3.26009916372886,2.61917190327849,2.97902679348907,3.24227980274455,3.0287519439514,3.12963014123315,3.20022644051761,2.76851145129151,3.04571580099753,2.77185952524407,3.24461314432604,3.04285113782712,3.24192520310808,2.66339070283509,2.88549376945381 +Zfp81,1.70463637169252,1.47698294566563,1.89065241046925,1.59702225735185,1.59830723880732,1.60412457815499,1.38332318997783,1.64439294977874,1.65594311064353,1.65987464574879,1.37350415684451,1.66877898466069,1.31384909371403,1.26283794951319,1.32029468598053,1.09012298223202,0.998291276266357,1.16661205349415,0.766022137883791,1.20640542573707,1.08622857210988,0.984332655611603,0.832202171819157,0.65442220640706 +Efnb3,3.11152234963698,3.09878719338827,3.0273662077668,2.66351718917126,3.1860987964198,3.49172395503018,2.91112549860931,2.96681451047428,3.06314577009552,2.95940118998283,2.87572242028059,2.88489253381357,-0.810560147599392,0.764870869632166,-0.237210251791046,-0.835132991063279,0.495333513338355,-0.0510087538858097,0.498557261638958,-1.30227263960128,0.37861842447763,-0.145095438986421,0.520725862329399,-0.0848204893404525 +Mmd,-0.25409917738643,-0.0602827502412331,-0.0730004936816524,-0.462627230597781,-0.336132095605023,-0.840148509010985,-0.492054192486512,-0.411434909309377,-0.228819911430086,-1.24462156521409,-0.334029871177109,-0.389944255401959,2.03110651003083,1.62346524775867,1.53564157445507,1.41662316972704,1.35101245417828,1.83133330393748,1.8178808959268,2.06611702924092,1.42778848620192,1.63092811791652,1.43890438211998,1.74119724174333 +Hlf,0.923304716166404,1.01586337070106,1.6819303961652,1.95265583184229,1.86071462408061,1.76494721832364,1.02582912844671,1.2582884790374,1.41377333513929,1.86753365203606,1.77900190612331,1.47844885214155,-0.53117168629288,-0.183607305016656,0.884987055798809,1.00412547142537,0.76513991116124,0.728048208608688,-0.368154098960653,-0.580030960256674,0.424902895994273,1.09634535609964,0.482741230182095,0.273367252216539 +Fam162a,4.08743523459848,3.12001076468195,3.4976679333516,3.78900773153416,3.53157982944498,3.31227436020218,3.85063119794714,3.70336260343053,3.44527901891902,3.53771637153229,3.64015499859089,3.90901886986691,3.86740345897078,3.87169123079836,3.70659280844734,4.10865891024795,3.80485262151014,4.25594642968698,3.79255766167161,3.87115033518488,3.92708329868474,3.95904359987138,3.76628014193274,3.91611594464605 +Rpl8,9.62689976596497,8.93266738689514,9.89029832806284,9.52506502254674,9.22566287563843,9.34670596230444,9.14760052330524,9.60571352304257,9.62485808267375,9.5928769532379,9.29520393146578,9.3874833873519,8.96165754926231,8.6230524452302,9.05005693080361,8.67258224089364,8.36573960642725,8.78192277764823,8.36416987074471,9.11335828747059,8.94395123977267,8.73658685138347,8.3598192119319,8.39861662428951 +Ssbp2,2.10283796042476,1.9486562963191,2.04386199823901,1.9525180791878,2.06508165560992,1.95002701401731,1.74085364015399,2.27955154575347,2.09983998406436,2.14247702892291,2.04737408039609,2.04120977795862,1.22094919070713,1.71164842644898,1.48375422289042,1.39808202630747,1.18711021490281,1.1765332222307,0.905562303924089,1.38560409718848,1.44582563988082,1.48216753884155,1.19127662236672,1.29373537525947 +Fancl,1.80512149621966,1.51426042618044,1.92247893157023,2.05469020965314,1.78975181861356,1.36676238802266,1.30274130161755,1.96554709800333,2.04496720719033,1.59180178397829,1.32182111393153,1.80209495392406,1.58301594035506,1.63977361272424,1.51829214784732,0.932187651633835,1.11582228397196,1.48668568174073,1.178055550806,1.60379222842003,1.5852852408609,1.28232677676381,0.501199008726391,1.09320714351146 +Fam5b,-3.22225443772433,-3.46137064733368,-3.78567664744254,-3.21253705883262,-3.8457861509702,-3.07713940597319,-3.2298042881394,-3.1246688154755,-2.9934511865392,-3.41780267263172,-3.1716131550088,-3.45960927481883,-0.556583498591221,-0.524813455802006,-1.32134901681505,-1.01470176120553,-0.336206343394147,-0.519633186052283,0.0591341543319799,-0.65346703578618,-0.47205299962109,-0.558839799599598,-0.461525605194369,-0.0848621780018628 +Gstm5,3.77920037129611,3.33898371106666,4.03132612731908,3.40296798816119,2.89994441596887,3.1008528105002,3.39480462180395,3.58441796388078,3.91504564785151,3.70474130385658,2.98516716554071,3.37614202092491,3.84627056718274,3.43265792198084,3.89848971989881,3.4516676632778,2.90254508291866,3.34998987466713,3.24151547413051,3.68977980979523,3.72304045328117,3.64628801467264,2.99703098656112,3.16209750821816 +Gstm7,1.9786887670053,2.11615676056889,2.14273356151663,1.95776670561746,0.769018655138728,1.44766928323172,1.43010813537292,1.68588708172492,2.31327952497933,1.77653184357753,1.05148565063223,1.32871736276631,-0.102909133743191,-0.0731914601759943,0.269171295444498,0.0538573810393942,-0.892724012920692,-0.767161074366988,-0.873403722325349,0.0165610787701781,0.43632869437119,-0.251558630563375,0.308810532322857,0.0915402948138655 +Stat3,3.89100649928289,3.88095142320617,3.83063044025919,4.17925438619669,3.91408053053504,3.94960115416163,3.92894476422394,4.2243213677906,3.89936326250192,3.9346567840638,4.12839707313293,3.92423364380431,3.92938153608722,4.10143636099299,3.8394190795036,4.33602073746115,4.18207246617636,4.06479606888593,4.25686905273497,3.94938455695337,3.80321183852244,4.09796720694014,4.32369120877042,4.16283208423962 +Stat5a,0.692643071683622,1.0741870461764,1.05971950221243,0.961931195456842,0.655317189064659,0.919101917445224,0.852148129105447,0.808641075600351,1.08000771224118,0.517213780094222,0.652776227294336,0.775353254471897,1.68815538237821,2.1888112231792,1.28233286470914,1.74538829618736,1.46915720799754,1.6278547417912,2.18617827386415,1.79464003453756,1.50237415880742,1.46915148035797,1.74098582170783,1.71414253688125 +Ptrf,-0.487051523065283,-1.50956990987802,0.0383390559528103,-1.597947147546,-0.0552663093348511,-1.12023397344853,-0.454382088633421,-0.113632132756067,-0.875476146295897,-2.23598542826866,-0.769952567727118,-0.927828140060479,-1.49256638051713,-0.594847280981259,-0.824309560827924,-1.22020153992372,-1.64309452395557,-0.838049866970716,-1.31669345690409,-1.74321039305975,-1.2808186356662,-1.52203920330133,-1.37085386808389,-1.0722641426274 +Map3k11,3.60036554959252,3.60823455063344,3.78585870389234,3.6278652034686,3.59377051083093,3.59394670856592,3.64190939162174,3.63959722234285,3.71894826721118,3.58272520959583,3.66134115856809,3.47279814328979,3.70778776731369,3.54826092218037,3.48968145116926,3.66603442936341,3.62908164013669,3.52257947423319,3.75964638601907,3.37497810576816,3.38575051153375,3.56717895418693,3.78675544465152,3.48336269932106 +Akt2,3.01181666498955,3.09243695860973,3.05341482639376,3.00440421937822,2.95042987807278,2.85580552460951,2.87003230601164,3.17998650561475,3.04103316416078,2.89136855437604,2.89484324428176,2.84615395148511,3.49396873659011,3.46746036397064,3.5355968445832,3.4951408151052,3.29943557169898,3.45724562782678,3.41694994023202,3.60888692476103,3.14985346220686,3.35275683492703,3.50356079230845,3.3526300307983 +Dnaja3,3.13569389943053,2.64987355609833,2.95526579256733,2.81967769614845,2.8019261054524,2.76291725946511,2.84405083940763,2.85333924174731,2.96946408758664,2.78764577263758,2.68172170579698,2.88710436606262,3.74971303614759,3.20092585124664,3.45127241414106,3.43229000474712,3.60996537804511,3.62388247911085,3.59425262182359,3.37050031840037,3.3256019475881,3.35303367851586,3.59519218745313,3.60256543659425 +Hmox2,3.09955586257264,3.33231097649552,3.38640656652945,3.33078222157596,2.85818171425659,3.11119238871504,2.89747516871086,3.3731510666821,3.20479977976483,3.11752289300121,2.97349199412491,3.01421867189944,3.91239803623504,3.99605324865818,3.99556815038544,4.11369764676546,3.80158816134932,3.92195327505005,3.67807339191356,4.10792583090193,4.00358842523736,4.10486869509387,3.8492183140285,3.8249214539344 +Cdip1,3.63888363652008,3.32894183388898,3.35758619331336,3.60110689752276,3.5819742274408,3.52658594385643,3.32579195254748,3.54020794566553,3.37124648038988,3.49487412704461,3.36741785284275,3.56409560708254,3.72605073636908,3.23346099967871,3.40206427081822,3.55004781102121,3.67899722571037,3.63779507265661,3.51313262500763,3.36073529409917,3.2918848552042,3.57368193399254,3.58598589371179,3.52422365387961 +B230120H23Rik,0.60014134401798,0.32577599348669,0.776221668664648,0.701254993057365,0.712171575878584,0.720204444760199,0.466681469270752,1.07915680053153,0.187920157870409,0.705507388711034,0.520893930744598,0.376049387757726,0.368154499407344,0.419310220228653,0.452252242929128,1.0023180650378,0.671922871275883,0.739331448650313,0.412529831557092,0.296436180472004,0.249513162601624,0.779479784660911,0.808242680530114,0.678409186182358 +Cwc15,5.2989212593356,5.04149109298935,5.44275782785264,5.3768212682396,5.11723983539583,4.97863079439605,5.08674983651368,5.27636794830396,5.24211937822551,5.39854733477693,5.05362998142783,5.19148753316161,5.71105061793529,5.53146420833896,5.90555827994304,5.65425500990239,5.42969945881245,5.48806031662076,5.39435109621774,5.77430551583281,5.84774486454625,5.68674960072165,5.34975363408156,5.51246489689293 +Dnmt1,3.65721353438304,3.37188655267471,3.36262748876525,3.4388950619395,3.49443722583792,3.52910239235646,3.54258466558279,3.56901447220063,3.48569202613375,3.47515995432844,3.51272918380658,3.52812022105005,2.82233633907226,3.0534283624467,2.75979294157485,3.04525537681793,2.99813562173759,3.03811928336582,3.21136786564045,2.64909402102711,2.85298697709531,3.04291021469494,2.96374996706757,3.14561477539932 +Ppan,3.19587562148605,3.53399783841171,2.61156015780943,3.48824376424814,3.28917279771192,3.3839761735378,3.6493901081615,2.64522327653969,3.08731604283811,3.45553621617471,3.45354188885423,3.48094073579158,2.66573632331961,2.56281697427653,2.42534605687339,2.72365863538412,3.17716767666985,2.57865999911364,3.04768280087385,2.00723962578229,2.54512221551101,2.84747979110873,3.24151872328782,2.84341546413661 +Angptl2,-2.63778671625897,-1.67398184686255,-1.85815022800784,-1.64476900013145,-1.78551526217811,-1.31678374733566,-2.24564740380939,-0.883598018769216,-2.09140561802113,-2.4639640864569,-2.07088153956028,-1.43151666304671,-5.01355312255759,-3.45351872425631,-4.02041370815454,-2.96333697748155,-4.02782674167358,-4.38341145033026,-4.35198215488517,-3.58610130661507,-4.42223010863274,-5.01355312255759,-3.40834381064646,-5.01355312255759 +Cacna1e,-2.45562837767179,-1.48238588732463,-2.09824867312499,-1.44881628645071,-1.4843427115909,-0.709775590421481,-1.02191710902372,-1.97777500604116,-1.65353781761812,-1.26148354874061,-1.25660343540008,-1.79244490019143,-3.19886285819062,-3.35910065561013,-4.03812975955196,-3.59530749833241,-3.46673253618318,-4.35387773124832,-4.57080373204356,-4.09569473588264,-4.43017099982311,-6.02782660794397,-3.09467015419389,-4.11189123468013 +Cacna1b,1.06880433755178,1.57427443920248,0.769574543596119,1.20301454717458,1.87486111025773,1.64390561233976,1.75820302272451,0.925633309349117,0.920533975717901,1.34172873761025,1.75983346876433,1.35905578414666,0.705079048032682,1.174257260074,0.72842350009496,1.13817918014472,1.49574507685172,1.03692603146048,1.76897667312706,0.44798381201214,0.601725540477909,1.03296196335794,1.5450737614089,1.2593595789313 +Trmt10a,0.335026919634836,0.0832831563801677,-0.0154710111950647,0.453687778343725,0.0001116061151682,-0.113020584827869,0.487196568017048,-0.135278831046464,-0.239333665315103,0.186232254068628,0.125034206715348,-0.215520016891532,-0.123118622543539,-0.560407383130109,-0.161003388794683,-0.0141955095340704,-0.3404941855954,-0.229506853756631,0.0457855050992997,-0.409803680780673,-0.384490873809491,0.176335535458774,0.115443229194068,0.215698549104386 +Etv1,4.72678656198954,4.73130927603617,4.51036070491943,4.45898814270357,5.22861102215444,5.26146861327805,4.70641381560439,5.24971798608916,4.51749852216558,4.53392787780012,4.99630261023723,4.95338279950495,1.02311148708202,0.798602850786815,0.753581370470825,0.895464733720154,1.6520881499282,1.29768227959066,0.953360990036618,0.514954685063433,0.684133752155943,0.89219806936652,1.17647324118607,0.766484990989967 +Kifc2,-0.0440433044961381,1.48618957672605,0.14626734439809,1.29361088037485,1.66506994565234,1.62640608052702,1.6055609494136,0.116401981230784,1.03416893024321,1.26690080926439,1.84626264545451,1.16490900398894,1.13267781907143,1.63613046419558,0.995485898109585,1.99682256107933,2.4418965144314,1.20171077995561,2.91736465113337,0.542845396442213,1.49687852859247,1.77255020765497,2.50019263568858,1.99179553144961 +Psap,8.14281024748052,7.96898119076937,8.33302720670764,8.04762619427789,7.68958040425119,7.80015625228422,7.68494719685876,8.27666052455243,8.22907372190974,8.03950107297163,7.74461232166017,7.87340262282837,9.16973978619352,9.20697238135907,9.50220060826261,9.29436144067236,8.95138570299857,9.19968154332469,8.9413713957616,9.43775058161825,9.25217343389813,9.29276823251423,8.96870828735996,8.99322002857805 +Ikbkg,2.36040034004681,2.52444264203931,2.39439021115111,2.47438716142728,2.35294973424109,2.23055314161802,2.29490136941529,2.51347484060105,2.33346429889864,2.41962850270766,2.31148673947557,2.25604318957542,2.58601914234317,2.43168675728603,2.75407833769169,2.48029931272744,2.48455749475182,2.47228621705703,2.36379011214444,2.54049483308121,2.5275210476656,2.6431233615817,2.53875250761368,2.46196846113627 +Wars2,1.76817466644452,1.67701934991923,1.65040431821207,1.77374486859643,1.76383337647388,1.84408897368654,1.6710320908409,1.82873719339774,1.62031839066387,1.27261190090956,1.65793432822656,1.69408009993683,1.30273642638678,1.05206718445313,0.995654933169963,0.97508841527123,1.45617120440356,0.964048467063378,1.17667963377711,1.06853021774415,0.918226575306024,0.773360582042594,1.12990002255341,1.24774173936188 +Atn1,3.66160562969459,3.28170401017382,3.82093345553184,3.60308285488759,3.85817366600556,4.03628651442874,3.86757147466308,4.02374821918804,3.58642083742084,3.57034033642131,3.92191736272124,3.78474921575107,3.40098331131963,3.35838970379834,3.49744444984746,3.30464015688383,3.64319863159591,3.69495448895612,3.88167348323441,3.68071424477979,3.38853453504236,3.30876684052602,3.72334420546032,3.43075853499524 +Phb2,4.35694568297067,4.20757053803445,4.56305219964696,4.44487148269313,4.25189857151054,4.15903563961507,4.24260589328753,4.23879501338741,4.37784583375284,4.4455012287388,4.35010501197964,4.28010509116907,4.10316996371348,3.88662565564867,4.06927862831448,3.9412091602407,4.16072093934864,4.17343764838591,4.19916326388072,3.90393807115589,4.14152368022526,3.90472824006905,3.91333398767326,4.01863476169374 +Ptpn6,2.49619673262318,2.53684209178976,2.43611581799952,2.46550621163438,2.62406113603558,2.69715646795622,2.64131434900459,2.51653980582384,2.66503419146188,2.5693970199389,2.52629753420124,2.68795719933829,2.97046563673854,3.36332880141382,2.77171612815655,3.19745824774976,3.31770987316986,3.04329336679572,3.47810069377692,2.8825156543956,2.93615960966596,3.42193934009411,3.35893420601308,3.39482314022676 +Eno2,3.16734057980734,3.28094869779248,3.04300297849659,3.23927928855016,3.27166069584143,3.20456663801729,3.29929288131415,2.71733745063567,3.22684378700163,3.20751879590715,3.23983511908933,3.22458343695538,4.14344723509126,3.86479595192889,4.04531079492144,3.92281771722826,3.97754993033749,3.9554900769133,4.05704171255579,3.99358828849436,3.80271414205981,4.10219407938384,4.08204281445404,4.10265959809325 +Emg1,5.34405411797206,4.95383726914884,5.56987379981426,5.40006824559086,5.12155408700249,5.02160347882226,4.98226067983836,5.34823671908272,5.31091388333071,5.41041018408091,5.00128727620559,5.24236110011512,4.97147981198531,4.58743782555912,4.83926211556183,4.52627736495986,4.65578792281019,4.89093045562083,4.74581120007218,5.04801746286817,4.7863336913331,4.87905055138803,4.73757268574649,4.77380325315718 +Lpcat3,3.66502489619692,3.93011963148054,4.07275310449354,3.86846296208056,3.45901347720861,3.52613790775013,3.41457146824794,4.18834684048402,3.88286465231743,3.92671091603389,3.36575314639761,3.53341043884397,4.50043338064269,4.46258133902697,4.50142570328881,4.09454959193524,4.10860367424482,4.39221014751585,4.13097818939259,4.72546705182623,4.29119569778966,4.22828063278287,4.0844597784855,4.28164499898813 +Atp6v1f,5.94725435865482,5.5006954242128,6.10273269420795,5.81744736683713,5.39162200084056,5.36985574698038,5.47768869607373,5.9462945098344,5.98689307106814,5.77012962622927,5.40824554162211,5.65579124922927,6.21646626278958,5.94345482614943,6.18777966895893,6.03130450507468,5.67667746225913,6.06311607054103,5.65694009083303,6.2897917902142,6.11821709040925,6.07382946504141,5.69173955285826,5.78189468624903 +Clcn5,3.15952332130456,2.86172045721457,3.09529846452213,2.74054449750755,2.85657709890559,2.92353938457944,2.57873242075782,3.2484444755293,3.08781763850187,2.80413176341991,2.68499993876367,2.85208023678328,2.10361121700924,1.63603333553486,2.02512529491661,1.79594971634718,2.17220469618507,2.12040956177888,1.49024287190751,2.06267939210127,1.80891317717768,1.65186512667116,1.98666946528237,1.7584958608449 +Clcn3,4.09365505950666,4.02749895549934,4.16775495972149,3.89176755485117,3.85991642963381,3.9710694836423,3.82512818876588,4.2480727728767,4.05732809963135,3.86234246932914,3.87134413038736,3.91632912870548,3.86437118645002,3.70542131571989,3.7709694903654,3.59632634608083,3.50584661889935,3.80320801853342,3.52170788770339,3.91891484255825,3.65552959597551,3.52278927580922,3.41297333372208,3.52132853921289 +Pde1c,2.03926052026126,2.02053319535405,1.44164122648317,1.47872450726577,2.4026540637712,2.47584962894087,2.34344217500744,2.14307100676613,1.63366019910603,1.51030650037265,2.56847543767261,2.47745050516098,2.02018700415094,1.67768723503851,1.33021224342542,1.56400944568389,2.26249614880618,1.99804844529198,1.93940074003311,1.61086673476738,1.35844218739175,1.66315519732786,2.25008934870288,1.98283959071415 +Utp20,2.79064026943559,2.42751293995163,2.49727888374568,2.48334025947446,2.69314281281926,2.69417305396677,2.73807416283893,2.51805935015486,2.39502444927675,2.33015960563302,2.75963758340337,2.75139646522753,2.52875880197248,2.25628929625955,2.61929858779263,2.02328696799549,2.80726190101164,2.74340578762841,2.4950551593338,2.26317979667644,1.90291496536027,2.14690365896143,2.8138935237005,2.68421343782252 +9330159F19Rik,1.49712027667362,2.08730083744421,1.60144161561137,1.77690405292445,2.09867046999493,2.27234919728429,2.25881900803667,1.63603126250768,1.65711940605097,1.89412260967369,2.06537772393405,2.3493717413228,1.07133653704252,1.95013647249148,0.604161162812482,1.54392292451853,2.06178313629902,1.05244632988157,1.98778279139922,0.417507982204053,1.26912009030879,1.56342435982093,1.89295109183753,1.92688816257494 +Cul3,5.22385781813933,5.18440107128203,5.36783821585223,5.07650301018652,4.961725462766,5.10552906020571,5.00740144283162,5.26191820701942,5.19814627356573,5.09427271581996,4.96516853399753,5.08861219880263,5.29141318967019,5.22765486495021,5.16976289662355,5.20163851737716,4.92410939348295,5.03297199368428,4.95578496769389,5.28112874772752,5.18493326515728,5.18625076906272,5.02334673121394,5.11905045821628 +Sst,11.786213274574,11.394119725247,11.7627701422985,11.1837384197411,12.0415468473974,12.2787605977837,11.3836281018743,11.9691975543819,11.4364968896517,11.5043979315819,11.7330448412672,11.7966258296398,10.3062966850852,10.4464864566106,10.2577020690605,9.73325979350191,9.85211316094271,10.3566827561235,9.9056788520607,10.3382449301498,10.4571441270204,9.98613916938394,10.0067340441732,9.30906339985008 +Large,1.90972085685758,1.71264919586949,1.62701918056634,1.74172153880435,2.26747103747024,2.32698182354259,2.27763690443795,1.8896338032283,1.71073042219117,1.67592685278212,2.23704526842997,1.92681607405417,-0.376119191713992,-0.416234020517904,-0.692649794888812,-0.418237666648823,-0.0679915527831603,-0.827957541712783,-0.496813079395489,-0.660372309021212,-1.36204903979899,-0.700229797115496,-0.543317437460848,-1.06804632859721 +Ddx56,3.87058007786935,3.79902292637777,4.0918250323893,3.80287807446605,3.71326014544032,3.80553991918596,3.81192004194502,3.8542453424883,3.91189728550864,3.74728163795574,3.79157697410746,3.72432369784263,4.1654484234355,3.83781453443591,4.04560303698509,4.00928903100212,4.15181803098708,4.09751178598758,4.08133071622669,3.73529146766739,4.02400892463275,3.90192041463422,4.23176351322389,3.98595889648556 +Tmed4,6.42866143357048,6.04444167408293,6.5045120300742,6.24566470809606,5.99829362785929,6.06280597843779,6.00667304436005,6.37051446481231,6.3119362671767,6.23710379703319,6.07216406248857,6.08655195730868,6.82739069467812,6.43788585258811,6.80164753192074,6.57539170174304,6.36168879601898,6.75328532953872,6.30599271728345,6.78920663594866,6.74636722789517,6.62920362259523,6.39702844673259,6.43321464568073 +Emid2,0.936206606432773,1.41346968709729,0.800776596452657,1.20587691292054,1.11342124250838,1.26036722564097,1.53252738951636,1.07441264735194,0.879755373901919,1.12547685627928,1.72855081124889,1.37011523619177,-4.3655261962632,-3.44246000483171,-5.00249440313299,-5.00249440313299,-5.00249440313299,-5.00249440313299,-5.00249440313299,-4.35795751212108,-5.00249440313299,-5.00249440313299,-5.00249440313299,-3.92563873873691 +Bid,0.718435497131262,0.326964421731242,1.18375519885254,1.0065265747833,0.807038280265347,0.980890265805967,0.913190452110044,0.767373236083935,1.55111707540944,1.08407789129082,0.561864329550191,0.803043993895323,-0.252608936262817,-0.0882643030134438,0.358575810018944,0.0989953228510936,-0.283178062445023,-0.177011856240402,-0.454495674763779,-0.138981718435412,-0.238389583553751,0.0363368985648771,0.0500570684360946,0.0111832342426201 +Ralb,2.40918719181588,2.28655081648616,2.23315323493412,2.25263992738012,1.84656328550286,1.9072961747489,2.02430256944787,2.46171076986494,2.40095610220966,2.29584158180751,2.01977250697944,2.14446859031793,2.85367524194425,2.7025039179883,2.68564370369088,2.8574651829945,2.73770205779468,2.88821144781981,2.62378881447049,2.85170801130213,2.69053010582518,2.77915864135959,2.88914877185626,2.90643117737063 +Ppp1cc,1.6010374411958,1.87201073486962,1.38089211894581,1.84799965752157,1.85781320880564,1.48836688565201,1.7071792760141,1.57470718728097,1.89773081585027,1.84338508683177,1.84987430796295,1.95515787079706,1.4861303661499,1.72080798253364,1.41929901642558,1.77132517677773,1.65490831730555,1.88711276164215,1.56885017686519,1.15936911778149,1.99015537650491,1.90768013791391,1.63407817358978,1.71043021216046 +Dnajb11,4.02792279010742,3.44928606453838,3.18048773205506,3.65040423007615,3.71664665377195,3.49884275345086,3.72409419957974,3.26585421391197,3.20323922911842,3.20587816098708,3.75137540519839,3.82180266736251,5.75579794156646,5.14289927130844,5.11428273679389,5.10622942976441,5.72709461568263,5.51760600926888,5.78019218841864,5.03322961596747,5.257966263681,5.05591768858366,5.78357297804854,5.76910167975944 +Tbccd1,2.88264428990338,2.60502858385716,3.00171362100418,2.99690767060995,2.64790709853632,2.64357411470563,2.80275611191829,2.72860445468964,2.77703379669104,3.02036128570965,2.7620761742895,2.67713847466563,3.52420227071471,3.17852809098326,3.41490163382805,3.25930759015136,3.46145956232604,3.41194824397154,3.3343718800318,3.08218478705813,3.3319471874278,3.22747986995612,3.39448801015153,3.46187766149858 +Clec11a,1.31076251188967,0.593997840054206,1.67868206850842,1.44414563503924,0.162910710416972,0.839805682884918,0.668491475783324,1.01975077940538,1.18430526012526,0.721083689124709,0.647646009550958,0.361853063055494,0.90336625680613,0.886009221813966,1.68267511734545,1.44921942629793,0.401978581188926,1.22554554595445,0.576992491819108,1.04612224307561,1.08405252855066,1.35327329055174,0.746478607334049,1.17405288340755 +Zfp324,3.4256505184137,3.28432571693032,3.13513946058395,3.31356523094941,3.28412347888189,3.22744990253898,3.28270800416827,3.09989877290227,3.10765166232276,3.11521712105508,3.12516317201179,3.30169595157467,3.77381441516115,3.09360056221333,3.36060850755421,3.32560018890284,3.92022693594833,3.66359329304296,3.98664760784373,2.57015830553148,3.51285174966862,2.97228173865083,3.93063863155648,3.72688070184346 +Gab2,2.26042492895351,2.1660244348817,2.07887168778512,1.96329300558951,2.31661854064592,2.36780912980707,2.27931733993531,2.18021101258428,2.21710987644132,2.17196805053914,2.33719132306238,2.23935445770598,1.31150707640303,1.60964388670173,1.37168276630866,1.78987649079798,1.37474196394143,1.55937499783928,1.50866911522296,1.45282058303,1.62773425931987,1.34586447357265,1.41515761462031,1.37211865090965 +Coro1c,2.69859515308954,2.42385529382393,2.399531591544,2.37245753468438,2.51191382741129,2.69739475133978,2.49919840015476,2.51570022888948,2.51535319669161,2.4373133231097,2.43732041581285,2.35147362434837,2.72808418312973,2.48841750284176,2.51465430730571,2.53978523438209,2.86483435765969,2.77551579567724,2.83657434154522,2.57058837158648,2.40726194239856,2.56598796278566,2.98487018784036,2.63162305275965 +Tax1bp1,4.9197776318345,4.98092113571228,5.03592515916425,4.93008820611295,4.70740654259536,4.74149214202,4.70187196154267,4.93203560626421,5.08052594572702,4.93638680220801,4.72278558540009,4.90384729426639,4.86722318034343,5.0396554198641,4.89547721095788,5.10375937509624,4.8491149218024,4.71616166639706,4.73705524177247,4.99043781981299,5.04231579587675,5.1980252785526,4.93874587833453,4.9571323413626 +Ndrg2,-0.117360480973886,-1.25344907006351,-0.315034132369546,-0.968346689705146,1.67563574125721,-1.1516893560495,-0.129609684373382,-0.456988470790745,-1.00483649660227,-0.920847990818602,-0.803528304443399,0.268076544082129,-2.05620762369161,-1.68980737708755,-1.67289295810058,-1.65759213415749,-2.48471064603528,-2.84029535469196,-2.80886605924687,-2.04298521097677,-1.28571421529956,-2.16145447704329,-2.45522534237374,-0.887290789495062 +Mettl17,1.24484326512669,2.16946825838784,0.478327981386748,2.12174100573629,2.28722185414198,1.98537267939987,2.40556380424894,0.296461758515622,1.18038489170207,1.98245636781035,2.42227353891381,2.18738873579626,1.17174705197314,2.05527535258113,0.636127991973922,1.92849413454682,2.36249804689791,1.72142199276798,2.45090352948001,0.793393754506337,1.95360839961415,2.03745667660385,2.47386081890829,2.12842146031862 +Arhgef40,0.897029399579202,1.25429605302242,1.31363312142989,0.807504421696038,1.19152182124898,1.25318751934083,1.62921058047132,1.01262975381747,1.13275620669639,0.999185303500509,1.56249716939365,1.21359356321871,-0.0283484628493591,0.625768066597165,0.528815066100053,0.196099003101178,0.514208548946995,0.450804432088404,1.04104017344501,-0.143419066533439,0.529138315658813,0.77882186348881,0.218064147938291,0.09459396660773 +Pnpla6,2.84577300775452,3.11295446290511,2.62297057433961,2.79601801390171,3.23914437699331,3.04719186337692,3.16261119578731,2.69919903680313,2.70930902649722,2.68506375857033,3.36335259638417,3.07317638676872,2.36078597141526,2.63232271001618,2.42784682913997,2.37389533941919,3.07439841408022,2.65034925767377,3.2110116545369,2.27675793766554,2.18920337152603,2.45970248612225,3.15111444556819,2.89031207492131 +Mcoln1,2.04847708034452,2.62271006692703,2.33147224844433,2.5931660850178,2.53049088633242,2.69132849185787,2.74952006542428,2.10806156986028,2.44246479250808,2.77417274153308,2.7298816382353,2.3913582882537,2.91606126710404,3.22282815603547,2.89735283285143,3.07448495313564,3.19983261959192,2.97106249580581,3.40365729267291,3.09861468932461,2.87737236963942,2.93461181480147,2.92952650469733,3.07110421812548 +Arhgef18,2.63240693678564,2.71321770194412,2.71432036987999,2.69643983795266,2.88040867365224,2.7300029992429,2.86355916971333,2.58848571100553,2.68247625550113,2.50395667562602,2.84726228611718,2.69344241206387,2.47399357307437,2.95578031656974,2.43494680336998,2.89186445987333,3.1121977513315,2.65715748279352,3.09080294874346,2.53130529392754,2.56526187779787,2.80015484684667,3.11296912722592,2.93514956603413 +Pkn2,3.86484614121564,4.0388933216886,3.97575697204342,3.91305245571479,3.80209724098068,3.95884971212414,3.96093087060293,4.05666222520223,4.06784510250912,3.75818924128993,3.85885651147003,3.92035963633751,4.10004836945621,4.04815450165632,4.22622920726976,4.19013987718686,3.80777979443727,4.05154670121785,3.87220055203191,4.38258796375151,4.18696273102392,4.02161011008553,3.91675918103605,4.00159606470173 +Etfb,4.65689815471119,4.48929632346764,5.31840846847662,4.79206441397798,4.40762071088409,4.29862829396154,4.27193008692718,4.99279297787601,4.98401557249268,4.84314580573231,4.54881332720796,4.35103553680365,5.54052750851552,5.29912308918214,5.75903873146723,5.52725127517424,5.31403723943546,5.40194660865291,5.35844216589872,5.48612723918505,5.72714559245994,5.89888382802473,5.29473412922654,5.27590569664915 +Stxbp2,3.06004476142041,3.6476287712887,3.2511838292671,3.30585394248396,3.53604174452133,3.5670762021507,3.55082256693476,3.33144651689943,3.24708867172901,3.45286754981144,3.61982761429573,3.31529513178197,3.33595278529521,3.83723989964181,3.5937911247165,3.60053098970679,3.85753503960714,3.4614630930501,4.00728560737771,3.31936652799001,3.67809618476332,3.71813487244583,3.8244043959012,3.68579814841495 +Sgce,4.02794299906456,3.91988446752506,4.16882119791671,4.04293865864576,3.57755974817655,3.69889171605927,3.83816625866857,4.03751348084219,3.91434661812365,4.00388547653824,3.74316124148379,3.94802618861019,-1.87266633896247,-0.436574730415467,-1.53896075438044,-2.17430401956777,-1.20435021075455,-1.4192499545363,-1.82016847637983,-2.05501704026824,-1.80242610070984,-0.836444170530292,-2.97193722778402,-1.27627793154528 +Chn2,-1.33817538921165,-1.05295324834808,-0.869550760200736,-1.29949896259386,-1.78756209077254,-1.41754320038791,-1.78547431696044,-1.38788820182804,-1.23763712609301,-0.946092765699512,-1.68716344149746,-1.23868127122503,-4.42699516617731,-4.14223406210845,-5.12102002742501,-6.11415944182806,-4.32723890101257,-5.48401776960073,-6.11415944182806,-4.18202756976673,-4.5165038337072,-4.54358807683379,-5.09894775728251,-4.7004839256117 +Wwox,1.02114182709686,0.900518361530007,0.757733507474453,1.07748036350809,1.00778271144933,1.14603876530578,1.07063487920407,0.93063928872315,1.19288705188189,1.38685275819534,1.05457962127843,0.868578574282505,0.532796155398239,0.486802101479522,0.109169654409755,0.772851874197999,0.653357048578513,0.532093238036609,0.706371934855773,0.438777851479068,0.307703198570878,0.768298092227483,0.494232832129615,0.513399961641469 +Slbp,2.51912636110372,2.22907397116644,2.31529275282555,2.42182064516441,2.2986651406939,1.90000339225016,2.39108939297848,2.05256232091423,2.37277772507007,2.34236596569797,2.04877852786447,2.22046077424175,2.18910617271558,1.75347487667039,2.04902145844075,2.02248500893027,1.62928780960244,1.8459104969534,1.82265666690639,1.71315358183549,2.18997158145659,1.90748834368698,1.65725884660963,2.14163600459234 +Arid3b,-0.653237581594135,-0.0040979781285641,-0.832151863428067,-0.704256963076906,0.35055107492144,0.589230814045235,0.689490261100302,-0.381640250508601,-0.635836794968401,-0.516186299592898,0.163661374714281,-0.0314588973889363,0.303466347310765,0.642298586892705,-0.313297774013376,0.302827469766006,1.27028229300058,0.948553640256603,1.32635980020985,0.0961893045634534,0.39679424853886,0.221990277418892,1.18569350983299,0.805970252292856 +Polr2e,3.59027764271312,3.24006000167358,3.64678058006556,3.51308817932565,3.45310216986047,3.42725305247003,3.4346595014105,3.57686468341693,3.62428817177597,3.51931253375313,3.52916759640856,3.65598081812426,3.47994642029929,3.16177571299448,3.42240763563046,3.07954997678792,3.08812078520892,3.07315924508107,3.23294209307091,3.08548555288304,3.22359180373537,3.16606721711292,2.99992828127345,3.06368407328084 +Myo9b,2.44231027065766,3.47809451422338,2.0984148201611,3.17555245526951,3.8519412665433,3.58905640621595,3.8845336885178,2.28898967926375,2.67677138600641,3.32294058534575,3.95201842905567,3.45196941032616,1.8309478039422,2.86807006089446,1.76493195294157,2.81699365831581,3.33860681294155,2.53976563756916,3.43222907591477,1.55748483758624,2.32031816383037,2.52029444031411,3.46034571437096,3.08983444339402 +Hdac9,1.69334621227345,2.11095962836024,2.13972033265405,1.63450010864272,1.15935589467855,1.81189136811914,1.51454854879986,2.20491059430172,1.87321119309112,1.45201132711763,0.902183844785773,1.51680912225643,2.00918660983216,2.93228173604746,1.89815031249892,1.30878838209126,0.823458843267596,1.29535139243449,1.85938282875813,2.92203394196916,2.51836581737238,1.68199721206639,0.381102661432229,1.70767707952106 +Mtfp1,3.62177275592234,3.20214141387145,4.07727125767064,3.66084656025099,3.00464745030293,3.0564064113324,3.38262608696419,3.65857696250932,3.76097989627272,3.32263893353172,3.21695816802791,3.21377070675152,2.43152095607516,2.50477674482745,2.73452802142006,2.6234883394912,2.25608067859781,2.88944782151878,2.57891195468806,2.27554927643636,2.73020115383948,2.34355604926121,2.65224079347672,2.17690485132552 +Rab23,1.03141884705847,1.00614265765694,1.17391319930522,0.855337723507763,1.53068530262665,1.36102536615351,1.03183656583301,1.27498181640421,1.06597622522724,0.923184793026174,1.03406039383836,0.994291645605049,0.826245307479923,0.970920467132934,0.934145143463427,1.10556915520645,1.0536637251847,0.996182778739237,0.935166272935081,0.678177034380826,1.108813919234,0.986645180729076,1.18236868193709,0.917946779631736 +Rab11a,4.8825407246333,4.67358148665604,4.91214752103941,4.60516213996681,4.49027978007457,4.53934276397922,4.47266882074077,4.89383463699239,4.80401101121895,4.79310103690401,4.49074017376238,4.6173324262376,4.86425905688852,4.75472234794506,4.97301177892106,4.75906308891601,4.45513809243421,4.94023387540735,4.38648627308866,4.79492061135878,4.85286699175143,4.72937770076568,4.37073582850704,4.6098938372114 +Eif2b2,3.79725207951861,3.7372497920239,3.93468049451099,3.85000014462012,3.64805269000827,3.63297038177333,3.66694813208921,3.87882720429232,3.98675483910821,3.92968279805772,3.80311073398159,3.7860478640228,3.9180441305455,3.99504813085419,4.16978081179669,4.06257405028223,3.73994838202035,3.96836150663665,3.90679065135903,3.96609723118847,4.21459153366969,4.17418177796183,4.06698385810072,3.90066304422787 +Dlst,4.71037190038286,4.5499862415402,4.53219081688003,4.49946460486607,4.71687842647328,4.64810044929101,4.66397496343454,4.54986032282715,4.63553529057027,4.6747229947657,4.74014400428727,4.65659655798687,4.99128145617942,4.67197203447927,4.83250337529021,4.84769870839105,4.96659927145238,5.08120234380213,4.98267162461155,4.80718967015725,4.97058135084415,4.78892519064459,5.08311075157465,4.90655944187376 +Pgf,4.28942596945469,3.82851617757092,4.23796273157733,4.22052857564918,3.49528361807746,3.84326167735979,3.59345894373233,3.84755863678206,4.28520059258777,3.8653773975873,3.59454696135698,3.94185950940517,2.44589549556416,3.23438935341955,3.11302734818334,2.92983920793425,2.21568867480017,2.49766380024448,2.45695308588664,3.26526315940828,3.26237898603508,3.1746598151358,1.88873165748389,3.14683967657023 +Ulk2,2.75080386353228,3.05137308057995,2.97480662820072,3.09858763680836,3.13722585896269,2.94090419100228,2.9515478691981,2.86714014504029,2.9431887737768,3.17158380204111,3.19825924885107,3.12072996808767,3.12516421851138,3.34816006073437,3.28625067134763,3.55013828107287,3.53636900554321,3.0574104601211,3.26281457471024,3.21333585438596,3.18662170638865,3.46175647343804,3.28162267661832,3.36836458654924 +Dgkq,1.87282407417204,2.5264152300111,1.63817076940921,2.45054938506168,2.51569175754432,2.27754569789508,2.63867563380037,1.63737403766848,2.04938698853248,2.1774550227599,2.51680411431679,2.36059475734139,1.58135234451268,2.26290346462089,1.89498353029433,2.11365360373693,2.40003363214151,1.83459287124777,2.25681187072158,1.51812318965891,1.8828100229229,2.18239809741055,2.21394976855628,2.16588362087465 +Chmp2b,4.44916160609782,4.00391417980529,4.51984486058968,4.30216831942318,4.09516015326701,4.10964693693306,3.99738065225089,4.35265712962617,4.38366349085402,4.15277678615139,3.9669542317471,4.05877649743254,4.29832497865517,4.12826274446551,4.25456900175428,4.15933046690426,3.9846179465159,4.15323067563359,3.99429886411655,4.50884795300751,4.18448052040073,4.25856655706403,3.89378701112253,4.0691515309733 +Plod3,4.03936853139355,3.9030603268748,3.88603864844458,3.79113427377807,4.01657411583659,3.98256191136166,3.75846060540007,4.16922663054103,3.83978237134021,3.63039843281193,4.08682388847884,4.00093446618067,3.57804654383638,3.62853783972261,3.55534064986127,3.50655579572717,3.66005769781823,3.67794073115783,3.47401140720823,3.73049557876845,3.34918342714903,3.50530314648779,3.70525971163266,3.79461303604894 +Ap1s1,4.10974515240653,3.55085013547175,4.02581424130924,3.77407337447404,3.74265194237184,3.61219205402955,3.88997509616006,3.83658100286652,4.05783991731454,3.86948927958507,3.77695531470426,3.74081252835119,4.29985219425354,4.11249038612852,4.39559198798883,4.23966254095816,4.12848772155509,4.27351503983628,4.15862542946253,4.24321564756617,4.3350930965209,4.30422036827819,3.95875303310859,3.99564097772945 +Mapk13,0.56258929192442,0.245448022859912,0.756756057267483,0.775353575623526,0.700330960655907,0.562062568427955,0.878328594526656,-0.0312505326861025,0.24762821297652,0.462929967917981,0.644686281420642,0.44863036348284,0.0805235426573259,1.17661271800746,1.23857724240687,1.20925389027968,0.600816375529007,1.2103900287052,0.888272763405444,1.00968445030074,1.41776008947504,1.54499975884542,1.39282550660532,0.570654702158831 +Srpk1,2.431856895528,2.72833423723252,1.68795096045025,2.64343161730179,3.14819922966281,3.00839830144163,3.04163409305564,1.81227943606982,2.26503319833143,2.58819085667835,3.06006894835253,2.92310770056709,2.47864580373908,2.91976668306784,2.28554880587765,2.82634725235622,3.0176093153245,2.60546349371396,3.07438911354438,2.30445049915112,2.6843630043176,2.76267350098564,2.99488579868623,2.90161024914984 +Lbr,3.37443293970663,3.29403884436992,3.11639262845907,3.15711193687954,2.98188568734405,2.95479629261116,3.22477816998671,3.25012454326457,3.20117352940799,3.03458999103728,3.03438572442227,3.066498527235,3.63169523443634,3.66027958832906,3.75871722148749,3.52652104635263,3.29387344321006,3.63637091594892,3.52453807749247,3.82994095055453,3.51081833607879,3.61280588283893,3.56890383145754,3.45994544980621 +Prcc,4.26138384403268,4.30228620272633,4.21305029857054,4.24324976016459,4.01344246484274,4.17020058823427,4.11978811529162,4.27420456041236,4.19003758818088,4.13920321057014,4.28801990742192,4.2904350417558,3.89147139820738,3.95575687113276,3.94117231713142,3.9817292430499,4.09671103995954,4.04185120999049,4.17654140906585,3.93229230204118,4.12099813606195,4.10372196326857,4.04400271652256,3.95411178936464 +Rrnad1,1.04412242263915,1.83101469922024,0.763233888496269,1.76046688395653,2.08883858772852,1.86452587144737,2.10775337310002,0.619030188348612,1.30956488414222,1.63195275234271,2.14933855539379,1.82327615396407,0.77973612566491,1.39595963701268,0.282170866785727,1.47909847452819,2.1200876040988,1.22228525003923,2.12723779586418,-0.132738604694546,1.30529483215116,1.30100603872955,2.026053336784,1.83636415851105 +Hdgf,5.22016867136793,4.98529710813178,5.09350327699688,5.12803181357668,5.11611727539861,5.0778467788347,5.04768269406489,5.13922930725703,5.00452629160265,5.15570643708934,5.18469858698966,4.98051050718904,5.2394360507453,4.84509187045125,4.98342047526831,5.01091571802889,5.08316519880451,5.0927504378142,4.94329578789179,4.95455921868598,4.9455587829598,4.9892538292127,5.20558412895803,5.05180172691406 +Thop1,2.27066422619614,2.50357289490946,2.28876744982028,2.3857408484839,2.37070407517012,2.49054431951555,2.6547634575692,2.09281528435676,2.35061631798006,2.30190472867431,2.51058759973106,2.40072970361497,2.21067852074116,2.1991298572438,1.76187165888604,2.14970062370701,2.37978146073046,1.92169529463188,2.45920673956064,1.88750874203958,2.01899316793969,2.2894922825359,2.28395632319075,2.26847927882932 +Apba3,3.27867831907881,2.9515257989418,2.84393469165854,3.02657050728515,3.38217237131071,3.20279198483735,3.27634308566411,2.87168329883495,2.95546731438345,3.19233274961452,3.51608151961611,3.42044355789662,3.12051404296168,2.99088656027565,2.81953224948649,3.04549533354013,3.73965769314464,3.35096259326293,3.67969925275277,2.86971764299663,3.13148889407596,3.13543226658043,3.75486215683352,3.49534686951754 +Matk,-2.18539530083814,-1.86654302129842,-2.50321092824038,-1.9549202589664,-0.65909981421842,-0.706882736446202,-1.10671854194965,-2.62382887186566,-1.71949003094292,-0.899957153433079,-0.856399643889163,-1.35455522244441,-2.64457461556396,-2.26919944255,-1.76558784053495,-3.38696492433124,-2.41350156178236,-3.15890290717336,-2.82684595132072,-3.47269794575375,-4.56116170713677,-2.25652028215443,-2.07692108894087,-1.52354784781125 +Pias4,1.98459916592353,2.07302769850575,1.72781620837681,2.19010794303593,2.24569712846458,1.97783669308265,2.05923108490045,2.05275980741942,2.04592100304192,2.20779872172993,2.34476379920391,2.21588153640513,2.09158536107649,2.33610530898777,1.83841125094475,2.2117724479338,2.25337866166806,2.19488942229333,2.55432927892633,2.23483316758735,1.86226578166801,2.35188684207479,2.33059912847726,2.48605641078714 +Map2k1,4.83959840834858,4.49785836616722,4.92648660647218,4.96110556884285,4.55547684339974,4.62242981770969,4.62577011742224,4.63296323843295,4.78423754266016,4.73809897599246,4.67649821471617,4.74400439685145,4.1697538730295,3.94258139169821,3.91406426442534,4.17128702953213,4.14832895311125,4.0230112649014,3.929249975534,4.19450613637162,4.00467629631663,4.15536143697861,4.11999177314055,4.01270838806726 +Sgta,4.55945231421178,4.51794379254324,4.39215273768704,4.55121697372714,4.4086352450289,4.51514757090368,4.49696402022637,4.54019332937613,4.56013815228183,4.54948692188091,4.52169448463242,4.52728415902326,4.49061781751327,4.47548422316206,4.51161754194884,4.45258816233986,4.48431064628724,4.46443762394482,4.5826618328523,4.45782955022047,4.41135427683634,4.61971106911082,4.69689869826617,4.40266885218802 +Tmem242,5.36783579362064,4.80622605385266,5.70353884828418,5.2400326069253,4.75032252298438,4.85941674432367,4.88830311157364,5.29234523999853,5.35676502550753,5.29547918510666,4.91566630087044,4.91675008550728,5.91117197821355,5.51912085736182,5.84290049606114,5.5655696460308,5.18787064773259,5.68476448977509,5.29748826744761,5.88561403787062,5.79427934308084,5.64465906298921,5.18910350757179,5.3549478977433 +Dtx2,0.190105187341589,-0.174518873027005,0.0891908045908392,-0.102580024319334,0.408551967950061,-0.0092869362072729,0.176851943354985,-0.423593784449902,-0.258985066472397,0.274913132565779,0.335265204653577,0.003116205644285,1.05005796330021,1.30321412970076,1.20338206106305,1.33010128148863,1.55778248656138,1.53980923242344,1.87436906379535,1.18407309362146,0.982935724236725,1.49671079124902,1.63600614964935,1.23941460537089 +Hspb1,0.616592075138275,1.32964554725261,-0.175477145875129,0.474532947708633,1.4966067097914,0.678499439140886,0.875022646090489,1.0414484754019,0.862964663263475,0.557379705609327,1.39474946302451,0.390553483350987,-0.290972609759847,0.0233222773424831,-0.607911114308236,-0.876879816657756,-1.10067245606072,-1.33820614092834,-0.438647974498426,-0.473323311065617,0.0695388315139796,-0.421655346574656,0.204771743514815,-0.489519809863109 +Syt5,4.57421771953068,4.00138498453761,3.74902200943554,3.86930579691583,4.39131394980486,4.70933307328128,4.41508968203974,4.45038984294384,4.06519714277317,3.74570065378104,4.41075137357841,4.59125188526711,4.42654028179802,3.8732513927186,3.74488183107917,3.88162119044447,4.26051199377079,4.54198266001021,4.27978071699575,4.04869107527579,3.92402960034855,4.03621615760514,4.36365460266576,4.47859925559724 +Hnrnpa2b1,5.9058163065045,6.20136129209667,5.33651734443811,5.88377365019877,6.41725765593619,6.17330689896194,6.20294766166015,5.63363295304211,5.72436953844475,5.87939713455539,6.44098031197856,6.09856527155967,5.306277172088,5.91522432615459,5.11478348914482,5.68283921185035,6.11887304915144,5.48661002377714,5.84867814456304,5.34650679476891,5.48252476726964,5.49242076903756,5.95950562036045,5.91431372131152 +Ccdc130,1.88920235914505,2.40906506505294,1.64132856248765,2.40056631338321,2.00077127311656,2.01228870149427,2.41936242085007,2.13723372009505,2.03989951706734,2.4147815133549,2.42939576940767,2.37645097301874,1.78248210516801,2.00484111869203,1.98975019571255,2.17639830068972,2.23586754368081,2.10621807950872,2.84292280361693,1.52583146201679,2.41740332018903,2.29603882442442,2.77794068735012,2.3564373519312 +Mri1,0.850687311874839,1.44218985412527,1.23156109667053,1.23513955012884,1.18346408407272,0.757028651096843,1.29475959855939,0.7535765064272,1.50934533724993,1.05654625540908,1.33626926755724,1.22864486184161,0.564164276895907,0.3839631441103,0.469398400410086,1.1302033701855,0.877485213767312,0.962172962052929,0.972335882227706,-0.0041579870196146,1.17528888351626,0.973074560355584,1.18626001562284,0.563313321709811 +Prkacb,6.66065995135537,6.63995927468367,7.01301130154113,6.66692014695495,6.18412307072618,6.4303741966515,6.13798890621451,6.88496662798856,6.91895213158586,6.73824344661917,6.15070173127002,6.39375401132014,7.15451439975918,7.18208226501907,7.48338122958145,7.29039661706343,6.64518792300995,6.97346136271574,6.59267029930272,7.57421604040803,7.4436331594882,7.37316800105946,6.57353673733169,6.82616128443569 +Sgsh,1.89538780537922,2.03079128003318,2.04002484246852,1.93392005029502,2.06528230580354,1.9844232345667,1.82349208452268,1.88903346934551,2.11800252420766,1.54204688777163,1.8722996205627,1.8039632245728,2.13747460483678,2.32345966551819,2.23106996744234,2.21491595076805,2.33224750337816,2.67690466361509,2.57755186586456,2.56177352357974,2.283511709706,2.33303057170487,2.46316060335583,2.55803371111247 +Chd5,2.1375212360789,2.33127709015114,2.06415070898288,2.12298434534124,2.8320014553773,2.59743047862085,2.40900358220436,2.06496026188079,1.88358285518859,2.31447866949836,2.6138663713657,2.50232406027246,2.4493644710063,3.02315123029859,2.70123435007476,3.1606953459372,4.07670655630994,3.11197788269495,3.28041243738575,2.43349490478089,2.30122749336853,3.10523895029987,3.96936669317914,3.6485988375776 +Cstb,5.58403799363051,4.91933273507597,5.60901636904264,5.35648103623361,4.70077837140553,4.92092166340946,4.98846515741494,5.64304499004474,5.51144406751167,5.47526541374355,5.02163547082734,5.22758612327912,5.78039789670609,5.36306614673561,5.67717715867281,5.56922405534378,5.13743614291291,5.49715841444759,5.32937036372961,5.74342706321457,5.82730240406537,5.3954051344232,5.08035758195565,5.17021696975879 +Pex5,3.87884698885391,3.97229535103918,3.9932006753779,3.88601402931641,3.84033580108512,3.72142286140401,3.96897401686469,3.80662895612095,3.88993061317408,3.91608711331476,3.94370189189128,3.84387850855812,3.64858410103155,3.62188849905755,3.70087587560346,3.68445040275734,3.70752848481742,3.61042064525321,3.70990093641984,3.64096043186083,3.64976182456416,3.75407707443748,3.71181270763348,3.53636778472074 +Jkamp,3.35323109666259,3.22822133363818,3.30846510978128,3.25943013479486,2.81359886190904,2.96752204636599,2.93805447032575,3.41169240581545,3.38504088583725,2.96216218766064,2.96497713444123,2.91525810611594,3.37073814865502,3.38206560785156,3.25154312713877,3.26465685486673,3.00165624348446,2.99837974636852,2.68324996736004,3.55052549817182,3.51418999614438,3.29695229107018,2.66609185341476,3.31278226553416 +Cd44,-0.221736595695101,0.29591105616366,-0.315570521197636,-1.12053147736887,1.27558368210967,1.0707969835321,0.132520917154642,-0.318847401142741,-0.372618654067434,0.0236183157550056,0.186047081551706,0.387703588860621,3.29582313162175,2.5596408525381,3.17275748355594,2.76858681827144,3.41752398525923,3.13635861969306,2.53653171485778,3.0546519415834,2.64264741279222,2.61536956209165,3.06562210222805,2.71894265241523 +Eif2ak4,2.23789288158887,2.60247817204528,2.58459689043191,2.68821912759139,2.73371229661332,2.78588075752752,2.6424205738926,2.36703784233038,2.31423634567303,2.50498807735544,2.88591486703995,2.84053800888285,1.37291968103629,2.35367922361585,1.60900001701621,2.14957476379886,2.35530500600673,1.89843885151913,2.40451955332579,1.63820040052559,1.48673422648188,2.15310716814937,2.64049518313613,2.30261015796731 +Wdr1,5.18656580625147,4.93420276641199,5.15380344194467,5.11872178362675,4.76729151675883,4.87864083022462,4.79430788499961,4.98505565514119,5.16062805192124,4.98812460262561,4.76329128249356,4.9118447614928,5.73036153950538,5.40464621903418,5.61567968520941,5.54501805586831,5.56067373869242,5.73290304433775,5.47761031529896,5.60216195448414,5.43256842997053,5.56297859556073,5.69147211701455,5.57597070573762 +Slc2a9,0.366853121615053,0.655427685021712,0.843723188825415,0.675341700925887,0.61698722333607,0.873977751063709,0.585241009357781,0.653667600710349,0.797949175798218,0.339087973829362,0.670584903514873,0.415652038012858,0.081739439699549,0.16351168542952,-0.105571228967182,0.254538243132855,-0.564247011567952,-0.495538127557389,0.17596283038619,-0.334604934809946,0.377432638165907,0.481310565138622,-0.123512585813807,-0.104319168198696 +Ndrg1,5.18129151193705,5.19644772224462,5.1069279849263,4.73667711728295,4.81836821978711,5.01095841554103,4.94567727929305,5.50440220318024,5.17329902116381,4.82617415129025,4.78093563652972,4.99730288461779,4.6150063092568,4.76364921019047,4.58337649001477,4.45444484911667,4.07273469219697,4.48564054506408,4.2940576917601,5.14300500994457,4.49746770983966,4.32661283601785,4.03678660396574,4.33879312567137 +4930550C14Rik,-0.855113919152516,0.0263623351031326,-0.284595617340297,-0.533125931520174,-0.429479361851846,0.135690705647578,0.730497055305365,0.0672525344070714,-0.0990565440581212,0.463905829109625,-0.790380667291928,-0.313273235138887,1.47348166138709,1.8503951243751,2.01896084536494,1.33894496027812,1.00572078041738,1.09701214533569,1.53761499562131,1.81736505243146,1.80931515358439,1.44063117576023,1.1146756189448,1.17101829806761 +Man2b1,2.85736475818682,2.59898724353686,3.03684678073909,2.97260248123886,2.67927660840996,2.61997353927214,2.57662818186799,2.95394046438237,2.94931498928956,3.0227265586544,2.61917766324611,2.67880216100855,3.69006570513462,3.85477096545399,3.96338566110352,4.04183808960949,3.78038052131583,3.77067985612055,3.6414891482841,3.7977761956825,3.68947859396818,3.8239884835171,3.72095623649685,3.79154337467328 +Klf5,1.28372311360454,1.22093274524009,0.88146907197837,0.633853571498495,1.42731017481644,1.24387246017734,0.691539636707525,1.23453222315209,0.874655964044999,1.0629873490104,1.09072949140709,1.22444357324237,2.36010938122555,3.13114796747338,2.68731847418851,2.6862541377185,2.86051751370949,2.23146069840515,2.75650382262828,2.94334051915512,3.05398882138456,2.62850983348085,2.87381966766449,2.55672323344662 +Wdr83,2.02224027300197,2.24217129376695,1.94718853751717,2.43274633514002,2.26947364495746,2.02265145240542,2.37849827729569,1.50467621984916,2.06585016027104,2.31140095675415,2.32068433796256,2.18698811390897,0.932748058838357,1.88841331923154,1.41592011320314,2.05233626686924,1.71573785139911,1.57601530551117,1.67937091907666,1.09119011730789,2.00807734359223,1.8506084336406,1.9285149647995,1.87573557849229 +Prdx2,5.91402744874235,5.43482147189269,5.84349999485056,5.5899234053335,5.3059659037956,5.43224806181772,5.39726747970654,5.805668490704,5.73774639568976,5.62020102014415,5.41746769234437,5.60323086975859,5.40838111591708,4.96195287358048,5.42036050883058,5.3169074154099,5.03267751787499,5.33035034003052,4.99253648648449,5.29084255333317,5.33110259334314,5.31575890813157,5.16138709147413,4.96365965764973 +Polr2a,2.47060486997971,2.36171344207191,2.52323197179665,1.81049323793369,3.98442008866489,3.87691713830768,3.12905591844311,4.04179089559125,2.37608385478083,2.01362851969135,3.21495371557776,2.8815210694899,2.80362510141758,2.87018772159979,3.17010138022183,2.60895336457672,4.41454689323188,3.71025533118264,4.41083059039338,3.07617349586771,2.78769772362985,2.76748076367947,4.33956739002384,3.80147382660778 +Senp3,3.71613240557929,3.60597090576736,3.61246454286054,3.79616140350217,3.82070299907761,3.59723314122057,3.84337250738431,3.57665915045092,3.68921161407319,3.77982920501789,3.76040425482893,3.69945826277483,3.63520912536921,3.59841437559637,3.64064674770691,3.57744732857234,3.72652998437586,3.66363293551785,3.88735974236318,3.38749795007061,3.43697330274095,3.67811489786963,3.71485539806068,3.66168961109906 +Corin,1.10523933315712,1.80061497692454,1.86919420206962,2.31259339179423,1.98257730734176,1.81686658326839,1.5379526994742,2.03018317258065,1.61097024696101,2.22081240643088,2.03256720679989,1.39463988613591,-3.29602309744141,-3.07181017400147,-2.76442203106508,-2.34800597081265,-2.33055102233495,-2.93938710510611,-2.86987656262313,-3.08186891963049,-3.87925328380522,-2.77086053650096,-3.87244722532455,-3.52605714660505 +Plekha8,1.66250050555265,1.7219616923598,1.60095839787946,1.64895171848035,1.56452067864735,1.58599653822153,1.7504694503835,1.32038227023877,1.50806434478587,1.45540931623483,1.60543924233321,1.60369927014725,1.4059161225096,1.31744185273305,1.06598814754346,1.43680164820518,1.53133232024577,1.3487739356429,1.3559731578935,1.21941835630564,1.28048202201187,1.19124037940399,1.23721027337373,1.33351931580844 +G6pc2,4.19169255919456,5.53235113203297,4.20954226857748,4.51627089888748,4.79152156546154,4.05011894674852,4.13515361911424,3.97468331747628,4.24101880680256,3.90980952034369,4.09675032437289,4.32376616589152,10.8197014441036,10.7364201597342,11.2812726027435,11.1556531526625,10.2000582891906,10.592436143177,10.1316706146389,10.9057544308028,11.4299946659026,11.2218752547615,10.1041307789456,10.3347554170571 +Spc25,4.17531324577035,3.58236243511873,3.68618159767048,4.03982626213054,3.91962680017721,3.90449158620893,4.00440875760794,3.49322953835965,3.77522187275112,4.25443507395442,4.38423369805759,4.15052058967546,6.002192534146,5.99920914693794,6.37268026481005,6.40706714383371,5.93445548443818,5.99968378330558,5.75887043789279,6.16619425730141,6.29893742469881,6.52268357501105,5.99123328932642,6.03596681229681 +Dnahc2,-1.02756250138644,-0.075405940765604,-0.887470634038452,-0.547027149212854,0.86054632510911,1.22519100107721,1.02322742487277,-0.992031682490336,-0.39012158650554,-0.235638574552024,0.912951102629,0.547389524355371,-1.76603868718987,-0.5976129166414,-1.22812006298088,-1.0515835021695,-0.34178428128651,-0.76430231437607,0.199169332140539,-1.92974921107404,-0.840727773522441,-0.84765292851968,-0.0435513976514414,-0.27218299330332 +Ripk4,4.0649484290758,3.80676186617455,3.85883989424525,3.98483929365641,3.52864211670487,3.79633688151443,3.76087363436064,3.76651776724422,3.93100372447882,3.71127744639115,3.62544738952227,3.72459333412814,4.21107037917163,3.77556583390004,4.28577798114921,4.23457979826535,4.128868444028,4.29855194764943,4.05345608170879,3.93800597449142,4.2020650785287,4.03494424135654,4.17366245140589,3.88175293807703 +Ufd1l,3.3949878211684,3.34747158138171,3.45975144746196,3.49744621446734,3.47320515134966,3.32883713847484,3.34224923582827,3.17992028202094,3.34729239984765,3.37467016372469,3.50225810928349,3.44928968536838,3.86473779848738,3.57492087391061,3.67844342673957,3.68025952523229,3.86212865835606,3.76440791559067,3.58229603795888,3.54195948167895,3.83807861404576,3.83604135386817,3.80977900848259,3.78787875073086 +Zfp287,1.03945387879123,1.74500289917024,1.31386275937096,1.65067966200209,1.4482521949586,1.62739662931759,1.6973208807732,1.26707462184903,1.48758428914387,1.66431189901276,1.58153470207596,1.66625726210787,0.921189611011275,1.24679960644976,0.550993272827601,1.10857974111029,1.35054751110908,0.706245085668714,1.15124492270744,0.708388509646282,0.80206196759009,1.01607479149525,1.15429481516631,1.28096036282502 +Prlr,-0.906059297250031,0.671339845777668,-2.01837479642796,-1.94239907658304,0.561399570517757,-0.895035374049484,-0.575740981933125,-1.15359115160947,-1.87014613088029,-2.63933882346326,-1.05228186859876,-0.267513405868927,5.97748409999772,5.7549971620929,5.64262675183277,5.37407955996625,5.70952119629292,5.84738887942164,5.75681667600821,5.88368241477767,5.60185664019781,5.36519802069651,5.55884113705146,5.84412880116797 +Letm1,2.13323082748112,1.41092184173293,1.2132231690004,1.594459963457,1.84589646263859,1.92747791355676,1.94889870966688,1.16013511364621,1.4549186832698,1.40900315233617,1.70198932825393,1.69856375984161,2.42061928258456,2.37408363782523,2.05354445974191,2.3573968325164,2.79590983286639,2.41915556658938,2.83446470635138,2.18262306633991,2.34463621918132,2.46070699127157,2.88069622793112,2.63669782788364 +Ubqln1,4.82845846999663,4.31270672960484,4.55592537592865,4.46350011037324,4.7154212398614,4.72410793829539,4.64081386806284,4.54136494548186,4.54660374668853,4.31400378378871,4.56748568232445,4.65182286248963,5.36236635345958,5.08316990946899,5.15325078622069,5.11624490603867,5.29393547481967,5.35342418619407,5.18790091972275,5.33537731456379,5.11868776189361,5.10561252478539,5.45387243219335,5.42284704308905 +Fgfr4,-2.21031543928413,-3.25066286945081,-1.4203205358562,-2.36036189456118,-3.63507837308734,-2.18895650448736,-1.70935211556211,-3.22744927205078,-1.9529763200134,-1.4150171306903,-2.96090537712594,-2.93989488452802,-1.24850003797885,-1.31157577322771,-0.154497579180325,-1.20198800671811,-1.40317636093573,-1.91275197860265,-0.594501665786554,-1.58448376541226,-0.58358818367443,-0.746203517384969,-2.16321726258274,-1.24927089033401 +Txn2,2.07463506837933,2.21566151956337,2.10079803379921,1.86984997655194,1.87986671358155,1.99615208109319,1.68416634025971,2.20319892517122,2.11910314927921,1.98282330409998,2.16337535500644,1.75130677662853,2.97732663040632,2.84102112009978,3.09866885326352,2.31789698415811,2.90762705923699,2.94405732073626,2.75398621208584,2.86539505498727,2.77908049097141,2.63673041660417,2.84344955944064,2.76948981492032 +Crbn,2.55665902180321,3.05716977451685,3.29043954589951,3.0113182025316,2.40291117613349,2.76005191424881,2.48674806143511,3.13986499636602,3.17481572611889,3.28964145676387,2.5860757875569,2.77976415789173,2.96690427471751,3.06124601643677,3.30008694711693,3.24236349264221,2.66658499223395,2.84355827308917,2.47005279790532,3.37034162044063,3.2205035485634,3.20218029643011,2.69314722403743,2.86528099203705 +Msh6,3.73857530792262,3.32482461590764,3.56580550880517,3.29909220406835,3.1700864665724,3.21114802291053,3.4471813754844,3.39076219633329,3.39044996534659,3.3211887979652,3.24636580563656,3.43279491820383,2.94270812449042,3.04769403236881,3.17632937069223,2.97525695955311,2.81588455074969,2.89959634065494,2.69744824423435,3.11293710542874,2.81181654351799,2.78565856503592,2.69355967498839,2.68146060481792 +Fbxo11,3.71067570516303,4.1952573046455,3.91437975436801,3.8505870737858,4.30327445921162,4.24893424512619,3.96903356928764,4.09420094214666,3.81424464955028,3.92018121404631,4.15913447463284,4.03662317204148,3.29593640401238,3.64290609312919,3.37153483024417,3.52669012663934,3.89881471223173,3.52907930771685,3.41615742589499,3.23825272888714,3.26824806552609,3.3375135053323,3.75214953141844,3.59164198810748 +Mlxipl,0.623257627931046,1.78383300941473,0.376497452436135,0.911900294799972,2.91760303595849,2.66995087882755,2.61273967100874,1.17600403210084,0.959653679753404,0.845191723434042,2.6463244862188,2.28633801591912,4.29266726566159,5.04732307080466,4.45577049737364,4.85081707230955,6.20712436560962,5.17556036127205,6.05957205022721,4.33140354962036,4.67742373281695,4.98239064669575,6.14672044553743,5.66739388037704 +Tbl2,3.31298171420973,2.97657692739927,3.02957223629235,3.12840218062882,3.00960875642904,3.07974811601105,3.01297753415905,2.81359517550676,2.94787211446068,2.90161420847071,3.03882523934047,2.93314423605611,3.94133512599901,3.2789391639728,3.61937662499411,3.50101940540372,3.98399499749816,3.95244232127473,3.95717125906751,3.0235880834967,3.68391746680949,3.51143735000508,3.95727533329011,3.79950987863084 +Wbscr22,2.53468853424666,2.36984546675314,2.27589648900847,2.4813788962283,2.6460732137701,2.45106289780479,2.5052475227624,2.49319352536352,2.58019214144277,2.72397315865566,2.76004439756276,2.78175474193677,2.34908882158065,2.46380069451547,2.38693379347009,2.40989439497275,2.50456945802108,2.3616396798199,2.43220180152339,2.54276664112036,2.46040376594514,2.43356363172441,2.73577126255872,2.57651577250023 +Nid1,4.01815451857864,3.13224699341095,3.98957486043138,3.42594696389922,3.42201737468839,3.49602375181414,3.06734826903401,3.40162463784385,3.66064670679534,3.66549701635591,2.93871663221444,2.99119912847986,-2.51366254962423,-2.0829925401035,-3.64370036089741,-3.42881646291736,-3.65260910232032,-3.05489955016214,-2.7904113934368,-3.25564335534163,-3.94786154453583,-3.16546149540457,-4.3622704053425,-2.12918988921427 +Mcm5,0.746039281570634,1.16082283980545,0.0235698567074276,0.416931097623102,0.990751365601295,0.968412638720269,0.670099207584562,0.804605736556609,0.875144104483847,0.282589289941077,0.87328645159123,0.572632692429464,0.964031926745751,0.956563541490706,0.342462613322483,0.463569013618695,0.790190270871774,1.10012861955,1.09846759961452,-0.276509839221295,0.405488552582293,0.725490472381517,0.384535436684195,1.51823632881426 +Hmox1,-0.608146895424392,-0.269792909778523,-0.0819150818235899,-0.866868474447987,-1.73976433946763,-0.66916286623556,-1.50756857941053,-0.226715827853864,0.124219063257347,-0.340947742773513,-1.02450193618242,-1.56855968502306,1.78197050733773,1.69981585847124,1.51356792714474,1.51732155001221,1.42988729933273,1.99513583799242,1.73914252356162,2.40986203439621,0.632240312749858,1.52828773059778,1.01522436643271,1.95846209982729 +Mprip,3.86739882676875,4.26431211428362,3.76183886685696,4.29055260444234,4.66174123143913,4.58836742580627,4.67085097066761,3.74314759910217,4.09522458916357,4.30895239048878,4.75590081606525,4.42312061023271,2.98373292457499,3.77687497657043,3.00901476637996,3.73040604963342,4.09455434945252,3.32464471722614,4.08681104381713,2.97636188743506,3.3286579761705,3.7067130068188,4.15839083404098,3.89378987114107 +Cic,2.69655764848158,2.92083754890952,2.61347040185161,2.67640401926586,3.59237053574259,3.55049772859456,3.32081502987208,3.11567212575174,2.64829551207441,2.80227318148547,3.55694835506125,3.04577301049536,2.35867252858696,2.76488192233115,2.57402982797169,2.49500805184761,3.63852804002351,2.94905467398788,3.73272573861655,2.35589183249478,2.36792682321058,2.65416041396962,3.75629034348108,3.1195656004452 +Pafah1b3,3.39266597353501,3.08341695160085,3.22434413734824,3.2763182571616,3.08184290373294,3.01889907788936,3.12402265742341,2.94780740266105,3.33905040541441,3.20776515517381,3.25141986500469,3.21069174341919,2.17028431560007,1.50433058706473,2.10452774185137,2.01384635783358,2.2217720441066,2.16780755468928,2.18661438647123,2.07105886372517,2.4768973890109,2.09681063103966,2.0848508857736,1.99497085786949 +Prkaca,5.53446373584737,5.31061874608351,5.57596596938513,5.27173128949933,5.40427966789978,5.52351971972398,5.19715140873589,5.50834570906608,5.43251557624822,5.16045009341066,5.38364424879274,5.19861057059711,5.7428275099364,5.40246204895361,5.74729259061437,5.60952127963758,5.74809813501521,5.83356993377126,5.69849153419573,5.59869025804413,5.59474355838785,5.59592273704714,5.77077792363762,5.57103385324024 +Asf1b,-0.357062592464868,-0.533846454069495,-1.06414875570966,-0.407521143783269,-0.432081286672915,-1.0050363735294,-0.818780061542299,-0.270312713878199,0.105492605661242,-0.623850891554221,-0.919777057814602,-0.2437889688928,-0.548293247653258,-0.532309118055928,-0.351058244070227,-1.53646963521446,-1.43902563493609,-0.382583484003381,-0.141664942083882,-0.346591148999488,-0.570048870576471,-0.698531803881486,-0.976458853648733,-0.129235653234818 +Ddx39,1.67342041977111,1.57961927472762,1.00152218623267,1.81246339434233,1.83428508708277,1.82167476360597,2.04996988111029,1.01440590693772,1.22034928390429,1.61843899833067,1.86168255104775,1.91474703089265,1.37963359325999,0.925005040638585,0.410092123889048,1.27479233917475,1.70322809642051,1.22691417945322,1.648281952302,0.574145743674358,1.28835241387641,1.08669733614726,1.65361094693462,1.58021730790733 +Dnajb1,5.26528123570271,6.45283149274906,4.37913885304066,5.79490739981326,5.51570385257532,5.26212870893478,5.48232014583848,4.29837481379587,6.21828251987617,5.45680021692133,5.39871561753173,5.04619539810472,4.83458546970318,5.07573650573646,4.0796634292661,4.99353271046082,4.94349473596469,4.47701988245643,5.22723816510079,3.82581838673647,5.32008735104812,4.85451728280078,4.83925349703685,4.94512557882086 +Usp40,2.36681293184602,3.083643315755,2.51837426024865,2.81444772993201,3.41983247532872,3.26441505847485,3.26146610784641,2.51358813063763,2.62584760824888,2.76012250301558,3.17693295981394,3.06013381613276,2.18666667855052,2.61399747486571,2.23146437668243,2.5184541537557,2.70033481846911,2.42746127896367,2.60716745114204,2.11664201385597,2.17940778228415,2.49055125792342,2.77976770843363,2.70414675018676 +Kbtbd4,2.9707726940703,2.72779006218923,2.9876865984329,2.7506906368392,2.47419442014741,2.66183095609876,2.58750822099283,3.01982409160192,2.84127133666377,2.88452851287154,2.45251973099169,2.69917185495081,2.96557097912899,2.70556381177678,3.11650812538626,2.75475564762264,2.67339183830332,2.78398009031085,2.54806544390798,2.93055832032215,2.93032073972098,2.91036094477941,2.60792665043121,2.80215935419258 +Celf1,4.46297361719363,4.36468753237098,4.29698609997823,4.2193871527138,4.54648464132434,4.55211532678164,4.39862886179521,4.49094653110076,4.35545440402374,4.23034593660091,4.45593771095758,4.41472429342487,4.04843152730447,4.00461798807593,3.8537895743498,3.84788941885053,4.22863347060801,4.11580671797154,4.09715142729298,3.98453581786955,3.87849698921468,3.95761859044078,4.21351451408633,4.14352383834457 +Ndufs3,3.95548025299698,3.71495036859305,3.86798894045383,3.73894610301543,3.64521640645858,3.69651127990391,3.80322041910983,3.78066894411662,3.90756584873944,3.95708878204819,3.82300338426657,3.80550164543918,4.18121274896658,4.07068380262034,4.1239532122112,4.03793748681633,4.0416383024115,4.02571097585989,4.09050523155178,4.06580543703024,4.01425774847314,4.18753658577176,4.07316451512804,4.05687861170214 +Por,4.50397694219754,4.60163743115846,4.80181340669562,5.23782187340847,4.52505190381288,4.33701529026094,4.27780608690629,4.57318201010753,4.7226646267785,5.22567003685662,4.81572306785461,4.50456338761853,5.14848907711018,5.2388531814059,5.54068099480123,5.61529693728741,5.37552547555321,5.32522923302988,5.18074731374485,5.31753522407999,5.33850482213974,5.58038246030592,5.42419477792452,5.2058556267913 +Igf1r,2.66593701738888,3.2351825744279,2.86590061822687,2.56269536174663,3.43666785382021,3.58197496842128,2.81620606117285,3.84359311647905,2.9127989627638,2.41866631694602,3.10215630004465,3.10231680858795,4.65191829128725,4.53405667066563,4.36686248300207,4.12055282224203,5.4659008588839,5.29790371717102,5.21212492792271,4.49696938843163,3.99893586896823,4.08723355995829,5.57991534193839,5.17257538755732 +Insr,3.29294092443369,3.37731857091723,3.37277412247213,3.27116006103101,3.58966939016075,3.49931287440619,3.29737420409538,3.61126002803601,3.31344691669629,3.18603634266175,3.31829073802735,3.32927653662749,3.29039330332167,3.46205372768763,3.49823960408445,3.40675969424888,3.46465037710105,3.33236976980692,3.50426594304133,3.46909022927946,3.31368406118413,3.42842939195551,3.43431185204973,3.37198817074508 +Atp4a,-0.424075784408893,0.0603979938044026,0.355255275459812,0.172068120300791,-0.370848806363691,-0.322434128032509,-0.135129780564577,-0.307448861782799,0.432251189827799,0.0086217026821258,-0.427252644174378,-0.146637411988401,2.0255293681726,1.57282153831702,1.49494630810661,1.54198755838429,1.71007587286975,2.59212076522221,2.0407624866953,1.27003539483765,1.81189479645237,1.98185412393409,2.03309186029381,1.90816135374633 +Trim28,5.2408400653086,5.22695784123077,5.23959548999137,5.33972565896122,5.06513589385619,5.14631192746591,5.27270636812774,5.21469305918384,5.29243497949298,5.28938812160329,5.1460256171134,5.27066947901311,5.03537783104561,4.86492239282277,4.98736782208505,5.12558117051438,4.97786395322172,4.94638658999827,5.17871994414708,4.80972321481058,4.79532306982884,4.89352166303032,5.09077968825209,5.02978475274336 +Ube2m,3.63473960439763,3.57101393253551,3.46965629483923,3.69285328631626,3.72477734683649,3.57561081946988,3.78914379167672,3.46487476802792,3.54873020360292,3.28558834023985,3.96723991025706,3.68791027757564,4.28514750811697,4.09426244140924,4.30180260890767,4.1436468447732,4.141093767978,4.27299695038359,4.13833160944265,4.19352835388487,4.19536102232622,4.20495070629468,4.28583565756423,4.15644537153246 +Adcy9,3.76768758044792,3.77263074878143,3.82550325681226,3.75820568921209,4.06890045931143,4.16095130437227,4.05641120372324,3.99629334152567,3.83750321602441,3.55723511515715,4.09726495919679,3.99768798824758,4.44019427517512,4.72928307757723,4.80351777403786,4.80174669678899,4.8512390918314,4.74351148650356,4.87048899808758,4.66801515192946,4.68422317118266,4.70445549534808,4.92387166350745,4.683852197236 +Mef2c,-0.133700084311585,0.348917794542895,0.265399387422882,-0.177101259980859,0.602417206670843,0.81470219973565,-0.689114868397187,0.365063129753596,0.248143189315361,0.308509457900866,-0.0079690014694677,0.470133856183519,-0.574941615936119,-0.254469000385181,-0.158769441397747,-0.334103836140403,-0.48900363546705,-0.998638790774086,-1.63118502333247,-1.0083393957551,0.0715358387373968,-0.0527920623490044,-0.689850894060352,-1.69351295583372 +Ctr9,4.51848701986251,4.45170625466532,4.63898742921983,4.62925184190715,4.31270199002218,4.30815002826844,4.44649757960897,4.48459386701927,4.56040625615164,4.54947431634992,4.37349943056351,4.44551969288178,3.5585056773353,3.63241672372725,3.54587435892395,3.74101706974316,3.56513381899612,3.62944370498066,3.6160913397029,3.62922356276984,3.54913663509972,3.64829343393209,3.6292638031764,3.78525835066692 +Eif4g2,5.72225480821546,5.51557809290506,5.6415597795536,5.4264501699415,5.89708051537502,5.7478990478178,5.42304142784458,5.85413891404157,5.59627992580019,5.46947328899991,5.63560221449946,5.57582597115511,6.19259564811584,6.02796016444737,6.28075255826058,6.03588928999975,6.31668175921692,6.24299905903669,6.13409968510293,6.31179137203948,6.11761144614583,6.0264906357939,6.26043346859568,6.16730491863454 +Pcyt1a,3.79262340430957,3.56956391795442,3.66300264517692,3.5903816282481,3.34802398579913,3.47713396631557,3.38232433333283,3.66199587619366,3.65686042076886,3.57616757801855,3.28099376393149,3.39159166840271,4.01837129959271,3.85209467795266,4.21998828803761,4.07299684956852,3.7318172248633,4.111742620688,3.67705338017106,4.15042986727911,4.18902129705205,4.10300632859629,3.81739289665449,3.84731126231016 +Zfp592,2.94785388580174,3.1441662388594,2.92061164937214,2.94029869659818,3.27000012764294,3.36497958667357,3.21391239361637,3.02236642938695,2.89811076998943,2.99632964691028,3.15569592030501,3.07365776792366,2.7380149301121,2.91342372375678,2.7036942769676,2.94125541157828,3.297541080638,2.92960293737137,3.23111449224819,2.73039126094138,2.71601511351141,2.92437635224847,3.2505817657176,3.04015280169608 +Psmd4,4.50952885959203,4.09929408543934,4.2451105517495,4.3572647170692,4.34388906108667,4.3049548473788,4.33463599461563,4.04820626933195,4.24305291733415,4.26651510710434,4.44986475974991,4.28988604152434,4.41298158485796,4.40393364898361,4.39743212204762,4.58611085984865,4.43333041936639,4.41709325498788,4.58128762596074,4.27149136804216,4.59844208542022,4.69161241232545,4.56723874540063,4.43021905774554 +Insrr,2.09982623596618,3.47184397136177,2.53130231060219,2.77028778876765,3.72007897093519,3.33929336975943,3.33415136271647,2.58340854384759,2.76226719235187,3.01834887593812,3.28357177764448,3.31093712522163,5.77304970825624,6.39317893618259,6.47720798028398,6.59471505334927,6.89043138201182,6.24669635970316,6.82240279638332,5.80951995843268,6.32267613386857,6.73544927883252,6.85022448595461,6.49362529872979 +Snx6,4.86152357408399,4.60125664000895,4.79309837581716,4.74479059080883,4.56162054313514,4.60936482933533,4.60637140291499,4.65748361736391,4.70741973537355,4.65472324110627,4.53534943054867,4.72310290743504,5.01911915547035,4.71476696700982,4.68340846750266,4.74421227205426,4.80500385551532,4.67419142534846,4.56013168317229,4.81974921353927,4.87280757583352,4.62121601050095,4.88906271833161,4.74157866255559 +Mthfd2,2.91274746992665,2.66285109156422,2.78556640425169,2.43501677396101,2.37600607884157,2.39945263295274,2.53575362139683,2.85202284921495,2.52983569474207,2.30172390488223,2.33467426565864,2.55854718799449,5.21160427734117,5.36466520539507,4.18865042069516,4.71728111542836,4.57045915159163,4.73232207585348,4.99696168036634,6.19607442402423,4.58790269172639,4.48068899679488,4.81094862687731,4.93583370689464 +Kit,2.64850670486769,3.58483677008085,3.68513059202066,3.7282251002003,2.99337428264066,3.00974889226971,2.42030860916215,4.06475869692204,3.24004515395059,3.62983426599106,3.17335446573544,3.17846492786631,-1.30808120138048,-0.58330288997693,-0.274499252323464,-0.232440025586471,-0.84467767618252,-1.98436475177588,-1.62315006378692,-0.743498463468268,-1.02947735874281,-0.144642700778148,-1.23343127818748,-1.30889453285524 +Tomm40l,3.17167997724049,2.93773174774501,2.59991369610982,2.61605498510769,2.74297244436432,2.6489503040023,2.98018210574332,2.58057278235436,2.7115119993356,2.57084769380762,2.89244878849299,2.81402624805386,3.4802793553264,3.35472704229377,3.22604608101027,2.94030463270458,3.12653536884905,3.40749557817485,3.55489215604455,3.53941775274583,3.34565745007148,3.05202201253501,3.17721645402024,3.214114770333 +Apoa2,3.57319136312598,2.86890384934219,3.41703948475357,3.06247739754178,2.79372528253621,3.25968924464512,3.00608744990376,3.18260677256053,3.54698987098785,3.13862436178933,2.62746496516307,3.0270668692258,1.84024123754144,2.3081097219747,2.33018291185946,1.40019937445732,0.971595860784572,1.45638457766186,2.12706855297995,2.08421804227145,2.41127197069492,1.60398000188349,0.881785549225797,1.57320901558126 +Pan2,1.74858961152015,2.98969233622724,1.41823706041551,2.47297454489967,3.25398107647311,3.03541721973208,3.29949885745664,1.43535348263181,2.30836424947526,2.58208798579121,3.22415344484165,2.80391519071791,1.92829033678982,2.66665211145477,1.62097161191501,2.37351291376908,2.9954085369857,2.28747889021476,3.33899417818409,1.72026843393756,2.35536746546329,2.46893713697417,3.0187091816364,2.89106455323737 +Cs,5.14281920674434,4.7163539538616,5.13162505096246,4.909100874211,4.86840160004686,4.84448299584374,4.75828607721999,4.9480173989601,5.05264903975581,4.84013188584568,4.78212866719902,4.72823440792159,4.80731721433442,4.59871196031949,4.75700148386293,4.68144870384143,4.73688458786137,4.7616072849554,4.68662568494412,4.82272495721974,4.64747146058447,4.72285539431873,4.69839452447941,4.63081313962876 +Ampd3,-1.97355955479213,-1.93013064172542,-1.37708161307416,-1.95800339151648,-0.718412084305151,-1.03701315641112,-1.49859252155319,-1.47382571078183,-2.06347818200948,-1.33596930746518,-1.44991027226061,-1.67731854449369,-3.516018466967,-3.06238272760501,-4.21004332821471,-3.15296659754172,-2.76718203808893,-3.52923386592211,-3.46886698680172,-3.50143426857285,-5.20318274261776,-3.89420019274175,-3.86301977892809,-4.12632707822168 +Bcas2,3.62095944315931,3.50687515539897,3.5751901714414,3.71051642692632,3.31598731936976,3.22833082106941,3.34282494553035,3.42053067651037,3.58966337718544,3.65178722258112,3.34262258538361,3.41507582782561,3.59701079208628,3.59365324740905,3.60960504097792,3.66557346422726,3.38569190546393,3.46820934796667,3.26104146860146,3.7062308385914,3.65000318180349,3.6849251723294,3.35467929674001,3.50844505137132 +Ctcf,3.9169268322101,3.99668022398877,4.04510687741378,3.93572973048803,4.04058700999189,3.96621109472786,3.99834109986813,3.97160105632613,3.98086345644391,3.9814921287591,3.97871834234159,3.84508100683029,3.7729987710004,4.20290624155681,3.63826673812048,3.98694336849354,3.9113597413535,3.87534871623292,4.06168649575841,3.94440782687104,3.72774933565156,3.92177834657917,4.01688204923831,4.0499326745433 +Pard6a,3.24603080083011,2.92317017472035,2.89833711436748,3.27183025928605,2.81423545855881,3.18474599958277,3.23264227721562,2.83437474201637,3.2019483136244,3.34736786738018,3.02603089230373,2.85415129850019,3.25971322566541,2.70050458079214,2.96703929716736,2.85462310655196,3.03686973260102,3.29656500091982,3.03771294038002,2.68284467882512,3.26024151539052,3.03202784199958,2.99780775021669,2.8988761844642 +Tfap4,1.31304588612294,2.04442083777077,2.42912638948567,1.85092365538556,2.21148375551927,1.55544419121154,1.54644718455866,2.48769080362241,2.20132735358929,2.29888766457234,2.05572755672864,1.66297780435068,1.28899373563322,1.77066926860841,1.69567878531748,1.39959773219495,1.63997063909027,1.64093504676196,1.2607111244911,2.42843280953837,1.41052204344332,1.9644272213458,1.91074019759837,1.51138326944204 +Ranbp1,4.66720056616727,4.02739226480063,4.36922103538932,4.3647673038809,4.15235716096168,4.40777204631668,4.40012129728578,4.27935380510278,4.51344590110134,4.3321199936445,4.37406034443757,4.37284447740547,4.65440269060253,3.96429203034503,4.40904337489007,4.03105967678466,4.06313394665276,4.35824474725858,3.9739956602711,4.14762512291512,4.40088073675943,4.21429513403852,4.14902406121225,4.14554576556556 +Rfx5,2.54481018626632,2.91848910399301,2.72796037905229,2.64754906084051,3.03277377866642,2.84487259571782,2.97052077109408,2.7400581078235,2.74481764029919,2.83803856430898,2.92831724444678,2.83319303469144,2.34077207922758,2.81146105364215,2.68982777955336,2.76972680162641,2.99687083303062,2.49048918029942,2.65461153892155,2.41124181589688,2.53867619199296,2.9065980334381,2.98485961813145,2.87975559236735 +Psmb4,6.6311003518012,5.84177362768344,6.52134671595329,6.40729094461259,5.97814994073514,6.03459965250293,6.15437173520353,6.35132498693214,6.51022175373521,6.34401020654479,6.17222475939315,6.17568785923384,6.70070146675149,6.19700346222638,6.59272273854368,6.30443867281957,6.26393530748782,6.54183126547529,6.147770827083,6.36083884987332,6.6128820494508,6.37455290279304,6.40453023836749,6.26910741362039 +Slc30a4,3.98881549214383,3.70466348692816,4.11846840961067,3.85377818270733,3.55521538311125,3.59143287753807,3.53266475722701,3.66408921483961,3.94416635557507,3.61313024483841,3.30691629773165,3.69574594149863,4.22911383477536,3.94083282042926,4.2799885366101,3.92414037304031,3.61880341053971,4.01726019429902,3.64261286869128,4.30811617845504,4.01982662259193,3.96803851997012,3.6918257259617,3.83913013626288 +Sqrdl,2.68631573865008,2.50516175567226,2.92327758205778,2.70805750886189,2.32503611517289,2.31891309867172,2.18186273654525,2.88251064096915,2.76722149106558,2.47330328766336,2.23284934683626,2.35754543017474,4.09426344248768,3.6849302426636,3.97427219856627,3.86774368208411,3.7170104600014,4.11041640959529,3.68431811045876,4.10859234765569,3.92446050452183,3.89081513311421,3.59585244923489,3.58116840601623 +Bloc1s6,1.93140230417408,1.97094859045754,2.10888677374274,1.61145473651369,1.64919873209253,1.79050673627101,1.70533791136949,2.00171925000067,2.04048153732076,1.58782426533921,1.56815474138592,1.93207762644588,2.46138057791965,2.40646278758734,2.74398207122491,2.35020128533108,2.06498651291357,2.05326026931068,2.17688968445544,2.52519899702822,2.41540330346285,2.54277133534749,2.26001985066774,2.20730731684736 +Metap1,4.51629862216264,4.31407756078013,4.63196329708698,4.43127426975798,4.04550181528118,4.29312523598188,4.16328653514085,4.24920410419533,4.45052544561307,4.48465207252067,4.17392380218397,4.14914922480183,4.42464500788322,4.2427735581255,4.53469217608285,4.37178865256096,4.2544349743078,4.37093706371179,4.2308176596124,4.56317149779936,4.4445798672211,4.37038397295904,4.31880543170118,4.34176862208676 +Gpr108,4.30648263575588,4.3163330455534,4.36914547290823,4.27473243909511,4.35003216280816,4.27504046403988,4.39959198360612,4.4390977130424,4.20683678812288,4.12176625359226,4.44598039327833,4.14400256717986,5.16488104365949,4.98127558971196,4.65333250477246,4.65476978199644,5.21367639257832,5.23613185042001,5.25727676837188,5.1880039350575,4.63768948728034,4.84698354318583,5.26894141967807,5.27182946083349 +Gata6,3.75646424326346,3.73527279243034,3.81113384881785,3.79542740050271,3.85893910376581,3.91346057729332,3.81210930998452,3.93465701283011,4.01537507162656,3.77883853179299,3.90714045078417,3.86843842036136,0.808859907927045,1.17459772313212,0.198125568859827,0.227892238609553,0.818159954681092,0.923200507143524,0.564455745156617,1.30045845349148,0.762896105063125,0.228103880720542,0.946719363571133,0.391134084255762 +Rsl1d1,4.81294829330527,4.41644993933757,4.77846256005276,4.79654154082511,4.46775165443578,4.59143819374731,4.72719991770876,4.46449519191896,4.72737121138296,4.88871776620896,4.5034651263871,4.5712811335488,4.63607088954471,4.45955632159289,4.68105688059992,4.64986220137365,4.52771707374189,4.54582295096099,4.52046682218297,4.45162384589618,4.70406558220009,4.69936186252916,4.5838108229639,4.55236640554561 +Apc,3.11227398522532,3.14633382431682,3.10046084574711,3.0654959420132,3.5023771661615,3.48950286933487,3.22449344888538,3.27941402207379,2.98613404667382,3.04549590810365,3.26571059638018,3.17238359051072,2.94756858976083,3.42692609362801,2.92248125156612,3.29702375525851,3.55369351913766,3.15942314637229,3.43048584813568,2.96485838676614,3.04707752650675,3.21208729738524,3.43230424586504,3.49345419349065 +Reep5,5.08706240726061,4.59917130371224,4.98463487065413,4.53573376176572,4.31630483091722,4.45691085646594,4.47617791799181,5.02573739868903,4.77837783718818,4.55093111519892,4.3919924315452,4.6064975874504,5.7697659665364,5.28841078055404,5.53887330087295,5.09261437043931,4.8680626559648,5.44138481618071,5.17855987191082,5.8026402851063,5.26531859072015,5.21834844775536,4.94789955352578,5.19316670290212 +Ergic3,5.36954579476652,5.03649529200259,5.36174936680964,5.18413900320793,5.01357101845629,5.07735569962428,4.94782852231538,5.3463698012629,5.28230670552583,5.22563942944149,5.13887753977848,5.07830075195347,5.08133452593213,5.0862447016421,5.23882850362122,5.04229341161923,4.79437526387486,4.98415597396198,4.87237314826802,5.23696838356531,5.1966762030068,5.21875708046098,4.98276412903997,4.8605162353195 +Uqcc,2.57404603330377,2.31237246944435,2.73417559074592,2.5582901721332,2.39842413785445,2.41851114580126,2.40904410449244,2.43512971724758,2.65117170353538,2.51646786384324,2.41794222921257,2.43079765872056,3.03237415097454,2.86056266003247,3.04340546767004,3.09922355363979,2.98317808469456,2.99740020097843,2.89366386092999,3.06594820064754,3.1679235163309,3.2187355731109,3.02159611300133,3.00284640679437 +Ncoa2,3.26424443027197,3.32782438051391,3.22905592295619,3.16525171942709,3.63094838930502,3.67356302277251,3.37476898487597,3.5393273085636,3.352764867719,3.07566150907025,3.54844762221219,3.41548073692726,2.89831175878915,3.3612751095015,3.07275678755671,3.09415682204235,3.45417402225459,3.12573617302704,3.49617114317506,3.14140469181545,2.94094825861432,3.11983697956087,3.41140835479449,3.34399759343639 +Nr2c2,3.98672797281374,4.12842679082332,4.20153222129566,4.00085924574916,4.02554890865159,3.95129509731885,3.86807979508423,4.42918499278105,4.11048394377693,3.91178290230661,3.93768720013406,3.99013593330354,3.59774805113915,3.94324499627086,3.70340027425937,3.61738994681977,3.62165454832487,3.59117674468026,3.53149613164106,3.89566707581149,3.55092827100053,3.73917693434557,3.52863627916843,3.66820282005186 +Nr2c1,0.652407007597044,0.909051569803978,1.12843089134853,0.806335392952284,0.611126552877251,0.513972119488861,0.540113662414059,1.5930446013854,1.02738056704692,0.412457660585113,0.674396432233053,0.726621013297301,1.61314766505947,1.57194323118937,1.74445262999498,1.62877394898083,1.40343254553053,1.63700742455772,1.56712668752436,1.83639283912831,1.53655779918524,1.57779118686992,1.61906945613538,1.60136852529564 +Smpd4,0.696389938198095,1.50395350213241,0.905147675008049,1.47357734034653,1.55652332492919,1.60074857340554,1.51313337939594,0.905146110716458,1.16687836396144,1.30875569697381,1.77165677044653,1.57675412002078,0.83880348066836,1.36814541023815,0.797909932522591,0.805572029700378,1.52356326238428,0.950375305591448,1.37668051515894,0.390826560383386,0.865666796172283,1.08851129205813,1.41748098867939,1.36377143843887 +Pex1,1.16377986678532,1.24832229841189,1.05690268541924,1.31390529226336,1.67494668814913,1.69751902242744,1.72230847238652,1.29611105342559,1.21361147842389,1.45662829514303,1.72806094536386,1.6129077401415,1.67115057673943,1.67902008538554,1.6164297408487,1.58987777370766,2.2743606481523,1.91433738925035,2.14410875988787,1.79022341655124,1.56277974823843,1.81746750934311,2.23467258377181,2.18630439857994 +Kctd20,4.11318430865728,4.3659515488445,4.31079104311432,4.49247019683799,4.37934144582924,4.28209727342756,4.3007135628657,4.04058127977401,4.37504251014117,4.47953826197016,4.31607281337994,4.19494661213968,3.91561772525507,4.06111788585764,4.08672658706262,4.39140086792005,4.19017341970106,3.94058795415089,4.00671152106193,4.12642177563168,4.28849347089493,4.2227998565019,4.10422736371985,4.03242173722594 +Ctns,1.96522849423562,2.25378334070145,2.18146168632492,2.38993410663771,2.07732328281842,2.09212370912137,2.13512212096864,2.21156823976832,2.27038312894687,2.27776474061426,2.16484593992637,2.32699313147053,3.30278913845678,3.2232549159559,3.12530928660279,3.2595517757001,3.19709441199571,3.05728050886927,3.18145434416771,3.63656635490526,3.231149878095,3.25197164447211,3.36229957361829,3.31581092355345 +Shpk,2.33250960591977,2.17819649805784,2.43128806816195,2.28568399915969,2.05576497905462,1.96383855397126,2.14468049873973,2.42888353301222,2.49609610884643,2.16866004023406,1.96431510781732,2.25574511679894,2.6361679216979,2.0899596270744,2.10259450206065,2.24335800260202,2.33631584785581,2.39032200728906,2.42635092242219,2.02416764464317,2.1456637138234,2.35237451488627,2.21997797292677,2.28538733602444 +Ephb3,-1.85054667932222,-1.96140215978864,-2.24858695935509,-2.74614717945986,-1.78620362563016,-2.01772043455632,-1.73376365679221,-2.27873260086736,-1.74582163961922,-2.72625513870651,-1.91324444823645,-1.67134467461195,-3.60001208278196,-3.2336118361779,-3.70055001752051,-3.84004470320412,-3.70945875894342,-3.61198268604624,-2.24488414431717,-4.36970459499773,-3.41658587788878,-3.44367012101537,-3.40903217409851,-3.93738582161356 +Tuft1,3.9386296721556,3.95362468452522,3.84520207777755,3.82810858921218,3.93659552730721,3.75512200689897,3.93466321953007,4.01454212441634,4.00684809158041,4.02754669451567,4.04941551121081,4.0595576629,3.76246868280001,3.63140482234811,3.68582224636906,3.71137299697449,3.63677188637316,3.57199766185317,3.67475542863897,3.80839900159357,3.73521735963862,3.48292704107886,3.64258654230879,3.55751000096768 +Rcn1,4.84870702855747,4.57001389940407,4.90156021115096,4.94196442868607,4.57896835833897,4.47602536791249,4.59679086654125,4.73164261301137,4.86328157718692,4.87114026056242,4.59188882932093,4.61690235011826,2.85989268826497,2.73888554312383,2.70358324625627,2.91830707231439,2.43379791139687,2.78609630708664,2.84426320656193,2.84683882806773,2.80133169866656,2.84775312881659,2.58473303869313,2.68050191427087 +Trap1,3.69789368032278,4.06067488220874,3.60040436619414,3.95032356086016,3.8968938864998,3.8211279418732,4.12158610619669,3.6660192318357,3.6910310502178,3.82257062636337,3.99926216621516,3.98842839068908,4.03266580629369,4.26203974786748,3.85834884238307,4.14582378137763,4.30223409999701,4.13205088693942,4.22205380422217,4.11922372647328,3.95692703978963,4.00852140627915,4.37640859631121,4.38940185002737 +Nat15,3.09496784260219,3.02567001382152,2.95333870626094,3.26134034866505,3.39923592910964,3.27716996718987,2.96031596341031,2.84893388459896,2.88768605592512,3.40060211391397,3.4292046741265,3.01853779788371,3.53908781791859,3.51058933288698,3.66756090015822,3.99226402709877,4.03039774620226,3.62603361067559,3.53782615573315,3.26227501356252,3.60208507144915,4.11046449649908,3.92237886439856,3.75893489267741 +1700037C18Rik,-0.283712498727306,0.368785268946119,-0.0379035884181338,0.181369119792622,-0.212944200482069,0.11730149357495,-0.0963986869238882,0.102651449429533,0.0479522281109013,0.299025784678248,-0.517933933941816,0.100007020175136,0.310150495683666,0.147884217466545,0.596198972155101,0.155282851371647,0.0272854443555457,0.0892674805841183,0.267322511907549,0.71513419019842,0.643526309382658,0.243471712073492,-0.0330378265568929,0.222875870894351 +Ankrd13d,1.73441491393147,2.33878081700739,1.0283479221422,2.17233170800286,2.20274182491863,2.03647050246803,2.57451157337873,1.11672162265873,1.81860331850406,2.27534266627833,2.47153711172703,2.07150812993934,1.1574431891417,1.74619318634499,1.30389546023096,1.59058268931643,1.8354327184528,1.59712079920046,2.18378910872996,1.17780510297236,2.15300462406858,1.9186522767832,1.69137464930671,1.6557207627163 +Tpr,4.0985000050087,4.54103873789534,4.04440023320035,4.42279668094296,4.47635740771005,4.39701540861425,4.38313980698551,4.03679374030836,4.16848780099193,4.35541594389204,4.46513837188813,4.40414478525528,3.85882648982294,4.37985593344746,3.55153908142625,4.46420661929812,4.55769705543035,3.83766770936145,4.46556722889248,3.30564907846358,4.11895010211154,4.36710370494843,4.57962687441391,4.56768742884756 +BC003331,3.01682238856589,3.43385347185778,3.01582048066076,3.41096965597852,3.13380139850611,3.00125807032712,3.28086453164819,2.93856642306944,3.11594684800953,3.38642288705257,3.39826533685995,3.48883446489233,4.19769559268281,4.56830466163026,3.97210442428879,4.35731408124607,4.20569861441475,4.02510809141618,4.10964873494996,4.22704035920652,4.28933580579486,4.26649866558443,4.17988714548603,4.30301296151759 +Dhx34,2.32479963858082,2.88772211531105,2.82738478368267,2.97663890169446,2.96704266270818,2.8179618621174,2.94910879006569,2.80985530360809,2.72773362901557,3.03249853706416,3.1925538264667,2.88384091876308,2.20951851749229,2.75403431180818,2.66772159953518,2.82088376207942,2.94495206046864,2.55740752459027,3.17534618267254,2.63114668442147,2.58119438988198,2.92844157766232,2.97610507531183,2.91357622603983 +Kptn,1.73492856320503,2.13389855541986,1.9163693389222,1.94948091734794,1.60289223056526,1.90562153244557,1.94637711999389,1.59706793633564,1.8964757949381,2.08515013223848,1.85452410911433,1.81601863137719,1.02174882487016,1.27103952764905,1.46980559784894,1.30668741947568,0.824750048026217,1.11357306941939,1.198398935652,1.13137010668568,1.45606006608666,1.65842436588624,1.26768413861222,0.686285152031654 +Napa,5.28186731035776,5.14888150456023,5.14991341285469,5.38678574595796,5.25719677339877,5.27809286216106,5.22944716500817,5.15545701747239,5.37584062706626,5.44028252890492,5.37702802706081,5.23501803011982,6.15506784223963,5.86340690913054,5.95447055070129,6.15839217614077,6.21525462783894,6.2085220208748,6.14641140509724,5.89659962920444,6.07674820508711,6.15110272558389,6.3274757513304,6.13557970665695 +Sra1,4.65238458975206,3.98407836814693,4.21350683387284,4.3545439173885,4.17271131652016,4.15098059274765,4.24035970239015,4.10623019488913,4.20830135300712,4.11552378739392,4.24987241867275,4.21526875297186,4.49109827477397,4.1381286103709,4.20498509843046,4.3788368175151,4.19294010194145,4.33258014578088,4.28408606256741,4.2248126991995,4.36243687753598,4.38799141533316,4.22309203600886,4.08366428719094 +Atp5g1,2.78565097206413,1.79627213397925,2.23855756073712,2.16196408169521,2.14536402639908,2.14569243832622,2.15275607985677,2.12303248985764,2.25718914688471,1.97257383292953,2.01146051524338,2.15129199400728,3.45820026183682,2.43942013259487,2.86387451148047,2.44398033240056,2.91736403862753,3.42455787636382,2.79794477755429,2.81227285207035,2.63727925118961,2.59690276155043,2.96110228481584,3.00307457472287 +Snf8,2.96521051304331,2.57895235704507,2.69472820986584,2.5300883720336,2.93440184240991,2.82136653921101,2.5148115521868,2.58599732552361,2.74613430988796,2.61885838599891,2.84221507407328,2.72722594627037,2.99659232209449,3.04492915615703,2.91170943082924,3.00365946878768,2.96433380667944,3.18758016485196,2.996671731927,2.9805645838884,2.82923148105033,2.88304331494061,3.20799801519065,2.92086947450739 +Tbcb,4.94671497058851,4.20784809806455,4.80160808666992,4.55723144940948,4.42007284083615,4.43748296978124,4.49092501361461,4.49035729260918,4.61785854964651,4.44326411691869,4.7208612223238,4.55235883202641,4.74424399308592,4.34467170149112,4.79031775095984,4.40931990142507,4.63272943657103,4.73717900473643,4.58989617896379,4.49556097545508,4.76966634079104,4.56067513687704,4.73308448573498,4.52620346627254 +Inpp5k,2.14818218975257,2.86218022057541,2.76678147526846,2.66882597884126,2.49623631245082,2.3645347415514,2.62816909249129,2.66617590137041,2.77943438350252,2.77865155108248,2.23256811241349,2.43968903419477,2.21261815901028,2.47124652058736,2.23618543090901,2.43652848276566,2.10331965337757,2.22834220681563,2.32055223642105,2.17974839744662,2.60297312096262,2.50418685482994,1.92533583013964,2.26926876405829 +Crkl,3.90574871997338,3.63805882014282,3.66532638550634,3.91105962026828,3.7788828497311,3.69352141071592,3.65624305300932,3.81618540873501,3.75153782501253,3.62729898019026,3.62097881983552,3.66510041130935,3.63111863059771,3.51844817629977,3.44478400116496,3.49188502930735,3.63829794944967,3.5262897666306,3.69233307590546,3.34277925728172,3.53784471772512,3.349882394022,3.47882350137576,3.44616125113714 +Eps8l1,-0.473643336233901,-0.389589809477558,-0.650816579196836,-1.4145934205584,1.12833851048292,-0.234845061057177,0.319812143086125,0.239943814206787,-0.632205498773617,-1.95194057074354,0.759211964308389,-0.146012796869225,-0.93982646644629,-0.204247027453689,-0.87771868974264,-1.17671861957102,0.675350109664828,-1.07880499165954,0.0721925455051418,-0.979682697956556,-0.705080551374023,-1.83474452615498,0.535385965862444,-0.62808927280826 +Clint1,4.04832001721871,3.687548982121,3.78474146627557,3.75380117302745,3.9582572200254,3.97670897902298,3.8516470505355,3.71985421663757,3.71959081597799,3.82230416185344,3.79901150073997,3.76921901426591,4.61132008444237,4.16246118335794,4.35419234721216,4.22809920060581,4.59264832942885,4.58292702603405,4.57840480869305,4.18010289299619,4.30224677673239,4.30259576849279,4.57307510978506,4.50970527469997 +Cdkal1,0.798578399422861,0.662391020266716,0.665561089446233,0.658897805720556,1.01770446428277,1.26188307372992,0.898452363402971,0.805165095916729,0.614886037876583,0.19702151058325,1.12795780560452,1.02768001760848,0.731742363780211,0.621374093757559,0.710831471528586,1.03847409922997,1.1647285883638,0.874050290944588,1.07069364003422,0.801624203061903,0.918949512376482,0.867183500177668,1.146840359369,1.04308048607147 +Zbtb17,2.5496558382004,2.72212333542457,2.35209228985598,2.84424771825241,2.68824973517916,2.62807126280024,2.85976445161927,2.28681416377903,2.48079851376785,2.76034671324873,2.75318788812351,2.70053464511027,1.88748720902911,2.55330048735625,1.889248470719,2.43609095369923,2.48810272107042,2.07089483958708,2.46997263435233,1.97207202412989,1.98780667189329,2.35570512664125,2.50154456311957,2.49027353933998 +Ccdc159,1.64810872666082,2.37350107767842,1.12760038923214,2.33351750658663,3.21142722905211,3.42490477325817,3.21339624486732,1.48507888853056,2.02237702618152,2.66969887426864,3.46223451798455,2.6262405287347,1.58128553442433,2.31421592132401,1.77909052089482,2.2616341667513,2.96003224488933,2.24736154124767,3.03331582038568,1.790880643322,2.23892351925632,2.51337729328387,2.76860222214928,2.58375712071084 +Mob1b,1.97572534117978,1.81154793045556,2.05454936474775,1.68440369978692,2.17685148362127,2.23874394744687,1.69202350472157,2.19730839298765,2.03281183855741,1.64627973304505,1.76925552788749,1.82478053688132,2.67752817166294,2.35805671134755,2.89563789251409,2.46044801069099,2.46189498810717,2.59509807874261,2.15463550187538,2.82912092348,2.57157017855089,2.33841347977165,2.27546025018552,2.31730455501581 +Atp6v1b2,5.36903230231983,5.19736518172414,5.602780589329,5.21844292562623,5.00934817398413,5.15125279835289,4.95598615630181,5.63614206874661,5.44433647946289,5.37373767907809,5.11343718778528,5.14132490655684,5.97690403649443,5.7488203288346,6.01029777643024,5.68190276194075,5.69114131668162,5.93362833442837,5.64579709180281,6.05790072610003,5.73563893040225,5.75478615440244,5.74055700449524,5.69322659221475 +Eps15l1,3.49526251695864,3.79803052806659,3.42561618177618,3.69924037463549,4.05545920498444,4.20740357208858,4.06847575185642,3.73961876811003,3.61658215090144,3.69989919576943,4.18678806412085,3.99867070704239,3.44094986408434,3.70153025477185,3.34438216189537,3.3591334906258,3.94178344074636,3.77287983137103,4.3006258066217,3.38209805202055,3.40285600121314,3.45769853444279,4.10763236608493,3.91790123159221 +Tep1,2.51091721098703,2.76950025389096,2.42122438123481,2.45085214338762,2.91343751380854,2.76593958423092,2.79172456194081,2.79452988917485,2.5574425082537,2.45242315365203,2.8656942735682,2.7524577941124,2.71300962886456,2.87088087529377,2.71039427490945,2.47875997307818,2.75873898950091,2.82641727040701,3.00523885440874,2.59125449436956,2.442259320416,2.47324585990553,2.90626982396572,2.95144121570727 +Ttc5,2.44675870627082,3.09170939614913,2.22525008042228,3.06927162753102,3.03254864336288,2.82744023785545,3.13878121877997,2.61504541923243,2.92419662736062,3.40212562507371,3.07846353186205,2.97404892703698,3.28557097075502,3.41262104850182,3.14982126580237,3.37064447110712,3.41587990720122,3.28021580830836,3.32511430071776,3.45037808011022,3.49611763005667,3.51423777121166,3.42354862442118,3.51901687795307 +Osgep,1.60863834667502,1.48823790555191,1.66722963011326,1.67846354888178,1.51556290541754,1.55948768735393,1.69863244428314,1.65747829379191,1.56655745469712,1.7069107939815,1.65839336747564,1.71013749676136,1.62467040082845,1.74462973913423,1.74363950951695,1.77099825171924,1.64400795716491,1.66466879423373,1.46384223558699,2.17672085667245,1.68234426698011,1.55145320375991,1.78715786090916,1.66337674744194 +Aamp,6.43960845181878,6.13928359592707,6.34816271792809,6.38210017935646,5.98526084056033,6.07788116743511,6.15933960132817,6.30345380666393,6.3564265206664,6.32834281166641,6.15460644325971,6.23106528082974,6.24931789797525,5.99336604822741,5.94827252471949,6.09803445991815,6.04521484236986,6.07711195174131,6.20844789541797,5.91912314991451,6.13902495838008,6.13025312032865,6.23113657220112,6.16144814207009 +Tmbim1,1.96088702528825,2.11832840532737,2.06699057651967,2.03669753176433,2.05207124453995,1.98096507114354,1.87390987058453,2.065049451915,1.91957001040867,1.98395568229705,1.92041322533487,1.93573214802847,1.76673497268381,1.84899333296058,1.90531434142027,1.76795973538088,1.62390646463343,1.77626732483954,1.46057179515512,2.20027049082047,1.85028249201055,1.87082637635063,1.59156876726079,1.55594826649515 +Arpc2,5.82978269186099,5.4512127274109,5.92731288312791,5.69788128638296,5.57814931683828,5.76585513909132,5.52887056213631,5.76803365677771,5.76187846155282,5.71872647584945,5.64033441991469,5.69208400397579,6.03464457716826,5.61436131552355,5.92761184791708,5.62205396105427,5.52167396666509,5.91250576036737,5.7122310851543,5.83724287547613,5.8339616487358,5.81956927969678,5.67891870790782,5.60665924388021 +Wbp7,2.29211052352063,2.8158602442308,2.04124394860327,2.52955729970197,3.54308484003616,3.51301619019388,3.37840654002615,2.48949189958018,2.3071237866793,2.60986626413197,3.44362491434834,2.88801511203097,2.04572209188045,2.35555561818059,2.12401695640416,2.16761811594798,3.33194179021831,2.72882447813569,3.50423273684789,1.54670502622921,1.98377060672523,2.20947766112762,3.24555903695431,2.73251195697277 +Tmem147,5.45326625797382,4.88629447364649,5.39083791064557,4.97753187925921,5.18994386834295,4.92633769624897,5.04357157761431,5.50724207070271,5.40141481600105,5.09516456235561,5.10904629802952,5.2770536122547,6.59307609158702,6.27501578555684,6.41406673899001,6.1797142504049,6.24675809987321,6.64467247216232,6.21553383054638,6.61784713555605,6.31503701409327,6.25587254861594,6.36285150143256,6.30281000822339 +Rps9,7.39784206800949,6.72591983499079,7.58578403353069,7.2719310810449,6.992719549838,6.97195258889177,6.8658681832679,7.28133103713756,7.29047748651314,7.32932210186553,6.97618448617672,7.15321751871724,6.61282113775171,6.1875456204151,6.67331406715561,6.36316364914256,6.12013344904617,6.46791614098802,6.0794481700165,6.73786046068401,6.53927993306465,6.35492429161554,6.08852085908806,6.04383050441566 +Tfpt,2.4709464543334,2.70933317504267,2.28619234315194,2.63920866145213,2.44739470777927,2.67907092818452,2.73136386155489,2.29769612676838,2.4623230812924,2.92247451152332,2.61040289356034,2.72919866773124,2.71577445300536,2.5714434017325,2.61370318987959,2.67666917818833,2.95098631076525,2.17815647787736,2.59141844347762,2.75604995882849,3.05600172583538,2.54794690614977,2.67543907144703,2.82916285374983 +Susd2,-0.969459643585241,-1.09279468248466,-1.541531369231,-1.9289379745968,-0.909463900194256,-0.980113771544004,-0.981447040327911,-1.80908367097068,-1.39821289528197,-1.10123350507556,-1.20759099092428,-1.00798359030626,-0.931358436313268,-0.849696869043174,-0.43286100157646,-0.771771878138015,-0.283335036384195,-1.63599683348936,-0.871044548036425,-1.46257709671334,-0.523150518092366,-0.761602439602629,-1.13091194006176,-1.62106272497267 +Crip2,1.1963944130214,0.94623202745717,1.58104404714698,0.360708438885105,1.6590129841369,1.4336796478115,1.21888402584537,1.32119352487895,1.48981787810967,0.883412078663123,1.20739889669115,1.35091079553637,0.248239045282393,-0.109246243413811,-0.0888970456143636,-0.834254767140137,-0.323376840455385,-0.456399351893698,-0.541737285825087,-0.423492709559564,0.656446963503295,-0.202321519801144,-0.158381519646869,-0.441465243377005 +Crip1,4.55612401122194,3.51204687355127,3.81175788021755,3.96762707630035,4.30415235747142,3.70975860822925,3.81262140730765,3.58350269703157,4.36308456116913,3.52064461152471,3.50547444199412,3.20739273324595,4.6826396587365,4.30913317800525,4.62609040151454,4.69995884742429,4.42245765281018,4.49012657098378,4.01896435456736,4.43427254094847,4.92346646629412,4.80777423206702,4.22858072370836,4.20071295564065 +Cbfa2t3,2.10106096726331,2.00121661762951,1.83470616327996,1.27995892740317,2.70789942090767,2.58195940546722,2.52247515720142,2.54954982385389,1.93441309176077,1.76244854171281,2.67728690712299,1.97465008219188,1.93102689546542,2.34217151088946,2.03884696691618,2.05375080611688,2.93250220117638,2.41084632018639,2.99553931997008,2.0191242761818,1.87502263555046,2.11101905842474,2.88632844739687,2.82803582105196 +Fbln1,-1.13530716073328,-2.01290394656969,-1.51473336517413,-1.60839557584311,-1.99014314661298,-1.79130811264739,-2.86759882935762,-1.65415788102453,-2.02278317636167,-1.938794670578,-2.16270883170061,-1.79064473884084,-3.07415430345101,-4.48838370667869,-3.90799130279817,-4.48838370667869,-3.50265732579468,-3.42113466448008,-3.37494439432368,-4.48838370667869,-2.66743328574135,-3.49916357791647,-3.89326228263464,-3.07470819046233 +Pgrmc1,7.19431521997167,6.94366694762859,7.38409285204643,7.12065098274348,6.71179821686452,6.75356863063607,6.74470405351037,7.2294524219304,7.25864218113316,7.25287537265091,6.77466296855895,6.90644226773509,6.21915657254161,6.18789332683306,6.56634756887823,6.39443446179949,6.00352962581089,6.10090930303336,5.72364095478431,6.45927763115403,6.4254773160411,6.35517898851646,5.95698064792987,5.87529639288561 +Gcat,2.44621061409267,2.26962881402831,2.14425622271308,1.93445071766802,2.24077804131895,2.26684992465005,2.28535641443029,2.20998611444547,2.15576006255787,2.04363405131373,2.02191008117676,2.16593302619432,4.6970660545763,4.09262181296341,4.15131621716716,3.97888001624662,4.53663324370784,4.8455964953658,4.52615375204395,4.29306098427383,4.05659188753825,4.00717298742506,4.72778281763091,4.42964896268672 +Elovl1,2.09053447163964,2.06155601845431,2.12525683435142,1.88923062076783,1.88346504341936,1.52777528399297,1.72300481434031,2.05155075128016,1.8920476985929,1.76484109446574,1.67391405430833,1.50911573021291,2.58855683120833,2.29433897604984,2.20063004397564,1.81771328103062,2.02159423044077,2.26377543799309,1.86522306498426,2.3152000205553,2.37040896182684,2.25794614359201,2.11638256153612,2.13347639962715 +Med8,2.43037800360293,2.09258284097011,2.15112481586424,2.34197462785137,2.01614515488447,2.4155396853709,2.055237587907,1.88926499994047,2.20105670722609,2.14049223612338,1.93494716968854,2.11609038045811,2.41137396832193,2.64533116933799,2.40588159501297,2.59796187817517,2.60972027419901,2.4213873661983,2.76134873260657,2.36221283156999,2.62653191318736,2.46638520903151,2.43177111071218,2.84540155894929 +Hyi,2.11538089896063,2.82378958194871,2.71044804696017,2.7281788994641,2.59163501426843,2.28570671848505,2.57901801153662,2.29513110104437,2.43656782315381,3.11128130660963,2.74140189701901,2.65359985665052,2.03481178123399,3.20618691800171,2.52604527284611,3.10642343331584,2.82441120100515,2.0500370505251,2.69928784892514,2.29309138936077,2.81773558099788,3.16725244303715,2.62305517997811,2.52524809505394 +Cdc20,-0.775129286586479,0.0766659702265422,0.392575809382035,0.325239287720404,-0.446316345324046,-0.458958249085714,-0.180283951984575,-0.527396420326221,0.28455318323257,0.0207816211952047,-1.38502962202522,-0.907922189872179,0.460792128739462,-0.126314419074728,0.248103913434974,0.626898470336049,0.46543717904215,-0.0588030091813867,0.328568091255698,0.480310499138937,1.18147937207542,0.240910510852523,-0.329748851718422,1.27244296913159 +Pvrl4,-1.57810041590766,-0.863603631391661,-0.949963043246314,-1.87693053416171,-0.968847948198841,-1.4628146936191,-1.33293349978866,-1.5312528648596,-1.5103215558269,-0.983074823338179,-1.41028434711433,-1.13345393553453,-0.543064315793921,-0.600953737892639,-0.192240164783073,-1.40215753180032,-0.769372119131976,-0.189194679236882,-0.821740911795271,-0.248180105761235,-0.204513905406501,-0.964295795792676,-1.2402456423821,-0.427487101199061 +Pfdn2,3.20715821694878,3.16847663212459,3.40463535114988,3.24396834016094,3.39480152492006,3.09868765744665,3.140136532284,3.29491331212084,3.34783887576631,3.44995222643135,3.39138248995143,3.19401913130789,2.75197104009774,2.96057111091033,3.07205421772318,2.96380918797389,2.95106516181618,3.02402157355631,2.83077874693349,2.86529401574148,2.97030463190462,2.89223368029059,3.24608749248875,2.84360776741884 +Rnf114,4.12753147148136,4.40723784128255,4.79499196506764,4.49250157859769,3.88293058660468,4.12150271337076,3.89340682667906,4.51696126445962,4.54420337148936,4.43811979963712,3.99395825353742,4.17925918876572,4.50771788065057,4.51438082662632,4.56462655167076,4.51972691631626,3.98738173250545,4.18278072691825,4.16497152364889,4.80137434881459,4.68723445119924,4.62514351050944,4.19580991280604,4.18582504312132 +C330007P06Rik,1.7438255173509,1.87007908947192,2.10083000788148,2.01533058951773,1.56073742535143,1.45372855976083,1.6591244905793,1.88997916530687,1.9789311975983,1.78248491834774,1.48312963144747,1.60532537125859,2.85218821623949,2.58869670615519,2.87242001842751,2.64791975487169,2.47554478608961,2.88614448560436,2.43751411020732,2.96956724161153,2.73512528474777,2.60154153056884,2.4639997732482,2.60006564872404 +Neurl1a,3.71703493886951,3.9466332014267,4.12863512245404,3.77438019819771,3.91466941531277,3.98135788842556,3.83334558817741,4.45649889784764,3.93049976238399,3.63000506068349,3.86992994175867,3.98748822588459,2.30498721562721,2.30574869999653,2.78302519719833,2.28317084733624,2.10570933707628,2.27158464783059,1.89319729101071,2.60461349503314,2.45296527725834,2.76600065533222,2.01122914739511,1.79504810520869 +Srm,4.18377999265831,3.15266694797479,3.59963206911997,3.65673440732685,3.99703069182001,3.79668114997358,3.79308132021741,2.9119888798926,3.57688109995421,3.42713491785231,3.80875997890751,3.58214076524347,4.98496286016776,3.78217261422059,4.31407122652989,4.08928215343501,4.96074635645506,4.82364914029624,4.96373925892477,3.15310793966183,4.35968224571774,3.95117458286284,4.94284756304362,4.72890362950013 +Epha2,-0.737233669668524,-1.45602939096458,-0.343540932872491,-0.899602884418953,-0.437146298160152,-1.26771896010584,-0.928157777922616,-1.13916492601282,-1.14384120891618,-1.45390640469683,-1.91915986206577,-1.11865266850479,-3.94910037767187,-4.58606858454167,-4.00567618066114,-3.41187180173614,-4.01060612167208,-4.58606858454167,-4.58606858454167,-4.58606858454167,-3.99474557061681,-4.00828370749591,-4.58606858454167,-4.58606858454167 +Rbm14,3.35865889206425,3.59295655288317,2.89364019063313,3.32063197894935,3.85860223726179,3.94618351348265,3.67388430999209,3.38605668217018,3.11542146890532,3.08750876651056,3.82150988336584,3.42896244675082,2.93373336885041,3.10758441207888,2.40432548869083,2.96956027062664,3.80284624682344,3.39478243500441,3.81673225514472,3.02997357808207,3.05460473774198,2.85588772765693,3.78981443749194,3.57955906299681 +Zdhhc24,2.47183060287428,2.48725417395202,2.51028694497843,2.39123158992523,2.28589209609074,2.37607507385678,2.1695648568935,2.33343353286622,2.50214879980165,2.51196728906535,2.39077515841541,2.36834714412285,3.45866348023126,3.21212796235163,3.43848074673249,3.37602465366493,3.10504789034432,3.45888522284146,2.95503014816361,3.5180163635734,3.39887768642776,3.29710504619496,2.77561673631257,3.15012595571903 +Bbs1,2.59396911542928,2.91990685654731,2.58559799907543,2.58361774278585,2.55326258972143,2.58538458746798,2.63422389653021,2.96495225746837,2.66310114006816,2.68748896970035,2.71031374749504,2.70227063163394,1.64520345551576,2.62393852437556,2.14416490910916,2.72438703778756,2.46333701555892,1.81466059260287,2.42916363963044,2.27771582350977,2.15438266305598,2.65141480042656,2.41736370183923,2.35013420871017 +Ndor1,2.24765403230389,2.62145489380077,1.83606248461255,2.59304204210375,2.9816859763352,2.42648157990088,2.94760554545744,1.93048420908928,2.21675142157544,2.54521072038633,2.92409963651295,2.67854161489445,1.82563022919824,2.04330617763955,1.26910777981769,2.12037989185824,2.7516250295485,2.07461986516494,2.76635779092307,1.41410097011282,1.93895043088067,1.9047016104379,2.74541083117727,2.58790960031879 +Nelf,3.15028632623066,3.39510785005083,3.14862369336423,3.37606920224521,3.4324870145619,3.46296554150075,3.4347821661169,3.32300579943012,3.3318062729702,3.14919474060167,3.45271174402209,3.34633324259118,2.64199595091798,2.98000334959649,3.08847290498129,3.03024814988723,2.94988267355042,2.83316126463322,3.06844123546071,2.76960598368014,2.85802395525278,3.24246273036379,2.97954112903119,3.08749670249536 +Pdk1,2.91268263346068,3.02068742493614,3.39582372269901,3.10210146638655,2.68582293572841,2.75185816146765,2.63787907832307,3.17059479236036,3.2353424861722,3.06284129617077,2.74075804062036,2.69796099031385,2.86808912576612,2.7184053938032,3.06830334008337,3.02428278957112,2.15032054526214,2.67105314623009,2.32688602467943,2.73277602537245,2.84514081954135,2.87175607896917,2.32750217267688,2.33584027159191 +Ptbp1,4.81235137294871,4.96858781334062,4.90560779828041,4.93418190322663,4.83613092013212,4.87040227668113,4.89671455369035,5.03845897866761,4.98961679180019,4.8634725030192,4.87869619122491,4.71756963352303,4.76473314466681,4.83765965889143,4.50046462147869,4.68757276795794,4.81666883335298,4.73691176866811,5.09035641352356,4.77909978001274,4.58947859552235,4.78906415731002,4.84507834128499,4.66381993490031 +Mvd,2.09686709649488,0.867390352551495,1.85073878395802,1.3222886756755,1.11496410449641,1.62571474701734,1.56286527500123,1.41383872092331,1.30659924933221,1.53612694354727,0.987606750027238,1.19129576145136,2.42907972058617,1.48654106627543,1.99864342021075,2.02442206339905,2.60137664706127,2.45872636477314,2.41094289020508,1.82120462373229,1.90671795978314,1.88865733708268,2.40641037985983,2.52357542165562 +Tmem110,0.393804337100914,0.512036051938796,0.0127674758038432,-0.0240354149315976,0.272014635684654,0.341914372873876,-0.0836088277414997,-0.0029895445643641,0.453372644428943,0.331752987621815,0.074415493567904,0.194705990179272,0.646314060913165,0.866642219934845,0.305037480584653,0.0597743848315893,0.262691663848297,0.627698934780402,0.21905119281119,0.208346466382829,0.0282367163568922,0.527631434098554,0.77651200012954,0.490183977185976 +Sfmbt1,2.31452849207707,2.19384411359069,2.08454694902967,2.04144635978705,2.47159947310056,2.45361347457741,2.17126953238905,2.37103792048023,2.06249718893906,1.96583052275411,2.3456185865559,2.30229374503301,2.87400232685274,2.82439768072944,2.85217795772128,2.86950497293833,3.09389293689699,3.01910584441966,3.01351257970999,2.9561916573307,2.72698007609349,2.77816390761877,3.08872952024649,3.08437810691184 +Itih1,-0.363676289703107,1.18238937072193,-0.0546863425767743,0.667103462356375,0.599780268085569,0.407240079152631,0.416441298748196,0.298376808596947,-0.694227282211772,0.522215843179398,0.488455691083453,0.550329005094441,1.98639248210565,3.23941506760108,1.75116305963336,2.94639845311766,2.8507314284961,1.88137241475116,2.41129670502186,2.69666972308389,2.41370601798993,2.50509966821183,2.63566101463452,2.81587840377533 +Ihh,-0.785101686832141,-1.29804924334662,-2.61117338376851,-2.008296650049,-0.572832755316527,-0.846117657643309,-1.84662783808951,-0.477217784823255,-0.510360153417813,-2.67118454626419,-1.20145672759017,-0.516756899558745,-2.57274267386649,-3.07751242408581,-3.06967231014557,-3.6500647140261,-3.6500647140261,-3.01992304179876,-3.6500647140261,-3.6500647140261,-3.6500647140261,-3.6500647140261,-3.6500647140261,-3.01341291199619 +Cryba2,6.07334770041774,5.61296376051955,6.22001718576197,6.09801662225558,5.30605141674359,5.79063093522556,5.97685229306661,5.73799050538472,6.33257211983281,5.96114686301397,5.54918126035373,5.76067829302878,3.13287403572238,3.34824374144019,3.2543282247736,3.55516941937667,2.67916738305684,2.72275981047969,2.97395356357413,2.27881503694713,3.52287242659411,3.71255968037123,2.78978714205302,2.79811374910169 +Atp7b,0.481533194685407,1.34527650009091,1.04608305259433,0.852882336998683,0.764846813619256,0.803496254171275,0.891642105758984,1.03396818876851,0.925894875716028,0.802096855902197,0.728814440445481,0.525124693011811,-1.2228605655616,-1.29044534164505,-1.12162622930774,-1.68097882817591,-0.880630934762911,-1.69682117861835,-0.685743096284766,-1.51433702134829,-1.87613545897938,-1.22511686656998,-0.82486168786012,-0.877392986594806 +Rundc3a,5.59750121287128,5.93442490563427,5.55232337085475,5.92380197458892,5.81925517427805,5.78048320441999,6.00876836694004,5.56522592130408,5.67869376633171,5.91935802054592,5.98665201805296,5.87628227297768,5.87486486427889,6.04757890499808,5.740086426345,6.09189093104348,5.98878714352528,5.89135102373386,6.20154241890716,5.81898564077116,6.02012413170737,6.10914893161014,5.96816185581968,5.97424894628718 +Slc4a3,2.98578201641375,3.35357229139313,2.61932024836121,3.17241439415614,3.42992245241396,3.43131876675255,3.53316318052338,2.70791525013226,3.01471843688505,3.16085790624093,3.36104298012454,3.25147975120742,2.06364879784999,2.53592834850881,2.36307686162895,2.5207804707126,2.64794001225974,2.09982427270749,2.72376086509798,1.97196964989434,2.33796753034363,2.54352987232835,2.62256424272164,2.23037682103233 +Cdt1,-0.0248892862008852,-0.152111529244742,-0.253326240302473,-0.246503453838504,0.364793315056692,-0.173333180503963,-0.0929293988992115,0.28808769850368,-0.569535300403323,-0.942093768839094,-0.635205402052231,-0.435598001434208,0.29138923117792,0.22846480591071,-0.416348981361215,-0.507695749147141,-0.516755084332779,-0.796319258978834,0.0284218732272232,-0.762157437146304,0.0492350707796856,-0.118931198555593,-0.2948247098525,-0.0342326778841078 +Runx1t1,2.7863547327903,3.12865273658329,3.23233358566694,2.94637818261947,3.17637631093997,3.28408700718665,2.90184305582694,3.31691402193847,2.95355483343891,3.37173190793873,3.13403881289702,3.17403725797944,2.98109538457273,2.93274567160805,3.07315695740005,2.81981851275731,3.10724066546293,2.86184983953715,2.79746818751254,3.00708675075118,2.83485946691906,3.08180398554154,3.05988124419926,3.0644905973093 +Aprt,4.53599164892083,4.14996797732225,4.61567643521127,4.51765389674925,4.03744388569095,4.34206348042925,4.2026725964206,4.49749742094371,4.50335764906327,4.29592965415922,4.0493499899005,4.29626498576923,4.49512388965444,4.39395344590664,4.47639064795609,4.2800060277416,4.15766804952296,4.46006347525099,4.17033728198179,4.5475945444812,4.48700844385669,4.34044743659498,4.17981646148587,4.19370842804058 +Gtf2h1,2.86689000649787,3.05168205644353,3.30144921943606,3.05923945129573,2.84009703895427,2.73058615547346,2.80522006575413,2.87951668970046,3.1190644431456,3.21995746834938,2.66865334433789,2.93722370949207,2.99513841255991,3.00307948130346,2.87197848323221,3.21761973106512,2.82488958118663,2.74529321932855,2.91602225510658,2.95754590957798,3.22490367365956,3.20031507552293,2.90776154927533,2.93567064286198 +Hfe,2.22207527959915,2.14673504493279,2.69173532820722,2.34146322134333,1.61780438552075,1.95780747196351,1.92056896443079,2.41200518560287,2.41125546567294,2.43215231317849,1.82883492367729,2.06705324372778,2.8821308591212,2.59118518787454,3.01701393621795,2.61198493527419,2.14855570943196,2.72012422792576,2.46107252695098,2.97240610340142,2.64086702647331,2.50834231049353,2.14462790314106,2.35087472747259 +Abhd1,-0.933911645302883,-0.873399022844034,-0.734670344625722,-0.559447741159435,-0.559858602905724,-1.339719111779,-0.8015196545105,-0.998118132772688,-0.220300350390235,-0.458662283128631,-0.414240066667739,-0.870006539363335,-0.909036903773554,-0.45396617306693,-0.519000353309717,0.201715330744763,-0.777767391064414,-1.81074632961411,-0.547721578225228,-0.762894070967627,-0.0956934437026749,0.0277656117424545,-1.08638295122595,-1.67790793540279 +Slc5a6,0.88065751468652,1.01544562381012,1.59314637928892,1.24873683999731,1.02727401861976,0.997466939527888,1.11917918319469,1.17909277661009,1.18102738321397,1.46397791853989,0.998448523011457,0.716642450538419,2.32423290641919,2.188960882319,2.43181508736812,2.24090197199964,2.32801945462972,2.14808678749142,2.09490240462328,2.13728907181843,2.11744102876145,2.27475115752474,2.15962106309713,2.14951859186229 +Nphs1,-0.906960073361537,-0.125403446383197,-0.12277571930761,0.226263099889565,0.632244330368787,0.568018335897235,0.355879473483997,-1.07605187347017,-0.696585501448653,0.216413117645032,0.756457806451391,0.566169709833376,-3.26448928283276,-3.17102390865178,-3.37584577438393,-2.90143741340748,-2.27545257783873,-3.04916127925911,-3.49463068258311,-2.10453627766928,-3.61829665327452,-2.50990390597026,-2.22556416591421,-2.01494938630678 +Aplp1,8.82043660010937,8.62742495881406,8.9629151532383,8.64320386935001,8.78890072560531,8.91190983192656,8.64010152955782,9.14033925905421,8.87414485746964,8.71183867904616,8.80517745820061,8.72064504358453,7.41080927958347,7.40480845684495,7.57179806764179,7.31818703828333,7.69825587832292,7.63038865912944,7.7425550470645,7.6042625868064,7.2951597087298,7.31535817683039,7.74801356668531,7.36637614187265 +Qrich1,5.53624370886163,5.51273917376329,5.66724780065476,5.5254517158804,5.42041415828759,5.55063361952235,5.40244182839454,5.64753809998018,5.63550326699855,5.48339485983365,5.46822339969501,5.50132762159636,5.54460134275524,5.35360352990606,5.57076043481761,5.40696140117236,5.58085816648078,5.50541937943644,5.54533441361697,5.32409005325817,5.59474507390355,5.39806434977414,5.65927965592445,5.61822263234182 +P4htm,3.25140098229722,3.53400446203906,2.99785176834488,3.53009570437004,3.64454239995529,3.4439979748175,3.90814992221643,2.92839732835022,3.37979387117781,3.42696577202055,3.72191695046725,3.56788248305747,3.81473915869682,4.0260593275301,3.69377174202537,3.99846213383624,4.20940190471698,3.78339201091722,4.35311052340622,3.53014621948892,4.02547290350013,4.02788667373011,4.1435949473095,4.15063588416583 +Usp19,4.81269581378929,5.15995783771993,4.81318933924144,4.95685213445256,5.14508707353145,4.95841259528465,5.07198072882345,5.01187439148142,4.93798966224203,4.9840859383538,5.19101641975824,4.98070398219924,4.6263903792838,5.12161137792509,4.99873625308523,4.8908160013173,5.17791820572759,4.93208462644913,5.15282945348975,4.97813564793209,4.74332898465666,4.90224952986867,5.15349084473962,5.00351304624368 +Pola1,0.67202859788329,0.902861700859217,0.767536646988809,0.745016498589222,1.0156610353608,1.09331188276109,0.959635731639238,0.93298262805236,0.760549145509942,0.790950080351517,0.93337630929829,0.69209983904115,0.317036855640111,0.273756561636084,0.0322982114178623,0.439068529567074,0.223219654822508,0.340266949339571,0.0879052444721333,0.0807572532273224,0.165629593801554,0.178832497083225,0.219492420529884,0.458713378720754 +Cdc42,6.44920660796255,6.0894571777249,6.45238528603561,6.19805794671202,5.84387583337666,6.0545277621707,5.97203090042359,6.36836407100863,6.36447794420097,6.1965561643841,5.89551574842276,6.07624154467494,6.61628157557682,6.15404003396474,6.53713566887178,6.21393685598321,5.77598023508121,6.40089525300413,5.77415368631335,6.66444924571931,6.43873738154991,6.22481108874964,5.76854230308753,6.00251835356187 +Pknox1,2.29462896681191,2.45049789913705,2.16162782444117,1.86835568177527,2.16797644719522,2.30920966895724,2.28112235582917,2.37940206882834,2.15697724868523,1.82862969086296,2.16100251908488,2.34962694008845,2.46711874768066,2.62659102627562,2.29542961142862,2.33992373458673,2.69455951635767,2.7627825791319,2.68436770586445,2.63047489898954,2.22700188320417,2.41952804021082,2.79238439333327,2.82268123273451 +D130043K22Rik,0.141786977664334,0.809835944441776,0.146170930843896,0.747892816479174,0.706574868407273,0.0681976888900615,0.207289563101642,0.0159353736337886,0.304692943692938,0.519598516811592,0.363785974149607,0.323509080006395,1.96578407365966,1.86017717787397,1.82544593956894,1.73457939400302,2.12358450478606,2.02761359172729,2.34478045757997,1.44190755790015,1.56168443510161,1.75689693205087,1.8984633041347,1.99483791200906 +Gmnn,0.659886715203733,0.360740585823885,0.859128015880893,0.570318027825618,-0.0035094637923991,0.0842095363848735,0.595751376058865,0.817045516767483,0.416400934352018,0.219850664776384,-0.0558341121808951,0.77590545130877,0.982646394002009,1.33748503805288,1.80237639228629,0.977492260736101,1.23053255457088,0.964738139272886,0.874252531395453,0.830904289538989,1.6294276477621,0.768163564473979,0.574659507274598,1.51559773235738 +Acot13,3.70591110791619,3.81342611330416,4.23054071583066,4.11480161662057,3.45124605054858,3.75047718808495,3.47730203636333,4.07204875563308,3.74061905570278,4.17711476791969,3.85508055916568,3.8788736195513,4.55402450829012,4.73867315704152,4.8316034101039,4.51256974787498,4.23198330434416,4.3487222257424,4.31461010303959,5.03571995290939,4.68390406754483,4.62049424857068,4.34004744738083,4.41822095393857 +Zfp184,-0.0027026127403799,0.58757186339723,0.274674112258546,0.453767987052435,0.184805635517319,-0.125537172770425,0.308651377683149,0.0963767152601473,0.441716521982777,0.090881920407079,0.226781007357609,0.182248133045588,-0.356688455991377,-0.157806588345098,0.0472040723393636,0.452114281833785,-0.042453838686165,0.212044000645962,-0.366336419484973,-0.449667267813233,0.536228527987828,0.111105183473494,0.161341112530634,-0.286805139610481 +Cyp27b1,-1.47110001788088,-0.595383710402456,-1.86282461384767,-0.688105222118804,-0.729949338802474,-0.26960594727959,-0.444945074762104,-2.76689711351956,-1.15622309730245,-1.17583386787885,-0.176821146821904,-0.0893195677678109,-3.08845469710975,-1.75349752425993,-3.72542290397954,-1.6752067589035,-1.16432883221875,-2.05147402728389,-0.44341879458447,-3.72542290397954,-2.12776729585868,-1.93349256999756,-1.53190407661117,-1.43764994303479 +Cdk4,4.41053148122184,4.5746829561665,4.74649824401071,4.74183639921443,4.53977599497047,4.49113341046571,4.54414401753532,4.57401177100001,4.44848867377976,4.86191062243923,4.50847090456775,4.56339892877718,4.95318234773469,4.95367754969805,4.99095442726378,5.1193127170483,5.06350644852648,5.07266588551637,5.05159039917794,4.9461043246983,5.04634500877528,5.13615761299404,5.08774526190254,5.0364958424218 +Mettl1,3.43428218577725,3.17215630481208,3.29940512263134,3.49218113145497,3.78274206919647,3.53804783273652,3.70216086320714,3.44583694815723,3.07179370149632,3.58030128826818,3.71268956531322,3.52563970341889,3.79975135658835,3.18589655435353,3.46476549218543,3.45431254046206,4.0591669734554,3.66862781575739,3.93501634654881,2.99043615485171,3.56089112817509,3.62056590842296,4.08048643038771,3.91351611204864 +Tspan31,5.77261452000871,5.10850122958481,5.40716426786195,5.34836702092228,5.22627750687021,5.14809931116573,5.17368039959132,5.44423236141909,5.3002154484551,5.34462658037566,5.21791086086838,5.17915922365781,6.24268592722636,5.69259936843933,5.99613652714624,5.60535630511384,5.81059439572683,6.1511405062689,5.48024793216607,6.14201757249878,5.95512331108886,5.7832574735952,5.81838390300878,5.8672756684403 +Kif5b,5.57324448886861,5.32040257070782,5.286337040547,5.3119400597066,5.3113335421481,5.38949180411731,5.35528670663582,5.26828339687431,5.39800170387329,5.28215176504666,5.25302882064535,5.4214838648523,6.22973587057889,6.24931579361622,5.95560619011397,5.91700549696124,5.84888049820203,5.9791170030172,6.21097036270228,6.20588438536798,6.10304169034755,5.93753954521349,5.95289733222755,6.16898516558442 +Saal1,-0.106084083140807,0.189934420226421,0.186195683306596,0.0016758429074323,0.101756457532328,0.074788552387453,-0.0432942414068074,0.09149890681203,0.249344131476704,0.0371024336174384,0.264477952134392,-0.0146381515654181,-0.651059585898743,-0.394774433395367,-0.394079089462656,-0.178529116236638,-0.342492891503843,-0.581766458646041,-0.526432168102216,-0.356557200181546,-0.253781617167819,-0.272491981540932,-0.679241912302686,-0.403045483244853 +Tph2,-1.63265575322361,-2.38892756192484,-1.36444161474144,-1.09259508994615,-1.16890167612175,-2.08246304601281,-1.7757212973806,-1.25744084312205,-2.48374698546786,-2.33024518410635,-1.69569612525916,-2.38654312343478,-0.754268681823705,-0.46164775297164,-1.57604319610411,0.280144240937322,-0.824800625976476,-1.19161509336132,-1.24630284011262,-0.409524954414967,-1.06332442563185,-0.206503559779845,-1.27675171268051,-1.05877669915 +Cnp,0.5575737131255,0.800255494501465,0.778548494907647,0.970412364863112,0.489517412210794,0.571170078917523,0.653856244542699,1.39660650804433,0.754730522603609,1.10691054935525,0.495183692671803,0.666612614979443,0.81994688503584,0.711930923807536,1.03008540358038,0.718549774117629,0.424613634547479,0.505754967114688,0.93297356203201,0.840640774880131,0.948803891678705,0.997885839583705,0.822311073892292,0.910415358275736 +Ttc25,-0.830696408209843,-0.132030401005063,-0.292876247363602,-0.145053944571237,-0.409325212875758,-0.127151659418069,-0.153698646133794,-0.28096113976647,-0.322352139985604,0.147277372721445,-0.554297335160645,-0.519454914662677,-1.52303727897789,-1.20877876977229,-1.74566579927097,-2.11668911728967,-2.00636561488424,-1.54048654536853,-1.19472928902734,-1.3000706182671,-0.875943100123038,-1.00157212419209,-1.78443524040396,-1.25841539085196 +Sulf2,-1.09567656488937,-1.84909482063815,-1.58513544010357,-1.2637915770494,0.18615288120369,0.264124837835825,-0.573249021991527,-0.771979043070771,-2.33273434018206,-1.24072959315546,-0.416334815683136,-0.501253322000594,-1.4436780903458,-1.47660326050851,-3.10439007804043,-2.16749021671752,-1.40454451598924,-1.7862287353234,-1.38182946869214,-2.77119287747542,-3.0809837259218,-1.8335493012314,-1.28920494183633,-1.00780324129046 +Sod2,4.84451635727227,4.5197417465325,4.77305994472737,4.81619931549217,4.63929270403893,4.60342015862085,4.5492587784278,4.67477589707547,4.84930129341631,4.75906407587339,4.66914647126321,4.70816538436785,4.81103062360846,4.58935691963434,4.85593981198391,4.94089408396732,4.75168601375699,4.81632773645925,4.38301594682746,4.74070768052913,4.81522722655466,5.03725011403895,4.78083857223965,4.5412352123286 +Tmco6,2.55976635169052,2.94100420519855,2.35994317260434,2.64129032700739,2.90258683703299,2.65576464448094,3.00363675534919,2.4757894994365,2.6693040165063,2.94451414882967,2.94487781033615,3.0336233616094,2.80795614990985,2.95915432020547,2.95329063579512,2.99649580846754,2.85728521300691,2.84900258056418,3.21207931819634,2.97979370291758,3.19668482073857,3.21506920349927,3.11069697197848,3.22883231118255 +Stambp,1.72396425903122,1.8266364231344,2.06405631868993,1.42866757463894,2.47089175824671,2.52564856550561,1.8521384504292,2.50197219408954,1.68108133941809,1.24349567621802,1.93785669344154,1.77911988983324,1.42985044785027,1.60163430783596,1.72563584444306,1.23738817940053,2.40824656876547,1.72339790761787,2.34389273269431,1.65033973494644,1.16250029166843,1.46282157076477,2.05101502343045,2.10233778234213 +Ezh1,2.35373058442291,3.02490827305562,2.64944234376359,2.87721674424346,3.10240862432296,3.05447196641667,3.09390016636515,2.60490587748287,2.67668338234661,2.99549136952156,3.15025618033689,2.98347709497049,2.77908760138213,3.1383829908167,2.8919721406354,2.99946206963068,3.30151180740905,2.98547005094915,3.14110141553301,2.98327645436133,2.9594369416414,3.02777621024821,3.35843568371808,3.15708957274879 +Hap1,5.39015415728894,5.66509175843049,5.60364432347733,5.83143266091678,6.05538402410523,6.02520956585052,6.03030370728955,5.26483048562801,5.62852186889088,5.73816439081852,6.09124602890821,5.71103977813824,5.57155108038347,5.79483042249696,5.71447476332931,6.07826178324357,6.89688588110264,6.22489920593071,6.24354555667663,5.04266662387028,5.92081041599524,6.16689000413846,6.82093787859257,6.20470987870565 +Leprel4,4.75727407840245,4.40607348109641,4.9319661663303,4.56196516463484,4.2251390850667,4.37271260204416,4.42300909897166,4.68908019090089,4.70413478847908,4.59730785197967,4.39812783248886,4.4069714549241,3.85018658502772,3.89188070655624,4.06414678617771,3.95680645090797,3.53696255328863,3.85080646028323,3.57162173393641,4.16222339419329,3.94810045197842,3.8428062137137,3.39107944339469,3.6126229926407 +Ctnnb1,6.51709205914847,6.49542270610468,6.55711647927129,6.33556628923146,6.07581235860354,6.21059851788721,6.25721125788656,6.77927486751657,6.51789692842687,6.39799955140299,6.17892853498534,6.45782151583009,6.72040634350933,6.77490651310169,6.50259837863177,6.42568066584259,6.35179999435992,6.56871405337576,6.52397950599133,7.01981622353042,6.32575973203123,6.34765258058129,6.46453493395168,6.64567388734603 +Eif1b,6.11854978145493,5.38671209320966,6.064108858055,5.97388133317289,5.52353778630619,5.79305708426683,5.67351150703443,5.57762827177411,5.91298001242164,5.95000471138429,5.77138670382431,5.77745587124062,5.44880914712167,5.24980867805682,5.5312640877841,5.16783495559947,4.84364006094268,5.26938008033528,5.02505752212538,5.53076297198802,5.57367121568358,5.25382673671338,5.11108499169285,5.16515078864281 +Chrd,-0.0897130383314866,0.315548654885621,-0.18416328626202,-0.159906238878144,-0.0544021421463121,-0.179357423710297,0.0184696509111597,-0.68833625553521,0.0247130130380717,-0.648883375274946,-0.334301470379325,-0.0106706225906459,0.889910771925907,1.24199610771194,1.27518427898992,1.05155710565075,0.874292646726246,0.940202489133984,1.0122776973588,0.503972431770494,0.921141111733402,0.816527669023972,0.93221336302321,0.971657317860664 +Psmd2,5.61103163033388,5.20608712555148,5.27336435872573,5.230828171485,5.20949429579844,5.29251756190627,5.27484845469928,5.3933954160473,5.31841865245228,5.13127436606046,5.3217556769173,5.33400009111769,5.69958103611031,5.56256193832594,5.57410413965816,5.57989225545627,5.6365756084899,5.74784910400643,5.67938208776838,5.460121648319,5.46888419720681,5.53332775613737,5.8670759309037,5.69646576403149 +Syngr3,0.160459826292831,0.22097244875168,-0.0949396972237805,0.070891138914716,-0.25713391036177,-0.167368408436799,-0.477910153766125,-0.316390358427982,0.570516400575255,0.635709188467083,-0.1017207841103,-0.819455278852608,0.587049282141086,0.762214620554962,1.03456729520673,0.415578298420608,-0.349560390633554,-0.390201711033633,-0.0459246530738913,-0.810247106880853,0.963890675475604,0.522223035274836,-0.0625437133813981,0.427536244823473 +Vars,4.03031527012368,3.86214124999687,3.89224472846986,4.01523965930635,4.11460183878399,4.01364187672397,4.06842940647167,3.98071991763986,3.88298351456648,3.90553636930673,4.18383120815298,4.01622542891346,3.87620524549977,3.86440801314041,3.81960549275025,3.67860918296831,4.14545139080133,4.14265031147201,4.08784416864393,3.74373873119919,3.58501576418393,3.84641855308834,4.27197636949168,4.13747138752075 +Msh5,-1.25544818229915,-0.704851186730043,-1.36570445639145,-0.411035652290498,0.410172764292013,-0.439116004594946,0.159504389681107,-1.65479948336849,-0.922494067906166,-0.113713709434018,-0.0100621740879654,-0.0212245938883964,-0.641241583661528,-0.135846434065386,-1.44776737768289,-0.428013661571102,0.830726796111412,-0.417201645595016,0.925748891131217,-1.21120072068799,-0.285907249740785,-0.176007161058534,0.902481890420931,0.508097371327428 +Abhd16a,4.08884137564907,4.20017856573832,4.11723243033414,4.33763145073407,4.1013067727623,3.98009422915532,4.21038661582713,4.05904569400628,4.23553771624722,4.31334806899603,4.09655371451962,4.18426239133645,4.61072492217621,4.73970938804193,4.74587369139029,4.97997208375458,4.64311063883669,4.55954080917981,4.86049097163803,4.53982651740369,4.93248886437136,4.95278800191248,4.74570004552543,4.67939980569652 +Neu1,3.96992218935209,4.07993662320752,4.03150991153125,4.04250620006899,3.8360362870592,3.90170901079015,3.96039967973695,3.96723306157817,4.00593643945933,3.98585701963448,3.85202380321757,3.93413100002743,4.95613116108382,4.98962498305355,4.91681612673306,4.96508943221588,5.05722961650116,4.98976813668915,5.15126974141365,5.12168380464443,4.91456554914449,4.90770926185798,5.08021947797555,5.02225002797853 +Ddah2,-0.253653535743188,0.489338187145883,0.122245777265599,0.554987475904756,0.194880743095329,0.718048699274459,0.0494642361997776,0.213236977480333,-0.111009612747687,0.250529809379557,0.276860502584903,-0.554650485187838,-0.744679064552218,-0.257932448481784,-0.13817901966058,-0.049170061491505,-0.734135093762675,-1.3592082405885,-0.145661978471873,0.118267207538155,0.231780370801184,0.0352277283435926,-1.69299415359448,-0.590151448444978 +Clic1,4.80414720236851,4.64821171719331,5.05525127556701,4.75440723567472,4.1950752990854,4.54898691932684,4.32509408791473,4.69055401838503,4.76547111363133,4.82046342392804,4.44710435509141,4.65755208367333,4.90442620903961,4.87291633491146,5.07230477112547,4.88451834504084,4.66670692363496,4.77097400863276,4.75388725357001,5.11492439461349,5.04873423258588,4.78942781526097,4.7193784895911,4.62351919572348 +Lsm2,1.01991782165502,0.347912307823922,0.784180065048256,0.752831153145747,1.14721636643636,0.785842121392172,0.809916304142232,0.425471274778396,0.858843930519839,0.985470404849557,0.888384532607269,0.613463982233412,1.17308260696483,0.618682729420413,0.361543017603024,0.85392486365072,0.976890883844533,0.94229728509838,0.683736356969664,0.143977324498508,0.907580983571504,1.00573541397487,0.626073165757266,0.96003307076567 +Pole,-1.85754822821099,-1.78317092047101,-2.0733189412902,-2.25159249757541,-2.18388415904997,-1.62177440233096,-1.83114746347783,-2.4715709221253,-2.14241096355087,-2.65578180869277,-2.93146658565005,-2.15184065232587,-2.06424655432964,-2.36261310218697,-2.99237012193579,-2.40596290934951,-2.64349277330216,-1.91089433419626,-2.06352435244238,-3.05841862074412,-1.41231490908264,-2.22280652610223,-1.95246524786641,-1.43638012759818 +Atp1a2,-2.48063287710184,-3.15066466468758,-3.11901940197215,-2.54188364260048,0.502707523204547,-1.59950071676357,-1.99461724423974,-2.6684543097129,-3.70882552231255,-2.37051795552223,-1.8481165605434,-2.09618078190431,-3.58609304379425,-4.20316786033034,-4.18898866687792,-5.50268013536706,-3.93678068227503,-5.50268013536706,-4.84110916769464,-4.85814324435515,-4.9113571214422,-5.50268013536706,-5.50268013536706,-4.86602833333715 +Stx1a,2.93698736103941,2.93819501393841,2.98644864658988,2.97140862125163,2.9080875274654,2.81988963672105,3.19574768368786,2.50710878230564,2.96670326142258,3.0520927231367,3.03160724983038,2.84463392363483,1.41467336133223,1.56231278414782,1.36029477216345,1.06421371904092,1.24049444371382,1.13219687163766,1.8299973966472,1.17118494852855,1.47122570547205,1.56035518434041,1.53881109997989,1.27587491192429 +Zfp775,0.682903784838347,0.709058851279756,0.749577255522047,0.607110445908568,0.792433916984194,0.754842242599992,0.577104560128035,0.91916325699705,0.857305118816897,0.0277994822053396,0.471461339715336,0.926271724792971,1.05982278137266,1.1571589851901,0.899336202230379,0.83560258059346,0.689633838800062,1.0949452716533,0.887586280429789,1.28500490390976,0.912875810749958,0.632373381206094,1.16213496701427,0.660922124788117 +Mrpl49,3.89596140655007,3.49154724883725,3.75715541924395,3.85708066652791,3.20224586417703,3.4128119424662,3.4402834359222,3.63525790783097,3.81776164099474,3.85667182508474,3.26095832290165,3.76572329358267,4.19899362601249,3.71208591129293,3.77750080355799,3.94294507461883,3.3730184785552,3.59204713354014,3.49701356777832,3.76627142751459,4.02818769090927,3.75785505941361,3.72999825471475,3.81041108084496 +Dennd2c,-1.37681337460508,-1.21883701131854,-1.60981741827824,-1.83089367268888,-2.42112179149395,-0.821048194666801,-1.98756597280166,-1.69229509616563,-1.23404641002931,-1.59319523964805,-1.70496272670523,-1.50309541848274,-4.50223054782468,-2.99839873968173,-4.14605934029142,-5.13919875469448,-4.56373629182489,-5.13919875469448,-5.13919875469448,-5.13919875469448,-4.12966846984376,-4.56141387764872,-5.13919875469448,-5.13919875469448 +Mark3,4.81475310899064,4.87656042579564,4.8018119894202,4.92643416048518,4.9609837170196,4.95367079262955,4.96543423788543,4.62705927652921,4.86113373616634,4.90714446888512,4.94921673812633,4.96882646301956,4.48172748501643,4.74305434376583,4.54918352677285,4.66225096199751,4.7758209609797,4.42714272559247,4.8326869609424,4.55533619808684,4.56599191284064,4.79907319983985,4.92517039416082,4.67508208232094 +Gatad1,3.97245164605872,3.67465007778646,4.10768290098295,3.81842733504043,3.47992669714367,3.62485272938244,3.5205102237438,3.98335096630643,3.9860697824678,3.71652958166932,3.53174677647431,3.70059604058468,4.15857361325562,3.75074091792601,4.11854436590846,3.88403908695156,3.51708373228336,4.03260657249077,3.34014705786778,4.25569261163542,4.00931142979502,3.87602730294138,3.59768107527277,3.64777594047739 +Pcdha10,-1.46425380944448,-1.00759484169661,-0.987707331471904,-1.3360111825959,-0.420917525300178,-0.488805654688615,-0.925949856762713,-1.12767686863937,-1.09807392372889,-1.33093396051267,-0.920205459622617,-1.41569810128743,0.844364935317718,0.952648628422889,0.816989424400829,0.682079244084323,0.981916176046976,0.833624060454272,1.11596074884293,0.58755864942715,0.834222372480628,0.79888119486307,0.78482948520463,0.809387188943156 +M6pr,5.36278742063709,5.13891203458139,5.44882255404891,5.1789147956665,4.92313586981613,4.99768684990649,4.90192395730785,5.3130438433349,5.24525374629894,5.34178045113319,4.9272658022962,5.12594016510361,5.89277659422202,5.46880323184401,5.81035190380668,5.62032572932909,5.28544191034297,5.78071919576829,5.29372020242031,5.90945580371656,5.69489633321639,5.59926492582838,5.38767080010499,5.44929563844939 +Lrrc8a,1.45394503971413,1.64787408305911,1.18896254055486,1.57058201731239,1.60853402816779,1.75886885887,1.5767409820938,0.806299137072321,1.26396832113349,1.59408909088739,1.65818823721285,1.50266193205604,1.77977078722965,1.79014631021017,1.8294800786365,1.92065490047879,2.13966107438902,1.70529127994396,2.29548067744848,1.49198465987541,1.46245587217589,1.73028671626613,2.32174068972088,1.91705179624161 +Ppp2r1a,5.89694649291802,5.6865955324789,6.02446260662329,5.71920683864103,5.36878383611881,5.68466714449648,5.50423353452768,5.98075247406398,5.95125116673446,5.77192979350212,5.54281493593896,5.55683763460129,5.66994978562715,5.44889388883136,5.68614670652457,5.46667460460843,5.52658837680078,5.7198217542624,5.63048650128969,5.56803540260948,5.53748698377117,5.56339340330856,5.70346610096915,5.58408198164731 +Fance,2.23985338043602,2.4738068931341,2.48704768860236,2.55312712675984,2.57189011488343,2.38212445441399,2.44390198486407,2.1519377234703,2.36170675633638,2.82082918816306,2.56612290266282,2.3878125181362,1.74537462187587,2.03972221370849,1.81266728719719,2.15070177711827,2.0588700711526,2.18531779614207,2.14934248262913,1.67568823112625,2.17676601401541,2.38144137099388,2.11697672425639,2.18198894770137 +Tinf2,2.58095319515247,2.71257463281504,2.81314473847468,2.98343218601446,2.39847274316416,2.6462716045121,2.78773575394747,2.47454173935373,2.56570941600646,2.73171391306365,2.52611083793151,2.57439949772146,2.61999483106731,2.40596377894167,2.72411825871451,2.50498629113039,2.39969839479918,2.51077801533298,3.01234848422027,2.18005581845824,2.88389765088047,3.05029068644936,2.42703834124656,2.61912438368548 +Hapln4,-0.083605198484511,0.801069460933082,-0.8085627461474,-0.891452504936562,0.676256048150637,-0.396094883063124,0.27073470670586,-1.18630903081361,-1.06005302633387,-1.4287996551217,-0.31003454149173,0.200923237916395,5.26020313167751,4.93017116899174,4.63982789669353,4.45985210422275,5.03251930854562,5.28249159430564,5.45838663457988,5.00792250811355,4.58738147598572,4.53853999618587,5.1296675420351,5.19894528581072 +Dus3l,2.90387626847494,3.52276088239503,3.1331291336365,3.42326546984795,3.76562069215816,3.40267339529025,3.71502395617476,2.77817096273496,3.23754978357952,3.29977174274831,3.77462172760604,3.49709797638599,2.82229272180303,3.51153603785838,2.64067479467734,3.30066982277156,3.70577685656063,3.13510920530348,4.00558580958394,2.51107821100898,3.20209003664925,3.52211628988765,3.86176641747418,3.62821368039338 +Gtpbp3,2.15026153636143,2.5842004777827,1.83245823751791,2.47983932434477,2.35525047757874,2.2483155280505,2.52529574672966,2.10388240251781,2.19048954644085,2.34928488436344,2.40636055290623,2.28104289575744,1.89655667652161,2.07502290750476,1.69753401520851,2.21139604142199,2.30415076421462,2.00698504300807,2.5067579291377,1.85279255184266,2.08837405240924,2.26844097788983,2.46696830409749,2.27460262606646 +Tgfbr1,3.64346761321696,3.43336977035078,3.5732411885697,3.34836222954619,3.25458817966606,3.19110161819169,3.26091398439485,3.59819176585331,3.65908487161832,3.38803443868504,3.16250385762566,3.29011450151928,4.4712882862171,4.33295280347379,4.53802240488532,4.37864191156704,3.81038575058905,4.1782426639402,3.84918015898924,4.69748579713258,4.42126935318862,4.38677064475349,3.78100004605644,4.0314431967697 +Homer1,1.47643133973931,1.39987505880962,0.748153911419456,1.43622508119483,1.78928703883567,1.7378974154569,1.77646167616906,0.950507648413155,1.36247828364602,1.07417730789743,1.67784817866362,1.48877444765907,1.15693856422019,0.996688243901223,0.650257141986903,1.11934466784596,1.33645660973693,1.2343965203975,1.34552536491532,0.52398703159942,1.0592408054441,0.87562468737543,1.32588410246396,1.33717733697932 +Rad51c,0.237508260535463,0.211676316444503,-0.0987114574000247,-0.0770478884385333,0.212859859358449,0.309861857888022,0.269239200355392,0.355741780112627,-0.334952252427187,0.323257353133256,0.390788095112999,0.359166035600339,0.174377812102326,-0.0376710518054635,-0.149186620688103,0.408581744892835,0.522923425842269,-0.0107483049179562,-0.116441837640135,0.096867533178961,0.279527692628972,0.100299984237842,0.535669778491838,0.405771904960772 +Cav1,2.66773429771316,1.95275776267974,2.16867998224232,1.3084725740731,1.78487422094099,2.75745115960197,1.84722205149427,2.29483174363592,2.36975225125139,1.51322056966354,1.64627835465379,2.11970018145216,-2.45833171750493,-1.71671853268625,-2.34795192433697,-3.44209754123729,-3.15976961227167,-2.24300371393128,-2.41118023733964,-2.21336412109435,-2.54784038503482,-2.83651344327968,-3.13028430861013,-2.22956061989184 +Arpp19,3.78393348240202,3.40175024683159,3.81293115847889,3.49748776363951,3.22483615770672,3.25885220565045,3.3330170853939,3.8672176057955,3.62161579003898,3.62655174140876,3.14185335709463,3.40297960399752,3.63161356205258,3.38181837179416,3.57515629063472,3.40890615584645,3.0654368333785,3.36999476095132,2.86386760915214,3.77187566727504,3.59123161077792,3.34373766702813,2.99586065401989,3.16825386629994 +Bcl2l1,3.79260967782353,3.78506291053532,3.69776579734763,3.61396590146268,3.75270264389583,3.79273942341687,3.54222932815533,3.89268570355727,3.66207838037086,3.82099002562153,4.18035705709104,3.70963382569585,2.94433401623085,3.38978925719076,3.33153838969344,3.07287557436734,2.89664057599852,3.05193124575271,3.08923437667308,3.35050121950941,3.27725074592998,3.2901697939698,2.93905377921456,3.04979893156452 +Khsrp,3.4889398575419,3.59776019382594,3.37322710247888,3.20672066186403,4.06134754418968,4.01327520200407,3.91169037843519,3.95274458006046,3.41397049283251,3.34131574489557,4.05106399556391,3.55016361917943,3.24330346193751,3.35970848573512,3.43907964240372,3.36666357692497,4.32266358451661,3.87653358378261,4.28227909778778,3.07034422067568,3.46201369271335,3.41831902441541,4.40371361335118,3.85488670342126 +Ccdc124,4.55367787893469,3.89985288832407,4.19763852245785,4.31923429544044,4.20091136165513,4.33898708839441,4.41988006876185,3.97540317837761,4.20830408119654,4.03484006885498,4.40381543166346,4.40047660404242,4.26185830309495,4.12828094223331,4.44594693150728,4.17511795331375,4.36672229329376,4.28676694981903,4.42395288073167,4.37763566497691,4.54008148864004,4.41697601273566,4.61684579019922,4.38888616692335 +Cct4,4.94262664776216,4.77884276894559,5.4340672496298,5.06024413707579,4.50364244153316,4.52822857698319,4.66391615116403,4.87290306861626,5.12857548494948,5.05869093723602,4.54758085412982,4.81546113652027,4.66371981924005,4.46111610780827,4.65347541748132,4.49289272366419,4.46106717632431,4.68779610265242,4.48987885298674,4.84790239733831,4.6609608369509,4.50190928922123,4.38595581282485,4.60002118834127 +0610009B22Rik,5.08484981209704,4.33683443376807,4.71765499740093,4.56561623432648,3.99743274691641,4.05539989071265,4.42502905840824,4.88427079049877,4.77917950703166,4.64364524714432,4.20580557523329,4.50816326186394,5.08129149856959,4.72313664697663,4.72058185772021,4.56048590596925,4.33416138559726,4.78881732127209,4.29236411919646,5.07433170013043,4.83527051974057,4.5742086706157,4.38570233597689,4.66660605308944 +Cpt1c,2.89837404558529,3.4388018338965,2.72455753110802,3.10092525972765,3.18726276443421,3.37199219502328,3.54077021131762,2.80133544870417,3.0418785794504,3.34332671258868,3.43547987296573,3.25776636914229,0.50918063943879,0.953442452988137,1.07420999610255,1.33416591455363,0.487048532874097,0.368326529611105,0.858188318146091,0.489486641587411,0.759947493608089,1.13581389394111,0.185165172309844,1.05620412964135 +Zfp655,3.57422504547719,3.4794639307899,3.54627808685525,3.51518407563729,3.31410698919055,3.44321541849352,3.52076119495485,3.38596842975461,3.6322517117361,3.17671672022956,3.20053885318134,3.45228858016857,3.37578426449222,3.25651714329247,3.3900642844749,3.37345197951609,3.1770952480779,3.17999295131595,3.08673239436831,3.39013518406459,3.33796761167925,3.0536781567238,2.91212474265457,3.1485140571938 +Rhoa,6.17768340188201,5.76365316098354,6.05546093571339,5.67743690334548,5.84891008320541,5.97901858917347,5.59413755605939,6.12459022073006,5.93508436981631,5.75113936047002,5.72421125624531,5.83237352435542,6.3698666438452,5.91062303476727,6.18326955314568,5.79532494399885,5.84485768388174,6.26298653191926,5.95109817245859,6.22188474114954,6.06926539781996,5.89406856618086,5.92162878375143,6.04988683681269 +Zmiz1,0.981427881056729,1.24810726314697,0.593340696296094,0.330825851459813,2.30275500479831,2.32451669156183,1.93989044779797,1.91625729973269,0.719943031763089,0.377014744987419,2.10369085228417,1.42741336509083,1.00332929418023,1.36381851121851,1.2745592113874,1.17687553924639,2.74782934454727,1.81877139646088,2.83752970915065,0.933202343836274,0.863525857930186,1.32742470754736,2.70048572773017,2.01168254275953 +Ankrd26,1.96647535038154,2.07737449997946,1.98405684006949,2.09050590794874,2.2514477966545,2.29259119579375,2.16374001164686,1.85056772478791,2.06105940535058,2.10676171203435,2.12749859136106,2.33411574747617,1.66793787382757,1.86419410182251,1.58062291254695,2.21505623557179,1.98081389464175,1.76453045708036,1.89764988169821,1.4458941415887,1.88690378230177,1.9631432195406,1.95102584449472,2.16398032326077 +Aldh16a1,1.10426374486684,0.883698097942517,1.23133405422632,0.97736388471117,1.05272689489184,0.866085605203034,0.822785773333462,1.00372240400114,0.933728194305108,0.895332148776724,1.0044369177872,0.743825466886416,0.795120261182538,1.24801177320304,0.962410453112569,0.83569613288903,1.08171460305049,0.693673909605915,1.27785212349982,0.863227105031616,0.9023032002073,0.749254725206071,0.871924384550641,0.975196491719882 +Hnrnpa0,4.85638266032757,4.85847653082029,5.20092974853619,5.03159170549628,4.68665549379337,4.79842943294623,4.702811101571,4.9663371905371,5.08702699110196,4.98875690855508,4.92754434716356,4.80670616616136,4.60846129110164,4.61669897543608,4.80548559694768,4.72842105971907,4.4649611957412,4.49059775617837,4.63992199172488,4.53078180318519,4.8307069868395,4.73694744052044,4.53531437728283,4.31212290555738 +Prrg2,3.32163459009451,3.0654423232627,3.29426624316356,2.983295005827,2.8460334980829,2.94550686871916,2.99523653053279,3.16349489744177,3.28921949526455,3.05587395375654,3.06194575492382,2.89842190651987,3.76841559211194,3.67666170341817,3.72061011066982,3.75319986072849,3.4766810526312,3.77104949772586,3.53257148824412,3.96912893308294,3.72254231429171,3.70265585158928,3.65428323620262,3.23836313084595 +Hnrnph1,5.51991381381361,5.90888127999837,5.30260637383236,5.97234902106056,6.13562351421433,5.74770262344428,6.04742761851494,5.15204817686384,5.66480339911862,5.8202619649038,6.09594522392906,5.8392245749058,4.89550390552218,5.45120423838006,4.74816069502207,5.34103896488483,5.67448024638065,5.01790360030959,5.33151692859159,4.54096816873857,5.32056224312208,5.39749404408315,5.58128936990185,5.45675654134739 +Ift43,2.34791731160938,2.16640464345761,2.03244795385697,2.17334494389244,2.33291828513508,2.52607938832898,2.72441735241814,2.13627603786794,1.44854830970505,2.66586730402374,2.20714511550856,2.63746330152819,1.84642027588196,1.97114145661913,2.03779841740999,2.01352224509289,2.10856896252141,2.03631044148524,2.16597593616195,2.21267967525128,2.27225279059616,2.41195857620467,2.07916344473534,2.19188785484875 +Id3,2.48992699204707,1.91698336855734,2.26512196031929,2.57551172134514,2.32466287134309,1.94370647283918,2.44110234400134,2.05563639373448,2.92890336381077,2.56339628878589,1.99439666531003,1.62763361852637,-2.1248541475852,-1.64214178944352,-2.20903677334175,-2.4987777358264,-1.63627673465277,-2.57203451551747,-1.74515331184439,-2.11371242636178,-3.2021761877448,-1.63160482275053,-2.18696450319925,-3.2021761877448 +Arid1a,3.07058887589514,3.34449079579128,3.04950980979048,2.89781078626306,4.27727562693499,4.16799418236758,3.63121358486204,3.9468443438937,3.01153512737766,2.94285895621786,3.95296910139165,3.45303302951717,2.60369834059682,3.0592714971937,2.73913304588316,2.78212718418316,3.94191216426852,3.29642996916419,3.77514616111703,2.76513459096404,2.52284518464477,2.87944799104548,3.84175661785434,3.3616817509554 +Crlf1,-0.824298263341862,-1.58057007204309,-0.312966622785969,-2.19250644330063,-1.156432520644,-1.08160259141713,-1.11307980623271,-1.54922684757148,-1.28476653638602,-1.11041798199282,-1.60169175898783,-1.36202466956474,0.304873394195591,-0.786658884853761,-0.0906486694630392,-0.646102039828957,0.217511873316164,0.686647346630378,-0.0819342085510208,-0.122778532330088,-1.25767072850318,-0.0102363038127805,0.408349872902526,0.378828977615156 +Ctsd,6.48511603412521,6.38263158773171,6.88796889976969,6.38459369204778,6.0206734941571,6.08803049009665,5.97830976998438,6.76208941835544,6.62823737947793,6.40570513658487,6.11370407795719,6.20434087731924,7.14104918557103,6.93222843937712,7.13756359143541,6.82637769374086,6.51023043086865,6.87874510762517,6.56450528538859,7.29703213480385,6.95307721800003,6.87513632731848,6.55482390765876,6.66322976543762 +Rplp1,9.62828686378496,8.85226035390984,9.74871002595045,9.35819734979267,9.11925465507533,9.34434278578576,9.07823123424036,9.68334478333183,9.52796985068363,9.45054991056761,9.11229512984878,9.40287116769,9.07046902094014,8.63516054295801,8.96689816602353,8.6547611224264,8.26015339560253,8.92018876823867,8.33083761765539,9.12969738277751,8.99512677275366,8.60874937674085,8.31631084638484,8.45558020648426 +Hmgcll1,1.25001863244847,1.3710709537998,1.60807278582827,0.926889439055587,1.23812726542478,1.51319646400013,0.952827534652049,1.70672106713383,1.51705543486313,1.26517533587664,1.21188055242213,1.22287228752059,1.95817754889452,1.94474923079249,2.0834183864855,1.98691522551301,1.95354646804151,2.08507226341031,1.71849333013948,2.29269884709989,2.07515314856406,1.82957163798054,1.76306503070129,1.80856973133671 +Abhd8,5.00809234909286,4.41243766331312,4.72027210383381,4.95949776706305,4.98176517728178,4.97191540787548,4.7437680568507,4.61272564241422,4.67452500933089,4.98640475482536,4.94003302987399,4.87428543207058,4.83027984990245,4.50687220497765,5.01511605741376,5.03051612747641,5.29678815217881,5.10248790016001,5.00688743873027,4.67543371084384,4.83077362003316,5.29319886603845,5.31081631160095,4.94851939941424 +Rabl5,4.43332941105522,4.03462080488112,4.49293634595109,4.40809908171966,4.06196602925133,4.10898872762814,4.10005575500025,4.34795954995537,4.18061656032654,4.4313676706445,4.09359377910461,4.13769129569643,4.16028417379383,4.20354604471625,4.09933284515469,4.08671119410099,3.85332067343897,4.02170016834102,4.43228164827015,4.29162055531333,4.21810949591304,4.34410826158218,3.74535828134541,4.06042090456212 +Fzd3,3.7415327420248,3.46049444116433,3.66333629916523,3.30257979677763,3.6858276789028,3.52366110023532,3.29720486970384,3.56785356496461,3.3602823318208,3.18195024367695,3.40001761904003,3.42228260406294,4.16663865426863,4.06646577700042,4.30012057717791,4.07242564159976,3.84096921250667,4.08025180727891,3.63466686430577,4.56013677766992,4.16286641400323,4.07653156324439,3.72610440325751,3.86815201694405 +Mid1ip1,5.93334006144713,5.5464061413797,5.76954462030491,5.57933401750766,5.53146783028608,5.59282392073582,5.71056349059075,5.88384488006858,5.74130089361433,5.48975831542699,5.6180009674964,5.66673990055054,5.0741972648093,4.83517815413879,4.45606943825398,4.8947043233925,4.74407553596848,4.7302261192417,4.78400575804692,5.12842998585878,4.78540290206397,4.86832662316882,4.54518139160013,4.69618162108315 +Ap2s1,5.46360274515623,4.83697977480386,5.42193915293208,5.263332399145,4.95572803161326,5.07482132692036,5.05975035103895,5.3712458861398,5.42259426098726,5.14731595238329,4.97228494339556,5.25805034923246,5.09845936597116,4.98418933007721,5.22702006191437,5.03971808827026,4.78033591431449,5.15575102819194,4.87597302856504,5.21199255158021,5.27901210753083,5.31609235108893,5.01559022938583,5.00601378319414 +Fgfrl1,-0.417589451160357,0.352129228735524,0.624281194213577,0.215140563290916,0.522103866980693,-0.526296001563212,0.106861548607488,-0.204068088590228,0.320027006684614,-0.10946144340208,-0.222064239948127,-0.0824490307285444,-2.69334395694616,-1.478703732519,-2.19485821300618,-1.51667183472485,-2.46588327003954,-2.36840719714236,-2.65722668475075,-2.34321418116324,-1.94971557616842,-2.20009463211149,-1.57714716973739,-1.32766032826659 +4930432K21Rik,-1.21106049582159,-0.905985610735749,-1.0496256321464,-0.519671878196387,-1.20059595463791,-1.89432092139415,-0.765008264490388,-0.685387958575067,-0.628068969985186,-0.73600162596734,-1.5075540006405,-1.00109754686576,-3.06186830783382,-1.91820686487187,-2.38514504621448,-2.99543806278522,-2.13293706161158,-2.02488763800796,-3.69883651470362,-2.6103727533206,-2.6893062298529,-3.12105163765786,-1.86979939564962,-3.06218471267371 +Fhl2,1.17850960924844,1.22615961100607,1.49381665042838,1.32226922090423,0.422536424920335,1.07799180864129,0.502334262368811,1.3403860539686,1.08496437503187,1.99742016130627,1.1950955526705,1.22965307899404,-1.0891415371857,-0.576951168289073,-1.42992084465891,-1.47715326228931,-0.444634556997712,-0.310365082797553,-0.0090416878690023,-0.404237331660006,-1.40807302063765,-1.02192879220621,-0.982970828830489,-0.294857647974212 +Emc10,5.13423009645386,4.84156860749285,5.12345584685182,4.73669805387151,4.62810227932866,4.70300580528305,4.71190131640184,5.20483244041281,5.0474675571812,4.8031945813332,4.74303092004062,4.74868437214806,4.73225504296558,4.55649919341343,4.62535124431384,4.44494601484221,4.2773999151546,4.7009865862226,4.53603229943898,4.81430813365439,4.55391664435342,4.43227879978884,4.40504288001756,4.42334536175658 +Clstn3,4.00229423870936,3.86980722710724,4.05534492223188,3.66649151714749,3.66446961410555,3.89371045822018,3.84106938034737,4.23627127585555,3.83581924388876,3.71394826262335,3.82644801113378,3.94738290175314,3.51774985435128,3.10552075960222,3.40761757513869,2.94827486216627,3.05891886728476,3.4023603240464,3.29847750280213,3.12262748790154,2.65768625186086,2.95185024977018,3.42485535637692,3.33622198536299 +Fbxw9,2.60483892557391,2.97280215930563,2.98438073023776,3.07886890404676,2.94123961611824,2.8987077900451,2.9400304966457,2.43360539999838,2.96215117617288,3.16891762928227,3.15068281333995,2.87147213530066,2.12693733778935,2.50844114448835,2.29295746070871,2.26073872740932,2.34377113020522,2.18996289201357,2.51436947728525,1.85656056559387,2.2999400631787,2.47357739258072,2.43378700478256,2.05028609924903 +Fnbp4,2.38950149810407,3.23116054679333,2.56937287758528,3.303839660259,3.4672903074203,3.19911314954752,3.51277083672462,2.22127357882035,2.94170202397962,3.33836397067649,3.3776719261455,3.12870876339398,2.1998361671545,2.89822211215617,2.29945530469185,2.79201899463846,3.03610151696274,2.3941454347659,3.11593489938298,1.9168513800334,2.71619099344337,2.71879410822374,2.88690144901003,2.88044346430634 +Lass4,1.6591769924643,2.63520742145055,2.35850999514553,2.41253760525787,2.31645722960418,2.32293522190575,2.33165935218302,2.20762921948469,2.19686983321406,2.19384907304896,2.31680418592972,2.24654792529387,0.817730553746122,1.53208504605273,1.1845845528149,1.4847261508377,0.748517969709226,0.956650396740747,1.30396043443842,1.29875473304926,1.31901599548187,1.52535179054818,0.964905227614596,0.730961574671095 +Scrn3,3.63060529830159,3.51288414545709,3.73297766275916,3.25338586828383,3.25545564464274,3.26191121954699,3.13156704535168,3.48684440870479,3.41198386971338,3.41612152059583,3.21771600035507,3.34348287923874,3.31227994495193,3.12808503803272,3.28216877334162,3.2803225999771,3.11068072261876,3.35063339715342,2.85512753528484,3.38451277980324,3.16804252110291,3.17605699171797,3.11885214018331,3.21018532703945 +Phax,3.83249232634864,3.92045406033366,4.26638790406687,4.09515639846302,3.34802414889887,3.73951844381137,3.74663432742705,3.89022796424199,4.08195228588404,4.03620854915198,3.4358438716518,3.79692564955679,3.92127571014719,3.82813251063611,4.10175366424419,4.02315041761061,3.66704047461759,3.71469805637631,3.54841171456444,3.97429296465956,4.32517467682284,4.01914513022421,3.60358845949868,3.6460281886905 +Tle1,2.81405386591046,3.11539046274488,3.00882144593508,3.37877316209984,3.30390446713371,3.13867030598668,3.01788038122255,3.15505523978806,2.92349585532272,3.40312603623214,3.58423212463482,3.31272916595216,2.16769053221851,1.96052120917338,1.77311799517637,2.34970926258843,2.46327867748835,2.22557636312214,2.28960095060709,1.62488242181793,2.05238504063537,2.27888548938518,2.59415629487509,2.22873558965222 +Relt,3.33354935305063,2.95376123424473,2.83432907719758,2.03968908784188,2.54956799650978,2.92701215917152,3.26934425569534,3.07535266984415,3.21105927476081,2.25833947344761,2.62577838285997,3.04542306070182,4.2898803751269,3.65944128257442,2.67989040155972,1.96356333624665,3.38865744900289,4.02787845805742,3.96321981515284,3.85128570086336,2.95541221636721,2.11344033548955,3.32610433020147,3.8058057500569 +Snrpb2,2.63326873673526,2.54005220353507,3.15444314489003,2.90535185809244,2.08708743754638,2.16456593969837,2.35866885266896,2.57223026502445,2.91589353967304,3.02440025160575,2.14116701167063,2.56663707284517,2.82016114702999,2.62610043167833,2.90487452434807,2.69774143062124,2.12926357481332,2.44369239006335,2.246199370294,2.81770340527116,2.94381676096854,2.89054708382191,1.9867172535671,2.32705232008606 +Ubc,4.31618643005022,4.89605347989051,3.91652509611571,4.37802006370426,4.26872680418035,4.08356542250625,4.48249028512765,4.10838224163095,4.61605908149197,4.3955410076429,4.37641061953304,4.27147951575681,4.82202367837626,5.18039886225585,4.53851410862366,4.98871580998327,4.94866998444129,4.87838856592276,4.95407711943068,4.51303141396786,5.24262076396443,4.92956217871206,4.95049088130679,5.27574911032415 +Prpf31,1.95520134324028,2.25448106071827,2.21090497597699,2.16806328175303,2.31329643250941,1.91016010710844,1.99193403496828,2.11947909754279,1.95371705974369,2.15565008042874,2.43179463902201,2.155114340775,1.65229486244578,1.72491102673454,1.86233641147573,2.00252519426483,2.08453581218972,1.82820103843352,2.04689794615338,1.9183260584392,1.90762201360788,2.03582752117737,2.18080470191205,1.96530382238402 +Sertad1,2.56276855449764,2.71179871074604,2.55366126042437,2.60908253389434,2.80987284376287,2.33747617182089,2.59328025297021,2.08486966420496,3.75301779235126,2.38012268759095,2.37311139082098,2.39051813800893,2.4245769925834,2.56772351008072,2.79849981630682,2.85620678238396,2.33392928499212,2.4273199139756,3.0704549516272,2.30928782905357,3.32881056936912,2.27851910813513,2.17207571680827,2.60605705871565 +Carhsp1,3.46709628824593,3.39314828678179,3.8483776053371,3.64667888274824,2.79920215597625,3.04900217899925,3.13763813569785,3.61046882083653,3.80741515770047,3.68571552750913,2.98660442347831,3.30404295805271,3.99926425620538,3.67573862511348,3.92501276718958,3.75507764958856,3.44391787530911,3.98013940864541,3.78436119408791,3.78285915983217,3.72823357702305,3.85478689115201,3.58028830149171,3.67371681750621 +Elk3,2.43325554502632,2.63406468276672,2.7138457860767,2.43124239904898,2.29140989133147,2.48219937655035,2.55230976776271,2.84476683243899,2.5904246823955,2.38779180284188,2.46859558049823,2.42301390848314,2.97760962126614,3.19341750579556,3.35490525455285,2.78002689901667,2.46317206469784,2.93218195414186,3.02764264029527,2.75266321430615,3.4546396048854,3.13854516119455,2.48275325561731,2.9145335771494 +Herpud2,3.40061564149546,3.37718913191784,3.21847174349139,3.26831260611835,3.64041569633748,3.50927365284925,3.35842470519764,3.3748161040711,3.34092387577057,3.19536234303736,3.54939314229038,3.50144004528622,4.26612382962069,3.79957795132092,4.03280017167758,3.8632603412511,4.02718647501235,4.11090768598434,4.04736047003514,3.84106107875468,4.05297403037887,3.83673142135853,4.05479315716784,4.02144064359746 +Rdh13,1.58938386224794,1.60620937190656,1.51672737210541,1.77959502118768,1.72030192763035,1.66146975538293,1.64536022079716,1.32585629060631,1.77188715384715,1.72052859329789,1.62997965034281,1.75535427534213,1.93706749256192,1.54537166214343,1.57602336124816,1.75930054436835,1.88310731020941,1.59426856389714,1.58471290884121,1.40893347877624,1.736945137766,1.58927320225352,1.69539536370946,1.7380693010641 +Nutf2,2.60202683746634,2.22010384076831,1.66837179973072,1.75415772513542,2.03678782035076,2.01699832720201,1.74192217741403,2.07292777874948,2.26926700384164,2.04804114734054,2.1016009767363,2.07665401038631,1.66707362717555,1.43448343058534,1.00779785593184,0.830448708160176,1.22080533052295,0.997471730243784,1.1936810969343,1.89638676768007,0.851199947701784,0.852316411294368,1.30707737887306,1.26609774090917 +Fut1,-3.72878191606946,-3.1866207567731,-2.36030846971896,-3.21873546937133,-3.72878191606946,-3.72878191606946,-3.72878191606946,-2.77025612560948,-3.72878191606946,-3.72878191606946,-3.72878191606946,-3.72878191606946,-0.0050844818614923,0.82020951443681,-0.833803818445887,0.43834096419014,-1.16768784430866,-0.362643187323808,0.174574479071377,1.70560629294014,-0.126395037233133,-1.57566059175108,-0.61458219487877,0.0534679238654114 +Arpc5,5.77777300876446,5.44662831666599,5.95185731723702,5.69671203904148,5.28129141987241,5.38769928969618,5.45433914001301,5.63249604048836,5.77507136988009,5.75389750020385,5.28436760624279,5.62049561623876,6.31171134289148,6.0200613921665,6.32480793649373,5.997947344455,5.59962196038809,6.23896595302032,5.74311983091165,6.33365559793215,6.28404510744996,6.13869549066856,5.56178266546426,5.85079146468745 +Elavl2,-0.300178519504509,-0.489759908043488,-0.28659389333849,-0.571452718687472,0.244146947354329,-0.192944386056573,-0.313394315417766,-0.66159497474707,-0.231766344388673,-0.694079401726441,-0.50145834173958,-0.160962733145479,-2.68203165382571,-3.73036575374732,-3.2000599603609,-3.25700124119815,-3.21197338005759,-2.14485667483342,-3.34401496762932,-3.20570720495994,-2.68734118988864,-2.94404436525518,-3.16480501060901,-3.59506003031522 +Mgst1,-0.20706321599276,0.151737281749853,0.343867024567216,-0.0019739002540391,-0.375284457503112,0.210559655838574,0.333832198384386,-0.741220226479957,-0.448610518143717,0.910774379283981,-0.196670532270662,-0.314673219174602,-1.25627544931308,-2.07124574764346,-2.79036561879966,-3.37075802268018,-3.37075802268018,-3.37075802268018,-2.70918705500776,-2.72622113166827,-1.77310241455932,-2.79297314563442,-2.77563659863613,-3.37075802268018 +Nfib,-3.60685763093181,-3.49966035748741,-3.31414311907109,-4.41736926449337,-2.16053772824672,-2.5118408711308,-1.97781361401188,-2.82314265187247,-3.63035217917194,-4.5842965162607,-3.30884681031243,-3.34589319901606,-4.43801711034131,-4.77187003387666,-5.97210727982788,-5.02392431723921,-4.25347766018693,-4.650007404484,-3.5558127428189,-5.46403592232539,-4.21535320629561,-4.76056934972643,-4.52974188378039,-4.63656431044457 +Rab25,3.75696745348239,3.75351513128573,3.86710284741527,3.46827316785211,3.23563307263202,3.24977564361047,3.03199701559725,3.478165272974,3.63339230471559,3.87629824843989,3.62719691858469,3.30026478238119,3.81373246255542,3.86451676147437,3.82502460869519,3.35082726003969,3.7685711077425,3.83388647120088,3.61235986871695,4.14358200789131,3.72233612975724,3.72644861583274,3.32694131612593,3.77255232526239 +Ubqln4,3.42571764097806,3.50140952816712,2.73585052701396,3.55541361347234,3.54564554089957,3.34046223065853,3.63162370839916,3.03020496809204,3.16690336875607,3.26053622297238,3.75107806463897,3.52506320134754,3.4778153537727,3.37901616756611,3.08564284126329,3.34692035278704,3.75728278928425,3.64155941402332,3.86752870951914,3.28934266580413,3.37148155618659,3.47078584136682,3.80994118336888,3.65246903203838 +Rbfox1,-2.03910337606382,-2.19788182550666,-1.34748287792679,-1.45407328959587,-1.91662922229674,-1.83322037560135,-1.83447937119823,-2.30998605141285,-0.919067609601325,-0.994070824464554,-0.86626802520481,-1.8225866572357,-3.77790157549266,-4.41486978236245,-3.42173036795939,-4.41486978236245,-4.41486978236245,-4.41486978236245,-4.41486978236245,-4.41486978236245,-3.82354676843759,-3.83708490531669,-4.41486978236245,-4.41486978236245 +Rps18,6.01775126478348,5.13595456698063,6.36198717829009,5.71524422378121,5.37021157611142,5.68527532817795,5.41684921940759,5.95885503552363,6.03395931042972,5.74362841506945,5.60695144988764,5.21412796597871,5.33993403956951,4.71194244577216,5.36271891185904,4.74719568733891,4.44864183756071,5.27116143168634,4.45966391666236,5.27465748143242,5.33807564025255,4.6922398867667,4.62479650905724,4.3940649734578 +Rpl10,6.46316190413024,6.22432527089086,6.78738023561726,6.58451763107904,6.43803728282418,6.25955218405827,6.19992756560479,6.56932910217148,6.53164393506071,6.62980458095288,6.32909809554758,6.39782518163108,6.30404397670148,5.93077231811414,6.25777477592641,6.07587563860672,5.87599224958703,6.0864153449609,5.94580251726429,6.34799750764169,6.21601892033517,6.07709661962985,5.88727988298933,5.96960855696572 +Rps15a,4.47713397782635,3.71783267178384,4.88001884474554,4.59312665939368,3.98153213566459,3.87978110095212,4.00700499761434,4.46249366618407,4.5581734863731,4.62894496699138,4.03403312673512,4.28970285938774,3.60374898167005,3.05258102110869,3.67347332097903,3.13083234913445,2.6947311584771,3.33249681433831,2.48538619527216,3.58115950297159,3.51870645674511,3.17007125052688,2.63310188646592,2.94850843060214 +Ncaph2,3.93670799478387,4.02742091563486,3.8694003303579,4.02893949660044,3.79094485600894,3.7572167846761,4.02216272541092,3.70658837278854,3.93155108162999,3.86185759803272,3.98906229972547,3.90406950211417,3.91386526367828,3.71881401738992,3.83826574843151,3.77682666829927,3.69511689249808,3.74703811789354,3.91862603910807,3.40879083072526,3.8238366014756,3.74699259237339,3.78392405336224,3.82148052434579 +Hipk1,4.43498691629118,4.38922581850569,4.33932067209796,4.16059207039359,4.49852623486535,4.52014222970087,4.1577334108297,4.83342967401959,4.34159578344215,4.20446880266668,4.35382222306574,4.31878052291856,3.76280980291803,3.81424991769746,3.77016354207918,3.74102603762965,4.0907829693156,3.79881200972928,3.9010097491196,3.84961934292164,3.51287083311484,3.74041310644691,4.02013886602625,3.9005612082969 +Gprc5b,1.57543125260502,1.81362298384483,2.23715380792624,1.28229437558379,1.0859295763591,1.51203704629157,1.50873931047093,2.19744110944298,2.14697437835537,1.5886426167955,1.25244570519271,1.51371314197074,-1.3180907828214,-0.148850828028206,-0.194856614585506,-1.55534158682413,-1.86312766197198,-1.51779194967105,-0.879851271469793,-0.571775202336121,-0.0617571382971742,-1.310748689569,-1.51281253499699,-1.60262447044003 +Man1a2,3.50931335475137,3.56803644793094,3.54504196741277,3.67265279168237,3.48996156297256,3.45395283067443,3.2946241584917,3.56428581981308,3.57213279007568,3.50176227936798,3.53016471748264,3.45912569627279,3.87342518916291,3.95267367112085,4.09735820554752,4.15963897963051,3.73391950100505,3.83530359991267,3.6791153673787,4.14286565820344,3.95389407571558,4.09713021819733,3.71117051575534,3.88503303743211 +Acyp1,3.19870050800982,2.75839268900332,3.13205804859864,2.97374358697269,2.92906323350902,2.85652210351782,3.01819371074971,3.11344553354451,3.19966776810991,3.50692710817514,2.73989787882253,3.0472998865045,2.87617164917157,2.76649039749084,2.94177788996428,2.6034871081507,2.73079707557813,3.01727285806647,2.51600198610493,3.17578141398626,3.02547777154814,3.29214058188754,2.71132179380567,3.15413543681511 +Hdac5,3.69173741696116,4.2593224468985,4.14040793032467,4.24865379706763,3.87148647586314,3.9474805143101,4.0832233189589,3.8909731613191,4.0445158413155,4.13782459790996,3.84219826970022,3.83219104972556,3.2967715700918,4.08891275361311,3.67675222207085,3.79338653778403,3.26527746839644,3.35667201988383,3.93573605093074,3.7673216757073,3.97558053373273,3.96858703142697,3.33060508944076,3.53347259440273 +Rala,4.46385981842896,4.0510119642615,4.28219427281447,4.01656785065614,3.86488478340698,4.014376689433,3.91264617512249,4.14995310736743,4.32976262351373,4.00473045743816,4.02979422341343,4.11666317852261,4.22848622922959,3.96798357360779,3.89748465187072,3.80398660946399,3.69742603162381,4.02457382789497,3.72613806225099,4.24018804667398,4.04047316761475,3.84730781421061,3.55261919063485,3.85509007055706 +Vdac3,4.35605671925279,3.6206997233258,4.20583105621171,3.97616981423228,3.71947946937669,3.86042387144347,3.96131559717126,4.06295487739017,4.22025090089481,4.15351149492969,3.7861379387401,3.84130947488712,4.42400995464376,3.91261356456829,4.44690224812202,4.0260122189527,3.79473051969447,4.11805305419926,3.91597770757703,4.63585557722116,4.09101256852539,3.9474067945373,3.91452830395557,3.87045839797658 +Vps72,2.68192874769281,2.66051306177596,2.64555104883624,2.75356689318073,2.84101619037152,2.8479155655385,2.86147526293294,2.67454964144008,2.68009073281012,2.841331032172,3.02445846909924,2.94180195377448,2.20003372559932,2.38892177344558,2.32368180371943,2.50204335018231,2.45399362632621,2.33135212191855,2.77316699645818,2.40445192408811,2.32522253340512,2.54150606891662,2.75926651115636,2.38268399696602 +Gabpa,2.98633226569699,3.484817851085,3.49962695471127,3.32641974705054,2.92664888959435,2.96721102565058,3.02007742727122,3.47321771661773,3.21381059351916,3.30984775361518,2.95981592908773,3.10950923770067,2.88652391350303,3.12487539260033,3.30538607825272,2.86047626143438,2.73288329471666,2.79752103296395,2.65156303232494,3.47833386524527,3.0052603053334,3.00056047688359,2.53341645306909,3.01272640836164 +Dynll1,4.11406825202465,3.02437030992608,3.36066758171685,3.46814895251078,3.88325022169885,3.52033399880746,3.65215618509979,3.26343756083432,3.35238959312575,3.29531755207526,3.94745736901473,4.00856901870099,3.90500009603586,3.08581724013356,3.25590982346107,3.05292769935702,3.33728085215911,3.59108963658065,3.26082432926912,3.5225136513292,3.34215167279792,3.11803158197841,3.69341399438124,3.42833221244814 +Pdcl,3.85875435275155,3.71053821140322,3.97272203091098,3.62140482196723,3.21213201643864,3.37840876238805,3.51375307796776,3.62762062319359,3.65741125864516,3.73877195749612,3.15943473501664,3.65837917906078,4.796112319712,3.9769688210271,4.52172187209725,4.05128565918388,4.0733989649144,4.50455342300115,4.111602463314,4.15998733676064,4.38144136789363,4.07168303557001,4.08341303663715,4.23825526849162 +Tmem184b,4.15157196111367,4.05171339049216,3.84144621463629,3.9903232041324,4.33862868323932,4.36354460792101,4.04849097392758,4.0909556380518,3.99642069967512,3.9558732282884,4.31996737118463,3.99926388268742,3.53672297644613,3.79656874984872,3.7861963786043,4.04240982329914,4.16169369640058,3.95371466965089,4.15996683845529,3.71707348899819,3.74208820636621,3.89690325434744,4.13464416013944,3.7490130573754 +Nf2,3.84690453588285,3.98587340846181,3.88834993512061,3.84982472527077,4.10418042392701,3.97231514753962,3.86298685813771,4.0089362740923,3.95585772837078,3.84209832184607,4.15500821077344,3.87370275617599,4.1628754107124,4.50885111105985,4.39802311431191,4.33383595147616,4.47391773262457,4.27867092751251,4.44140691989737,4.26089092447284,4.34411216191832,4.53264619483353,4.50253951157179,4.39132156782683 +Cabp7,3.09499988773186,3.57652094144382,3.20949785094868,2.6390492574857,3.11232263150793,3.40054643062919,3.03900622624809,3.42779707527708,3.00393866265919,2.61196936565781,2.93887033030971,3.04182088288463,5.62391395855739,6.01285469796063,5.50585270181253,6.11686886203934,5.78867228274439,5.50389602450198,5.71437888029892,5.9945997205455,5.59226747532781,6.06928057537942,5.91870727656611,5.87301733446009 +Zmat5,1.93915891860038,2.03981516437796,2.00216298452843,1.78237884709221,1.80426993526352,2.02915690611796,2.14471535377652,1.84611656230476,2.05138852344009,2.39622824193369,1.42518903023722,1.59215754821169,2.05194201301285,2.15046236914578,2.42440315196149,2.5632295119124,1.76244054947013,2.47134899332915,2.16190094394775,2.11633518531347,2.09157965651123,2.69490583884666,1.84329395087984,1.93523678830608 +Ewsr1,4.60473074256159,5.13866320242363,4.63751094530046,5.03545889884629,4.91360514637492,4.85861058860868,5.15241617378714,4.62211914627106,4.85316860121696,5.09033529122874,5.1082890623297,4.90758280392397,4.40125569602008,4.86557624444706,4.50786514629314,4.84157626382513,4.75018509994197,4.43999500881688,4.83279025055264,4.33346269927586,4.83988107008916,4.9070903874263,4.7613360812423,4.61397674724114 +Ap1b1,4.82626166448815,4.59835853153362,4.80722351579428,4.63002105738177,4.62915264280221,4.69807218552655,4.6245456766951,4.75237958865005,4.82044204847302,4.70575514299273,4.61088643524177,4.56173457779599,5.06455912824692,5.15239130940196,5.18526947537179,5.09592126282681,5.3946805166183,5.25190764712978,5.43618495858487,5.00511569784643,4.89283695356668,5.13285571557785,5.37852373968398,5.30023761946217 +Derl3,-0.187618516270744,0.955769872146665,1.15024707658609,0.953891707370547,-0.540553869349529,-0.782312300209497,-0.975893982296311,1.27072074366992,-0.546332115735538,0.988552132646407,-0.330722871796965,-0.300824226136581,4.19029105335997,3.91139294121673,2.80711294661153,3.80380819753632,3.60171107422361,3.72569596283101,4.17884454235965,3.99815222720518,3.5432089918791,3.45670107935593,3.67685025555102,3.50802385589012 +Tbx1,-2.01642612911823,-0.496235845949176,-1.32825624165564,-0.39647098241139,-1.1017049806054,-0.38690747540473,-0.714231584838872,-1.25352169651641,-0.268707027251055,0.470350021916166,-0.166849424723957,-0.835871416191195,-1.77662512855983,-1.41022488195578,-1.2011576833955,-2.01665774898199,-0.629760460026726,-0.378379577521886,-1.02387409583777,-0.58936323468902,-0.367200318097097,-1.20705469523523,0.360365424058511,-0.607708294363286 +Gnat2,1.58751561238866,1.78399037799692,1.68579229481011,1.96170535146492,1.84796512090271,1.75257281501849,1.68728004074171,1.79356936911296,1.4525813094549,1.89685455723178,1.95949003629334,1.76256012163323,3.66125464491653,3.09557499795922,2.99075832245774,3.01930146581936,3.43265568581127,3.57910472610621,3.59077886494631,3.30346345025351,2.95138748538214,3.0952514981687,3.45243848791466,3.53139902100979 +Bcl2l13,3.26680967049933,2.97759009742052,3.06371351415191,2.96371162701684,3.03766097269177,3.08669858914341,2.8349387563299,3.21650745220581,3.01317836973915,2.86880627688228,3.09612069563422,2.93358452784458,3.39627529765019,3.20641025337329,3.26810686245769,3.11896554477634,3.27593345673387,3.4620905522908,3.2675981918604,3.38056741761778,3.12614078257111,3.07856843185394,3.39689298159517,3.29597776665778 +2610028H24Rik,-0.130481985665408,-0.0678147147751795,0.812659860766894,0.635045027600605,-0.524590797644346,-0.434279033588001,0.0410199470930472,0.415677687005213,0.783835059300489,0.455016638785619,-0.0980650832001688,0.0344869416771374,-3.75262865802383,-3.75262865802383,-3.1722362541433,-3.75262865802383,-3.75262865802383,-3.75262865802383,-2.29560578212341,-3.75262865802383,-3.75262865802383,-3.75262865802383,-3.75262865802383,-3.75262865802383 +Dqx1,-1.52852858901223,-0.437649287338844,-2.64783116154375,-0.707999525888654,-0.25556300000869,0.439331377756903,-0.180107023387681,-2.07897177262314,-0.945537063175821,-0.732617681230543,0.219082831311885,-0.882996793426898,-2.93898256773465,-1.14190531861121,-3.0231651934912,-1.96608846281821,-0.582930984918251,-0.812202311607134,-0.571283769687635,-1.71101640927512,-2.41864899977339,-2.03250477134196,-1.29021521532494,-1.30543362710996 +Lnp,1.4916438138691,1.48493729324033,1.35179738917165,1.47673716906084,1.55167223665171,1.66135353198902,1.42256172949641,1.40824285225689,1.40922054445191,1.18873636909031,1.42728808154624,1.40150488069731,1.75612571685975,1.55401445349792,1.67548701985636,1.61528869413742,1.4741004721269,1.60045064797637,1.42141249043326,1.56118940814629,1.65502689573101,1.29154652498968,1.49442605207175,1.44306191957376 +Trpm5,-2.75847407079652,-0.0200192350136574,-2.47678883141841,-2.74394496458831,-0.958224457296986,-2.26623179049084,-1.47265886704542,-1.57041590931521,-3.11718767026132,-4.37130624499677,-1.69562283793502,-1.66196944638145,4.79332140215022,4.92176436400716,4.98866543597468,4.29637248453582,4.04323072363821,4.72736390427751,4.79524781641042,5.02911611511631,4.76945676379033,4.56630424276617,4.22403656716613,4.40863340655999 +Pttg1ip,4.7278644907437,4.6338225219057,4.82283800894001,4.78988362602915,4.43533892243504,4.30930986066973,4.31875275245651,4.9008713765702,4.77045128713707,4.65249527804204,4.35903127829688,4.50348704202653,5.43357800102197,5.04736701942373,5.54876637450636,5.22590926384005,5.00710144053944,5.37275612247776,4.98111181969087,5.47866147739684,5.27227750746659,5.19690833434147,4.9994914174775,5.05874217827934 +Trpm2,-2.6361745695195,-1.98447804739832,-1.9631240956875,-2.1668291839621,-1.87864910910547,-2.46931955705704,-1.75286272672797,-2.60613700563816,-2.045032525397,-2.02910787549068,-2.23597864510776,-2.71289065980902,-0.197549948613797,0.0290478067286633,0.157059539260036,0.31295217686578,0.357447524847112,0.0104659919681556,0.270671701360956,-0.573777454985557,-0.0517018437684054,0.473167364741684,0.548479022869406,0.308313600594833 +Ube2g2,4.61856240363143,4.12002677731471,4.313066751213,4.24713019159997,4.13237369034123,4.01486039186397,4.05836110736496,3.99095131486767,4.01884869781251,4.17885730187006,4.12325090430207,3.85835249707413,4.97902122364549,4.64603171013124,4.82713968359744,4.72444562184279,4.88301530268428,4.93319589410712,4.79655210244991,4.58894344544282,4.69790639686207,4.66638295024614,4.88507289329138,4.89875638936492 +Met,1.80198363840264,1.77564797557905,1.54853661549525,1.45651082921252,1.76363979375239,1.9177223851968,1.48664785633866,2.15311937216392,1.37240580480014,1.51347051257454,1.63173711748638,1.85982639344725,2.19623056560265,2.53679398844794,2.83878334833236,2.62938947207682,2.30937100926406,2.33230627099175,1.73465886849212,2.96955788063315,2.18008616576608,2.52474733671798,2.06314024938978,2.19534885045219 +Slc16a12,5.679041747518,5.74422032966874,6.02849158059049,5.90895920502459,5.69062078879152,5.55518295244645,5.38824307839179,5.92152295866291,5.87041975575285,5.99247449900253,5.82752105326441,5.6242075146429,5.91682682087352,5.68345249589023,6.06394782075972,6.04306710348303,5.81020875059926,5.84511606800387,5.43670724663709,5.93345125141997,5.92064444055248,6.10201404597481,5.76884100241424,5.75084713947973 +Syn2,2.1213260094207,2.19278422910433,2.0648947463548,1.90819081523291,2.26684661800352,2.40840978142188,2.00132449724709,2.31372835375315,2.02833454888773,1.52147347823829,2.10801252194699,2.29541299014741,3.29662898114327,3.00012954353327,3.0453294399544,2.71800883820115,3.06554481099111,3.2685260131538,3.07097058317217,3.11953148207237,2.89375638162922,2.72087852308848,3.03119465953715,2.96643876339336 +Elk1,1.46663215211694,1.53930869384921,0.944206974905573,1.56830808976735,1.86855677850438,1.67438876104866,1.79024637171797,1.36609111991721,1.43995712946616,1.35857744627935,1.72665896733651,1.76979874591756,0.527369137628597,1.30298574947882,1.05518013737834,0.799435544505437,1.50431523544725,1.19802967646922,1.13969683220382,1.40240357168739,0.929789590209248,1.15520705277768,1.41048847028643,1.50827955884613 +Nav1,2.39854425987004,2.53110934089689,1.80531438873235,1.97715539976565,3.39160731609953,3.50280477852,3.14952670514703,2.69984414560379,1.85560253579418,2.09161156914379,3.27995814996222,2.78420710801724,2.43752847297168,2.55327166238988,1.77330367911085,1.91158285887139,3.39102452573993,2.80470009426211,3.67327431921634,2.020059072366,1.82789188597089,1.87506924534726,3.27549454966439,3.05638432968305 +Tnpo1,5.03785385275749,5.19131071187364,5.27423548266625,5.0796344490425,4.9471717852941,4.95937770279717,4.91511572156092,5.36229312740913,5.23218713061003,5.01162810271994,4.86590455313596,5.07183713181793,5.37668108969572,5.43993887147018,5.43303585493239,5.45615204556744,5.28523330786499,5.3054444593979,5.18977183330892,5.57434418285457,5.40830319263219,5.24700468995845,5.2196894441385,5.44476273154175 +Rnmt,2.60184548634229,2.69719939927519,2.82531437910929,2.63492827939555,2.43357862996218,2.39567365663974,2.55898097492008,2.5246964364277,2.81515588715545,2.55984457864513,2.50237528370043,2.62349710094169,2.57478680740615,2.30307811426608,2.47383089353707,2.47887087722329,2.48264340283598,2.42521005151745,2.3157448750874,2.37267865547918,2.54346793420211,2.54236242800315,2.40044702131777,2.26510514377185 +Kcnq1,-3.96025242855421,-2.71630518806529,-3.34924623560314,-2.77610664699321,-1.87110287737209,-2.37793979405005,-1.9947110853464,-3.96025242855421,-3.46329574755749,-3.96025242855421,-3.42829549080373,-3.41693445805879,-0.827542471055643,-1.29152647622037,-1.51206427060507,-0.26666683076792,-1.52425172402539,-2.28630355185856,-1.61751880216312,-0.808828103731908,-1.03688246850405,-1.51850277604096,-1.9374946286262,-1.24938144776992 +Srp14,5.65877506872201,5.07632500073351,5.60528145768918,5.4554672732529,5.14152080703313,5.17528132751119,5.25875663133841,5.51443963403394,5.3975141687354,5.33354787996877,5.26684455733806,5.30593039205656,6.31003956669112,6.00767490403152,6.13934567266636,5.83425152071971,5.7623648218379,6.05963937913984,5.84981607087068,6.25344387159597,6.10443487056171,6.02532725520066,5.87936412623582,6.03085455675141 +Cdk9,2.50673693726271,2.57811550689614,2.36760760524544,2.51951342187924,2.63326752890984,2.90933542969973,2.90108140628321,2.51986021757183,2.42034635338474,2.49979341760174,2.56858563713719,2.58642262800808,2.47783410396086,2.6250262497178,2.51788848521068,2.7207508885294,2.90083516965341,2.4094086771858,2.95003444289509,2.56981240484155,2.59703236557697,2.75185317631768,2.69239314787044,2.90887535827401 +Tor2a,3.66171649492667,3.20202529519419,3.1774480734123,3.32111867856296,3.1878721901589,3.18064933359429,3.098473926977,3.34272293091396,3.17588365023398,2.87023546331391,3.15106094095349,3.24173756314789,3.59327818782406,3.60712830375746,3.49183702273183,3.52224016142717,3.41488790948174,3.57417296811082,3.5278510377941,3.37039466544453,3.61473237201442,3.51605344760045,3.33597572733453,3.15575327666766 +Fpgs,1.57249121873298,1.32651346125684,1.4766794203707,1.69996268051125,1.76143550279304,1.47915023329917,1.75385865264679,0.972682052308961,1.47106862604549,1.2278234672294,1.51820924613193,1.3699518973613,2.33970400470958,1.8577477143553,2.11912965890367,1.92211772081723,2.52563644156126,2.19355711459422,2.77719998417995,1.30917740563046,2.08236405656183,1.93192207939824,2.53928014752713,2.40232059852529 +Mkl2,2.88973548734661,3.15017393977559,2.95246745300146,2.96818277825934,3.58857090716287,3.56643450700725,3.07589864878242,3.54782555513385,2.98247576333911,2.99842080675856,3.56906645929507,3.39080434210866,1.61997188835498,2.02865153981563,1.78288684842349,2.06741397516334,2.38409239980672,2.08581990648162,2.11357228284491,1.91935493876018,1.54722515796333,2.19968053473903,2.28924477614105,1.95836607670925 +Cbx5,5.45486257183673,5.25049412464412,5.41363266914034,5.20363264458807,5.13578179383792,5.22361652486984,5.05693135507865,5.48849224228921,5.36048062465462,5.22849731817783,5.04276436725883,5.234625408428,5.13844269147414,4.99717756349927,5.3529351619154,5.1672307097758,4.77777156065319,5.04205836154333,4.55414188875501,5.29046867249393,5.29404508845294,5.16546352833564,4.60253887332232,4.79979785642782 +Apobec3,0.565288611192809,0.980261981428694,1.0866607009368,0.908530871870068,1.58122816024393,1.73030752580516,1.33824246886049,0.893553309213365,0.722594026503681,1.12115255084966,1.42501328525096,1.36604373744124,0.13408868236316,0.566906995547677,0.305808720640776,0.260449143946607,0.825808014834688,0.409924791573348,0.892205085533955,0.371039762030712,0.319100408935773,0.334638341001601,1.05228376083269,0.537706387869747 +Vav2,0.353528168776715,0.299234876620468,0.185457409019343,0.432306542009752,0.755041849728022,0.548148172598204,0.827782635014835,-0.161296650180511,0.352062475639949,0.155408005026374,0.817266990430283,0.752443914016229,0.503380667107731,1.28043846552288,0.956799089667479,1.24589180534965,1.2421688556701,0.987808489123244,1.77536378443078,0.583120710680507,0.766671025436453,1.13301718359526,1.63358461179197,1.40274087544117 +Tex15,-5.62774764984106,-3.91371714554487,-5.62774764984106,-5.11770120314293,-3.89440206669034,-4.0454350153369,-4.00696277251999,-4.66922185938108,-4.22451599598665,-5.62774764984106,-4.40267796445625,-5.62774764984106,0.301717725557567,0.116748131458953,-0.968534411672981,-2.76314343163949,-0.633178380781312,-1.45948863115595,0.0123974019709139,0.0797385886799464,-1.08600848701052,-2.73959367343205,-0.667727944495194,-0.839771664715597 +Ppp2cb,4.76854341496236,4.70140298887404,5.02133108730848,4.77162480000188,4.62563050590916,4.42058154825495,4.53041607809828,4.58997001800572,4.94619853193785,4.69906454861625,4.52126349779271,4.69153570008152,5.24659591452329,4.90490621132006,5.25802374008832,4.85303326059893,4.88086661871242,4.9534994482658,4.60586065270083,5.29657385114593,5.02962934999199,5.1320310599112,4.87419736330254,4.8878242798529 +Dmap1,3.06950591734427,3.21735499882101,3.05100801343925,3.26177621554726,2.78047069180448,2.85101262983676,3.07714879202586,2.79355820678432,3.13035433365327,3.10493578353311,2.93448523562399,3.10126001655539,2.48689014457529,2.9104064072943,2.61035461593376,2.64229054210775,2.44075390877093,2.46793733327049,2.6849557237049,2.62904649893953,2.61655862763025,2.71868467777302,2.14035610228077,2.63611592932391 +Ccdc109a,1.13148606507678,0.893575230015903,1.2008092820658,1.14867608034585,1.51796116677001,1.39435256973473,0.83332689947547,1.35825051881825,1.27189474429615,1.24195265713853,1.27805370065454,1.39023848891555,1.48767416136466,1.21484227059831,1.18049713812103,1.25143606981029,1.41316845730923,1.28126377111096,1.27764163965897,1.22208484196634,1.23796151956814,1.26263027814037,1.32187408531555,1.23715208165875 +Bcr,4.07524678177518,4.15970215808367,3.92393962339848,3.81312517253102,4.31625236135123,4.4128243972001,4.14968882799948,4.12901184406282,3.96475997977732,3.8959194907276,4.28557443230721,4.06941269370418,3.85348244700848,4.63644212444356,4.06470743437113,4.0870566767592,4.72943894443793,4.31273912377416,4.88810923869283,4.16486778433767,4.07562918852038,4.09323236193579,4.76754659851508,4.63514240335321 +Kcnd1,-0.201518885216585,0.516377311654761,-0.017607686162695,-0.530276253088215,0.718653219618285,0.817208655131211,1.04879855953152,0.708395668897987,0.370869144217985,-0.104313807195604,0.906855074827851,0.260951434462671,-0.451197524899821,-0.185153722375499,0.177027909945846,-0.547140786922231,0.208355201488178,0.063239788182055,0.824888472655347,-0.472047841543928,-0.286288672820186,-0.19963035829111,-0.034308169536438,-0.228511902539692 +Tfcp2,1.9905172502047,2.28302740725083,1.88399742872697,2.43774445947428,2.365994602654,2.17263028627005,2.44710664095243,1.87767408240686,2.21407696766142,2.10563285026061,2.14134920182405,2.35003204241316,2.33490267521036,2.30192351733743,2.07433722985295,2.53071226398466,2.69108267879479,2.17635367218005,2.57223293627606,1.84840064883206,2.4326688117821,2.26550419803021,2.56801813385674,2.61781492852361 +Pou6f2,1.32441219647469,1.66668935153619,1.49966814278868,1.21301841304252,2.1801803287731,2.34111447918767,1.75040364067898,2.44491491371196,1.27583976169809,1.20170002810906,2.0472788803547,1.88901551767916,-5.06007385030681,-3.27944420047507,-5.06007385030681,-5.06007385030681,-4.48461138743723,-4.42993217807948,-5.06007385030681,-3.63262203436429,-5.06007385030681,-5.06007385030681,-4.46495242626276,-5.06007385030681 +Pou6f1,-0.160189436552173,0.868898640415742,0.656332569803196,0.464390823940107,0.93594112688761,1.09296511227603,1.12102675086743,0.166754786145918,0.457573540031648,0.55263544758155,1.06865898187155,0.454760060790349,0.795008973337034,1.86831939119091,1.32574647468383,1.45997220122479,1.96076314248848,1.26402308103901,2.22662292919529,0.891211926701354,1.51652447456203,1.68223423816021,1.91393370564278,1.74956420436857 +Ubp1,3.16361034341259,3.78363430191968,2.6641083936518,3.50906674078938,3.94036439480797,3.90245385248645,4.09675530785443,2.51019051962194,3.12699662603321,3.28829662642154,3.89460237164542,3.64043370618183,3.12818240370668,3.60135749655426,2.31013633017387,3.41194693231539,3.64580949071884,3.29797769675023,3.80286114552589,2.86382921363351,3.09881437393072,3.2953025544604,3.66056816726385,3.59848794195532 +Nuak2,2.60945613711481,2.47896422466014,2.59559887189992,2.34522899790637,2.78775352806225,2.72987777590785,2.27209789974597,2.58423643746107,2.59244595282607,2.64788203947567,2.92557771985966,2.52306980776134,1.90380223529185,2.68031561575395,2.7833632691707,2.79559843791277,2.57592009236121,2.35248911773293,2.48416103937828,2.06620790149322,2.77405758078987,2.92235966791804,2.45927531992909,2.40854040550049 +Ick,0.723658843325998,0.45689746489414,0.463940699664381,0.469612736062254,0.563053331077609,0.808520869517293,0.560550450326244,0.323567934230676,0.587817146881869,0.561798923726078,0.592382354776942,0.45242237763069,-0.348364460570608,-0.339781107744617,-0.301536706074286,-0.173087860986615,0.0026717364347552,-0.174136384465504,-0.119108618719019,0.0222707064753709,-0.377548859768654,-0.449694328265224,-0.0380670739157085,-0.0266248343673414 +Sdhb,4.587963213555,4.15771922279568,4.33023285245713,4.31061948331346,4.04751272186183,4.17568066682823,4.20554612229112,4.32265107383777,4.37225903656086,4.11287193491922,4.26248350494993,4.24844144724188,4.95467428540343,4.50441021747742,4.82396644780825,4.63059265042349,4.53461412219562,4.74889918865008,4.53580626646016,4.90911679911712,4.70655728688876,4.63904399341587,4.53930795778105,4.6611893161064 +Snap47,4.81737877109469,4.56147223555982,4.81357359754701,4.58005984579713,4.49296500423617,4.44859724793964,4.53561017300194,4.75536058347043,4.66731587370841,4.69293297641462,4.55619759706921,4.64605607302837,4.91870859227571,4.53709167438464,4.84613898799275,4.66487517723255,4.74586343414551,4.77158580622188,4.70870836509999,4.81181315238431,4.78416094806163,4.74360959708814,4.79540372586625,4.60970239847335 +Kdsr,0.662910837027399,1.40210351624591,1.42336888765116,1.13320844208362,1.08817723927176,0.493778721732109,0.938143353369564,1.48404128033224,1.5861726917324,1.50808505004464,0.890321238095757,1.06456092232958,1.61048510024666,2.07475458690091,2.14416103577788,2.05416575641312,1.18483527007705,1.42707696648632,1.40673521229341,2.02850346326457,1.69229860771115,1.99433507691842,1.27509401674272,1.271135914796 +Vps4b,3.25762689668927,3.2952623192309,3.47409596397001,3.29971397332596,3.02111819154717,3.01613384503603,3.02422617516563,3.30554849195647,3.31194657959555,3.28004125069393,3.10483336072901,3.16193542853526,3.68860066127765,3.61561411286469,3.7642341843773,3.6413369986233,3.5451320629214,3.60908164529942,3.52886191010418,3.66278397441828,3.72434119643119,3.61678453727619,3.51852521803089,3.6168074597192 +Rps25,7.94449170423891,7.2536717792323,8.08947412012427,7.88431161480922,7.46886796246491,7.5300664075349,7.41337320202007,7.84939043756611,7.93624645295952,7.99161521876418,7.52944097785809,7.81495177206395,7.39435500417697,6.88587503954261,7.27819064897282,7.07779193229956,6.63372905418543,7.1793983300319,6.58644655323831,7.43963205894282,7.34458728118882,7.00781624703561,6.57855470330732,6.81581400419707 +Taz,2.66213658649499,3.23829861897171,2.33013269376406,3.31740716011856,3.47577048227376,3.13807551450497,3.40596944980297,2.21281612353767,2.78064084756172,3.2643827481406,3.47842266170473,3.12570804543119,3.44393867363418,3.65818337975985,3.11372132746715,3.53311812094599,3.85965927710463,3.51613065683157,3.76996411718132,3.2748633247154,3.57964592604972,3.67801126677304,3.89045635884421,3.67929913837725 +Kif19a,1.90148518994802,2.29044926009157,2.35563040657515,2.41761363272681,2.12537718441594,2.15722989234074,2.27298639147816,1.90617677589567,2.35706036265405,2.43006928117784,2.00547661026547,1.7910303012799,3.57491344734326,3.99678517495037,3.82456341170949,3.65671934772206,3.69942637314783,3.6789484646449,4.00209540923745,3.19027003793373,3.79810866089663,3.74499005360481,3.76854808277368,3.78035151153106 +Aldh3a2,3.0988534638725,3.15078269485748,3.29353729474018,3.24021652413286,3.1393599020803,3.01468085959538,2.93885185016764,3.3027913924487,3.25525191221408,3.03663663281827,3.03081838624157,3.0313015512003,4.27884184499745,4.29813752460651,4.38247204040858,4.28135562764001,4.10690698809367,4.20136000329451,4.0352676931967,4.47335837660189,4.29265345280621,4.30284569166374,4.02082549207251,4.07585198539772 +Tmem115,4.4692670342026,3.96198964667452,4.44443484373559,4.15325547394838,4.03779646826507,4.08593920613297,3.95649566975124,4.35129302941279,4.34392965108277,3.86626876876734,3.89110448218919,4.11947701480144,4.69707744974456,4.29903949154117,4.51097608001095,4.29950318921255,4.20194136927775,4.44159982769948,4.31121958845783,4.44553764040166,4.41168240028679,4.16005016736902,4.27769047789844,4.14100478127353 +Hyal2,2.93372933374625,2.82574231338644,3.09751061906086,2.74113687250892,2.81435402192,2.72522710407684,2.6821405832672,3.18924933758467,2.81473084021358,2.65332657080123,2.7048825986604,2.7906945434007,3.03656072078294,2.85081253666666,2.92351479476648,2.59582863959903,2.81892178405079,3.08615627409288,3.02099686358885,3.20057383550537,2.73661783677649,2.73002969065883,2.90763179169191,2.90997439331275 +Ifrd2,2.0475727991911,1.79106002602145,2.13748134627586,2.44188647646147,2.31855448952781,2.07546945152916,2.11804443078628,1.92857724027037,2.17113431828446,2.61120992196689,2.25923887234838,2.15643956706728,2.17538562903649,1.84536612370903,1.82953789907498,2.08265494484926,2.47039276096882,2.12133447988495,2.52588323325697,1.46226622668758,1.97538960513206,2.35977961498327,2.47722950571259,2.44391927670204 +Hyal1,-0.75819335229468,-0.543550903819455,-0.887456793404255,-0.500140114901474,0.375542717001141,-0.282379400381565,-0.175296696137466,-0.313189796699776,-0.454956173174397,-0.617447080495328,-0.346169703947572,-0.270418538116989,-0.895157090562898,-0.359558218567367,-1.12094587655614,-2.22843548912297,-0.2611922684949,-0.401601979857677,-0.16674264200286,-0.36399765706248,-0.506164819298313,-1.59650224178398,-0.550252908450219,-1.2410377748735 +Tusc2,3.9807879620144,3.38423926767658,3.90886954797633,3.68103641225211,3.5326343472865,3.52352580354321,3.47147323158478,3.90432907030011,3.75051531006607,3.74625974559363,3.40477073647593,3.61012747623034,4.53015058318405,3.9806654577578,4.21330816134481,3.88419379157651,3.93764509668033,4.03392874352981,3.79713805050034,4.3494241676376,4.12335477082158,3.76204195401247,3.74194091153377,3.95713353674536 +Nprl2,3.58571113572322,3.95394222112539,3.39150525096359,3.78597785367532,3.76104923374085,3.60044056631506,4.00502285118168,3.59073889490625,3.74789602238942,3.8617658248359,3.81546174990485,3.66958933032679,3.51221555087152,3.50240400441275,3.29246494865248,3.61196938182225,3.64562114491759,3.42604258324253,3.67904558068894,3.25452542807128,3.64675422904809,3.69721106029994,3.67341755389828,3.70421569260899 +Cacna2d2,-1.38537537836336,-0.643365222812681,-1.88786326134857,-2.06613681763377,-0.346999771719636,0.080112912346229,-0.541723235931815,-1.59411170706749,-1.73748958375676,-1.11960330778431,-0.304326161533267,-0.537702898211534,-2.56409577595873,-1.93668029648672,-2.91367799633337,-1.71268453279141,-2.10509867772605,-2.02302580171928,-1.64410001124613,-2.64664569148553,-2.49824956138299,-1.76464526780194,-1.98975910357315,-2.29863909157878 +Rassf1,1.66472981694093,1.92985601269146,1.24842935427026,1.98476227314408,1.76631027435803,1.82346853556237,2.11427961550335,0.750894421275333,2.13424393811969,1.60759115657989,1.58746790030283,1.79558459204135,0.769309690357516,1.06576022544382,0.15929770819228,1.25389495012579,1.32719731337168,0.950539670512765,1.27689802280726,0.15241511652451,1.4414399946972,0.884452938706866,1.20253807398786,1.19841672333333 +Rnf112,1.80732670038388,2.66449224777521,1.84033387830552,2.3911691671977,2.18507588247315,2.27740566476772,2.64322993089192,1.90546691711606,2.21395100267901,2.39265885765337,2.2578964560571,2.20457040774948,0.132096772383259,0.987555976198624,0.268151666404167,0.712997912205247,0.31150319352786,0.37785030732361,1.12781674084005,-0.314786541595285,0.685039923723812,1.07176265320365,0.845799691549331,0.742519116263038 +Slc3a2,6.11731275625671,5.87759754256687,6.28316194073182,6.01157905463823,5.58686291325172,5.75824560633131,5.67920316619642,6.13516288062054,6.22319742013502,5.96956700636071,5.72750010189275,5.90320681519462,6.01486389784383,5.93126926702463,5.89785618181663,5.86770392514739,5.62085445150838,5.9526771754113,5.86216122051212,6.27422383419281,5.805469628804,5.76745615102722,5.68162137396735,5.7666314487303 +Nxf1,4.59442411571769,4.91179353493934,3.86380847916887,4.82916359452164,5.39164035223531,5.0857433239118,5.27375327023858,4.10535417915011,4.59285761714904,4.89707790587736,5.37945014186344,5.09731886359008,4.0692369753836,4.43815449953066,3.69608921140352,4.2143589921517,4.74323937603939,3.97929631220538,4.81783540052209,3.85201634252152,4.14252105573126,4.24948089500272,4.76553947838243,4.72625628389525 +Stx5a,4.23296601009014,4.61216441317626,3.9683035396979,4.58441571609014,4.71792000136654,4.39578540869336,4.65969257164098,3.93541392554171,4.29373484905734,4.43309872712636,4.70037746750554,4.53710428534523,4.37512244688091,4.22544986605915,4.13257955440606,4.30450950669847,4.80660145694065,4.42905274468091,4.85318243332376,3.59828753529012,4.44594581172782,4.27370086157103,4.78451594345154,4.67642889863734 +Spire2,3.28943967708031,3.46671156687934,3.41921800962526,3.46777858986353,3.2032087343464,3.51759933689916,3.54809181641023,3.30056066641238,3.34784475141062,3.30679704251845,3.50209503418383,3.66538626394931,2.48546503915935,2.99580167811242,2.80554821678479,2.99191251201597,2.72084612138056,2.31563797542938,2.83377449175824,2.81673160095414,2.52444248458592,2.8725966970302,2.89112305345312,2.78533960198261 +Prox1,4.63851482802258,4.79458453791254,4.72964011078266,4.43694201731,5.11527965465514,5.13497522970489,4.67073979722107,5.35533712125691,4.80057188000349,4.52765926569115,4.99425784251026,4.84195621235817,2.7146232657092,3.15505205763802,2.88970284137208,2.90429114789446,3.21286317003384,2.89246362222421,2.98922066186159,2.93513721901213,2.8244220898398,2.94361418809216,3.17391335335431,2.7833407733333 +Raver1,3.79034484122953,3.68264996566143,3.6991070892213,3.4698333383507,4.3123238102883,4.17921469342187,3.83961412406316,3.92797843054318,3.639784303567,3.55361934860844,3.97291125449215,3.69210353146862,3.56669898471899,3.88048575910703,3.9597408380038,3.98044879702247,4.69469867351901,4.24298353760283,4.70741010104274,3.62539671294797,3.61150588996394,4.01781337887163,4.68721794457624,4.14337394195661 +2610507B11Rik,4.03924315396065,4.2058081539588,3.78914889226775,4.09458192913151,4.48334996463308,4.29629727993583,4.31970622991936,3.9554064213063,3.99450998919637,4.1621020002177,4.32134378974031,4.18361386931539,4.67300812610398,4.9429052159887,4.73079042306449,4.95664381119686,5.20002968839474,4.83970568391399,5.11534511568313,4.57506624475592,4.50819904042884,4.88000444712804,5.23698143629193,5.08308297036486 +AI597479,3.59198336451635,3.7774537061056,3.67661011821259,3.54586055327901,3.31436846985646,3.25408901399793,3.3094405670561,3.48256333925412,3.71243908863493,3.55449154703352,3.17623366118265,3.54706955441508,3.55318865630968,3.53919563879887,3.51444483987026,3.3561349709316,3.07281684416265,3.40568759955226,2.85984396600355,3.61581874194079,3.51501359849314,3.44183146858909,3.04361413558178,3.44059999570265 +Tmem86a,3.05374112158576,3.3946391600609,3.68770207134248,3.19950411338676,2.68350787328985,2.73642643919688,2.74273736440599,3.98099701361345,3.75154077816754,3.5238508557445,2.73316647547471,3.06301998686305,2.60390866578279,2.59382563216837,2.86109017947031,2.56358562377377,1.72426469337523,2.09575575917116,1.94050043043707,3.12724298224655,2.7353730839517,2.86396636841126,1.91467016947421,2.11361374095694 +Ifi35,3.53366517646029,3.52912243405702,3.33368548526792,3.7084289189318,3.70533486347505,3.44752780375018,3.43145918323476,3.45258426949317,3.49537044557147,3.19905319367622,3.89867562875511,3.59412873144485,3.17306792694986,2.93768761685641,3.03008877902779,3.47169977651661,3.31002680901639,3.30236069695921,3.1701164235327,3.29749888623871,3.30123009046648,3.44446752273331,3.58629149757221,3.01780399605207 +Rdm1,1.70039369841158,2.13181900981123,2.57991375613371,2.45533857749618,1.80404743227925,1.51472004803284,1.72768121003718,2.19532799861322,2.18620441981497,2.65892521725946,1.97915918595127,1.80180239610765,1.35430047687421,1.91091795833165,2.19699628092707,2.09237150263705,1.93997708012242,1.11253171977965,1.27392080131829,2.27116178937089,2.02640921756995,2.30473667964503,1.6286386893555,1.45344158110611 +Nedd8,6.17815962139962,5.53821408320672,6.04967730978006,5.85416581391754,5.67552355075189,5.6566381806189,5.68769304333619,6.07008733101408,6.01601133585517,5.9309670246328,5.66524162712869,5.99941703557259,6.20598341920356,5.87551104920487,6.10382292928305,5.97908900416572,5.71683121801685,6.09301124748264,5.67054467386806,6.07994678257188,6.02511705070678,6.01686001854299,5.81812346849048,5.79099800629434 +Gosr1,4.09420200598002,4.15907312462143,4.26198153843886,4.04416462103739,3.85140796459952,3.99341413827897,3.72969501273179,4.25324792218019,4.22957680087281,4.21317339551012,3.80575333893606,3.96608823330986,4.17810759440859,4.05316269557285,4.17168677085765,4.05637112420861,3.91661107768786,4.01335944887221,4.0109177066136,4.32773616399098,4.14561147292549,4.19231727928395,4.03573342846838,4.17722319785748 +Mrpl52,5.56009367727438,5.02570048190693,5.62323593789807,5.71021910275241,5.19816735051595,5.00141768085667,5.05371821845239,5.35034367121285,5.48409793908955,5.54816815111649,5.39823577275359,5.18306908166579,4.98507875151777,5.01014381375037,5.16168743646923,4.81111984609483,4.73517694875258,4.98984475761508,4.68674479925763,4.91973343846858,5.12643692846812,5.05640826611895,4.4866521510492,4.66467191574601 +Kansl3,3.44405946078714,3.7282598533722,3.36721772384981,3.67436517574013,3.8047755580533,3.73754706441527,3.86375612007527,3.49080514360013,3.48061408941694,3.77151020740036,3.82240394205652,3.62664553971107,3.48033605909177,3.65369368978711,3.40925508939273,3.7057569832542,3.93368286329769,3.55677364275414,3.98625393055143,3.45881810379285,3.53692232801041,3.84076723291018,3.91103489826997,3.8474671441549 +Gm16119,-4.3300517824638,-2.93309096827236,-4.22393183462661,-3.19316996360059,-2.74578847639557,-3.51539459315726,-2.72368068563601,-4.83493802757769,-3.22321448642491,-3.27820457236177,-3.60986834219287,-3.1183415477019,-1.37668197106434,-1.47655702766627,-1.45505899268925,-1.45295694838959,-1.77276001423189,-1.81340133463197,-1.64191418180227,-1.59484339628668,-1.64811357919307,-0.948235459169346,-1.55990188347611,-2.25179179015345 +Myt1,3.99943321433912,4.81866650160307,4.04651606220641,4.39670192915265,4.83247396501312,4.66954633699496,4.857041516381,4.58544981252152,4.52639262329604,4.45590656995078,4.86700773880676,4.68742197185831,3.6666410559377,4.36418969117742,3.95486176231899,4.04100902750894,4.28582328200855,3.83392718972404,4.33601038417384,4.14270956254696,4.0448387907497,4.15801567501177,4.20984073417067,4.17044895892927 +Faf1,4.001002218726,3.78932282603921,3.71797374274022,3.78217505401368,3.94274604386974,3.90559816769944,3.86911777288571,4.04868475341061,3.89858235748539,3.72996014713973,3.95757193692566,4.0301987621717,4.14572019500502,4.06876331185854,4.03812545342822,4.03623111784611,4.12572699754641,4.15195092989753,3.97355755099142,4.2447205580459,3.86245425654345,4.00697401023961,4.14088528483624,4.08265489039273 +Tsacc,0.077144703479801,0.180051047355995,-1.14609419213185,0.365420492353234,0.0977743842472897,0.182507955548956,-0.549026295274531,0.220941246659934,0.15128786004752,-0.226581291179216,-0.471494774275681,0.459925713755207,0.314396111271006,0.0391668465398157,-0.717023569663635,0.219876291659279,0.0465264332784443,0.406221782923767,-0.347587202532599,0.332549642331885,0.201963567040904,0.167581753932685,-0.909358326571217,0.617356814606615 +Mettl16,2.29117914605294,2.17147007845555,2.10911535827537,1.9732149515192,1.95776127840914,2.19054818221964,2.1916283277827,2.06323235357473,1.96363407952558,1.91110805276981,2.13049073860743,2.15859348958824,1.90421077662137,1.35202444771338,1.3283925670246,1.29664447486794,1.7255296090865,1.61408101065583,1.67511178181673,1.4431516706829,1.39267405416798,1.53603920536803,1.68447831167258,1.81318853187735 +Pigyl,3.98975767836942,3.28284013462799,4.21785496190774,3.88771713546374,3.43938522302023,3.45814813744664,3.32517812318195,4.05920689330012,4.24757513907132,3.91494191632914,3.72296703020189,3.41593082831918,3.99631168517764,3.77308128807869,4.25581470034164,3.99884682485093,3.72933679029973,4.00231975326652,3.65948083886619,4.43909908170694,4.24051583527119,4.23863458342227,3.66161875045552,3.60861970469333 +Rbm25,4.3848753147398,4.84721799120216,4.44514355370676,4.78461586401101,4.52947266452369,4.33546651371494,4.65031813554213,4.12383950499843,4.60818225073288,4.78680511373272,4.65966774673279,4.69845436752357,4.12130843387898,4.51427374761964,4.04922345940619,4.42501432347332,4.42086783846871,4.06583301115737,4.43660614215259,3.59465187721798,4.41761154098235,4.46820603280124,4.30787219243694,4.55286624513646 +Psen2,2.65201363261356,2.71371675444374,2.41312641628481,2.48175533329264,2.80596867164596,2.77336005564399,2.89307649601769,2.58854956811435,2.71052850634298,2.69169078588257,2.58641783348194,2.89903649191656,3.54747920898218,3.28518097542249,2.86175895411426,2.60443981390394,3.31580278645679,3.53182940363845,3.40177913192314,3.05606829390478,3.09875462346189,2.70692375918192,3.20632140464776,3.41180417620796 +Fads1,3.45683332119229,3.3102485256434,3.4919071418017,3.1408247037371,3.22516458755161,3.31313735305638,3.22989296069196,3.43107269407373,3.43303757909549,3.07399944206874,2.94277457849409,3.02995095757342,4.59787900381408,4.16298608387946,4.47781826519825,4.04511038093147,4.27620583594618,4.60088880290036,4.24481005867072,4.4365683536809,4.17220497940855,4.15434244605731,4.27840553240705,4.31627567882681 +Lmbr1,1.93245041130329,1.71510980309909,1.96047290238653,2.10698888985188,1.84764849084031,1.72856515596615,1.84966448680676,1.77055716164603,1.67242328245708,2.00041707788945,1.72866059335646,1.78721969390756,2.30959773810617,2.06533398414571,2.30099670476019,2.292367611773,2.13795272746894,2.13841725993086,1.55249181876677,2.22641011482768,2.34472166267651,2.38591866581272,2.16482124328399,2.10689842246382 +Tnfrsf22,-1.29768446088839,-0.677685675597698,-1.48772892607125,-0.873234674386907,-0.0694173121141257,-0.465107033758365,-1.309746485683,-1.72587038243353,-1.46300881645557,-0.800174713872128,-0.661174621424357,-0.825275931364082,-0.737681833367848,-0.367479239033705,-0.189022470947591,0.211334880019709,0.619294989208241,0.18821013899201,0.303157229642602,-0.169566931979959,-0.858992388739489,0.325113262612812,0.522115259165393,0.464619674733437 +Cars,2.12372424095578,2.85133504205758,2.52679574542788,2.75035533973444,2.40714340461279,2.36718705729401,2.46812032940899,2.68468886856215,2.41622885870744,2.69683669089046,2.31208824170289,2.5153312123731,3.31686272415166,4.05860344731797,2.62954559484514,3.77136837853826,4.05255023753096,3.36215795139764,4.06290115807635,3.87199199044306,3.40899109178841,3.74057609600485,4.07939954876593,3.89486033048323 +Grid2ip,-4.76413302726653,-4.22197186797017,-4.76413302726653,-4.76413302726653,-4.76413302726653,-4.76413302726653,-3.59725447501231,-4.76413302726653,-4.26717634626981,-4.76413302726653,-4.23217608951605,-4.76413302726653,-2.4756549745346,-1.79694032916743,-1.86915492964296,-2.51013886488562,-1.61968181203109,-1.56003073097942,-0.701604444480118,-2.45884482864741,-2.42698654985373,-1.69574818163879,-1.83097657351645,-1.93593108709426 +Kdelr3,4.07560188572268,3.40036164387377,4.18075486022413,4.03753290716016,3.52715642321163,3.42950187823859,3.48800268657506,3.15392787446015,3.84797128660722,3.58858646407655,3.49902771079507,3.41255574364039,2.45546132427397,1.52928484402033,1.37370776146166,1.08850337853115,1.66593855016488,1.99347924482637,2.18316736446307,0.616260714339069,1.71159055699817,1.2476945559272,1.65959307636421,1.5667162768576 +Apip,2.94416045699268,2.79513006842306,3.25290113571046,2.84991927878591,2.12335980789168,2.09422513523023,2.33375209193626,2.99934783149671,2.55495000400892,2.76715985779176,2.36191183514936,2.78014539284458,3.35613879067658,2.79190020069004,3.01748162391345,3.14992619126346,2.82013559616379,2.95646859535335,2.46360103779116,3.42180456507191,2.88590248589894,3.09317157853077,2.55048125729459,2.66622347963913 +Pdhx,1.94351437991734,1.58901336226477,1.52082143502085,1.73356830841318,1.44383254622718,1.60266246403688,1.69391275362116,1.53547745062623,1.68067176250688,1.59947166935897,1.62027477930333,1.50327354147545,1.77826254322393,1.77678719354763,1.90787436650648,1.91956668402008,1.83543650374917,1.93332977840642,1.72462320456078,1.83334174795522,1.85272070957353,1.69802921852447,1.94185787559125,1.83405996389705 +Vac14,2.74172892436644,2.65729344819073,2.53396357555119,2.72962300388829,3.17940470112538,3.00782260109736,2.97337997647343,2.51920723995853,2.7718928176076,2.61282096708851,3.19800281846095,2.77684211716738,3.33458041118451,3.37358567398179,3.20647438761383,3.83984632587752,4.40178939784331,3.74471369444843,3.89805718116399,3.07483409183402,3.16760965676775,3.7329323900154,4.45626145737336,3.78176675810384 +Slc5a1,0.906579285236131,-1.53466206300681,-2.2154420512658,-2.34814786000646,-0.445209211760176,-2.04090348181533,-1.33922566980606,-1.72453051971809,-1.81583157131017,-2.76977590839893,-2.69490621163997,-2.25947244375032,-0.167675852871729,-1.77078637774753,-2.2897909178975,-2.48398491346572,-1.06400194469405,-2.46475599193853,-1.29295823764002,-2.27700087319002,-2.13716756387241,-2.58485775152826,-2.12775214920487,-2.45020611490188 +Akt1s1,3.58895223273706,3.50781008753136,3.48761206069072,3.60014469763185,3.28225260167762,3.36550420609463,3.5225632776927,3.57674677431502,3.52493944279137,3.26650611492194,3.38069750630174,3.46137971355727,3.74305047941977,3.73325201925665,3.59023780748852,3.7718433445556,3.59329779011712,3.64548910942066,3.66538143179377,3.81408767073736,3.81818586807954,3.70670991560892,3.7910967141834,3.68657335252753 +Tbrg1,5.15395703976944,4.7739529617244,5.03164391993621,4.99491023619472,4.82823944115216,4.93273566942192,4.93801181346828,4.86578926550324,4.98865106419939,4.99095005746572,4.92519953276588,4.88884689642994,5.24889266334418,4.78561096421893,5.03683059376788,4.85231352721069,4.89218558038529,5.19034304020624,5.07369502701404,4.80453899637774,5.19303211167847,4.91773410409014,5.18404014185734,5.09676288216692 +Adssl1,-0.392525878624036,-0.0541718929781672,1.06326045505032,0.380653663991758,-0.34868685454194,0.439280469403936,0.0833384367279204,-0.162140860266621,0.434689480133747,0.163310052079903,-0.492684438734545,0.209927010218883,1.17126578200701,1.16611560086976,1.22122431775275,1.30445408639404,0.844759122623856,0.910770112867122,1.11972790526124,0.358956786065346,0.847861329550214,1.74390874739814,0.628689782607613,1.24292788091128 +Brf1,2.81625902376733,3.12407709247171,2.72676568285292,2.91706384195999,3.23361188819811,3.38258093852513,3.53387280945173,2.84005017577642,2.87908676351569,2.81399962314318,3.436255180896,3.13644683463252,2.64622412962179,3.02590551168081,2.69320355163276,3.04747101548168,3.40500490257426,2.86296074552863,3.64114492741214,2.35481925390679,2.85978987424808,2.9384130330242,3.46117521136493,3.23554713491858 +Vipr2,-3.40246359509881,-3.97165878619258,-3.15765524778512,-3.08047560746647,-2.39901706653705,-2.75942719597251,-3.10434868473983,-3.46787157709661,-2.98260728418415,-3.65887257146558,-3.17253316247484,-2.62332290155476,-1.55383205039233,-1.92743363591146,-1.83572699179306,-2.23161897088886,-1.65692066117258,-2.64770706888823,-2.218919085792,-1.19702438244085,-2.02878157829688,-1.28164458742732,-1.43267405700149,-1.21764948374884 +Odc1,3.7907516505901,3.47547194352036,3.30215144806003,3.41332502658023,3.25035357603982,3.51457141944154,3.48308497777009,3.29607685045356,4.21222373083674,3.18375065628449,3.40371629328667,3.43998895330733,4.19454558176958,3.74724238549879,4.07449118707133,3.78557798856051,4.05345505827889,4.34010504564318,3.9439882650951,3.72985591406442,4.15550322775835,3.83345542356033,4.11832313591556,4.13540343336769 +Thg1l,1.33663594731225,1.72384755584064,1.7941516664036,1.70804500387705,1.31937525517382,1.40010364675514,1.67767804163041,1.42365533947424,1.66450284398029,1.88725255812048,1.45472486781455,1.3964638178873,1.70178710907871,1.51750621938163,1.58756005388123,1.69058191837528,1.06301322201535,1.532416837091,0.985281987995514,1.70649527192455,1.23482981670835,1.38287396264193,1.51895063680482,1.1690096283382 +Pabpc4,2.97365677708158,2.86917586543702,2.98029561230825,2.92478804790978,3.02761223381579,2.88835947284769,3.02929750449726,2.8431749159475,2.8078526005573,3.02893697268897,2.96078342384992,2.93631923588578,3.50719006588479,3.3252562870728,3.4905389752081,3.5214076820522,3.55244797058818,3.68040479587322,3.66236158245476,3.69319673359792,3.61198887473903,3.43876545295251,3.77307676933036,3.69372636376839 +Zfp296,-0.109979476144898,-0.0036687920116743,-0.101544921998589,0.204222133168374,-0.362600480609217,0.0215785481144697,0.035199680701103,-0.239433618196573,0.293477343051569,-1.00673933589115,0.126054534434344,-0.496435871242543,-1.56071310011117,-0.199717834536489,-0.664007060120689,-0.383577064465143,-1.47827318472959e-05,-1.90769346114024,-0.334266704129202,-1.04281063127752,-1.96541221848814,-1.40437113834458,-0.952184703410839,-0.391796265914622 +Sugp1,3.08128891085008,3.42746308732264,3.20766906126718,3.23747897952396,3.33562785803374,3.23560789788078,3.38318081901195,3.23206208173804,3.21535928906188,3.4689907910445,3.71552962472227,3.33425717051285,3.44008782777825,3.87131715411337,3.51362986021087,3.7030610134796,4.13767942819615,3.64178619390377,4.15044774292767,3.3636331160747,3.7307947908237,3.87482758784684,4.04129341906576,4.04947221752322 +Dhdh,2.43356392105698,2.96557538067032,3.02285583182435,2.9467906367863,2.33958546530257,2.59598367668613,2.44775400754064,2.89069720150751,2.94170341879004,2.80278646718735,2.24622459207069,2.50747478081561,3.05368928873439,3.2816058861201,3.03648375394998,3.48285176779687,2.95949034516222,2.80563524885897,2.92007123172824,3.03564476242695,3.28272964038169,3.35748227405763,2.65933443836105,2.7545087499645 +Zfp790,3.04615394407222,2.82088187831211,2.93787009934251,2.81692858188452,2.94898109414309,2.84473578959878,2.90779895274624,2.82820161159613,2.87020617847715,2.65680863649812,2.63190233585305,2.93626655388432,3.49035673630417,2.89906296900575,3.11941048956244,3.05045348880624,3.35394191271152,3.26044107084215,3.39598925140386,2.61989510543292,3.23780542063153,2.8185397767518,3.2754350216638,3.29980333291234 +Cpb1,0.654301931718185,3.62737935084552,3.11829989953914,2.67631436177674,2.90137543968878,3.26347880873904,3.42745194888504,2.56087950268572,1.67933417767916,4.11912931876507,2.83065545013871,2.44680257693608,1.25974347817105,4.11211869027076,3.81030570045246,2.29266578868584,2.77120869130349,4.21406931558027,1.40324855858162,3.37002907297256,0.696321363811694,3.50523256918881,3.04593738719336,2.47215268081601 +Fsd1,0.639141546710339,1.26094922705181,0.224078805535319,1.19102826532446,1.09101409102102,1.22141437271695,0.864819942072895,0.399481873256098,0.430212950616256,0.793027204714793,0.435439236141116,0.841117060822586,-2.08979399509983,-2.59456374531916,-3.16711603525944,-3.16711603525944,-3.16711603525944,-3.16711603525944,-3.16711603525944,-3.16711603525944,-3.16711603525944,-2.58933115821368,-2.57199461121539,-3.16711603525944 +Fuz,1.70413659619424,2.56584891523897,1.57367061824933,2.16092383812731,2.69880709502355,2.4798935681644,2.65854515984191,1.70834106290059,1.69086579744884,2.14532570879499,2.70842882713567,2.53674327051683,1.74577357215901,2.36436531832436,1.61754896767451,2.07954997678792,2.55955735989771,1.92936402739301,2.54740864083528,1.2856573191677,2.1414562964875,2.11317878194318,2.51391377977586,2.51011444591623 +Spnb4,2.47975322509393,2.99080655304874,2.38667455554545,2.95631526279978,3.22573305936856,2.90363242326628,3.22582529443184,2.38696097273264,2.51784065266036,2.88030440288054,3.31871835718655,2.84069555884952,3.12851944249267,4.05557714341668,3.23019454857949,3.70125633240768,4.23174780716243,3.47280149037156,4.45172011345529,3.45260883244706,3.53293733018578,3.87164092212312,4.4003772584419,4.07426502736345 +Pgam1,2.44632041881002,1.95893547198568,2.38026934457521,2.11875217708623,1.83418606892543,2.1543929635671,2.2444077576893,2.49068322390716,2.3348827189066,2.42467392126304,2.17425107880466,2.0997225263356,2.83316320290366,2.13868771918669,2.78583738074513,2.70424924416386,2.55795922790936,2.75327219212666,2.16881912370016,2.729266784998,3.0420964944076,2.68718546032076,2.41032051063392,2.33873216770524 +Evi5,2.93563903240414,2.83632237534044,2.85416112850913,2.74851142591134,2.94881859812993,2.97764808331062,2.83477220109923,2.87105700854744,2.84369318382098,2.8498333468626,2.81682831903059,2.92844901568983,2.74539201173097,2.80383682702293,2.8358479653048,2.7175460632844,2.60063913865299,2.70390800533774,2.46048537607329,3.01677876040475,2.7747052239223,2.80300259762418,2.5047087100473,2.52408568289784 +Evi5l,1.76437905708603,2.01978883741817,1.64159707021138,2.00835705039933,2.20555456859367,2.11617629382281,2.22120497832311,1.52353878350805,1.93190508586411,1.98813082474486,2.20249863121736,2.19427297624333,1.17998599862272,1.56574158587237,1.12377064389177,1.54823021347403,1.88980217807512,1.39925087736612,2.08857829795705,1.10525708794787,1.38357620550902,1.58982980018041,1.88025257693392,1.76035600333243 +Snapc2,3.19890659597648,3.44941356947933,3.88543720779156,3.45007608019984,2.92686122305908,3.18700373978951,3.39769953893059,3.48150489881603,3.58849635053937,3.32109155630032,3.16357918433694,3.21793799292066,3.15537986815316,3.28951154162564,3.51139338939389,3.61483047934087,2.94369958506783,3.53747757871364,2.94233893245174,3.62047625616171,3.3173162979882,3.35965542840757,3.11538208112126,3.21117728882628 +Git1,3.74475239414882,3.6874878331026,3.7144941361566,3.85856776505378,4.03614915892878,4.08983187775728,3.95271787203421,3.76002533738558,3.77470440427898,3.73537951248591,4.08956853944857,3.80756161034517,3.4121336123615,3.66213096786998,3.53286635313633,3.49336451661477,3.99555603785717,3.72648372912566,4.21889868615387,3.61487927449471,3.34888519561496,3.66903489424086,4.11204831294824,3.78500409968747 +Gltp,2.79344322017702,2.54096200247327,2.92345394345416,2.64709797643335,2.8821545220771,2.98142536107636,2.44458903020397,2.86148660159962,2.99002305807996,2.66629636889955,2.81244281835573,2.44073317551806,3.1541187552838,3.11930885296208,3.17821072260288,3.06906764785286,3.36694568603737,3.10495323704321,3.39031746400832,2.97199654822051,2.92100894758723,2.92308882693618,3.17729328698369,2.87981513489996 +Bnip2,1.04430472491605,2.09419993003636,0.75692978481982,2.15429897056862,2.53407859727875,2.13138008290809,2.24962153328292,0.812745755736321,1.38083818845677,2.4077080016309,2.4935776683405,2.23835078669206,0.973343096929514,2.02231532391659,0.669524322263455,1.69665354942842,2.34509045871113,1.48643556332873,2.35130812857746,0.406301957965343,1.52673916750326,1.88387282039482,2.47231473634548,2.30170502014104 +Ccnt1,2.9485329292697,3.01213659249215,2.96794516393841,3.04824692160976,3.06499320000083,3.05871173919991,3.03217750276491,2.99130597091188,3.17994089913711,2.92701233699491,2.94914326521381,3.00831692956122,3.36764195303456,3.04408610082864,3.23026972303315,3.2432580521794,3.14378907160656,3.06474575275836,3.03253155530738,3.06990044185206,3.16471642207921,3.03791594007136,3.0753516654285,3.04618104950841 +Scarf2,-3.57986472555821,-3.14943877761216,-2.44816290464381,-4.0847509706721,-2.82473260954574,-3.5011127946677,-3.58386265480847,-3.52730504628811,-2.92531527308157,-4.0847509706721,-3.16500796430328,-3.54143300017667,0.380713987547096,0.433900504438208,1.32808118519361,0.933918877353126,0.818246251278981,0.467158478604082,0.854099869869703,0.400870432494576,0.7149202975611,1.44866082494371,0.851405615679434,0.100815950097094 +Brms1l,2.98057295926248,2.61582686793266,2.6858176334347,2.79880727139011,2.62680983648419,2.54192960792544,2.89568737311544,2.49976944026318,2.87626239805869,2.90936322321003,2.73032018568661,2.65167761847624,2.48290677369061,2.77330515779221,2.60533463386706,2.73374353498836,2.48916659952243,2.45305897749589,2.56073183697173,2.61855657063013,2.76545828034715,2.65000405342399,2.21572398160598,2.58677094808971 +Med15,2.80013839715678,2.90847487635922,2.79763151557,2.7770690207724,3.29394050539504,3.20053015268105,2.96909215392644,2.78597364735657,2.64875167603254,2.6736474531875,3.32155115130258,2.76171608087744,2.55441186496034,2.64466519721189,2.54275362767584,2.72488423210834,3.24595713314208,2.77175293671405,3.28395445977659,2.30083399218838,2.4850141912676,2.55970049581282,3.20233987643784,2.96717651315544 +Dhdds,4.06064880465497,4.07850251497515,4.08291191626202,3.90605778628539,4.28311895655742,4.03212553098469,4.02268249824061,4.22156617923861,3.93142567408487,3.92419319059866,4.20492115953734,3.89871754042888,4.93251455357644,4.39545760779782,4.47809390327316,4.26646464527598,5.23788441018068,4.99206413493132,5.04413172264805,4.89860617330176,4.38148409280204,4.31180162960413,5.34322757004144,5.077713327331 +Ubxn11,-0.150719803624651,0.493192756022899,-0.324737932501865,0.332636171650745,0.875606883517219,0.729065183316168,0.71566896410765,-0.195382184573455,-0.122501504318586,0.0526398567033306,0.536056755267057,0.37679207627411,-0.76680717143845,-0.0882550381305411,-0.160600814054766,0.135195512157838,-0.14245599278611,-0.576917005835169,0.41179099548059,-0.692252536104315,-0.196490081368457,0.23018525201067,0.203628369521958,0.237872783374382 +Tjap1,1.61803896630787,1.86579156848037,1.14712122335406,1.68313977033521,2.03874163436077,2.127050483776,2.06516379585375,1.57740654503905,1.46036230695853,1.62657812132086,2.0185420245367,1.79752024115871,0.783684166852286,1.31967693020169,0.877553461200755,1.20116879547757,1.43388248846287,1.20100500047821,1.36946063199518,0.820702600011683,0.853634415213792,1.21076806810535,1.60758829859919,1.26682071522116 +Ehf,3.42873971504904,3.56453742504492,3.48617319618614,3.46167427451317,3.65484140632516,3.60454200070506,3.49522078740121,3.72644979765928,3.55410640789218,3.47008403885658,3.60743117010621,3.77914129988614,1.40600995371492,1.52313267427218,1.13450694021719,1.16973427200965,1.33073525502672,1.02997685474583,0.501439691902042,0.942574003865571,1.18929122853339,1.21485627496532,0.903298178311037,0.663258830873328 +Rpl15,5.29657217488056,4.91555401492778,5.76024770328416,5.14512357070196,4.4623034346437,4.70582729373021,4.55839440485373,5.31166885856002,5.44013206717896,5.44058946309074,4.4832259767391,4.78483889184657,4.59218439988829,4.39935577662884,4.57898261874091,4.04411425383139,3.62616917734786,4.44794128836188,3.92067140665571,4.6106138090368,4.41057158005343,4.26379791355827,3.75065282053235,4.05097231171007 +Tmem167,2.86032850926571,2.52656944551014,2.73107252325882,2.66080193303799,2.3999595695687,2.4237443185548,2.44667040947643,2.58074174920116,2.7651510928466,2.37332564992208,2.35760569512876,2.44661236895443,3.39805429125411,2.7381743490926,3.04509723240871,2.94402923961729,2.8165097857565,3.2144875463948,2.70637500254527,3.04133191678582,3.13661313766465,2.89664588603228,2.78315611311523,3.03683734746724 +2810021B07Rik,2.53092097875905,2.59757411725283,2.72282609927364,2.57826238874807,2.13999690702175,2.36649571953219,2.3984783852482,2.58869445669034,2.53437923141476,2.34864040117938,2.45837597845023,2.40652147344678,2.32326537897181,2.39308102671816,2.4644836711784,2.45224846394744,2.16971907520701,2.39466014011152,2.02000486534633,2.76557075089813,2.64883604640919,2.25463852319639,2.16930191257329,2.35693434641331 +Kif11,-0.781309736625687,-0.0025428016184521,0.444279064043303,-0.463120641685947,-0.519542645139393,-0.826481947619796,-0.526789713437283,-0.218620322831437,-0.145739642576568,-0.500375792392408,-0.784486596391172,-0.706336713560259,-1.49743469400026,-0.578000948990693,-0.942396221184911,-1.1637294160888,-0.134013243755701,-1.11834488905489,-0.379491647985127,-0.380426508046094,-0.402713808609959,-1.00618609048676,-1.0789246956528,0.0681991751619737 +Rpa3,2.86341068119943,2.47586181027205,2.71916304022956,2.83705909686965,2.33063994982927,2.17872040312585,2.65222740289778,2.83185050675701,2.7640916102525,3.16775991881296,2.59758958324438,2.30745099905618,2.9416484459013,2.06244808810852,1.99604916795017,2.09135354086476,1.67538826015245,2.22494872355234,0.974730992903487,2.32063765051614,2.3798856835232,2.01885613358515,1.65315114974264,1.64019323550567 +Mlkl,0.241332320418091,0.311303468290696,-0.409522367001937,0.300109989855769,0.145456363263246,0.716704527009596,0.503162090227581,0.0579907183002368,0.25877019947293,1.09462110839249,0.0376300098488689,0.123291704825535,-1.87776098590093,-0.597732563452583,-2.57178584714863,-0.580938205759041,-1.5863889991049,-1.13685370122921,-1.2221916351606,-1.63279338949035,-1.08993124691076,-0.583843226918116,-1.21873486858164,-1.87837221914251 +Tnpo3,3.33729137511815,3.23780799850831,3.25260032099834,3.37607795937696,3.2319545625853,3.26589380137899,3.29390043756449,3.27264162256634,3.31144575001261,3.22170338498067,3.30729357624803,3.25991587104117,3.36676049535079,3.30843615818497,3.20556145133305,3.27539607451072,3.46564107563092,3.41102507769586,3.35888136512397,3.32609164979556,3.25578782313969,3.32835588652446,3.46113694338809,3.46001605037741 +Ttll5,0.837117954237128,1.087315917751,0.704116811866391,0.98585741459975,1.50198434108588,1.44204690318126,1.40695719730954,0.957949477492848,0.98191105844543,1.12546400438923,1.43926353741632,1.13135111759976,0.56295958550286,0.734907806001176,0.349268346347468,0.661345704661297,1.11291437217467,0.876982242281274,0.845117289890791,0.504623967996367,0.698005689272856,0.629882731422028,1.05389056596689,0.912594691574808 +Zfp715,3.00617481643156,3.12241028783744,2.95529222792796,3.12028932567752,3.00186388611846,3.08933988883733,3.25835219441555,2.92688032067403,3.04632996043129,2.9818424850139,3.16526978021439,3.01876780689234,3.01389016871071,3.05269635539021,2.97984558876404,2.83918826751134,2.98549266062438,2.96814977997486,2.97186453960249,2.89240014637014,3.02614978387975,2.91940566582037,3.01328751676162,2.98253806541373 +Cdh23,-5.6984504870275,-4.655890932841,-4.81492811080041,-3.91208239693021,-3.32507038634897,-3.62850889415424,-3.86273670565684,-5.60086486477867,-4.3036790830197,-4.10192095787634,-3.49941555246186,-3.98486945889462,-4.75839631632969,-5.31284449139551,-4.88318204130478,-5.3443035232276,-3.31419352418787,-3.85134219675107,-4.23220309048714,-5.17113041565188,-4.85860696742581,-4.71975756537842,-4.26265196305503,-3.93617471752005 +Rps5,7.69590912111271,7.13581459867553,8.1527370844679,7.82046495746272,7.35317372963256,7.41178986002078,7.20368302851021,7.80747403848022,7.78785235120161,7.90655017717094,7.43714998851258,7.519968350982,7.16186142540363,6.72060656768084,7.16947835321449,6.81938398051683,6.59800748449104,6.95099431616357,6.50159023066386,7.25397362067395,7.07170168196552,6.85284255572718,6.5881007403415,6.57155110529724 +Lphn1,3.36468047063352,3.6321054602341,3.06344190249933,3.47021495950488,4.35255205677606,4.29888674751555,4.19579284324549,3.30432963780722,3.27812397404372,3.52991902149675,4.37030263457066,3.83195941945807,2.90546110194567,3.42281493094673,3.2042027091803,3.49097543010894,4.14866939459513,3.42147943533303,4.19298549415024,2.74833026988847,2.93811644992442,3.46232144917649,4.06417137877785,3.8064686173151 +Amotl1,4.81669443696158,4.85175937549039,4.76821135630463,4.74035933618594,4.81036960454508,4.91482807235477,4.8022674770277,5.0210317254328,4.74819261126964,4.82615930800145,4.9198979360573,4.99183077870262,3.05101998308582,3.34341780147251,2.91546670885384,3.35094647190376,3.53662912705476,3.30387596371115,3.52864201075578,2.69477682234429,2.93110412376587,3.2567203470314,3.64193289507352,3.63394439910698 +Etv5,0.996394075265534,0.381003041892106,0.980558674076943,0.692741892583464,1.44147942721088,1.25622370291652,0.878879272876811,0.427510954579428,0.351857625072474,0.730480703561313,0.883629629316364,0.564604204888473,3.24367776645535,2.89102096626138,3.26418065287325,2.95716445770576,3.75073975352331,3.27577022107719,3.24560035918513,2.43033188539275,3.30731692736877,3.0024609962277,3.38692348627825,3.18970470892157 +Gfod2,2.17038874977538,2.12344131460315,1.87662594996165,2.11194193546663,2.05186676788751,2.28225532422734,2.3177498347027,2.25788509470124,1.92351651211908,1.93151810799204,2.04559045010857,2.04844997166735,2.39123498676009,2.51090973220891,2.37500223631666,2.40496315904211,2.25775846611038,2.28585827021368,2.49677894614912,2.62738476562528,2.13976373722273,2.22678252767991,2.2973403590044,2.50195840900228 +Enkd1,1.26100029701826,1.94547148156494,1.17025754212697,1.99313193437822,1.65114028720338,1.81124893320623,2.35225555162095,0.674604588783556,1.74914431659688,1.83569788627748,1.83340526366005,1.81199903990078,-0.264780241280883,1.98329045746275,1.23282415701307,1.60256346399026,1.47381945155789,1.22134218002805,1.82184574799052,1.31007212319746,1.47936459875801,1.02635129360187,2.04854497415817,2.0203346388552 +Atp6v0d1,6.06619556545077,5.68782161348595,5.97874820414417,5.76734741597406,5.61505492061174,5.73622503446243,5.57537272679705,5.93014082238352,5.83101318874601,5.89584371421673,5.64253713100127,5.71350483841685,6.71907450619238,6.28618666300521,6.53234518752175,6.28517797207301,6.37118738169063,6.66143125581665,6.36212908576932,6.72022154043239,6.33383911270585,6.34350762713358,6.50504190417543,6.50522543255606 +Ptprs,1.24346186095225,1.78286016928569,1.71442149895045,1.48472304017976,1.82627314172131,1.85029290400775,1.91944551700576,1.293344960974,1.470931438604,1.57662932476942,1.46817973470972,1.57404866639733,1.69412947055624,2.07624479306352,2.23314876787858,2.33491596287571,2.51623839528123,1.52984476966317,2.35853226170638,1.35598485835959,1.70175444443189,2.47410901605597,2.28958526705977,1.95189918198957 +Slc41a1,2.41550604230446,2.40556893930878,2.69468233380056,2.47262779649734,2.36762723322296,2.46761342245641,2.23568969438997,2.70154407276218,2.6318018662915,2.6575404662171,2.44027051354589,2.29669772348714,2.15691383634383,2.45473807175579,2.56702089469475,2.50851478752101,2.34723290247747,2.13787816550939,2.40460910222125,2.30704949771171,2.40005207302333,2.53510363378473,2.38353830973378,2.34885558738423 +Iglon5,-0.586732103422017,-0.410855634414392,-0.877029328769172,-0.789630417342855,-0.673194951399867,-0.230495351701569,-0.242364018982121,-0.916201084455273,-0.679659365391008,-0.46673998344573,-0.31619088212019,-0.862417479307266,-1.83383981853663,-0.536055385340772,-0.592721152466567,-1.15906147123573,-0.688248896763638,-0.829637488703322,-0.230322231942427,-1.8182950380481,-1.41328043269664,-0.682042064481694,-1.92138979105544,-1.1672806726852 +Zfp651,3.32055576027748,3.32696459475952,3.33769283538293,3.57338151425065,3.27402884867022,3.34222592931299,3.4055096005379,3.05970297097475,3.34816281801754,3.46787259157274,3.29021282536102,3.33865585295762,2.30575251994384,2.59199540058426,2.33685854452088,3.18520923475116,2.85547082859434,2.33543792336761,2.69246425607246,2.21858143412887,2.28464968764573,2.84744710817911,2.97857685228817,2.77848125788412 +Cobra1,3.99447332158091,4.10190807240898,4.15232398637961,4.02013788646629,3.98549948385831,3.94138354250617,4.06994358729775,4.09190024525519,4.02279973547361,4.21657708227815,4.0154857880719,4.12027125430328,4.44817193500443,4.36356895293386,4.41889303143403,4.47791251358272,4.46340094050822,4.43304409377867,4.69059042879346,4.24709266556153,4.37222855333467,4.35290058140604,4.66324479570958,4.50466245028703 +Tmem175,1.97160855875656,2.43579784896067,2.43990514677659,2.40893019222583,2.29496240171845,2.1882546114648,2.11914497534358,2.57245081880157,2.42718373146259,2.43664428722199,2.09084715524953,2.17175269067619,2.02296564318271,2.45453188135556,2.12200793012618,2.44521870388615,2.12363590654494,2.0716392642893,1.95522713011057,2.46187592463027,2.48457899197479,2.59956786238489,2.14057395297611,2.19881240061799 +D16H22S680E,-0.101507634576855,0.37740326783956,-0.26112545910643,0.11387591131984,0.843093010122627,0.341979727039672,0.712207574024062,-0.0852667723285387,-0.631482922782174,0.191427227827356,0.563223057238324,0.124024051164362,0.346327958735501,0.511334349217377,0.548101356702311,0.538761012363954,0.907718953900739,0.520556034840606,0.879796706414218,0.466776032858234,0.525786655810261,0.0335722009574977,0.743367910841904,0.626167533596674 +Ndufs2,6.32456172698065,5.858627069504,6.30542622660223,5.84450445606199,5.45749741732994,5.66623171011164,5.98570484386293,6.14991708775273,6.20195629241249,5.84365730095341,5.54461654938383,5.77961758720754,7.05491390736727,6.87061035189935,6.66544032142505,6.16453890400868,6.07608113112187,6.5405926426424,6.71077265725984,7.12970706776771,6.88560517767546,6.27956612471237,6.2182155810016,6.5324349419509 +Atraid,5.42549917676283,4.92631979773111,5.73836811759657,5.42597996566808,4.7810690983795,4.87923557136815,4.90513852290998,5.46628573219854,5.41009860942103,5.40687993471149,4.85534343060391,5.11437833667467,5.83940646948502,5.49289285919291,5.85707414243038,5.65164142760848,5.25891843627831,5.51547384690393,5.11902073753144,5.96208547656472,5.7926597645952,5.76653988355583,5.15076454872194,5.28329203495253 +Cad,3.22994974675543,2.77654835918311,2.50272675586236,2.87233489443963,3.40720512743309,2.89075132245609,3.18535352224217,2.98890678440438,2.7503149434179,2.69619677600691,3.2566366708595,3.02591461669201,4.81517082154624,4.15582992145976,3.90846369951294,3.96487947971052,4.96218777040941,5.032461464697,5.11777523141065,4.25663392826064,3.54415129658714,3.79350224396498,5.11529001625577,4.93269019235071 +Sh3bp5l,2.47927554746765,2.55730050826997,2.55155375392211,2.47987827990943,2.41799422166196,2.43909925901281,2.56521133871501,2.4726160385118,2.51732752046539,2.49129570707813,2.54166654194564,2.59147396415715,2.43860328333121,2.60289462053696,2.51228664412582,2.44356074241227,2.63979553521187,2.44195467327386,2.81831544947728,2.39479617075738,2.59019181660473,2.80781231517195,2.59020193304306,2.48227997096229 +Atad1,4.93236047456446,4.85671923097229,5.15825363340211,4.9150693410764,4.45148001672372,4.5326837955264,4.648470772898,4.89854352354676,5.05239531453651,4.95264277593218,4.60738856313738,4.83503850544766,5.56842096695633,5.43091158166011,5.64152977703298,5.5212898151377,5.15676380485505,5.47621317595936,5.10607800546034,5.73485516708448,5.59590282206742,5.50533247901065,5.05932384286991,5.30865189216788 +Pten,3.83605179282934,3.81240399696762,3.84366311740923,3.81938911587982,3.81207737204766,3.77906254803074,3.5865956353582,3.8872701344791,3.7764749214032,3.71189491301584,3.69897900965458,3.75541813969787,4.52213014288947,4.30363967873365,4.52352132200171,4.35559251043041,4.31670471660648,4.45316996254962,3.99606270525758,4.65271026075834,4.29552218474749,4.38772071039475,4.18536011865498,4.1479925240884 +Pea15a,3.56237802358041,3.48554915911364,3.3051331527652,3.21481817610775,3.52198584266808,3.59854382798364,3.26472771322529,3.34731048443296,3.29770080975835,3.27663587620606,3.35802924732217,3.49807876118223,5.34494651304955,5.05085909456279,5.17672159763175,5.09949607024058,4.92189149078708,5.2680202317652,4.95222992606558,5.41196043909217,4.96832509655335,4.93713571594192,4.86830305234002,5.06320158255825 +Timm23,1.23886423012825,-0.300102205851716,1.04937344368941,1.17360290240393,0.759389796922684,0.812344520220896,0.685420607880879,0.737000684349577,1.10291287314695,0.936269379630548,0.52882872897256,0.854897370114739,2.02504435201831,1.27761551332737,1.9050732626219,1.50420741244077,1.42894772659056,1.83341089630577,1.25897935185482,1.6493149231689,1.99505286666056,1.40826127669457,1.28114795254526,1.68071096995692 +Trnt1,2.71700624322625,2.35568863482618,2.57722668197088,2.60380627243562,2.51478378764668,2.36855758452318,2.46094054145408,2.37108099739794,2.67028813830754,2.35978936038505,2.45882175489747,2.60375694035131,2.47156805623973,2.09199060547454,2.14473854493125,1.97004543119921,2.4448648945342,2.19954701896844,2.00155654674083,2.12447027555092,2.39137460744374,2.27440313622082,2.41248172010974,2.12248640192589 +Ehmt2,5.25319225505872,5.3901464498268,5.30517877859757,5.43704192161454,5.30142838434208,5.24281566639878,5.45675277564237,5.12101427566213,5.34738168263111,5.39927085964411,5.33208974523869,5.36517683256478,4.7173253978811,5.14944995873608,4.75421129062848,5.16054320135427,5.25667009146229,4.92625626769947,5.42905381379182,4.74055914172288,4.78504218606643,5.19659929156059,5.30371839511312,5.11060559240265 +Elof1,5.77313944074031,5.18717737597048,5.67556598532517,5.50135329520761,5.09393402245346,5.36563782588538,5.30759161588257,5.57749250438999,5.62074274262778,5.48603787742488,5.17051325385524,5.40300255272116,6.10693037150214,5.5563501688082,6.0447937519258,5.76184981527146,5.81393328969265,5.98480607262538,5.59043591274475,6.01608434337626,6.05412498843194,5.79382514307216,5.77059979910763,5.67211517176135 +Med16,2.38825803566351,2.22855944932282,2.63822227250647,2.27444120377484,2.25014504231587,2.55804047785663,2.36511327594606,2.61911238608587,2.52953018460741,2.20804607967666,2.41821414346505,2.23221622685742,2.48572070753747,2.85166471699088,2.8507391881152,2.72187833826526,2.76819324300204,2.76715794427572,2.91540185079182,2.5991168279224,2.51300453318609,2.70416641144333,2.77832621494017,2.57167070544892 +St3gal1,1.07040774779014,0.959309496044968,0.935307631086988,0.375466439314029,1.6184498538179,1.53624098886124,1.25615523285258,1.5416971060673,1.07719480017141,0.637047172284378,1.47083611805672,1.04010215011048,2.68991333088687,2.13551851431783,1.72525583302958,1.30296852784546,2.13176261568718,2.19952132602008,2.99377201334401,2.00673918640689,1.59713478091938,1.3440791936152,2.19648989282603,2.13475215175801 +ORF61,3.18583226056604,3.46032337086917,3.06355453819282,3.46833206448923,3.70954782762806,3.67780964328985,3.79159833620145,3.24640359208253,3.26832704565483,3.45175282078016,3.71406371273193,3.48382380350558,3.60366898944003,3.87972614997171,3.44802323380415,3.62220143767975,3.92010062487298,3.51699816951462,4.12722568296039,3.47720539950669,3.70773069388149,3.66488717801654,3.91715270125458,3.72400242651016 +Rnf170,1.25598010571811,1.51660549692765,1.16421882528753,1.76589974890035,1.72748926984508,1.39100200116059,1.68573912225184,1.14357639665947,1.60617282324719,1.86526179002723,1.73648436206122,1.63148304623016,1.94842931223711,2.1589659662004,2.075188617318,2.11758509351613,1.98640375528859,2.07432059534932,1.95834391765443,2.10699181939587,2.15917970173902,2.16251883129104,1.8996473418723,2.14239878181557 +Clip3,2.49221488454292,2.72467874678094,2.9177642990012,2.22676400488449,3.13760151295947,3.3383211067761,2.70158339492842,3.47390104104596,2.69271827827606,2.44515097392553,3.08482369745449,2.79010844145605,1.80155565661939,1.6709402797153,1.705105237945,1.44054355094672,2.56757897824443,1.97130265992996,2.67882703744164,1.57886309516089,1.33289212347533,1.53942156320523,2.37225523511252,1.91891081107002 +Dedd,1.97215870927271,2.17013506574986,1.8362982768891,2.07504843784697,2.19764404227153,2.08767132335222,2.2664217518951,2.05050539217905,2.08532965120778,2.02769686092338,2.13753949811955,2.01151979339507,2.06985366281459,2.1780586252412,1.99487790811983,2.24747670472493,2.17196537464443,2.18949476959881,2.04321396695606,1.95073101059201,2.24407101735346,2.00968236615709,2.14303630096747,2.1225668397994 +Nit1,2.44001403813879,2.72227642854027,2.49809026395084,2.69735658411224,2.57922564356298,2.42189204921223,2.38871112489716,2.37847035701529,2.51460654033226,2.57819356638366,2.66201605423766,2.75003530851192,2.42954678754619,2.44067392076727,2.12358910692247,2.48467403260526,2.31318426441395,2.35039035394729,2.42276161183799,2.38099825946169,2.53580822522469,2.62378152654392,2.3188292657796,2.41044924809931 +Prdm15,0.998277254587109,1.38443438220122,0.573000389693677,1.15892026458576,1.71311577662474,1.52589602391111,1.68695595449732,0.918002178417434,1.08420987859737,1.27441038611984,1.55534607547371,1.36937271528268,0.76385252362708,0.970806151878126,0.237515905973192,0.905644123861039,1.0122982496601,0.804505311988768,1.3084255082349,0.77600090753804,0.858544642784868,0.661381557311346,1.04460653229705,1.44928123564475 +Rnf168,3.28770019785815,3.09396604164869,3.17566536656169,3.35282126303375,3.27146274123261,3.18430019438246,3.40567746007869,3.0301543550701,3.06135391595551,3.32727065797782,3.28502113021621,3.35270125806721,3.45752648884937,3.0619221971021,3.04464586484694,3.35968122626058,3.28522586709787,3.05876390077696,3.07332101368581,3.06961864350142,3.34216476626576,3.3048425870763,3.21145900950886,3.33047733033194 +Tctex1d2,2.30345424824439,1.88434258263193,3.08996291418841,2.82905984410842,1.70867818789164,1.96566871561928,2.36788291245107,2.63241704473006,2.83348478861925,2.49240170549335,1.82287503218401,1.95890329966417,2.02397927802022,1.90244249365231,2.67480160217732,1.91567543696351,1.31104076446831,2.21412300122476,1.55084323791736,2.59835274061466,2.44770603905515,2.15776766462818,1.11415189095163,1.50717836423277 +1500003O03Rik,4.50209426430593,4.18946733881461,4.66645875698429,4.40043017598345,4.19281017754904,4.33150656622308,4.06179186088812,4.62876818501734,4.60689848177962,4.19861099680314,3.95005373264915,4.06308263010792,4.76010752031938,4.43081114205023,4.72330835890245,4.59294348026175,4.34992855178189,4.66848028283449,4.15542395780716,4.83915740378794,4.56998855490702,4.47361746207863,4.23468584726952,4.17820154023961 +Klhl3,0.926819024408136,1.34129092473332,1.01155202484776,1.31087671724912,1.63844444334701,1.737390512877,1.38912759063864,1.4749409206789,1.03904862924784,1.07744448340996,1.76360409788412,1.66329811521325,-0.345993612540568,0.834567321812786,0.442718607011848,0.135601753121352,0.598204808403445,-0.0990761412525945,0.401289620375446,0.319821026409241,-0.204435807885745,-0.448590569115844,0.423458221065886,0.53811907831808 +Fam18b,5.73649807898253,5.33911200436031,5.5563383538173,5.49031497503852,5.06036851900264,4.94602412299805,5.20047591864833,5.51063836329917,5.49719029563561,5.43866007694591,5.08000214256666,5.21715811695345,6.39041059594194,6.0210670291822,5.84612403649077,5.98980962830017,5.77946581631277,6.06701888836759,5.81549595471139,6.39813385426225,6.09998693501728,5.95255864737263,5.84615457987984,6.02024326315256 +Dnajc7,3.44634695236186,3.59203668094289,3.5733326942342,3.59410036806777,3.7762965121439,3.60040848520397,3.5523245748192,3.42876836215982,3.57842501559857,3.55346091867842,3.70364958018056,3.54621410270839,3.40701054488014,3.5962427721712,3.36191438585936,3.62781015112904,3.69935203401148,3.34135429751995,3.71704993741347,3.22605134186899,3.5672379941834,3.58067963026904,3.66593906059039,3.63013293100713 +Cacybp,4.9439367501886,4.38317867472827,4.41242971730242,4.55247460873411,4.45082606406285,4.34187543738191,4.52161183273319,4.29750528147959,4.55308968565964,4.32935116791856,4.39337217869792,4.80682367209737,4.96556151170041,4.50921040310458,4.63698529602014,4.57960244759205,4.45417336224353,4.64893105110212,4.33388112205612,4.82455119045681,4.71128866607196,4.55874226160203,4.46765220663278,4.95045903872544 +Cluap1,2.25506587006938,2.51943246409392,2.81495168789461,2.421857347997,2.40360259952648,2.56648739996006,2.61782374545006,2.19927680893835,2.62096154785786,2.38393728378443,2.53794920738807,2.38700130462475,2.52889613343463,2.2113953364459,2.43502687243251,2.37157117243149,2.67949061796323,2.59372371134752,2.55633355629376,2.51804784333839,2.39067216718775,2.58293535124879,2.55857692515498,2.55907804855871 +Zswim7,2.27291183396406,1.82377432633668,2.51933609593997,2.88142749262271,2.41527094701264,2.25484318216376,1.79326381702168,2.33075311766101,2.54632743359719,2.44049264909771,2.35781558312563,2.01248153389569,2.90618595108426,3.00654120020825,3.76168849037411,3.29090141894622,2.91896358368398,3.07381651420107,2.46589040703635,3.50414725643647,3.56667423454734,3.59106857779157,3.07216812269832,2.72401137047053 +Pigl,0.436163188297895,1.49928774685983,0.197710250684616,0.719144693330838,1.43898098392841,1.40500728504989,1.46479424241365,0.995841046709462,0.377756654357469,0.763257665385962,1.22858731990477,0.927933560743006,1.24754403449395,0.883397083930762,0.415496490452072,0.618683009065518,1.32047108317429,0.930268751224834,1.40848156057543,0.286916723849277,0.446481100954159,0.752925745382809,1.51532333221466,1.47326729219888 +Ndufa2,6.32498205110923,5.31879264987546,6.03655509155996,5.97633331677766,5.71113566627291,5.87517671616756,5.94220734961238,6.19990826397667,6.1888661931597,6.0886588161531,5.89853526322514,5.98532533260561,6.83553019964756,6.1884791890673,6.68818115000076,6.33860854485094,6.37882436882027,6.64162471859686,6.20891684143778,6.66827497690263,6.55089357583945,6.44808446112754,6.34808313839769,6.39134720597385 +Pam16,1.33682153022475,0.799324462322513,1.24679616154452,1.12709505814714,1.12273103468545,0.676486098467059,1.60776013490901,1.59985931271824,0.716471314528231,1.26811673421354,0.97394161212426,1.26933162527403,1.49246138172795,1.09253852635872,1.41711537415389,1.3877920220267,0.779354507276027,1.432222095417,0.740773819934117,1.51248147736296,1.79345266933352,1.10737171017545,1.15582637696636,0.943547086406391 +Glis2,2.00343172222703,2.19242515456989,1.94376428040146,2.08821238930882,2.69799444582423,2.5343338149143,2.29520611479167,2.17265820205266,1.89366604244524,1.86295375317288,2.53553412615392,2.01454779813814,0.722794835072973,1.46276861529085,1.03174617865471,1.28660090935728,2.14455545718428,1.27767156402264,1.9985596323035,1.02861327657486,1.30905982857884,1.55439756401869,2.0752315465807,1.76932804844759 +Cox6c,3.95749117659254,3.37177972932936,3.77006978317361,3.82987105561643,3.28747537372017,3.38781613199691,3.58570365719652,3.79093930074127,3.92899505587305,3.8687745329667,3.45450630691091,3.68522023125055,4.43257353220333,4.02253853370831,4.25669828409621,4.0067832673048,3.55785666005975,4.10702563021511,3.68352514995271,4.53871498890905,4.35274725765795,4.05534747469524,3.34977453243863,3.84950031557885 +Bicc1,2.28865749887188,2.69213377705463,2.19165661884875,2.28624857816316,2.56418759896925,2.83618238862779,2.52861797463147,2.6375580578848,2.45284551384304,2.25328154248157,2.63385354746874,2.55049544862543,1.72810424873984,2.86950901709756,1.65998015362588,2.36589427729371,2.18853045881663,2.14870067641029,2.71766285086349,2.17666216139922,2.36357033420172,2.65717913422229,2.54722458711082,2.68053044914926 +Ube2z,4.80088318342837,4.62904123668596,4.67483573514372,4.58869195532889,4.50815757010438,4.63288222378201,4.62547976183105,4.65105096743258,4.60019852929342,4.51607060114105,4.49713299467443,4.53634632147461,4.76163995503411,4.44140287823244,4.53133345072186,4.66727510086397,4.63201742361532,4.62421183960051,4.6193607857903,4.4692971130067,4.620081436781,4.66246609423883,4.66564470980637,4.61095433858751 +Tmem87b,3.10102153521592,3.23299757767696,3.23434098993756,3.26278811224151,3.12817482691405,2.99554629165201,3.20352794964483,3.14152240435113,3.14574039892841,3.15960936140417,3.02814099917335,3.11838399948353,2.81464243840901,3.10145899734826,2.97740992882351,3.04483220339929,2.89580852789589,2.97161752930974,2.76700026210195,3.15825268628587,2.98031810162448,3.10780851962596,2.90529053396594,2.89581002300126 +Anapc1,3.58826379781528,3.59051841396716,3.44669740635855,3.48740631137609,3.65772057886481,3.59815464743462,3.57352190857156,3.56631875547942,3.52090760766478,3.42336035815767,3.53657674605598,3.48386940116567,3.31577934047161,3.34302866142239,3.4337700482653,3.35806245207005,3.52636804337271,3.4125883587607,3.42513069355933,3.36926530795955,3.07939859312984,3.21041499851179,3.50896606155554,3.53664361949237 +Tsg101,3.90164907837832,3.66161456097145,3.8359120167255,3.79248203144531,3.25565729040597,3.56077499147127,3.53000858958083,3.6018472800819,3.68063177983962,3.72478967989489,3.50116183497759,3.6390985568547,4.07104355874262,3.62402219552356,3.81985953322689,3.82121097814092,3.54918860091107,3.77580156345982,3.26452488057712,3.89200888006335,3.7784424958181,3.76434973561584,3.33347875714184,3.49838734645512 +Hps5,1.17413982248278,2.03466631578177,0.689870647873205,1.97307531721322,2.50685878942945,2.23740680360329,2.27134168287641,0.967754186174796,1.28538962130817,1.96600813613833,2.51581914928728,2.11805955905872,1.82622533528378,2.12401842687806,1.97289498741106,1.91987504653892,2.44889183779691,2.1654886793708,2.48141530624343,2.01347587782388,1.89763201703272,2.07040989286102,2.6340449708969,2.3625150898244 +Map3k4,3.55252414830917,3.49929678715283,3.42221443795086,3.48680177536567,3.65758995855841,3.60436283134958,3.46559940949876,3.61420435601443,3.51637323030088,3.5078892496127,3.63275162110562,3.50917826357187,3.32719874680402,3.69587839347195,3.43204670621989,3.59637090251745,3.67545679229067,3.52401516572678,3.75507888371712,3.31663276920996,3.44809461941695,3.5804186258568,3.75188119872252,3.71062667318718 +Rnf166,3.71869631162594,3.23190176840247,3.58326860108975,3.51240040144323,3.484399908015,3.46696176496383,3.51158357473442,3.44730455842797,3.56571296571891,3.44088879157846,3.52757909421731,3.54268073063681,3.39576542249891,3.29925278313647,3.15208117399604,3.32378991004325,3.44855948642512,3.23408963802551,3.40468714016034,3.38779618805464,3.43998407039779,3.38059569090171,3.35295462380161,3.26009921858024 +Ankrd28,2.54164192724086,2.87517066195787,2.91338888961581,2.75381817793275,2.92591599769314,2.96234193263682,2.59606508724155,2.74198012126352,2.7396957817147,2.61914559568745,2.83246085678083,2.61993162272252,2.62580813336202,2.88002185621251,3.14223967442739,3.13468292017483,3.05321431071553,2.92977874753814,2.79131925671443,2.79357747845129,3.03583691948286,2.92400546964182,2.94750710510003,2.79334749557221 +Ankrd52,1.98369625127434,2.08001840532893,1.83827068545643,1.73919105876632,3.04376804332574,2.95938798491011,2.53425759580073,2.30829846254776,1.84011962507199,1.95148543966649,2.77205035848552,2.18388842524959,0.92881179327767,1.56343950690321,1.14003687785836,1.2592275819535,2.49483805420073,1.92779450342517,2.50319597639125,0.746811255806525,1.2307946957706,1.35689246792069,2.44959221717836,2.03007318239 +Srp19,2.14856124361473,2.04017421580006,2.05403622101751,2.42591214805243,2.05025701178937,1.86216437515677,2.00522562670019,1.4773783707875,1.95961524854496,2.17950597675657,1.84452773674849,1.90904315638911,2.92256013063222,2.3339153112844,2.45150034242622,2.48839884489015,2.53809450281858,2.59540183683938,2.5649438212204,1.99237245862443,2.54563489955898,2.3719110214916,2.53652213673055,2.53431292837749 +Wdfy2,3.0980302031476,2.86949067392587,2.98632532973591,2.78141449564864,3.271438919489,3.2501970051753,3.29235307300551,2.92505646259506,2.85758224091738,3.02034239757288,3.14907014946557,3.13328150713488,2.77053282897492,2.54305241015352,2.2472696218859,2.72416502062048,2.97200886275244,2.58786007345626,3.03058139573799,2.26096995414511,2.33142860477681,2.41381380031709,2.99824723000541,3.08371586569948 +Zfyve20,3.50648720753638,3.48506685026513,3.54515646784031,3.33794663855099,3.32857403223221,3.41536958167294,3.41158183756032,3.59917954525089,3.60515235625817,3.5666931514589,3.36639324124476,3.42787905775008,3.70028034092927,3.61691513313357,3.73979755708757,3.89736762441317,3.71036426837601,3.69974351904242,3.76591922325515,3.45444944991117,3.68104147502382,3.74810993997397,3.68842083216301,3.74045427557062 +Mrps25,1.30586489734097,1.04816554844444,0.804159950908623,1.15436201913769,1.13091733739404,1.07732925340305,0.960368032376582,0.838556505703516,0.793534989597709,1.10821981589177,1.27374779945214,1.10723118223915,1.10332530737766,0.815184241643388,0.753355272547027,0.844811477551251,1.1218939800973,0.896183867923543,1.01918512357026,1.05638419615625,0.894268744362944,0.966152540633372,1.19917688905554,0.754936803686833 +Dguok,3.04248518076486,2.83559351631376,3.04234325410129,2.99981694479046,2.95034528887178,2.92092212705968,3.04202145790029,2.87502498017417,3.12246155444432,3.03475636438367,3.07132781158032,3.03066721972366,3.24118063929913,3.12803225813529,3.28778607629422,3.23399591703376,3.26647456671147,3.33077423102439,3.3084530525201,3.14458883486133,3.14785788959319,3.38035974715296,3.03677923174187,3.16305295573274 +Camta1,1.4642063322438,1.49620739813412,1.60107538683621,2.37688099371919,2.53569363795046,1.94008195572213,1.57624812832275,1.3625689696908,1.56282778344803,2.28389631212644,2.41811623271011,1.87877413877279,1.36458885216588,1.35525270553925,1.73767812447966,2.1351933719256,1.88561436064317,1.52725448079008,1.30452399938571,1.40989933652213,1.76907451982532,2.07512571384237,1.79965266641015,1.50517006153619 +Csf1,-0.445554157954852,-0.490528766225392,-0.640404021142013,-0.152637453038796,-0.900545978928251,-0.853842680321237,-0.398838498205842,-0.0566899031999561,-0.354406330630094,-0.627253239818307,-0.21510731422148,-0.1258797314761,1.67725419363615,1.79078112746747,2.04952520479679,2.37084084374945,1.98933969715433,1.88880594308013,2.07422181701542,1.83074973268096,1.85423737152522,2.22150733809424,2.14335127017123,1.85061479964179 +Fam40a,3.6603745132212,3.31459841978747,3.32091829017225,3.45782943486959,3.72232110966163,3.75162663175677,3.65250727993403,3.47557982466026,3.37689627599761,3.38817425218055,3.67106835327485,3.481126531331,3.30127004216167,3.47405249643203,3.19443263119918,3.36912360545819,3.61865676317998,3.32016842701704,3.55796700058024,3.3508395965757,3.34672391648007,3.22762021351566,3.65325615254331,3.7513048377827 +Kif1a,5.20644446902241,5.3414916029404,5.2158268856649,5.12876533779824,5.31338769560976,5.37034844477074,5.32955633594438,5.28284770686202,5.16633675624649,5.2063761435701,5.20019298518847,5.25824311347449,5.6992681625344,5.88029953492738,5.88723115058369,5.78145442043525,6.04849256006032,5.81271517293018,6.11242139874329,5.56947403765946,5.55055767729991,5.77777165373647,6.00962247997284,5.9290094886626 +Slc25a11,4.83635110955204,4.55990324395872,5.01130622117838,4.78192283467861,4.37263871464304,4.40776846102747,4.45640068607582,4.89650441018676,4.86871957895318,4.92156411952927,4.31526509925559,4.67170789248233,5.14295190965426,4.78325618330913,5.12157730756954,4.72485027834108,4.55979080311885,4.7849576340421,4.5643468546307,5.02807562169886,5.05549344513704,5.07086609524729,4.45994030256503,4.50531612565646 +2310061C15Rik,1.60820866545069,1.09584629383333,1.43677778468384,1.44413933642794,0.999861900969619,1.27650481355789,1.25607241021517,1.5487562923128,1.33562848403029,1.02673984569726,1.5562471840272,1.26542416679469,2.13019685527023,1.80017734994277,1.76445482512804,1.65426604354912,1.62448202006957,1.68953860996368,1.51912205141935,1.68119617859669,1.67072005424501,1.87222023670563,1.49511248251523,1.92368987420967 +Chfr,2.14040908789594,2.25720626020157,1.97740602914849,2.38732565736542,2.50699781368362,2.27486924112792,2.54387278249376,1.99527948396744,2.20177884419461,2.29752960936762,2.58425694861638,2.57876720855755,1.74355895332863,2.29250979114336,1.84669478916679,2.10854153740784,2.36499847977037,2.0249076116416,2.38252668660972,1.80560349303921,2.2176496312897,1.97762945395998,2.30886639048223,2.4584440649436 +Tex261,4.20510958516098,3.70780313317626,4.14416468488994,4.00587178478861,3.91959574334703,3.95089935486229,3.70045352699297,4.23641140851444,4.07810346638173,3.99833521316532,3.94520053411107,3.85502779821664,4.61917543715801,4.34838597753258,4.36555245472451,4.22712523053401,4.44633027902781,4.53339492169283,4.28973351897975,4.60096028565576,4.30983639356432,4.29190600937739,4.46129296089114,4.3922259382309 +Fam120b,3.92801673862834,4.12033907806793,3.98653560319935,4.20029564566094,4.20705347949575,4.10098991274342,4.04364523403316,4.03893895693594,4.01766608861745,4.00917824468386,4.15134988732081,4.21710993376492,3.94184454286294,3.88898147468429,3.8838190953868,4.0676866504767,4.40149916296441,4.0899141887826,4.20452095570727,3.74526965891795,3.97970253265315,4.18782906830592,4.36501083903908,4.17077137561443 +Tbp,0.664108571708979,0.876866025328343,0.635896658026676,0.708794644918536,0.856725255183588,0.723484039648342,0.403492931349641,0.675289622821848,0.416255443397456,0.722716075819699,0.58878217822607,0.554933011509579,0.319522349035021,0.308626049854377,0.36475194920466,0.496461173711776,0.538555254708624,0.262777257390616,0.208208907812522,0.182959331475105,0.217075571947182,0.16779330538576,0.299478921856354,-0.0154422496197215 +Psmb1,6.8026618343122,6.02916346464539,7.00294778494367,6.63121391356263,6.14311959925757,6.11498074275784,6.2385153884907,6.55476138342704,6.71756293735043,6.72996125240817,6.36519241327687,6.41476298630986,6.67903148594185,6.18128260040293,6.61823148745285,6.3880182924353,6.02656268061713,6.37160030848919,5.86069023640216,6.51722927449718,6.55489219880868,6.40359984115769,6.10558640353895,6.25072664622486 +Pdcd2,0.627826279340345,0.933860122811688,0.926319621680932,1.12133132860804,0.58473562481333,0.875199569342694,0.824150233989635,0.657747943938576,0.889987120316799,1.08745200766321,0.753342578284211,1.12372906355379,1.09258439385866,1.06842157978646,1.20803765515106,1.03446750348667,0.691501474238731,0.717010675587851,0.977012934833635,1.03934598935884,1.00682775375472,1.22236856682921,0.594028391478041,0.688068752455202 +Dll1,1.51071133650831,1.85116851748345,1.13819322152398,1.51905692939857,1.54934698512669,1.54033229782216,1.825541532286,1.66144473375053,1.77687767343989,1.61064330398084,1.65090725553792,1.60856633002953,0.701121358602,1.26260262409842,0.783593563739169,0.747581840027761,0.566629451642901,1.14834609388085,1.2190308490184,1.18791650489763,0.652014425724661,0.842987272058282,0.843651811400607,1.346373901596 +Nol3,0.36729634780259,0.384534514171833,1.05020381397867,0.534651941753329,0.340679350612232,0.323733153622458,0.255822100189954,0.791959407942109,0.800277816704998,0.536881081661826,0.318865362901495,0.24431446876613,1.93836773063751,2.03529548923737,2.45318494094714,2.28800568707017,1.15630522919439,1.77037070460161,1.63528279529182,2.04174100695324,2.2557086942876,2.28652349782207,1.82014381059796,1.72405824033237 +Fhod1,-1.02098928638074,0.297409123917721,-1.90997708512987,-0.15405428062266,0.115305301812018,-0.465224106442459,-0.23404009527229,-1.27538292366775,-1.09119628051839,-0.431555613329539,0.0342095720132334,-0.0248979580623745,-1.56213680667476,-0.818554143930563,-1.47381921275054,-0.956057964070173,-0.76591530076602,-0.705807595705129,-0.447124393928589,-1.45974542030991,-0.907697852030956,-0.803653455170976,-1.11165177147562,-0.889243760901445 +Elmo3,3.23197643302964,3.7393989578029,3.73080843462747,3.75181339396107,3.50342223020781,3.44509944037356,3.40143653911651,3.38161883011307,3.67346814092616,3.83190115445531,3.4358889116054,3.43493949089526,3.35928318644221,3.86997140270619,3.47169741765583,3.88723690054032,3.69844164950308,3.59610758356685,3.91397243426851,3.39467581400368,3.6944337305824,3.92107801706585,3.6880723062465,3.59807031582778 +4931428F04Rik,0.810266287833812,0.747767707757941,0.0117242283499863,-0.325007180701492,1.56509991882445,1.49255878883325,1.3150244657712,0.956909793448528,0.0650256249259191,-0.422159441229646,1.37593456413796,1.04206653383686,0.509153873781946,0.200435382479618,-0.248708754052684,0.333002639057859,1.85851252079697,1.08766233932511,1.38115897818382,0.258844242958568,0.113389617442937,0.403916200848262,1.77046849800903,1.16538298682966 +Tppp3,1.63491428464399,1.87178394912724,1.44104148095274,1.80709518718353,1.91751914447668,1.30340605940228,1.98249858156041,1.03022242940635,1.48035293134746,1.75577318288988,1.93154780613255,2.01942076394834,0.5927237346275,1.14310220741367,0.547212148428817,1.19457849317219,0.632755629009103,0.517892888896003,1.04671076461741,0.0762536389853247,1.19700907036903,1.05400138024518,1.13897936030384,1.02357592531818 +Msh3,2.16948522823286,2.55259259163772,2.42112820185945,2.42737277201815,2.29939474665847,2.29424368257749,2.49358426685834,2.36946364059333,2.47034703901591,2.48225340060121,2.10019678692031,2.3006802890531,1.88890827039005,2.25416652249633,1.99129632057424,2.51892767841506,2.02571192513356,2.04006225074671,1.95597263356169,2.05292138511248,1.88364061703102,2.14875899970606,1.84806032664063,2.04923360625235 +Tmem208,2.24299804506441,2.16977837844127,1.56638464781396,2.36554566235844,2.37102494402076,2.15302909451168,2.40095252734044,2.06698554476238,1.91675853033093,2.12138112706887,2.48486221554046,2.27686221185735,2.35817931607397,2.35054735305639,1.89214050645772,2.10917854756765,2.1219425707178,2.33912547042206,2.39986722005793,2.40434329060586,2.11524608137334,2.07499455901234,2.44012342679607,2.46157602014515 +E2f4,3.08561178180488,3.12808293865977,2.6506445345862,3.21004826551838,3.72031948411297,3.58294175530742,3.40048516421117,2.82810723303814,3.01654808620817,3.11008720926456,3.68976429922356,3.30476879184747,3.49414447524977,3.57290458394281,3.16214840541998,3.4625550200371,4.03791535103495,3.60131467681031,4.07592943539965,3.32220010687721,3.17095675312274,3.5177315840751,4.05816109581451,3.59381785128451 +Surf4,7.12955801164496,6.59624932419608,6.79314992548909,6.72252594433735,6.61827643163609,6.56253111384497,6.59124667697108,6.80249394665189,6.83367554890229,6.64679652648366,6.66130019004304,6.56150815490486,8.24724740163488,7.557344628797,7.96462873548042,7.59296288812319,7.73320243449,8.15511080803486,7.74662016275521,7.95323396010632,7.84374743110459,7.6786348897098,7.83448493586041,7.84448704508442 +Surf2,2.12208484855581,2.37110855818123,2.14348356797603,2.72590646235541,2.5359158273718,2.37004578177806,2.70562794604212,1.81980982116844,2.20880741098109,2.54405343426774,2.56489634484922,2.39621764412112,2.30178557382548,2.66654436138328,2.26253923860968,2.67646256839972,2.36128387258253,2.2455254756328,2.49236255537377,2.2176980650594,2.62529434873663,2.45891131679317,2.49556680822347,2.76167160345987 +Dnajb9,6.17393730324699,5.6557494640879,5.9683286879139,6.04622074965415,5.70770781440371,5.47015586023694,5.56814498211297,5.79749789633027,6.08080494103418,5.93294588982559,5.75064623338376,5.90896673424794,8.04075978402214,6.71521744744992,7.68204267946099,6.75691482978884,7.395489874194,7.72298734068398,7.27866090591151,6.77756124936233,7.41258830697368,6.79794407401037,7.32616433703045,7.48486855443068 +Naf1,1.26926054923025,1.33868115395024,1.28284517539627,1.36560766808813,1.31393220203202,1.07695737277624,1.36597669712321,1.31625624663497,1.24296511416801,1.26495379722392,1.61077711288872,1.16212508720015,0.757639971046584,1.21175471626665,0.68909858601422,0.766268871475521,1.07502573971733,0.966728167641171,0.912768436279215,0.867621172569087,0.804649763430517,0.464081307280804,0.842486153224201,0.725628392132045 +Yes1,2.7219191851927,2.80546091605288,2.72690638327484,2.92317310107576,2.73682713590667,2.62283813119582,2.77477798846382,2.72369416181973,2.66455791345316,2.61308616481741,2.4138424964978,2.86240078655655,2.68208686134238,2.93046981078547,2.77661524901441,2.83919077565103,2.65486760767788,2.66813168743917,2.63181600143174,2.92634855931045,2.73426182672258,2.69839298700966,2.52077188499731,2.6605071415391 +Ppp1cb,5.98357293154854,5.64439486154107,5.91918380110654,5.58879913361566,5.55011641374455,5.55414570700828,5.47696574977993,5.97430633068186,5.83180428151957,5.59707428907141,5.56906127473787,5.65919274570314,5.82173168875863,5.47279878925296,5.78037994455063,5.40805270974197,5.19987076480658,5.56316406517126,5.05251757406032,6.01822915020528,5.49557474873297,5.38771936969863,5.15981891852065,5.27504871807265 +Gorasp2,5.19424355287329,4.78681210669048,5.00391979830078,4.87845313269581,4.90064952442701,4.88162453137125,4.77168212967502,4.85751503921838,4.98208101276039,4.79474429566767,4.88709616840847,4.8590556133289,5.97465742388405,5.42349590378463,5.888141318996,5.50579775519641,5.70551299589645,5.82932189627802,5.611890906673,5.61051009444038,5.69079068403328,5.59394669507929,5.72876570238117,5.78300053762182 +Tsen15,2.72650659311198,2.41123357756628,2.74754501588181,2.53699434586744,2.1954909829305,2.01924804269138,2.30239041810556,2.39507708557533,2.64382945156436,2.70745653814848,2.16538681300675,2.64399461575112,1.91723398374786,1.95046446974617,1.9178135387163,1.58551673974657,1.14772686658911,1.7174737609909,1.75285098097333,1.63054892551073,1.93058968245423,1.8119966358852,1.46731883420288,1.5280556427496 +Efr3a,3.73099164824618,3.64669654669098,3.91316351488634,3.56056505307184,3.21813912837412,3.47811250401268,3.33218499184158,3.97554130363296,3.74792815350948,3.44844651601968,3.22667828664431,3.53867661044649,3.83326986586778,3.63263884332949,3.73138117581602,3.55696695948818,3.40605950135083,3.6310423327414,3.46062276792655,3.97028930187244,3.61105751203353,3.55600847859635,3.43712988460107,3.50895913217162 +Trappc2l,5.92529463929575,5.43191895469263,6.0088371583954,5.88402430879393,5.37901044615017,5.3321556284667,5.64645595157106,5.79475318712443,5.87591076875424,5.96753382499757,5.48010176203542,5.48364555738638,6.29351634707842,6.09622595529028,6.26993614981676,6.17462644710355,5.51520534231085,5.97343666011628,5.73082007856965,6.49865580167707,6.30551920541376,6.21991526746668,5.72429027559489,5.83867674866309 +Acsf3,3.36833684103057,3.64176238171668,3.58456571172917,3.40100075980886,3.45395566700082,3.70266000345357,3.72212552180971,3.60339840740843,3.60506121207361,3.23635518993382,3.75919560626693,3.22757435955831,3.27577667014389,3.61973818539143,3.51141429765041,3.46767108489304,3.82619517196675,3.47305555200635,3.85898577295702,3.39536295112045,3.34887883302692,3.64559187211926,3.89356169999942,3.78039277051656 +Ddx19a,3.32884250388896,3.24213034933405,3.32562487066458,3.04811481295299,3.27421295120144,3.38338627918079,2.84160645334995,3.25762810747909,3.31773791562452,3.05460145035792,3.43763748888834,2.92978921864359,3.24086763387203,3.08158168405288,3.14826540745981,3.0449696323641,3.2747768941991,3.29249576949135,3.2280414298477,3.30575205181432,3.11567555779038,3.03597993748261,3.36191163785154,3.01741146751116 +Galns,4.33177298140773,4.41490807935956,4.56652324465154,4.7284773826903,4.23289766953345,4.30885744533861,4.15575552197657,4.40128597169975,4.63468926397457,4.58794646496967,4.26869865063616,4.23030807615164,3.82343172940315,3.77410512911067,3.96898224146692,4.3143089879761,3.76345443066496,3.73453925372567,3.56768153856078,3.83159285818712,3.88723844854539,4.3263493601339,3.56058924114848,3.42837185651519 +C8g,-0.120640762100681,-0.0950091035501001,-0.192885233537015,-0.362905531585685,-0.453940792147643,-1.48397018037312,-0.955025472935607,-0.961399083927678,0.073421745731004,-0.295324883056824,-1.188407131434,-0.711299699280957,1.20550942508356,1.48270861562899,1.27818921315398,1.37567128546981,0.81384842130672,1.55147582813011,1.31093399620195,1.22552952071857,1.62440022705232,0.957791258665109,0.353444109471832,-0.0286689555517694 +Entpd2,-1.39220983897566,-0.383879605208745,-0.446531894350175,-0.719535249409702,0.475208473128544,-1.93160616428167,-0.746013080037632,-0.884381002585608,-1.55837004986856,-0.742960866965374,-1.0653108123499,-1.29403404925841,0.269153237331876,0.876559015802734,0.427414879270432,0.107845749547703,-0.0165291679159207,-0.309816502498715,0.332222954599526,0.400735178350703,0.548329045809555,0.220942015859237,-0.0269477764427812,-0.293472461376937 +Rabl6,3.95997235665967,4.02001313248569,3.76858134916065,4.26719650584124,4.42170378038989,4.19517104101063,4.32093479171418,3.7611809255219,3.74159140588866,4.161388522028,4.53868979107279,4.23076868273088,3.9098055133609,3.87714753109349,3.66813655925004,4.16809406723879,4.50044926209103,4.10385805930036,4.40073083631074,3.44207958045028,3.73928701779682,4.26262592089521,4.58176770556838,4.4169859306928 +Edf1,5.48501842911582,4.93608027334511,5.31215576560761,5.39043085578983,5.05891261790358,5.24299722095714,5.14125549517656,5.18262998527116,5.35046025329112,5.29169569120434,5.14820382339252,5.30536363289809,5.70900766497755,5.46129042335731,5.37228692699218,5.36077397237351,5.34203043690137,5.43035631688432,5.54665613022697,5.70034280531732,5.46972143303896,5.59044618562043,5.51229077654664,5.46209035309753 +Npdc1,3.63459748177923,3.55746358527763,3.68344255857674,3.52609176188416,3.95374644434523,3.92027382962852,3.6831299933089,3.89099964441914,3.53837378681187,3.42705976589191,3.97383717100514,3.5994740049433,3.78517122210937,3.97873361310514,3.86012110403961,3.83423849806875,3.93231068255389,3.88927771271085,4.28562728953304,3.97731921497872,3.73004003582279,3.81326545374205,4.00312405437514,3.97541698230243 +Fbxw5,3.89383462217353,4.19036124022761,3.84061419942096,4.09636395968357,4.07008586756783,4.10427069987594,4.19861417800104,4.12370718435518,3.96589019714393,3.79326110086129,4.2002481731888,4.07931572744265,4.13264120835449,4.27188135149293,4.00392815838458,4.22343119599322,4.40405904614253,4.26418086968468,4.4255485659116,4.15093334617031,4.10440490716235,4.25686373397328,4.32854067268812,4.32618075357554 +Slc25a13,1.12927952646624,1.2830833703414,1.94083172223831,1.52862886875484,0.278010763545746,0.922927337107132,0.889048949935219,1.12790195654935,0.994009604388625,1.30033456908726,0.561795421968534,1.00357922678024,1.97538776709725,1.88984967766898,2.01756818410417,2.05811072566384,1.01444990632503,1.62428935653071,1.4618852997859,2.07159072046157,2.10468613299969,1.95278768572062,1.35316762323187,1.57574260324808 +Ube2i,2.47944020868233,3.12287558605059,2.1928798864315,3.29576343135456,3.29110403449406,3.03690267264437,3.12059670068358,2.13038768672032,2.63341193554074,3.2363556020959,3.36558517967451,3.00909910778544,2.00062896234906,2.51935544460257,1.86586023814639,2.40794137691818,2.55835473299519,2.15560186912778,2.53758099309799,2.00724782560803,2.46225622278611,2.41716122058873,2.66316995111978,2.48456163268246 +0610007P22Rik,3.49121516088251,3.39430920080861,3.7648007943024,3.50836532786788,3.11528909119341,3.21418816113357,3.49527318841921,3.511653070467,3.41095179931328,3.62860726884667,3.36199446543369,3.31378737756657,3.61060879798145,3.54783927444803,3.65703034575282,3.76565766874114,3.95672658765337,3.26926548395521,4.01928841861708,3.26817687079356,3.77029636696198,3.84762339398559,3.87456080813752,3.58816912056027 +Unkl,-1.63589952660413,-0.320081993810419,-1.09408318348041,-0.732966791139867,-1.31771421108193,-1.16875333920783,-0.727741795712299,-1.54914964801746,-1.17334432847802,-1.44472375653186,-0.851146831533641,-0.941714776491187,-1.08245067831205,-0.993653329838145,-1.23431532219438,-2.13107878428813,-1.72107149919432,-1.57812850442913,-1.76732995002149,-1.38806902952245,-1.04051850221013,-1.71481797263047,-1.31430275858373,-0.918545196375449 +Lrrk1,0.0047166380044325,0.184176810797249,0.216919874847328,-0.257408940945162,0.344507441063271,0.36747064246105,0.003436808667808,-0.0498938571827958,-0.215396119194393,0.0732918809981467,-0.0075177828678811,-0.0381063372360058,-1.91614428887037,-2.35166933230829,-2.95103141081574,-2.25786064389024,-1.45751275047725,-2.19903493295563,-1.85327767661443,-3.03835042597983,-3.30269524566554,-2.41126177003057,-1.40174350357446,-2.33599250606115 +Aldh1a3,-2.75459906670928,-2.66589443898665,-3.19926805194148,-2.92597343431488,-0.536975784190397,-2.40090848101637,-2.9469566209709,-3.29572747337386,-2.46680832675387,-3.58886133053007,-2.2420666233139,-2.66319126069669,1.95628266620079,1.48272521342139,1.8532925341377,2.83649794666139,4.02935083275941,2.10156769282175,1.71392235952827,0.939918530009337,1.0207147453631,2.15228835277816,2.59159222852781,2.49976847791145 +Actn1,3.58603288789547,3.45231525944876,3.59769301899424,3.32289834921199,4.00718350544227,3.96647232495373,3.42347800680661,3.8042355281153,3.04869171107394,3.58718094170692,3.91011555338191,3.67785870015075,3.71565270434333,3.97246593859155,4.03683139962925,4.2092024034033,4.46506681568524,4.11325140074323,4.39224775782408,3.85052776954185,3.76304168599419,4.13619749956912,4.38293406971144,4.30097559399614 +Sirt2,3.08531299043268,3.29015180064288,3.26780616287652,3.21827221209879,3.23850621384189,3.19183803321582,3.14748454216809,3.18739263190735,3.19191757654794,3.22059707407161,3.0904417016097,3.13903732014457,3.61525468936818,3.54745062592539,3.57441710105591,3.59493565832111,3.67275061248726,3.65205523392006,3.7040861265386,3.50969049348287,3.533187903579,3.58283030996518,3.73749497501609,3.78556256633117 +Hnrnpl,4.67064490231145,5.09570103689019,4.80875355706068,4.8056865621824,4.89406404953265,4.97613220182337,4.96224169553096,4.71560752095453,4.88197591830778,4.79230612789383,4.8750346044348,4.87890036229309,4.91768305788464,5.07116360615612,5.08809190526246,4.96878750017907,4.95740936191413,4.87843850397608,5.17134573005419,4.82996872776535,5.08817237072864,5.09998954659579,4.94147828029371,5.02681456108971 +Nolc1,3.72760844460258,3.4233267069978,3.17073629490829,3.58486551630785,3.58266541377813,3.55443191719007,3.67444298921096,2.85836548547996,3.40924124276997,3.44204304474568,3.51338685213906,3.42699790399664,3.81587995581052,3.53080982557386,3.34454952384032,3.81948060734545,4.19963476126311,3.61529085151189,4.31918366978013,2.86039026638589,3.75305484653918,3.73561576077826,4.35603731464125,4.06590066511933 +Casd1,4.21693105977864,4.16731806218307,4.10445204819268,4.06248453384824,3.75759950565997,3.92758434811591,3.97433208838342,4.2972936635724,4.22990034074462,3.90489646364874,3.85468501383133,4.01747058219535,3.95644322191597,4.13545045995746,4.23749077435568,4.07165695105056,3.59904860535936,3.96664808864269,3.67332206865981,4.44244799675035,4.05950827968234,3.93912100875355,3.6238246317928,3.78804259048721 +Cnksr3,3.14891237565328,2.87085577292901,2.95973356644733,2.95835816097556,2.96959400233731,2.99843970909926,2.99769838168012,3.05787586852957,3.12203635709822,2.79591455692954,2.98557855192721,2.93702514969763,1.35396634626337,1.72771179362378,1.46646739202701,1.48093765670281,1.86998705129235,1.45692812054742,1.90270250267762,1.66191981119254,1.57526396473163,1.65459546536954,1.70567949239175,1.71636376923181 +Mtmr1,2.09220556983234,2.18526481269743,2.05280867666306,2.29067695931897,2.04473400798425,2.3923222265523,2.28868407545084,2.21379753544211,2.11171465360257,2.3030513441833,2.20921573368315,2.22218319374344,2.33563176368712,2.36350137478413,2.27394710118477,2.48143142428761,2.26889397303663,2.12528001031631,2.16898404553622,2.38787530967163,2.28671164841232,2.30961170001845,2.18406501980943,2.13137941948387 +Hmgb3,1.11608637896924,1.70747762656249,1.48400593558799,1.35741237692631,0.90252619421526,1.1475648318078,1.34812827642778,1.41981631056271,1.52668201655864,1.72291568270851,0.875736737094661,1.16239225774892,-1.8338757605914,-0.745815367439789,-0.626061938618585,-0.656435818040585,-0.738241334667131,-1.61854775701775,-1.17830640985107,-1.39029876685843,-0.416801289029184,-0.370335294442872,-1.17484964327211,-1.07803436740298 +Mtap2,4.61855836977773,4.80209292314906,4.53831210525149,4.62806909062942,4.70002695374742,4.87908440012391,4.67879178228958,4.58310716196871,4.64276563627299,4.69550308705673,4.73367181987579,4.79595084758891,4.8774216785406,4.78382351094021,4.71302091606909,4.92736376420267,4.7544175215354,4.75946921047378,4.78497249043875,4.77848418036738,4.88660949484451,4.85908178733781,4.74654004149456,4.77467280650867 +Abca1,4.10064918919255,5.10979740414666,5.28848397980541,4.98455132637177,4.49151063558531,4.41796134928174,4.37032812512545,5.35413325249123,5.01372010126742,5.13707341208533,4.45985909335964,4.59704757239366,5.1296601364515,5.72876768060127,5.98723699074076,5.89934758794093,5.13741143682725,5.27125207940106,4.90416338393641,5.95021308669454,5.40800700339239,5.8529950496125,5.1982202947355,5.22191553816192 +Nipsnap3b,3.69197399072845,3.2923655834085,3.69489841015974,3.22672218000817,2.76981323698825,3.16560581989615,3.04529903154508,3.59514964583038,3.58190809752282,3.31779433509645,2.79829315078837,3.09691722886679,4.01670096345449,3.62827918484452,4.01513112942365,3.50459953367332,3.07499672778465,3.54565370433285,3.50121147870092,4.08813021683497,3.80986051054589,3.45517124709667,2.68202851562865,3.66187094593577 +Lage3,2.62960980663003,2.30093623624835,2.51913679288014,2.55948956953159,2.27570720107447,2.52650016374369,1.97571769211865,2.48326699170563,2.72033592953755,2.66906419567151,2.47221587913802,2.40392946690805,2.82735862240056,2.48142136255505,2.66525611183308,2.75521144153202,2.47796406014096,2.75305711595164,2.48191876802622,2.37691887178433,2.60800013174063,2.73147340036508,2.4081172547294,2.5255929229612 +Ubl4,3.11194326697657,2.83980837028204,3.11738938508584,3.05321531314962,3.00990642560134,3.07926854902257,2.84017228596692,2.89151631249792,2.95391241770643,3.20460435863399,2.78452090627422,2.96206629264971,3.50734170647558,3.06651025580544,3.35777145513929,3.29205556144312,3.29379368546619,3.35294363322322,3.11203248309082,3.31872802896834,3.35007515827387,3.32701691424417,3.30166783762855,3.12806375193991 +Gdi1,5.40438153362387,5.45859511191282,5.37548320863727,5.1756167365446,5.61026601907152,5.68073402714377,5.50093728834133,5.46622078491665,5.37673200620597,5.24630850769812,5.49139517805021,5.47577557084119,5.26543393858705,5.24627668784126,5.47677842043286,5.31186437960872,5.29239058947349,5.40081275069962,5.35571030042758,4.92751695614249,5.34002426448261,5.28381707879388,5.36672613033498,5.28514790543563 +Sash1,2.60750957841652,2.84479749064147,2.8153823555529,2.72847424655487,2.73701083990504,2.78312420596738,2.64069013673519,3.23080639831606,2.87556878235925,2.81657572586212,2.69183815684407,2.83222968691105,-0.358000910796055,1.00069358986049,-0.301906762770763,0.597472945499775,-0.168905958473752,0.293462935827484,0.312269767609441,0.472269632054895,0.199485867712117,0.222466012177871,0.144886955197648,0.157243565368003 +Gadd45b,4.89007530450053,5.42609458760556,5.49892680421297,5.61605009084662,4.59085100992689,4.65191140366066,4.52328090797275,5.18602450877122,6.08972204764481,5.77943761269103,5.19442020641381,5.20901936281999,1.68939760241876,3.43120954294202,2.3934827657185,2.76934263907532,1.27143180414593,1.37587881557782,1.89954265313951,2.71378540529217,3.87169782735731,3.51536435338137,2.18552428182011,3.05993775642601 +Zdhhc12,2.42285024339944,2.25810103316285,1.83120961887276,1.74220776021629,1.96755982697628,2.20817307844215,2.16944912668769,1.9302831618345,2.09709146322047,2.11871660265347,1.66516683302402,1.76535928486455,2.69216463915605,2.0698531989365,2.35905764391027,2.71108380426241,2.77442790077198,2.45499459845381,2.47608455287301,2.05717100876953,2.28066571391492,2.43966735944289,2.49054802855977,2.45715201438721 +Endog,2.49542814552243,2.03142305498921,2.39294768195176,2.6347627905789,2.03393993752811,1.89236884718287,1.90050247315296,2.14818297635194,2.57667905930018,2.21112553850637,2.24175745356172,1.8292157141405,3.77635417293849,3.09806224604479,3.81614958642112,3.27670011724722,3.57272379561178,3.62057154400115,3.55541213349712,3.00572905236863,3.50948277276746,3.23102975922035,3.47200889315383,3.1677241472654 +Golga7,4.22465003203436,3.9614199043755,4.16611690090359,3.88080675460002,3.72466781369025,3.79548485564489,3.82605812574917,4.06358473504888,4.03880354870701,3.76977257944258,3.84716219608866,3.89800664465397,4.23627166907123,3.94464101467879,4.30875059104179,4.00355317806095,3.90416973730145,4.16054030386301,3.82705983034109,4.34805666756166,4.12239498467539,4.14562812051608,3.88351118260508,3.90546079520335 +Xk,1.48583062184939,1.66573422893933,1.51410993282409,0.985305595282105,1.25911505188241,1.42510388100905,1.14562276594376,1.57747548902096,1.18772908930406,0.783623183259748,1.1194436453256,1.15538667139385,3.36916976095695,3.28038865561514,3.50769904484744,3.08090608005163,3.02218179946021,3.36342727160157,2.95541577589065,3.79999813078534,3.17745385754083,3.05913132798942,2.70264240296233,3.01972824985503 +Clpx,3.99933596536175,3.9051507030313,3.7971854647257,4.1539526301849,3.95461624896602,3.79936022048646,4.06146061929846,3.83391460316732,3.88047092336257,4.03168154199438,4.19821083542221,4.14587161467772,4.24993297208008,4.21798052083641,4.22266068537844,4.36584831900565,4.16887817013627,4.0866809650316,4.18745759442163,4.2368233229987,4.42013110143321,4.37444556575201,4.2607956161617,4.23207068501412 +Trabd,3.90407109241156,3.65824327772591,3.59370178299185,3.82673828489472,3.96501384837119,3.83764023203045,3.82573792973166,3.69060867712089,3.69947745452812,3.66367507249727,3.8683164417132,3.84929832107014,5.49835131695664,4.80661330448284,5.21063467014378,4.8630686819692,5.54721387521223,5.43959408461675,5.63264749366634,4.53460263372259,5.1855361148022,4.96373962193329,5.62717444626557,5.46032987824766 +Fam116b,0.912995397331949,2.32022751501342,0.463306095185015,2.34370638045109,2.70139512044708,2.19900578235333,2.85066895827895,0.778864630603156,1.66400383831672,2.12053593536899,2.72172971892579,2.1713797245489,0.164458904963945,1.37508973554769,0.443800572304125,1.37305343735698,1.71931908219021,0.866859319216597,1.77974925714537,0.458961290681142,0.961139356899008,1.16841187864181,1.83970475165811,1.57102675628315 +Cd83,2.67965218578443,2.93942440850629,3.55762562269961,2.8433528311677,2.33088927390231,2.74448784978019,2.34092216058321,3.74535381928609,3.3987451477515,3.03602697475781,2.44241418929294,2.67876813786395,-1.01731342067307,-0.792316748101548,-1.30180386550727,-1.9324673339662,-1.16202067691391,-1.78709382373973,-1.49423549180686,-1.15575450181626,-0.356803953222417,-1.4772428638831,-0.527886246685308,-1.17326973949063 +Tmem27,10.5547604351564,10.0053361326693,10.3801291722541,9.8980447080605,9.27805060526265,9.68323587812088,9.96561576551636,10.4447403616418,10.3543091914163,9.94288633120053,9.57504486659619,9.98919877555727,8.50658970719078,8.22260056840802,8.40967850635612,7.90213999117619,7.51267668682214,8.05137073473087,7.6728012520603,8.61360247379964,8.40974404947784,7.97683939603578,7.53651588832387,7.9223776241768 +Ace2,7.06843074450671,7.16884240672453,7.47514800585006,7.26482462343357,6.80946869242945,6.74825414705895,6.78061002444214,7.18452294971924,7.28421079141419,7.3297574267896,7.04496739521769,7.19156731664272,1.53317415424555,2.47778059070627,1.18937930188655,1.54198755838429,1.55687994372278,1.19533506132873,0.893332655287043,1.35464993327904,1.01238356428458,1.14889305454628,1.32657890736517,1.23098954321856 +C4a,-3.85214778992242,-1.39386533986068,-3.16397790245984,-1.54394664969764,-1.03744892067734,-1.03030395877426,-0.697891067724091,-3.27884174300682,-1.75815634620129,-1.89441401274688,-0.45730713915407,-1.14690882953978,-2.5828469128294,-2.73461392800495,-4.44618378871119,-2.7725820302108,-1.96439817924591,-2.59850463226923,-1.66076244168625,-3.09444432053038,-4.43525317866685,-3.04277635603942,-1.82971809750442,-1.72272697557453 +Ager,-2.0382444943955,-0.11877605722884,-2.84734113997281,-0.279182696416656,0.030927280814814,-0.291956569127817,0.498449192135891,-2.18633330800577,-0.792491834394017,-0.908758296823192,-0.0241113049346373,-0.570337902121713,-1.77118305727313,-1.31754731791114,-2.87795492904336,-2.75494888100549,-0.576288166244612,-2.05608853296048,-0.688989991231414,-3.45834733292389,-2.86702431899903,-1.88777596792961,-1.26482850555551,-0.875201095499652 +Atf6b,3.29726978387911,3.01572521794025,2.44105174470703,2.62695806313843,3.46802914734504,3.53348123639425,3.57375629177161,3.13636443240377,2.9990703182062,2.88822377073487,3.68353015081372,3.16148063294308,3.88386113968875,3.74545974410158,3.33175689883698,2.96117734041827,4.38530069908443,4.19824676808704,4.39048066126795,3.54095570399317,3.42798217492622,3.27294691304789,4.4559545908697,4.11908789010674 +Notch4,-2.66409889838873,-1.97954219987898,-1.41747546015228,-2.13529739792409,-1.49735120726035,-2.74652688589839,-2.59035149134605,-2.27075555072685,-2.3038979193214,-2.48076759119341,-2.13358486006064,-2.38751767642411,-2.73198026473045,-2.38922581769512,-2.13404702621009,-2.3493609406152,-3.00760177540086,-2.07746375118404,-2.94422010193012,-1.96614879502238,-2.42696557021566,-1.93978666360866,-2.61026775229721,-2.06090957422432 +Ppt2,2.61494409074921,2.36966828841458,2.0280931202378,2.1060480081788,2.89010172037687,2.77195862094451,2.66616397349522,2.31912137186544,2.19370210071365,2.1877418407095,2.73987967571797,2.49156008485039,0.394068020568022,0.26147270531129,0.911543246613807,0.852149632312675,1.29059405616762,1.31044304519939,1.04742105651486,0.0549844265486243,1.12865807346118,0.959432124899368,1.83654614789561,1.1246937011472 +Prrt1,1.02089948934176,2.22193746748925,0.593017103545069,1.43134750048195,2.50989302480964,2.88047663082052,2.53456919172663,1.20998742523356,1.4628693585035,1.56176734480208,2.67940280272251,2.29527686809791,-0.183308819774498,1.58650768770035,0.507718221808201,0.916265892297333,1.91293812450076,1.14441512974893,1.87520129911,0.347850613725921,0.699128493105983,1.05628382686812,2.17713622652769,1.88319349304156 +Rnf5,2.97889826268358,3.04819064708392,3.12292510735417,2.70730532269002,3.30655081214081,2.8990537991411,2.87203541280513,3.16699864791904,3.15819211630162,2.78320415586301,3.21991102488765,2.68532876907181,3.41850449549184,3.31840493138774,3.04521890363098,2.75002581816495,3.63413796825659,3.21085033971693,3.74580067048656,3.27283352469707,2.78914529920939,2.9795243912107,3.79353276406472,3.31584697757205 +Fam163a,0.218314934401578,0.255139932409971,1.02339428048947,-0.411785052092476,0.309092015506467,0.807209191885983,0.231123602725339,0.408060271527516,0.0560778218533433,0.100628931716827,-0.303835085576387,0.623168531978183,0.685536830802467,0.0383615977735903,0.690828052194672,0.672220504158049,0.208920552260612,0.299547674534885,0.0988411501870505,0.203232980538608,0.454975372875835,-0.090777227957791,0.295767750094351,0.284560944536084 +Cacfd1,2.58102538262622,2.71940616220761,2.77438149994992,2.8335942662269,3.51805352895104,3.40411761751665,3.12940221215024,2.87511160688839,2.81761351030682,3.00959735896961,3.12316213448896,2.88367388571399,3.3130134378705,2.82195164554969,2.84973070028651,2.7798469732495,4.02871716713735,3.55868748151586,4.02054388386735,2.56730243726259,2.93872594952164,3.00493425230212,4.05113533545899,3.56016210101783 +Hivep2,2.39368810328558,2.2300670429931,2.16503468362908,2.14812878046959,3.08421358819441,3.04868879316228,2.54233929246224,2.70926248094329,2.20332375248576,2.0811361978854,2.87470036024609,2.69097496105946,2.72792549011719,2.8475232040543,2.69807184238069,2.71575508763538,3.27139343356578,2.95369773586557,3.34179980429575,2.48008369300413,2.66863231785315,2.79017354249728,3.23422865982977,2.94432132673448 +Arnt,2.50233275096369,2.62953281714243,2.24116082731854,2.39515594356676,3.29607973607067,3.16279204777455,3.00254311369032,2.6619897365498,2.3789219868419,2.59494259362332,3.11637811754035,2.67899654928558,2.57855393681963,2.65248313652246,2.37852487238003,2.43694972500013,3.05373546499779,2.63557019668358,3.11265757471065,2.38193904571554,2.46681293330028,2.39057306444197,2.89871350549993,2.62888078580933 +Itga2,-2.46094154134952,-3.19265392408722,-3.82559497162507,-3.92655471787802,-2.92059416262385,-3.11705773015572,-2.47105982136833,-2.9072068627071,-3.27716546698562,-4.43660116457615,-3.21153147919133,-3.89328319408072,0.0995955057053655,0.549381341254226,0.331507044869254,0.163218459290802,-0.215839219160174,-0.312975592667412,0.0937541044575729,0.219849916473279,0.136182362990264,-0.287106233692279,-0.363758653920371,-0.0463596580385071 +Mocs2,3.60718275390334,3.35377128418815,3.32630211271725,3.16653322851652,3.14039390208133,3.06287087297711,3.07590618627993,3.28074521359839,3.34912325176087,3.34920130500653,3.17825986297997,3.46428064110722,4.26003891688446,3.73094988750083,4.07652447414289,3.81276077235127,3.99376059590517,4.09283867502187,3.81409823545313,4.2311073013665,4.12561524680319,3.99030876901286,3.9138697696014,4.00187209316618 +Nat9,3.08329137997907,3.24854842017311,3.46207255190197,3.60158913357426,3.45609193072424,3.25983846080493,3.4339648952285,3.25872109503671,3.40570074994441,3.59228349428301,3.41234893404563,3.38791346962131,2.85415799951476,3.1788351596926,2.94493357807433,3.27641106021821,3.42964539756668,3.09686165529764,3.26337747133045,3.07778806006976,3.08127581242957,3.24903367580802,3.49397455147058,3.23376536848194 +Lpl,6.18237985488563,6.2178451431445,6.32596283725561,5.00155336647836,4.29482561128163,5.60082278257228,5.84392096281604,6.70843561683293,6.44644575673842,5.18706500387673,4.61951024545741,5.29784836079309,3.83831055583393,3.82780683152073,2.86846121864691,2.55629670515084,2.26026644290061,3.25469012477652,3.5173110286049,3.69877277109195,3.34520582664071,2.11622157280125,2.28472394498316,2.95386616230961 +Atp6v0e,3.35212794220656,2.99163600310259,3.24315929931091,3.41806005365558,3.12387713030704,3.15332639190913,2.89072654213183,3.3090226561802,3.25282146369255,3.34217914338214,3.10450568696251,3.25240608571057,4.52651684649774,4.00959866779293,4.36042969260143,4.37816463411696,4.33721060656923,4.62286448449578,3.64260587166121,4.71200467900766,4.2329828175083,4.35877951221156,4.29660183953906,4.244992548871 +Zfp318,2.81824078972651,2.77402609550032,2.62444088832532,2.59385187145979,3.09851556695304,3.10907942201604,2.76487989928905,2.81157496254418,2.59314248544577,2.59428514515281,2.89262399963453,2.73509234273258,2.27571935897114,2.54248432993346,2.19269419110551,2.25272618144344,2.71771591160832,2.48935344716524,2.48091177392653,2.32177279770351,2.25900301317556,2.30894558486487,2.66177526001899,2.50144869804136 +Ttbk1,1.0881824015196,0.996238567380554,0.885119647756689,0.955425506277927,1.08643101835499,1.25459952304123,1.35431345474509,0.929193188321556,0.971784851630775,0.940066914334112,1.2612922268884,0.914813556166493,-3.05325233444385,-2.20054220971185,-2.17976242783347,-3.35489001504916,-2.19280718720395,-2.73966334748848,-2.28023976899868,-2.70675670515434,-2.56692339583673,-2.86309348282862,-2.05353518662027,-2.45686392702666 +Srf,3.67779002545066,3.86789243023231,3.73990338318696,3.73499786887506,3.66851642739969,3.65675126183002,3.92638885093933,3.61696831209552,4.24891319847601,3.77734156781082,3.58546419919428,3.6620452121192,3.15189564771304,3.50466815409409,3.01382187625328,3.59179069875506,3.52814240221798,3.11121505248725,3.69044567467601,2.98560403027607,3.51916697017594,3.60346433506937,3.80049770246521,3.49605563654783 +Lama5,2.63307534749324,2.23559771477919,2.22798863308222,2.22779913101733,2.65042051592794,2.96752904877391,2.91916934719555,2.10328750851495,2.28061920152758,2.02340741913223,2.39903775705341,2.25589265924059,-1.97589543443065,-1.65848021836541,-1.56198837985019,-2.40443810809107,-2.14251085899045,-1.7932862727361,-1.57676697170879,-2.06819892539821,-3.15432213797785,-2.72014860170182,-2.31963338765508,-2.14797539886182 +Steap1,0.0420236173001515,-0.470923939214328,-0.592961372641985,0.214378271966933,-0.210597387164167,-0.504191739024014,-0.145746932676746,-0.30777814395567,-0.0664992157188203,0.30922276995103,0.119732173103505,-0.918389172298514,0.706394090625717,0.39143211487486,0.864809020420115,1.44172799188582,0.473193612862882,1.10691229117744,0.173747530995698,0.500689836266418,0.516098127325398,0.616832135231981,0.010395317738675,0.480909807123376 +Steap2,2.48628872460816,2.47256362072915,2.46853950690609,2.53950238846747,2.53213779434282,2.48390083890298,2.13534861482053,2.67207334147874,2.38846396235277,2.31616458505017,2.47363330143667,2.46479537609467,3.07428325424527,3.08131865655139,3.19410179366834,3.18579009144423,3.10209581429254,3.27121673361821,2.69762090126042,3.56247189869866,2.98339220997334,3.15076212783434,3.03696579622291,3.0190561847156 +Hspa8,7.03309078754506,6.7656183748764,6.38675501236396,6.86656298624283,6.82911192882091,6.4115178990089,6.70890718793783,6.33964923283898,6.49508140701619,6.67335902190192,7.00199544196518,6.71358564824457,6.92077531340553,6.42314229666465,5.95281415197169,6.6921430147228,6.99376574268783,6.4994595770445,6.65246662876477,6.42487999194983,6.52867781809385,6.65154409095059,7.27475892624953,6.78978770141593 +Serac1,0.432254645538435,0.872305342132881,0.313390254093505,0.927193004548201,0.500174636077287,0.494177353443042,0.724278016160743,0.0235904061090397,0.308468241330733,0.913892989113933,0.574909194103582,0.664054891541484,0.277580996692795,0.870978569056606,-0.259189110753406,0.796991218507177,0.72590839487352,0.340230428081155,0.854511887515624,-0.119167399336808,0.404531311943222,0.870232108249164,1.00072516958694,0.987807891578475 +Pdzd11,3.23961054568688,2.73198260324943,2.9831708951797,3.12830661893269,2.62646550450074,2.60113480518883,2.61582499280343,2.95037697464347,3.02556677408107,2.98343427542334,2.91779902900076,2.89017200482989,4.13427983181526,3.62101370159001,3.72098548503345,3.61131747337363,3.63503061791294,3.84026374260349,3.58675728299224,3.66863923118935,3.73354254101877,3.32922365786819,3.76965317772559,3.81750934283318 +Psma2,6.52935975496756,5.72936061315828,6.29214016622589,6.24633937726701,5.6174446518152,5.68066572375967,5.93583248510474,6.24140345277121,6.36372874198015,6.1751515990136,5.91457302105629,6.06302873454066,6.33351372544688,5.77971095855719,6.27596892350163,5.94188106969231,5.75654391773885,6.07681412832437,5.71089663099078,6.20591892998268,6.31053435189894,5.96928684299459,5.58158611830693,5.84540233677546 +Mrpl32,3.98737919546424,3.61753280221226,4.09500412123571,3.76324655978242,3.34348923806336,3.80992192111917,3.45699258196455,3.8555301028176,4.13346047570763,4.14738219293228,3.28449849523272,3.55156288275417,4.19028537000172,3.66909452027318,4.15559873193498,4.00138381640986,3.54592631648109,3.98159671062536,3.48059586019599,4.15441627911678,4.08251708922687,3.99811068429462,3.60362707296989,3.81024149094786 +Setdb1,2.67404438906339,3.05180205418889,2.63869544804262,3.04292370926654,3.34614025458615,3.12233238596845,3.19586108097457,2.72347281181697,2.73326207276576,3.10484065540188,3.17485970367549,3.16188118955054,2.45468420305349,2.50747762599745,2.4884137169916,2.59059647160233,3.01813850976396,2.38921462166944,2.88368204252241,2.24202701005785,2.63565161145765,2.53728516776532,2.97947084161296,2.87525202459227 +Arnt2,3.97248721999101,4.00732578286277,4.24586377297077,3.86134142357255,3.94187792473481,4.23888131172311,3.92786128592284,4.24498709857944,4.14605926045113,4.00251349091524,3.96407141734934,3.88692396677444,2.16923028560308,2.1735788393917,2.66113426352653,2.28295636821171,2.00812309280823,1.67679097073844,2.21372895400748,1.66855209834398,2.16356684429794,2.34930662122204,1.90016977630325,2.26188466024596 +Prune,3.1341083893852,2.97698647305227,3.08895851733284,2.78571871491583,2.86285100578063,2.97218712445091,2.65299828456128,3.15005643673486,3.03605034673154,2.70378968116107,2.84400282688711,2.93786307544185,3.06449006015976,2.92488972268284,3.26201653089953,2.87578274908957,2.77599750782451,2.93507288674358,2.80850977954968,3.06112108197751,3.03154416357845,2.95463709080928,2.62764165188214,2.70352342384357 +Lass2,4.09024254260359,4.01648381691559,3.85918007890512,3.90137860400914,4.13190862279311,3.95101001600474,3.90529363631294,3.9309976937298,4.0306020078556,3.78725695013709,4.12476485869721,4.05069898439266,3.9539461760501,4.07141433127633,3.97384214913967,3.88154892480675,3.78817807756661,3.92167027449365,3.59935132013272,4.19969843695622,3.72538251403435,3.78219294475024,3.88020805658737,3.7543549424234 +Capza2,4.21596760942521,3.98434644357904,4.2404247511162,4.14240226079994,3.65711456399131,3.80257245094884,3.74756672111512,4.11394456024225,4.09805334290757,3.9862227279928,3.59849897261883,3.90315498431785,4.26693244353352,4.07074484043934,4.32279885164379,4.18074475033636,3.82648486149082,4.09420074295089,3.55092716215248,4.48788210729746,4.29404418888487,4.11941738128943,3.68036295757907,3.85549334765158 +Plekho1,0.736677976669405,0.916731173094131,0.545692066214212,0.992364857199598,1.34914886193359,1.8010927403919,1.59816139595025,0.898755217387933,1.00397005535906,0.871384099577393,1.08883409987444,1.34937485270797,-0.542959929031296,0.342612142533085,-0.585456855939632,0.469261395536182,0.35085320540799,-0.0396281634404934,0.530962947459434,-1.01945675090659,0.444194887209327,-0.107683347179009,0.405743734862403,0.115824686763546 +Vps45,2.86824210226801,2.34353204801641,2.62486808348015,2.56597767615247,2.50378181841459,2.73064855760024,2.71942721219989,2.69782875739474,2.70607947738661,2.86635238072094,2.61738833379729,2.85823987620102,2.00006700840894,2.12825877979786,2.12009155942128,2.39428140993914,2.36161137924374,2.28766691273475,2.21552042953642,1.99132709010051,2.16842412167955,2.15181513430023,2.40653189851086,2.01858219920961 +Prpf3,1.9507625167884,1.90110208158231,1.07098547283503,1.69023257240676,2.14213354660874,2.30850883928918,2.32190619785512,1.30242372997979,1.44376454905307,1.88978367394935,2.47310202707316,2.21917181641569,1.24012846312426,1.70028170891438,0.956910719046703,1.32003201043259,2.18587258199188,1.42714711648007,1.99072216712964,0.494727227133214,1.233066215274,1.44707903917916,1.83992856642284,1.79358551640136 +Anp32e,4.70211890004016,4.71379191146591,4.81900107109137,4.62386790991033,4.68705053690127,4.58658446700471,4.42360358319828,4.98234236984072,4.64569850875683,4.75899300019658,4.6932946497581,4.56154022255291,4.59125738412938,4.53002681963859,4.54377727066686,4.50150527138443,4.64138796223001,4.50910219778435,4.26777207848559,4.56439134351471,4.41007117456567,4.60923806274226,4.54183457772719,4.47335419494108 +Aph1a,1.96822026930175,1.64960367027586,2.12733451165492,2.21764531327723,1.63327611603794,1.42096641012867,1.8683346133026,2.16740616594239,2.13767340465349,2.12355636220922,1.63167260479763,1.82758845431002,2.26953364943584,2.01486687032572,2.26737213396675,2.2527530929124,1.97550571152134,1.97811101430261,1.8899333714415,2.41984370725989,2.23781603714853,2.0655536892331,1.9452022656802,2.02313457434158 +Tab2,3.7977876416241,3.95141856483525,3.8646447627382,3.8492136029873,4.00845036515397,4.0605840115551,3.86597577965871,3.92051458676956,3.83288277444341,3.84325118381881,3.89416284143546,3.85452234453904,3.63126074078239,3.58025831545946,3.43617214120264,3.64481603763369,3.69334530875394,3.61005155566764,3.63184483108443,3.84039528521734,3.55024705658946,3.54297518373919,3.61586081704251,3.60347906537895 +Ppil4,2.72313303015875,2.68874747315357,2.36831632058075,2.69193027973941,2.51532297647675,2.57972426940355,2.91524933266773,2.34316913618597,2.65804100901898,2.77543234508142,2.68379058027965,2.8002990511056,2.90189930796882,2.81095619453812,2.50586450368655,2.59955782295179,2.66320962136153,2.50527295018775,2.56108321064492,2.27759691808169,2.74699245423541,2.46661595527654,2.70341593767088,2.67558421477513 +Cnih,4.14814870510822,3.71458779230517,4.32148546621259,3.70074401219991,3.52805650303355,3.49959132170453,3.73281526626916,4.10391038805552,4.01615661731736,3.89981570291881,3.675845620043,3.75505012158445,4.81379159546297,4.45827271406192,4.77503250896168,4.25166329642376,4.25394002493137,4.6500289896208,4.00550951473528,4.85582633245224,4.47024005444789,4.14126026111128,4.1159026981195,4.57145330719776 +Eps8,1.12589223209396,1.88337210898811,1.40500677076568,1.31987542158167,1.13559521666666,1.10457302242646,1.26413856845685,1.88186976038958,1.32512289400947,1.28728567214799,1.03396622816013,1.03751171779636,3.26713144956879,3.8702353331183,3.23280221782711,3.63327285771474,3.56489964155972,3.52702364807004,3.58566779217778,3.63319271772798,3.13590589015307,3.51396697115186,3.63178255809903,3.6333282613053 +Med22,4.3855247932102,3.87463146617406,4.27938827156412,4.10081214923425,3.80479325946057,3.92823498776333,3.90105765578178,4.12313401122024,4.21457170132219,4.10451423930737,3.93544875229243,3.86617758232621,4.61307270202011,4.04905387130388,4.51946367955795,4.34002885579291,4.21376608858637,4.28243642607769,4.10614807662237,4.26463565593375,4.53356695234793,4.40545801670433,4.0936102930576,4.17989969263816 +Surf1,4.11117079326952,3.83515967864521,4.40490448394478,4.20159902476301,3.67382555444799,3.79725222346232,3.78107675976413,3.97869221096096,4.29343328459024,4.23679175654375,3.58387458953395,3.77497050009582,4.66461053019939,4.43017777200597,4.66885890305265,4.6401939961175,4.44999506019802,4.51112747781942,4.08108874611601,4.44154938265646,4.58941416177657,4.59284018661543,4.51229937775874,4.25911011488939 +Med28,4.16656277829255,3.58052027016196,4.09253344846478,3.76686451674486,3.52455914936638,3.74235534541285,3.69524696889162,4.02745875765174,3.9012966580188,3.81823503529309,3.69589800891672,3.84538403526597,3.65134953153624,3.34514296542016,3.74093353026733,3.39690942250059,3.3539748722988,3.78696832546266,3.18959092241706,3.96087195565013,3.55430046489052,3.41115715163802,3.27465778512395,3.36387311070299 +Qdpr,5.21257242716818,4.90763603112782,5.21941406077167,4.7849413129335,4.42113506262382,4.78814872586299,4.83948747762873,5.03381779953036,5.14698121004604,4.67083951782314,4.55423938202412,4.77585603298183,6.21990631532446,5.52716185221471,5.78102681936038,5.66385930982871,5.65207634512209,6.05003541259738,5.83456842448127,5.95166445962632,5.77895265877495,5.63605124522172,5.71804583385199,5.6891384705048 +Tnr,5.47155149421343,5.35672792379168,5.49250684969417,5.18152061841487,5.58645132404582,5.69322421660527,5.28230695489966,5.99876907050112,5.4853144746208,5.34706204433116,5.5581609246092,5.49327361872205,4.43478750239052,4.44586099124699,4.69625289649952,4.1772970514846,4.64326274792544,4.81681820166658,4.36059407139601,4.51019069080092,4.43254969094464,4.41562105295122,4.80422503327584,4.61575762877632 +Sqstm1,6.52084443106713,6.52852441333681,6.75483544318784,6.56882827420525,6.12316911961376,6.17443075690751,6.29769665869206,6.62190037123624,6.8038422891468,6.64616806498249,6.21255478337269,6.37653821395217,7.04107684040307,6.84760178025492,7.09635878116042,6.93809901789679,6.71140398356284,6.8541911990202,6.90231428647133,6.93471018049354,7.0583590849332,7.07295083092851,6.85209379565325,6.79772675106213 +Nfe2l2,2.98574451593794,2.86283482575589,3.11521679647911,3.25115008452453,2.78730619012869,3.02616037527306,2.9336082395854,3.03208109704282,2.94740210427413,2.76400384546637,2.74170818323375,2.80179065069303,3.31873359239885,3.34003289407376,3.4576899853619,3.65256205654994,3.25944896139104,3.27536358830684,2.92744497159062,3.19207964037591,3.41697358603571,3.53806036077333,3.13332109110879,3.33776180714402 +Rxra,4.58202753684116,4.72757342164888,4.8498470840431,5.0990553681138,4.7020556515855,4.62085922000497,4.40587193181266,5.04758633953248,4.67573082881088,5.02163373517788,4.84827312399923,4.66330863961601,2.80258310930769,3.16855946170873,3.14987542149021,3.41840141856674,3.21314715379992,2.8668845036197,2.92629566655337,3.23064721936746,2.89456676749601,3.52073244155361,3.33566051698455,2.87737665943278 +Adamtsl4,-1.13844304408922,-0.600410077377648,-0.901731680634763,-0.608691085548189,0.140855105564491,-0.527933598447502,-0.726522795986428,-0.465651179551758,-0.411799105206952,0.0517719837606547,-0.128988211035469,-0.96369710101412,-1.98738373728868,-1.14294062628095,-2.27187418212288,-1.23444800071951,-1.20882837874992,-3.80097134482366,-1.93173063905143,-2.72936454300608,-2.83345740893014,-1.74896362463596,-1.9468723988551,-1.49440884487425 +Prpsap1,2.50104954437699,2.79594049770258,2.48201569007136,2.84632294917996,2.98686420873747,2.80318707027576,2.899359760456,2.41611138816809,2.46883688987075,2.50192248783401,2.98145353092537,2.84222138746023,3.23648298034141,3.38574856563242,3.19272700344052,3.25987903044378,3.14175897097462,3.0435853674898,3.29103276232715,3.32071065439816,3.1268883226077,3.31007452469303,3.26787281852884,2.95068617033398 +Fam184b,2.55209361761641,2.76847852531929,1.82666692762871,1.17463160310992,1.86973940427821,2.65626912518008,3.02795852109554,2.48520370029685,2.06265613500563,1.25655576206754,1.90193531546326,2.09287212970173,-2.84737400825083,-2.75390863406984,-4.53453828390159,-4.53453828390159,-3.54881190301757,-3.90439661167425,-2.80022252808554,-4.53453828390159,-4.53453828390159,-3.95675340685582,-4.53453828390159,-3.4576826195055 +Ncapg,-1.88961731373341,-2.26718311068945,-2.21555954558974,-2.72676625554891,-2.52952242767492,-2.21803439138899,-1.46897346766704,-2.43390745718165,-2.164527010759,-2.83579645456404,-2.11420253636287,-1.81963878668353,-2.38551652658913,-2.55237772414993,-3.61705753799248,-2.51251284707,-2.10936475551459,-2.91139084042354,-2.41373054060908,-1.92553166916035,-2.41992993799987,-2.2340027800003,-2.88066499381519,-2.07823069424575 +Lcorl,2.86423619263056,2.90133475295151,2.89777378705616,2.62720208231614,2.372044978361,2.78419351177284,2.55341978887663,2.96038080580044,2.88088501907363,2.63981031430713,2.46251895726536,2.72155598040184,3.16650720661237,3.1932997196222,3.10487819004193,2.89014892548298,2.66953127116328,2.93962437037486,2.67346354242652,3.5063952754013,3.06488128076367,2.83545795825584,2.66983893409169,2.94317778299327 +Lta4h,4.46451232365721,4.29283421325392,4.34410204298369,4.1497903320979,4.0837898975423,3.86856864698019,4.03199682307439,4.29260070678205,4.15975182068989,4.04128846080318,4.11035214495242,4.16757486059801,4.45258201034974,4.19100914253064,4.04159761329411,4.0119539062428,4.09069308026646,4.08443089968937,4.12196095243179,4.34014446543148,4.0284890613862,4.17384644210155,4.31883672998847,4.39550181963624 +Dstn,7.23901417286986,6.73184111444992,7.10570790449726,6.87683531765214,6.44750967432044,6.71361127098093,6.65273256818352,7.00385445442989,7.12248430178881,6.90967096007545,6.59514302147797,6.92049235974039,7.38966403739754,6.99204092211076,7.35673992654676,6.96947040591945,6.65645378356141,7.210165323373,6.67584849662619,7.39166561009046,7.28501217485755,6.99608755007112,6.68869214051907,6.8846157560337 +H2afy,4.81979233712192,4.58123480706868,4.68168285355541,4.59387029952727,4.80819850084472,4.8685816690261,4.77655620570203,4.67656547529119,4.64678292188998,4.73101301788302,4.89649501421436,4.91434200225362,4.37698873756482,4.40539329730998,4.56304120228229,4.30874497538436,4.46820186904502,4.47211323794729,4.37367203661288,4.49084565430648,4.46660386989425,4.48161921040633,4.52067574207187,4.43333053780109 +Gtf2ird2,1.0769393566782,1.23873712380924,1.05715645155923,1.25001182567698,1.41806437192453,1.2330945540841,1.28550149457474,1.1463969114648,1.02252930428385,1.25934525414639,1.3878023310994,1.2948122816734,0.963412878101742,1.1013988434644,1.17879851237182,1.37580479909038,1.36134073047548,1.26080697640129,1.61965003324079,0.882459475105474,1.14156418534608,1.4137099430086,1.56385928473986,1.08495040706095 +Bola1,2.99862007172411,2.19487763507729,3.1635051074837,2.76857940717622,1.9877527111493,2.82129259165127,2.66152857288217,2.82538653938271,2.63257099577144,2.28156060070933,2.3218475063563,2.48056999891824,3.25021361829376,2.7190181984084,3.3329945091988,3.23068284620013,2.49645884531787,3.2864028549069,2.77841175094044,2.73277675177174,3.29243816862708,3.02394072982477,2.85473531052962,2.71134080589345 +Gatsl2,6.16253329683447,6.07668270202904,5.82033655633254,5.91425692969671,6.70347796635401,6.71270075170163,6.00660699980058,6.58514590459212,5.88903952962491,5.93033260715005,6.63014528818325,6.25062528926414,4.04184138290892,3.97732868982986,3.6851868149482,3.69833320877195,4.81242491133208,4.66854967799615,4.6364004494857,3.81501177562201,3.4687772241041,3.85468331321428,4.80843119260921,4.18721576410759 +Ncf1,-3.05423817380661,-2.97017379845536,-3.64531297249396,-4.17415785605341,-2.30987042238059,-3.68619124598075,-3.27259451152768,-3.41219027783342,-4.18724762175482,-2.71600113530384,-2.80632861930826,-4.14088633225612,-1.9725820875523,-1.90897963394918,-1.23727084435248,-1.30222322356345,-1.38807127999486,-1.87172934848591,-1.40220019335647,-1.62725906570627,-1.41926681466621,-0.575316776256107,-2.49068547538317,-1.85600236257927 +Adss,3.59219099994429,3.50210207187546,3.93618967536576,3.63585987764989,3.31176665419641,3.40700400212173,3.22332999037144,3.70830069932654,3.78643540535892,3.53790410763514,3.31890377254513,3.52108807425501,3.1914635459423,3.00403109397956,3.34764547382966,3.00100331128435,2.97930565486544,3.29015300463277,2.72261131316218,3.12704492782613,3.1902766248687,3.00988768382296,2.89536383343569,2.92142985176367 +Cacna1d,3.64293784741109,3.98038093138739,3.47753612951545,3.89540624615111,4.71166595973472,4.71639378544313,4.48206026747719,3.72914930445913,3.61497496424815,3.86278140542071,4.60028250160372,4.36808543188893,3.81122076702969,4.20511985148038,4.08030078751125,4.27465690658617,5.00011436983228,4.35468843060764,4.7933960174738,3.71257844975139,3.87794443970312,4.1954688522836,4.89321568926438,4.60194659368774 +Actr8,4.32234606937538,4.52522372650539,4.66374388905139,4.58158952159182,4.35045576994582,4.16091306799652,4.41565856847991,4.44442764212806,4.48966635925745,4.51708367180568,4.19995276640262,4.42564715078079,4.28500755417153,4.49657922624364,4.63553812782861,4.71187966105561,4.42009416940376,4.33217843905768,4.54631048585424,4.31353251840014,4.56994816553832,4.75144531833056,4.51176414013391,4.54853902723107 +Lrrc27,-0.0415073531964132,0.0061426485612206,-0.199618571425942,0.0400010728889155,-0.323683698285011,-0.644427912684602,-0.193809613871022,-0.304514310833562,0.258659417718907,-0.358532156050772,-0.211369708307239,-0.217512495121331,0.442290869618337,1.0951785708312,0.568348856026087,-0.163243841372686,0.790836483358281,0.628926624191253,1.05288110721042,0.52426701980954,0.625480069933747,-0.158641627072978,0.825965057068318,0.238872892023067 +Fnta,4.87067691669645,4.64224073857972,5.05215715439886,4.95099379963418,4.45160493945066,4.63840121115795,4.57353894121623,4.79070596570013,4.96112689083789,4.77222315159784,4.51630102801551,4.80142033628856,4.87979739282541,4.68658397848851,4.61055613499253,4.63796165876426,4.4720955676904,4.73687871896456,4.51224239236328,4.76777403323397,4.74574564448265,4.68532858284911,4.48026698525495,4.66628082104694 +Skiv2l2,4.04610491653721,3.92237892101546,3.86208086187717,3.91152714332399,3.81913209262988,3.95808080740122,3.90907328099053,3.88633470994468,3.90735205735441,3.90322824679644,4.01196266111788,3.95886212776455,3.60129300380649,3.68858858438376,3.77808183688183,3.51135661332731,3.7416098789376,3.71196357138754,3.73708899130414,3.56288144026116,3.45856659165493,3.49429140465407,3.69386358404828,3.87836957639451 +Lbp,-2.25796629689229,-1.93911401735257,-0.919107655943521,-1.26494858076478,-2.25939882281997,-1.73028788368636,-2.52247536124924,-2.11857143725278,-1.71158519865445,-1.35004577652721,-1.60972759612736,-1.93599373535306,-4.63373270319092,-3.3342204281542,-4.63373270319092,-4.63373270319092,-3.6480063223069,-4.63373270319092,-3.9721617355185,-3.989195812179,-3.6242024183402,-4.05594782614516,-4.63373270319092,-4.63373270319092 +Celsr1,-3.57306242882634,-1.46179462188586,-4.19079724889671,-3.32529497771085,-1.20008233094602,-1.97310634423443,-1.68960439620754,-2.31939357212262,-4.21566177377222,-3.53939896762187,-2.02718066877354,-1.59200360717245,1.73611296599551,1.9994085594531,1.95982260357451,2.55095907330525,2.57446135597227,1.97238439853392,2.53770936197253,1.62879325287059,1.27362245859323,2.40371070750491,2.39753396957059,2.29341447352259 +Stard13,3.2907006361732,3.39639941562565,3.25606006158093,3.36088106701039,3.67844186198454,3.50168927042836,3.50733300618952,3.31488309863745,3.18227843046235,3.58538662151622,3.881431105751,3.60810569089442,2.85767147101673,3.32452906246899,2.97011120302359,3.35172445722125,3.47856479671799,3.17966351861932,3.38789492919869,2.84900250113664,3.19651808968654,3.30083141970164,3.68186300535349,3.34808041412508 +Tenm1,-3.20706444217607,-2.83442602602719,-2.02104984722282,-3.13549007511124,-3.39008175762583,-2.97792152114936,-3.53549826452138,-3.30174655159301,-3.07066112930423,-4.33013327070217,-3.37446674460933,-3.27522280660761,-5.98115141113551,-5.63677519783485,-6.61811961800531,-5.91472116608691,-6.61811961800531,-5.55087057580669,-6.61811961800531,-6.61811961800531,-6.02679660408045,-6.61811961800531,-6.02299819396126,-6.61811961800531 +Camk1g,0.390612924020748,0.591315335982453,0.872028298266407,0.123139893058471,-0.248674422345861,0.308734529796253,0.51411357752289,0.767374758412753,0.501253133215566,0.473468970580229,0.155996479385866,0.648108191055335,1.1368149113976,1.74812967449363,2.07506383445848,1.8054822274349,1.28454643904642,1.07222263422432,1.48938097885855,1.15732829013533,1.54833486894905,1.8519556346507,1.70676748780861,1.51201355710794 +Diexf,1.54385353487762,1.68663947809456,1.36124813004808,1.63200467055983,1.76339506312726,1.73254225987285,1.72088714417939,1.25357366528365,1.25474292643265,1.72442592458291,1.57307567797489,1.52321749700098,1.01501635260577,1.18492028411113,0.596128565622685,1.01337147238044,1.69282857728833,1.29615865000777,1.55233170733468,0.874107600438565,1.10417063361406,1.04016463599414,1.54524664198687,1.68976854395266 +Syt14,3.98174591932959,4.02784382653524,3.95789473235242,3.59789376343416,3.97135552314827,4.20899255159511,3.87302291243181,4.25471599001167,3.98767585561525,3.7317316394665,3.93570749314565,4.02371721542945,4.84587405413241,4.64210376509163,4.87731131388846,4.61772570019075,4.73263803324004,4.93521196638832,4.69994568369741,4.58648032611278,4.9005580465289,4.74987479277879,4.69330361542532,4.55804648106697 +H2-M3,3.37833127182198,3.11337545679469,3.67426746689735,3.38761773715119,3.06673021692523,2.90503646140103,3.17161542323028,3.34432224650503,3.45043908580676,3.6270202509457,3.19000422346778,3.26366290914488,3.84116496247191,3.53683383867723,3.67834505177726,3.55882871211891,3.31504060333968,3.56638411121197,3.60663554117791,3.68530177721971,3.76995842520452,3.80733773702938,3.4205280333777,3.61132978501328 +Lonrf3,-3.11753056699949,-2.2239536313816,-3.68095277671771,-2.86093290851699,-1.57388200646826,-2.70964633516462,-2.18070162772711,-2.03697424682762,-2.33641022075152,-2.32375580222108,-3.06688928428397,-1.69967584454204,-0.694885997867269,-0.0795858445330899,-0.719599236753982,0.0191140153646756,0.513257554824527,0.0808407022092543,-0.280561068646146,-0.176435864180339,-0.75104109394931,-0.788143153347757,0.380963395990666,-0.397828064100094 +Atp5e,6.43351991460242,5.6842601537618,6.0840814910228,5.94670479633461,5.70336851136967,5.72319481670273,5.97921698495645,6.33748975590045,6.04460184365178,5.95123611679962,5.76465935726327,6.09865167803197,6.2031794933935,5.93601277334452,6.15130007838296,5.77720826264695,5.49464378370054,6.07001120556826,5.71506012522343,6.33325094282972,6.03878745664157,5.84361584907036,5.65090936596906,5.93148286794833 +Th1l,3.85716878570838,4.03982073825298,3.68322083595201,3.91885309904706,4.00954676856891,3.88841949992928,3.98309321778861,3.64566878012548,3.91500283924358,3.71253698250297,3.98809870011561,3.93120732307637,3.19719749580104,3.61669857281806,3.28223468149922,3.43832260749518,3.37713374721545,3.04875307974432,3.65478883532285,3.28719682448995,3.46528982562552,3.55710614728873,3.40787501374079,3.38394245048853 +Tubb1,3.46484207733997,3.4837514439498,4.0239835606337,3.43582135237712,2.7448093874691,3.04997289105089,3.17684547169459,3.87736794346677,3.84477147673785,3.25479437731369,2.89155512933396,3.21977236003187,0.368230414963994,2.82440706699404,0.222326378747196,0.840578152954917,0.764475177782561,1.66481491091951,1.35286390152515,1.86648723713638,1.3744233980575,0.770951116180696,1.42360757201227,2.46278248387036 +Ctsz,6.88820346859351,6.39821531902141,6.93806312768371,6.39691429764138,6.37657042570711,6.52750817846655,6.55070828356303,6.93357205813349,6.63160564070299,6.61205508488047,6.39773697118757,6.60958755803795,4.80835772525778,5.20595585415246,5.1422113279693,5.07263699718132,4.66418083444365,4.77761896143244,4.7255246871457,5.0172828176414,4.92809353938078,5.05574941533423,4.81759403779589,4.98176671100673 +Slmo2,4.87288708473264,4.30154310334983,4.45991841508667,4.56741214470655,4.13902240666618,4.40110766389731,4.37686503812677,4.22562182116499,4.49592722473249,4.38744324693609,4.23354812498737,4.46377025256164,4.49688684894617,4.39591318289821,4.48448405724776,4.42864888205488,3.89967114257114,4.45533311974587,4.0845584380977,4.55453435993012,4.48329429298934,4.5387259433084,4.21632254088033,4.12097950154678 +Sertad4,-0.979555946330021,-1.36135878094825,-0.941437651480672,-1.29531481041469,-1.25540053356586,-0.478353521584868,-1.32249030823547,-1.01625942586313,-0.735303506399735,-1.20047031243059,-1.38996090927812,-0.750596032764553,0.484879862851714,0.359167486230516,0.326580745892651,-0.216872022640593,0.0662895327391566,0.150277851525981,0.336154570977012,0.788144269590302,0.0073496461202948,0.0043418344385834,0.018062004309801,0.131985990950993 +Ube2a,2.43715123329447,2.37602534086241,2.68143187926288,2.38728715172643,2.64833643539513,2.51648325015725,2.28689300897863,2.57798447866321,2.44937853369064,2.41862276387053,2.22008814071222,1.97045417785524,3.66962753806657,3.27795170534504,3.29295778955608,3.13724808965115,2.77228358789984,3.27391030302624,2.92800227640707,3.69053986912747,3.18180790343459,3.15109755264775,2.87796085837712,3.18274070781094 +Slc25a5,6.68732235018943,6.02225958825275,6.6642931657833,6.48003936159209,6.13136679101124,6.01105248976787,6.15731962223877,6.3334204472031,6.48817859203495,6.34677410264154,6.33392654889137,6.15852017544895,6.70314968895175,6.09887905796339,6.55064571815605,6.27795619260386,6.07709892875376,6.46562836991738,6.05667432697544,6.58206559243259,6.27063010457757,6.22893465186845,6.16779686804592,6.12174814604021 +Ppdpf,3.64088735224632,3.18831151319474,3.86649934999623,3.76683724676844,3.06023857362936,3.55659167895614,3.43119226383833,3.4595042447191,3.55658275377201,3.6704485764119,3.45837597845023,3.61697061821409,3.01237030861822,2.67581195590163,2.85104774757985,2.73200618345149,2.32208996687611,2.68891490237787,2.70078267788538,2.95892568800216,2.80912538542218,3.01959306762094,2.80488528121699,2.45376372607881 +Kcnq2,0.869366532164552,0.384592962614567,0.214489816399588,0.396242679184083,1.20775985287486,0.959754891818995,0.85587164360857,0.196992503167621,0.136698655958693,0.405694294171825,0.786209912866243,0.73980376379733,-2.43721439975551,-2.37587836873801,-1.59092661837413,-2.12035366382395,-2.36756169989946,-2.30745399483857,-1.89145360049564,-3.53790378478934,-2.8441031898841,-2.27613353910814,-1.99866609812484,-2.38706452267091 +Eef1a2,6.58602995543368,6.0431899776612,6.17945596738211,5.97864576808909,6.05398186501119,6.29122397044436,5.9852646856137,6.43325546627017,6.18328898481117,5.99001267268033,5.97741851272639,6.12839467890593,0.0374899284760011,1.03522146887656,-0.345432304458777,-0.436779072244704,-0.445838407430341,-0.99269456771487,-0.227742282261935,-1.11547792941822,0.240577418760111,-0.853815089713463,-0.487609674287268,-1.50483075477351 +Col20a1,-0.421802325358973,1.2735144476986,-0.714768633357834,0.549484462466372,1.78014480622934,1.67521186005298,1.64557274637405,-0.553791995591886,-0.143584155420398,0.573755109459544,2.38403203906436,1.71974375473779,-0.832320708803717,0.178428092766812,-2.43969683221321,-0.479697331505845,1.71224385383356,0.55574923763872,1.41446459411017,-1.10576443444501,-0.827006801768906,-0.201959940090517,1.97554951941593,0.88639624809651 +Pls3,3.70410275694317,3.37463767770964,3.76098328349168,3.29597269486201,3.04724656403519,3.30279147258056,3.06281699738337,3.64625505655453,3.69620753807845,3.3266252435537,3.22362021389186,3.19858788193403,2.04399767452483,2.06495134180545,2.32293695182512,1.79879825148906,1.5930373108779,1.8038395397709,1.51148143254269,2.23303416657312,1.92270014760114,2.02566000792246,1.68306501096121,1.53542011610847 +Mpped2,1.51492510829456,1.55149712860552,1.80556537058428,1.33330078210058,1.50283803116362,1.80726216760512,1.39326768751895,2.07679181053089,1.6212413402847,1.38421408221001,1.50692996193388,1.51770355024843,0.88792421746786,1.11441018505481,1.19006904951459,1.01340439816932,0.97310493741832,1.10910852209618,0.665501346303738,1.20748440864247,1.05848991150008,0.8345903743703,1.1444635611468,0.933755056064701 +Nkap,2.23285706878058,2.11555576106233,2.20888058567093,2.22676265620527,1.9765893262755,2.06078048642535,1.96721348268553,2.07161130849332,2.18276291382801,1.71239644961148,1.96202908364403,2.32275249324499,2.41639434167421,2.22306676460088,2.56175437781267,2.3755191975523,2.17662838916065,2.4107812351852,2.09039799005472,2.56016563185778,2.45728621217412,2.34959422610985,2.11774559878961,2.22075045216953 +Ndufa1,7.28318177170723,6.45878989547207,7.03882854600503,6.67104893359244,6.23656255889729,6.4745736145436,6.58333357473462,7.29947996589082,7.0636971755828,6.75206105690484,6.40865784267042,6.70497132290992,7.61375588967683,7.11352361991447,7.44399904994228,7.14677459137717,6.63319437165024,7.23896535906351,6.75140023745037,7.70159962855634,7.54369448185574,7.19617467998058,6.5011036669646,6.83064879962835 +E2f3,1.28488673664714,1.13955003368982,1.06976957193424,0.927921780733957,1.4243580546659,1.52382379312046,1.30576625352393,0.973527689149952,0.666470195397935,0.952523984361556,0.976243163291466,1.14318116682224,-0.202381331908057,-0.146770083101623,-0.123882154252825,-0.671447181347972,0.178012012954068,0.06971444087791,-0.0740335643891541,-0.182118980558142,-0.0388987933743703,-0.274340242758896,-0.0545275735390591,-0.109725901709177 +Cr1l,4.89331155780423,4.60762239415661,4.94300046760709,4.7225402719281,4.12893315876865,4.45717048251083,4.41414851179317,4.83950390962601,4.77540988930261,4.58528748927395,4.38962540187127,4.50976634902727,4.88316492913113,4.76395913904559,4.92625887194484,4.67739430779497,4.42103439128772,4.69919685192036,4.23219630944782,5.09453487495111,4.76465647166274,4.73673960746663,4.35447908788403,4.36834804916045 +Ppfibp1,3.60329858663541,3.60421109564048,3.56009701731197,3.73339738488649,3.71734919208695,3.83339997185742,3.60702370278281,3.59958943516794,3.56643442319283,3.64286687669078,3.72134682863264,3.74216523012169,2.67533669370666,2.71454863039769,2.69196751475327,2.97624877258987,2.4340826653541,2.55756871501064,2.55606119115645,2.57307342894395,2.88218911328501,2.71240356252545,2.35516382449967,2.51113706923427 +5033414D02Rik,1.75619968455375,2.69008565716404,1.44646156969532,2.48865986773646,2.86635702915639,2.70337747961186,2.79055777904614,1.47579009564463,2.18208582735873,2.52876924837032,2.86623625827119,2.64595033844832,1.10783602525432,2.07674352347558,1.09186191191051,1.76492761870086,1.793223920576,1.2845231634092,2.02664262355347,1.42045567609715,1.74290207773679,1.72508438969752,2.00963162252111,2.06052764610228 +Cd274,1.87015273231089,2.1900390107459,2.47985699847918,1.82371784849571,2.39237216581725,2.42172198690084,1.91764791468544,2.67559421296793,2.45071877736327,2.13208062816054,2.14983251601127,1.97668950200094,1.69806867586781,1.73353079697007,1.48255737781568,1.53080653306135,1.50853674775727,1.33664392293021,1.4552220808393,1.65093903052315,1.54191479771379,1.47482247904393,1.3812922099382,1.30323219063035 +Gtf3a,2.28716389176453,2.073968308978,2.37414576658013,2.49923100627903,2.36828935743619,2.19528852825395,2.19579183345624,2.2532159256691,2.43844511882673,2.37937939967054,2.30323511869189,2.29386256836328,2.75956642172931,2.64732970058688,2.63622369231456,2.78480163001992,2.37760287712875,2.5828360018193,2.34837791390846,2.6918948514935,2.72485663195047,2.82923685848589,2.57507505510127,2.59090929330255 +Mtif3,1.87344868081698,1.89082391542958,1.92630446007299,1.96987331147672,1.60329138179702,1.63409819125153,1.96852608712279,1.92503612458683,1.79572249625094,2.01967308312791,1.88502086053914,1.93433422944936,2.05909456333797,2.02462426073479,1.95335499291203,1.96403649393341,1.9244937847173,1.71416563350305,2.04380301668225,1.90987907753248,2.31055322036297,1.95253096399513,2.09182632239545,1.97566921973421 +Lnx2,2.3113205282975,2.13310533943558,2.1989587521568,2.07317294193104,2.23545431866481,2.24746376576948,2.25027215358328,2.30367405007889,2.07200478326404,1.8178502707569,2.19960327060395,1.96698352438881,2.46417195263933,2.32015685188419,2.211664088671,2.39917016928841,2.64601039679957,2.45745413932173,2.67876414998187,2.12037478426839,2.30854175036596,2.43465810249206,2.61498257052312,2.40641185301856 +Dyrk3,1.64344981962102,2.14434315942234,2.05486329461869,1.35807468491557,1.36917507563699,1.75362413124958,1.66616149606806,2.11986680324104,1.67072223054935,1.90361667388338,1.57699259167059,1.59196669381077,2.90621112880009,2.93416947952582,2.9662931285199,3.24442513380042,2.71915182993945,2.81526370059199,2.6481285140202,2.97637286626103,3.16860586412744,3.04190264888529,3.20997644393455,2.84384902186705 +Mapkapk2,4.64655698997632,4.33783942660399,4.5605258754635,4.44309070486263,4.19912851228483,4.2806506774222,4.2444458468337,4.40011563459558,4.50962223655402,4.27168880830443,4.27871183085322,4.24048099981345,4.72783137603365,4.43236463037392,4.86035957647099,4.65318511257746,4.40015298397322,4.66606561431183,4.31163583109688,4.60245764543237,4.50294482914584,4.47651333172981,4.50471428161408,4.36456825944761 +Lamp2,4.52946697374775,4.37784702390727,4.78198118226868,4.56855320060015,4.16007022014751,4.11943838543881,4.0482560582809,4.7467885761993,4.5035251348019,4.48237814855145,4.06870098790889,4.25137430852398,5.33754721792169,5.05002178949442,5.50218072646178,5.23428520014488,4.71386805593284,5.22415914327837,4.65919317964545,5.56330149367097,5.24176511359239,5.11521040897949,4.65620023562608,4.88675028008324 +Atxn10,6.16778085930845,5.84123405296892,6.22065985951158,5.94044053575823,5.7617333891997,6.01736705016458,5.80345552530112,6.11714263135345,6.13388298007793,5.86281139488841,5.80245968167271,5.83119666804168,5.68308526848179,5.41040117572629,5.82002205853502,5.39821283303959,5.33577982567913,5.53804046315526,5.51874643618716,5.55148401177758,5.58705628300114,5.39774433307535,5.41531290378305,5.3070926220048 +Foxred2,1.02664744871133,1.35542989232766,1.39207438498513,1.42596236393357,1.32253504311856,1.27389966716819,1.31088073112338,1.10438076031945,1.3054979457954,1.38389425898586,0.993161298386702,1.31630659017183,2.8586064782558,2.9105583629504,3.09084142316784,3.08304673090535,3.02847801230309,3.17665268448695,3.12529227566742,2.63153710610086,3.03565796225012,3.18635688966053,3.06718099677891,3.16305883359314 +Eif3d,4.12989478259772,3.80340102022448,4.0758764468967,3.95604168846288,3.66541367578943,3.80199593119218,3.8581680562703,3.81353589205485,3.86882319864392,3.93005699120778,3.77228182108735,3.82972040781103,4.35575294100558,3.9539840240861,4.27562052090706,4.23478332285043,4.26326024717443,4.20794906892478,4.39070668516415,4.04871972182013,4.36950400255265,4.19716894842667,4.3770791841682,4.33169265158371 +H3f3b,6.88688696843849,6.75066176174261,6.75249202612623,6.68929100376264,6.65579851300852,6.43845152084928,6.7933099127859,6.79005102571987,7.05220478133048,7.07931917378991,6.66990969239936,6.62831632142202,6.20659697397747,6.38908351940696,6.5031968069404,6.29915000476018,5.98419103488482,6.00875460321781,6.03177702882678,6.45181956231445,6.54414309835334,6.62196067789349,6.10667750764044,6.17634487899696 +Nup50,3.92536046731391,3.81402331466025,4.05680482188481,3.93452587250405,3.7808425946668,3.87727225579138,3.80683230522288,3.76273958559959,3.90978850383877,3.86666214786061,3.63806049193664,3.71832925622453,4.01741082629985,3.70025517249574,3.85946277879218,3.89691168794076,3.93843112748339,3.84191880174341,3.8616352960124,3.86619550370446,3.76327715804466,3.94356680564034,3.90739452389734,3.91565677602005 +Phf21b,2.89650264803406,3.18278922903652,2.59409119518878,3.15858736484372,3.58671375814044,3.46128477693369,3.51485181382194,2.76196388738531,2.9025999572294,3.15509480849407,3.67171676056003,3.22239180373233,2.35388553796025,2.86220567169512,2.2470048876101,2.7561336386722,3.01370739730616,2.57769884894621,3.15609664026885,2.30147099565633,2.39176192957586,2.81950043596379,3.15391837790478,2.81412193803468 +Ift27,3.40411548123032,3.233023849974,3.99180970961981,3.52705206444675,3.04259092692139,2.95735155610387,3.3574613729582,3.72821524233269,3.83471853532238,3.78886327836948,3.07441526647322,3.53908932401785,3.61508889889104,3.49134889995055,3.52671755196578,3.15245541316208,2.84137985542342,3.33522398600006,2.83363230572681,3.26528377288246,3.36794219324354,3.69808931743946,3.15878077077689,3.03428869486954 +Pacsin2,3.05258829736297,3.16446561545999,3.14460831959407,3.43478192238106,3.23813063274018,3.18819264748244,3.13231104444978,2.84473814120573,3.0842768098782,3.49666033558924,3.39971318808144,3.19465816098311,2.55214771186738,2.75531323881234,2.23150962902297,2.63313205476804,2.94243433327258,2.56995465732663,2.94180588571153,2.84977902100342,2.50605006780423,2.56213487996435,3.02599559928913,3.04679047840655 +Ttll12,2.52667611164628,2.09646751715627,2.53126588476501,2.14804265432086,2.10127535959221,2.40583371162573,2.06973904905026,2.22408572268907,2.25648691714499,2.10070261999036,2.25269432448749,2.11497427284919,1.90257737064758,1.67481052353232,1.69825328011399,1.60254591480974,1.89207071468568,2.1312873295881,2.19982941867442,1.91297699058538,1.48654380187139,1.74294048540254,2.03121070838338,2.17543252160994 +Bik,3.17411339126955,2.54950958566638,3.42786680686849,2.88417464147901,2.26674336991914,2.67360760673261,2.63283687701055,2.83128079285013,3.18856512287003,3.17351852703409,2.47073119301241,2.95536843951187,0.944497333361433,1.64235288919771,1.83957802094852,1.67295582266545,0.605318640245336,1.42921232094157,1.44767910966129,0.780204710611339,1.49574628846676,1.16303101869185,0.998295617667639,0.943705810974957 +Tox4,4.02280885291059,3.88784244674922,4.10759126458029,3.94423702679011,3.75030971465513,3.79792163348682,3.6833383615377,4.03722333628186,3.98763984108767,3.9517017093557,3.77871242976323,3.8669301466257,4.10690177245906,3.73286009844835,4.08230042776441,3.92863042131173,3.86928613521494,4.06589148369105,3.85490328615188,3.92285079276085,3.92878213378748,3.83321418608899,3.89998664681342,3.84395128987987 +Mrps18c,3.6301182819005,3.26086830311645,3.85661633971706,3.77400576290838,2.95412213905907,2.98845656329773,3.11500218402327,3.41590548572851,3.64696061387217,3.37373248235131,3.12579408060936,3.41750104649056,3.7689778117378,3.18259465843771,3.59617743889965,3.51488395457439,3.19128428036728,3.03642120047174,3.20633054923285,3.80039161239358,3.79006383600627,3.67144643074554,3.11712721113442,3.2797100803726 +Srsf6,5.87126659613783,5.94686348386972,5.90231905454987,5.95083951148139,5.81505368224814,5.82034689519548,5.91072121745983,5.79340941749154,6.01250963878069,5.95852816256906,5.86849083601071,5.74764531953694,5.49983021883599,5.7835311552774,5.3607482868028,5.5652969583962,5.51396775597217,5.43922016480071,5.70600207092038,5.40276811115468,5.62828522863303,5.58920365017307,5.61662718828075,5.6414057006358 +Plcg1,1.97785965443641,2.44319913683358,2.12245302174149,2.42172000160482,2.61352651507097,2.59705920882848,2.55479388804889,1.9321312807077,2.21410382161515,2.36840701103874,2.78950206786086,2.31715320780646,1.66136365948996,2.39161675174191,1.75530897075073,2.28743231598039,2.78035339273715,2.167177699639,2.71509320064161,1.71343467732464,1.91567328735005,2.18787653593915,2.72208800924568,2.61733856500895 +Kctd2,3.01540545597958,3.15143307266947,3.19697320941658,3.50650178394778,3.21676093155542,3.06772686050576,3.3059474612011,2.87873744968643,3.13990245608796,3.30164740346675,3.26015573220499,3.15509584213292,3.29700210696173,3.24562195249175,2.96640170049829,3.12436241648943,3.21063819126158,2.99347107052848,3.3538810218598,3.32847031127466,3.18710835537496,3.43293424076086,3.25428809826114,3.4413627084854 +Kctd5,2.68781363335542,2.60992938524073,2.78596779106026,2.71164722656483,2.28484334051355,2.48758942706446,2.81344482112818,2.82319488266791,2.68085055644894,2.51163923552446,2.45004079993919,2.53522914500837,2.39329464270058,2.59272333794414,2.37451916453497,2.59136421283988,2.44493297610322,2.21492978498822,2.4602968677452,2.42486197496212,2.39704657638738,2.26583253557051,2.55725828999426,2.39241996502108 +Etaa1,1.80535122036291,1.45432444090792,1.72583092502359,1.27078856013533,1.58915449014476,1.62472721571179,1.64832795378273,1.79406298791516,1.62617128856423,1.59754171881757,1.73223339640983,1.67525108645094,1.52886865663542,1.82169590640467,1.87266435266393,1.28825417673555,1.42780575908299,1.62164828089548,1.62129383560136,1.54963611995015,1.62549438133946,1.57442385048307,1.47347884985111,1.67508405091499 +Sdc4,5.91702603913892,5.77960517609979,6.22910896223191,5.46520179967604,5.07861019830478,5.39695643437145,5.46152332067841,6.35543752221389,6.03187324812983,5.65244190966757,5.20967792463038,5.42338108132988,5.78679400524519,5.54000788612734,6.17086851777744,5.49067455020831,4.90141787877896,5.40688669101244,4.99567052035221,6.27920886889921,5.73921341510792,5.56510016416622,4.86879677460117,5.07769225802668 +Il13ra1,2.50484133456639,2.38343568110652,2.73542297849998,2.57148416658157,2.23526455885183,2.42193476123372,2.17420549711303,2.50217697305426,2.44417136068281,2.49864388714338,2.26233656366371,2.27721315908664,3.30565125710183,3.09708130272404,3.6122804180668,3.17188028238621,2.81067198067064,3.23468034363382,2.59230406886891,3.63853879918055,3.22880790309931,2.96806943949882,2.69527278945702,2.84343023623003 +Nbr1,5.44209291931285,5.64719681613564,5.67541113202145,5.62065806698951,5.31185189339458,5.26983712325105,5.33916830932776,5.66154015567855,5.57025112951999,5.61320141466957,5.37285261881259,5.42073460046255,5.67491492436818,5.76158046614462,5.86738300522484,5.81639233845191,5.71965874088589,5.63964755492787,5.79893507853741,5.69689603323157,5.65841608306676,5.74483213486817,5.82716291709078,5.86268391148754 +Cyth1,3.19380112759842,3.46857853511228,3.27304292361849,3.64093144890189,3.42994072222022,3.4436660267828,3.48285515838091,3.07468674348361,3.17264183007834,3.42526122896674,3.5550869060492,3.50805519596454,3.40050426357853,3.738441587009,3.26292964744741,3.95218482292856,3.93416681046061,3.61840288661072,3.82869901991691,3.15767938394437,3.53680521557222,3.76572687781556,3.99094026853152,3.73417514481038 +Rnd3,2.26573409536512,2.17962414999628,2.57243565927581,2.18594646475799,2.00907533650106,2.10874688787965,1.86891316308194,2.29592972226468,2.92438852741932,1.94041070283676,1.76203905820621,1.96320826794212,-1.79774651660879,-1.22119634103799,-2.71182466298932,-1.64476451360646,-1.07599510883203,-1.6968937775424,-2.16663510541694,-1.18573948564781,-2.0343747171671,-1.52828669717446,-2.02512811361214,-1.79849775102374 +Brca1,-1.55460281052802,-0.899353717511671,-0.979279478767852,-0.840409792245077,-1.33419243177157,-1.23910246598105,-0.772935425336661,-0.970697861049874,-0.762557802898507,-1.31502557902459,-1.43041855523489,-1.91893024000695,-1.05370858052507,-1.2708414135967,-1.45768491586566,-1.49509808903163,-1.26246546552992,-1.62255302199529,-1.33288544593486,-1.58505366710405,-0.967222933811414,-0.973613496332879,-1.50963720293176,-0.60001514151578 +Cntnap1,-0.699291448581425,0.342399244177293,-1.43093094930755,-0.56775498746094,0.467297836856719,0.416946602885252,0.660149540248388,-1.04824581259424,-0.902855046486463,-0.646576180989221,0.407852692181184,0.185830833596074,-3.67334460847578,-2.22391799773276,-2.28517506054796,-1.97852780493844,-1.38738882479342,-2.5480339298609,-1.57394483766263,-3.93305706818401,-2.0955713960412,-2.20980414232725,-1.57757691444652,-2.32289502480102 +Nt5c3l,1.62648063068056,1.57567812454913,1.75447702815633,1.94872392257457,1.74203718600246,1.57854320549137,1.73698545527057,1.5769002023108,1.6937153173618,1.75283384244279,1.82409785321211,1.58840814925292,1.38364295079969,1.3768172939436,1.34322105755344,1.50815619826639,1.31685154759885,1.08597048016962,1.30371758800056,1.53756116317002,1.54022333038835,1.36994293706561,1.06157192219531,1.07284414170115 +Coa3,6.43077248244694,5.84869816276875,6.36346771045388,6.19471585019132,5.83559362662199,5.78938926724232,6.11531996790479,6.51222942985507,6.25989486451583,6.15016515830066,5.89647081462373,6.11114342256571,6.97487036133661,6.59591812412619,7.02468712110254,6.61366369156684,6.35255310517454,6.78521680538027,6.33495467001284,6.74620355351455,6.90497605816102,6.82641018188091,6.31099614054892,6.30466991002181 +Gsdma,-2.63376800989476,-1.90634935325873,-1.94559812243218,-3.29814996586592,-3.25729972314063,-2.00368081925459,-2.18741153524298,-2.53618238764593,-2.64876071497352,-3.80819641256405,-3.80819641256405,-3.80819641256405,0.951370472045485,-0.44981541265263,-0.176989020328672,-0.713954873249558,-0.833268691957043,0.602248354412266,0.351458589518338,-0.330742727656742,-0.267278536844578,-1.01937088485233,0.0779822758615554,-0.350746285508371 +Med24,3.05647455744293,3.21271914282479,2.81387432410004,3.07165391670108,3.26541963904092,3.32805058394992,3.36814021345332,3.11444143189957,2.97902423575269,2.98251025292566,3.27780907096452,3.2100571332172,2.72072440999994,3.01615903854667,2.66137717495313,2.67261050598413,3.09549955021069,2.81934840238369,3.37602543163482,2.68656199064559,2.53823127143684,2.8360597996513,3.17620666665285,2.95873723479412 +Psmd3,3.60872218892009,3.44852107822302,3.55622370059632,3.4482504667441,3.71043642814945,3.63082756188382,3.53578583843926,3.3500224368296,3.52993984695558,3.538087585406,3.77948164615536,3.54638752152587,3.76143888143063,3.69815539255419,3.63802697599918,3.78922475211257,3.9463095482496,3.78708323095632,4.18461921762569,3.60761740731384,3.64946619712655,3.78573590335689,4.05963927345561,3.79692870288477 +Exosc10,3.19073307545903,3.35299346590897,3.05633551369896,3.36809833874207,3.55171682794522,3.46662950813392,3.55275417561086,3.19047159752344,3.17834891061251,3.32417154028714,3.5912470352432,3.48687779995805,2.89387135911666,3.31676514035146,3.0636945055386,3.2249187207278,3.39241758771501,3.19687214568902,3.55938898694902,2.85670544852809,3.29644766071701,3.22282907494004,3.5734510392014,3.33180856954209 +Glod4,2.46776797291058,2.24183481410437,2.57347570366658,2.50971791624298,2.16466320427999,2.19309310003153,2.2155890277352,2.45113339614359,2.51807906473205,2.50763050780128,2.17933026081697,2.24129535603659,2.51356250077188,2.26738275287397,2.49091228663848,2.3457839211759,2.18267526712177,2.375002324595,2.19407546079222,2.53673284894459,2.55591418056421,2.45782168177439,2.17386923994444,2.21953695891578 +Vps53,2.85211857277318,2.78383399269095,2.72962003668405,2.70627206233841,2.8940157505878,2.76811404964846,2.87535897863759,2.80735313073816,2.6590771879323,2.68197319956944,2.86213368102903,2.81457557965004,3.15416194117508,2.98082638503977,3.14716555792197,3.03504749211298,3.23369012231732,3.13787849625213,3.38642603545902,3.0715218633452,3.1355653376901,3.21905755578191,3.31143392105916,3.32802131099361 +Taok1,4.52232117359599,4.59205901790263,4.60735547357614,4.47724032213488,4.4749933327712,4.49107523463317,4.43091806843638,4.70976523316216,4.61957266013989,4.48276325356641,4.4652112867877,4.50750980620728,4.18220633123576,4.32379745941612,4.35805280666278,4.21758145080698,4.23269363473453,4.11049601659293,4.00820874848367,4.20894457032525,4.22457684607187,4.21866801050936,4.12221278571361,4.23260125285828 +Dnttip1,2.66311274581561,2.77126740268352,2.70340856786952,2.76266012158225,2.66785914287307,2.73102175891233,2.92200958263096,2.30197161503926,2.37259972353956,2.65538392943442,2.83424452461521,2.66556582388711,2.33146602484083,2.59033792320316,2.36198261880125,2.6821198885072,2.49159970684345,2.60631487406623,2.7701367912357,1.75518786286277,2.51271868348467,2.5574466125907,2.43362978987754,2.70205961489107 +Acot8,1.73599780559913,1.69589150071403,1.94274493876778,2.15744595402907,1.7784205413847,1.77862276022083,1.86659672301551,1.87788818787217,1.72208768287161,1.83934396032337,2.08850498562834,2.05991621956332,1.79254171708076,1.63999562593281,1.58266952611396,1.90216625217919,1.99533242122087,1.80549184553794,1.87509728549622,1.7807229549699,2.13764262628803,2.01453398729095,2.12545441331514,1.8849803629696 +Pyy,13.8605722852129,13.4076032722573,14.0626046908366,13.6243042679657,13.0410369526077,13.2702871157623,12.965401592317,14.0050106054321,13.8176617207174,13.4240139575408,13.2000438851479,13.2959138823956,7.80982080090827,8.87867502244299,7.55241497689388,7.16307030080758,7.72131210951433,7.82436135914768,7.44439229581516,7.85923371350943,7.94390313400494,7.48462133223343,7.45591616226959,7.1176859088923 +Mpp2,4.42615488560682,4.10397477632662,4.21159303365127,4.00529004454012,4.40207805933436,4.48712598925489,4.10972479981405,4.33792682459899,4.06937960717414,4.1733433362657,4.25566413620152,4.12153251183515,1.02880830772826,1.26725773718718,1.47883829811343,1.89871825601738,2.1779066526837,1.50298963419348,1.40864203151871,0.863140333228798,1.45825784183767,1.94449441724634,2.16499217079376,1.47517487021481 +Ppy,15.0389465975437,14.9642399900972,15.3724801436722,15.0023394332154,14.2591143544501,14.3181829605958,14.2748705446433,14.8962803562086,14.9696486756702,14.6471815468152,14.4926788431217,14.5294369661252,8.19741819380677,10.2988814010967,7.90678742478149,7.83020157451197,8.64266147120635,8.00110367412039,8.27685861340734,8.23328413806513,8.26396817638918,7.6183989909322,7.9828234495567,7.78954294953392 +Nlk,2.69231315620288,2.70564056113521,2.42050673375848,2.60098388100122,2.83930399002023,2.80215480321937,2.74025290812648,2.82525620197095,2.67062230068061,2.45620304200505,2.88756682892576,2.74002976374255,3.36347444517729,3.32447962673308,3.06024285372344,3.05133335526264,3.16708092041369,3.33339540115804,3.40260828525378,3.50755252619758,3.22340661824881,3.05716725635556,3.16282196427717,3.40547951871892 +Traf4,2.1596345544557,2.14645423052531,1.73645554011766,2.06888107053018,2.13819991030442,2.09561220173767,2.30508755656125,1.80261922786351,2.34108536384831,2.08710823264216,2.10525652448604,2.01187623677658,0.846481219137976,1.01243896555849,0.578838051987614,1.32800306638902,0.891840192447495,0.689947222635394,1.19825151223331,0.813234936987668,0.938032923379282,0.852883411503599,0.971335462091207,0.648468973717926 +Aldoc,2.70196301202308,2.66535338679815,2.65945954015888,2.78950064602287,1.9167393262909,1.96189733127533,2.25190108564487,2.2242974676613,2.90512578554069,2.68464161017909,1.86773282536881,2.14517821506249,2.43007127823456,2.05523798973491,2.10865006793737,2.7180776203366,2.01264464514916,2.10638116049371,1.9803224709472,2.405934138373,2.45102551395663,2.65914492874638,2.08116489380045,1.99872261403276 +Stac2,-0.249330499251565,0.0334802328005881,-1.0380655378364,-0.703410797335359,0.531768017012119,0.656888988709003,0.683447063016231,-0.503724136538577,0.0075980325030875,-0.0515726393667235,0.782874045011317,-0.0879079414023844,-3.37474767247116,-3.0303714591705,-4.01171587934096,-3.30831742742256,-3.43625341647137,-4.01171587934096,-2.04490867071243,-4.01171587934096,-3.4203928654161,-3.4339310022952,-2.9965041947954,-3.37506407731105 +Rpl19,6.66330742585867,5.88669935412084,6.8981489305746,6.56362318217416,6.19274496023045,6.33793629444192,6.15150504537237,6.59865767330685,6.57721679263915,6.527623063591,6.29875411849694,6.48154818061034,5.97416862805469,5.722056968119,6.17467666566402,5.80898916114088,5.53862238458678,5.97668493883508,5.33247905391576,6.08911152234736,6.04820172029829,5.94097072851276,5.58570457722853,5.49105861745235 +Nek8,-0.183672016148485,0.148202459382613,0.028310049320138,0.651013214360263,0.196958173143253,0.204334825094863,0.384791483822038,0.2168290086991,0.354540168020114,0.46049682399655,0.535706325896057,0.0124634003360766,-2.30228402830937,-1.60942242167791,-1.7580408280942,-2.01156937793005,-1.68383529472588,-1.82522388666557,-0.959449261607779,-2.14452201097318,-1.55918885968706,-2.30426365555842,-1.9126785804392,-1.61408885498272 +Arl5b,2.1570478762455,1.9906994067516,2.07420447985582,1.96889356366612,2.11288869719319,1.97059006136998,1.90563809994037,1.94186253550377,2.24392689244722,1.85480628100304,1.72804656196836,2.0279972671154,2.19789049364021,1.85976872943089,1.99350601599956,1.95720293036232,1.62533741589539,1.90840945481136,1.70208038814552,1.93213435272416,2.15389298478288,1.7345967117436,1.59890718471926,1.89379123691551 +Zfp207,4.13779429725153,4.17110471107381,4.07288221168525,4.23425943972526,4.26756769748171,4.26694443253257,4.189958892794,3.94618371838438,4.03878293742889,3.95905772871388,4.23335545706643,4.28671413857431,4.04828301278512,3.97192227988469,3.85122374390594,3.92588352309265,4.09402754819735,3.99330282391054,4.06274055853232,3.73312581528688,4.06584814445268,3.97993125302856,4.08726437101377,4.18364023096025 +Psmd11,2.11194462335936,1.71575951155385,1.78861349808037,1.80554443251038,2.8373554240687,2.77096724737292,2.25963500067556,2.49533043598499,1.6621334233546,1.85289234960431,2.54476127917189,2.04111495279619,2.3620501491967,2.05119297803398,2.14051976125436,2.03267317892415,2.79997513631146,2.66124761939368,2.68566762741746,2.12357824983506,2.17304781103012,2.09768471655774,2.86176962290222,2.35163981087104 +C1qtnf1,-0.147180428721442,-0.24149813311276,-0.121765707284874,-0.0061490583701471,-0.50781723895757,-0.120132902611235,-0.332357381621715,0.227351121559314,-0.308848500230709,-0.943494401056154,-0.659531295706447,-0.238020071660414,-1.14305549915868,-1.22770247256027,-2.05335791573588,-1.77292792008034,-1.80319928719326,-1.93622179863157,-1.08228924955898,-1.90331515629744,-1.02525582173485,-1.13571340590628,-1.63820396638474,-1.23236890586509 +Pipox,-0.643874633965657,0.210306837611501,0.105517638718464,0.199113359176574,-1.05357986950124,-0.499531128434813,-0.44842869339401,-1.03638409603066,0.679472568158544,0.201291542921703,-1.10403846143944,-0.869913225752945,-3.66592189223088,-3.0933696022906,-3.66592189223088,-2.96252344031248,-3.66592189223088,-3.03578022000355,-3.66592189223088,-3.66592189223088,-3.66592189223088,-3.66592189223088,-3.66592189223088,-3.66592189223088 +Timp2,3.04807752509878,2.9522746217289,3.3955450639376,2.93285532409609,2.9656217027571,2.89279299186581,2.72318052502004,3.57091641100836,3.21245084885582,2.96313586569042,2.87060376562082,2.8379157171441,1.31802466467623,1.15365265124961,1.45407275295463,0.923532865991326,0.507540391644827,0.647462100112994,0.814555743561168,0.947787708573498,1.16661740283767,1.26110309682336,0.903700506523742,0.237990146253347 +Zc3h18,2.86550345821701,2.98944344030282,2.72448679249901,3.02810433634015,3.19823356564133,3.10166899946213,3.24736367782329,2.57380756422846,2.72722875788344,3.04353696931881,3.21174746362467,3.10452014537471,2.33340073688924,2.67954072106186,2.32267373529622,2.79214046582734,2.80008974165264,2.46128117392083,3.02502230121178,2.24977211974911,2.66934695356496,2.76567842740273,2.95453470356899,2.83817858932483 +Top2b,5.26572932728508,5.22532802356053,5.17345095639306,5.15698912844894,5.00819028487114,5.08501621327984,5.14688343708614,5.21806502857988,5.25165191784021,5.12907888154566,5.07764208878404,5.19191106336605,4.11971757394826,4.29075146884771,4.14555560210808,4.16540672010722,3.98645615367947,4.0193116166459,3.90820995622169,4.24681655499422,4.1583343737845,4.1886907258169,4.0561878129861,4.13844602249996 +Rarb,-0.113797021132731,-0.227531205626316,0.358117424862437,-0.0975966845984189,0.147970070353563,-0.506814979305922,0.208772590526655,0.279447585698024,1.04876277872623,-0.301427382302189,0.0517439468902432,-1.26489296816802,-3.96263193600588,-2.66311966096915,-3.38223953212535,-3.96263193600588,-3.96263193600588,-3.96263193600588,-3.96263193600588,-3.31809504499396,-3.37130892208102,-3.96263193600588,-3.36751051196182,-3.96263193600588 +Igfbp4,2.37732026057849,1.09397084615524,1.97260517672845,1.73694366868683,1.4801981416046,1.69159887294255,1.13912750920913,1.87208917445545,1.54865873922376,1.00880297386271,1.2039603423979,1.31182787829304,-2.5875639309642,-3.52280660236656,-2.51445417414499,-2.69130612977521,-2.06815031800818,-2.83020214584136,-2.53734381390849,-2.57201915047568,-3.49462073768629,-3.92636614549125,-2.89894171062588,-2.81759798012784 +Cdc6,-2.37217951430706,-2.84609886130036,-2.6899951417093,-2.75928947933784,-2.65879636942356,-2.42919824973589,-2.50434949884958,-2.23278465466755,-2.39396363364783,-3.19121246538976,-2.8700702371624,-2.39296280500936,-1.61523596310711,-1.78075322250658,-3.43425445211655,-2.69772977552964,-2.44892389708421,-1.82715649919957,-1.75125897971618,-1.79210330349525,-2.92699549966834,-1.5972411788064,-1.8147894668556,-1.61602146751672 +Suz12,2.91200459338727,2.92929451548272,2.88523833112443,2.83853309215891,2.90565052927977,2.96800213071565,2.84116048321837,3.09160431447307,2.86431024498465,2.89263445596281,2.8306255328979,2.80233951883751,3.14775644352498,3.06752878427429,3.22378033401414,3.03791851910945,3.05866885942319,3.02149437638089,2.89076482901027,3.30347726849945,2.93406581486904,3.12956774689451,3.02553381994468,3.09103023695771 +Atad5,0.295723727232914,0.833383724475921,0.755307937613931,0.457928832492937,0.599849004983571,0.755063318752968,0.538214886298238,0.687086920259679,0.978329893209955,0.207503213145187,0.954713287993415,0.576248421028995,-0.808978892153874,-0.0442249314969536,-0.0024412751014479,-0.200903203545805,-0.37144662842199,-0.624854443805246,-0.255746341651631,-0.586126632456414,-0.423218189235967,-0.364632700759016,-0.437894296844953,-0.0845451952215894 +Crlf3,1.13023258125324,1.34799327020788,1.04868402134193,1.27976978092895,1.36334441446376,1.21592389181699,0.824366375591127,1.00424270883425,1.03931370761101,1.38821850872971,1.17972103827339,1.20247952459456,0.884005553770639,1.09559650123703,0.943359215563019,1.13611779978199,0.804852256898015,0.762661000576138,0.216184161315382,0.494669677439304,0.755702509040196,1.01809375001584,0.530891624804146,0.86318702676468 +Tnfaip1,3.65071619817369,3.51871407294733,3.42556203147411,3.60991223564146,3.47044883368661,3.52643404584148,3.32907094990457,3.4815120843228,3.38747834747247,3.31410948572304,3.43184002343669,3.46203807034114,3.44342700648762,3.19026942385367,3.47431506492101,3.13472406302485,3.57389725871235,3.56497067222292,3.5594485078472,3.13849781840243,3.40406226821598,3.21793547436583,3.61414355104837,3.45386573528514 +Abr,4.37782224940573,4.47658466460868,4.1879277661251,4.01870181580623,4.43915677844833,4.42930982422114,4.40540418875577,4.58920585686275,4.3319876218451,4.10142662278256,4.38190023375104,4.38336070590241,3.38776469967487,3.85941377873421,3.59914918108635,3.55838901656115,3.63789420985533,3.51119459426131,3.84003677624628,3.55766114944239,3.58343725625981,3.62094680853785,3.65015200419409,3.69482499207012 +Rab11fip4,1.15949178460183,1.48512215557993,1.51776519633905,1.30699984212849,1.26906298961666,1.37905382350318,1.22186412920024,1.57062415185753,1.4580766580514,1.3307653392278,1.31510435308122,1.24021555914433,-0.896618627585803,-0.248706699181274,-0.722790807864868,-0.431860809443868,-0.893908880404289,-1.21169639297123,-0.454824998826062,-0.236635426105655,-1.05070000408054,-0.863647504671303,-0.638214386710328,-1.0089301172299 +Slc35c2,2.42279998126285,2.4274456480831,2.78505750203127,2.46780105258337,2.66931292612444,2.55474561970608,2.63220767198358,2.6632268354119,2.42377321850735,2.77744317647885,2.69572557549256,2.54227366771142,3.46739982457597,3.41392248521889,3.31447133727229,3.34203504457195,3.52096181298954,3.44827930396143,3.6722654417783,3.36835924655676,3.32184353370016,3.30304872978399,3.58272618322196,3.63931784802219 +Zfp334,2.667692068236,2.60459276142061,2.7792375091312,2.57973699845861,2.57726213238647,2.68293224391161,2.64737392328513,2.59237278802075,2.70042864000881,2.65244770305978,2.3653395610911,2.67103795554668,1.72893945946659,1.81744516608632,1.97643165269252,1.88351203959079,1.82625137940386,1.76053085930429,1.97914337633792,1.82796490014247,1.95635732871935,1.81899404858922,1.79201235107614,1.78424540418827 +Elmo2,2.39599585998378,2.4941444573161,2.39475210839032,2.39299809995535,2.5949960661608,2.71141372654144,2.60899724777639,2.34465786010698,2.42189102172265,2.42471845093382,2.52498656884143,2.51817376988316,2.16821944920544,2.5112918414698,2.04596211531578,2.29289619826487,2.34794956729014,2.22031472445465,2.65758786343719,2.17346530093624,2.15249186933149,2.07806576376742,2.33149265997976,2.46741733086628 +Wsb1,2.20460490632138,3.05850860375502,1.88893361625569,3.15514180198578,3.23606646272227,2.9385422189238,3.15089697975821,1.47940471354142,2.70752615090055,3.11666791901074,3.05638767630708,2.92049790647979,1.26650946255372,1.73555645093626,0.799840423863936,1.30544963357754,1.27338084590906,0.879664774042081,1.026170263878,0.536895667411963,1.34841757601516,0.925977290550324,1.22750168369371,1.3900845529319 +Ttpal,2.75709328849377,2.54108553576042,2.50370800696403,2.46945860485909,2.496607849999,2.50029520909016,2.36834250483066,2.16178770446519,2.49577874257403,2.62303903136887,2.39303941236082,2.50729787880312,3.44450854870719,3.23991808662973,3.04611071066861,3.22982545761682,3.20929510752804,3.31804166699216,3.2832698813734,2.99140948479231,3.19029505903162,3.12338152287208,3.24536334186878,3.20056079675653 +Rhot1,2.96434842535472,2.89052196709653,2.84610778910194,2.90290012894228,2.92785219300065,2.81991869004346,2.87652121244059,2.58027408654091,2.94802169094852,2.74461339463986,2.92223769835151,2.98865089338999,3.17269111025166,3.19585943428639,3.12816981691589,3.25512902169834,3.24217113414903,3.25717058145835,3.24526066374436,3.18147019725369,3.03895642180391,3.14702383635828,3.15850465206825,3.32897723826049 +Hnf4g,0.428911507751533,0.289269977888886,0.443274185816267,0.21137040165767,0.339391227369811,0.0371873971012011,-0.0163396083735892,0.212676970524048,0.191567619633862,0.532584785560674,0.0283205152272767,0.220298825522105,1.74356463015168,1.65881761547508,1.79475260966182,1.30130398819035,1.62804326496282,1.64941105471994,1.37345359365525,1.88487813677865,1.53853858506004,1.29803732383672,1.42306173297853,1.36146196352646 +Rhbdl3,2.55162137007485,2.64765110186304,2.29818085590618,2.7776913249418,2.88757044567274,2.77959387572209,2.94209910613995,2.86640319836281,2.54581574244149,2.61064608805664,3.06710275703792,2.93989141546939,1.58846359475358,2.03782514160867,1.98924753909792,2.27658834921595,2.08136103683246,1.66479938481778,1.66636373442492,2.01670323083795,1.73621962713151,2.10880288496033,2.0253981459253,1.90994900493234 +Ada,0.20934540567735,-1.8648017471974,-1.50025453446296,-1.72108476061774,0.184955678752994,-1.36583426657144,-1.74206794727376,-2.40432703413486,-1.75112928344206,-3.36285282459484,-2.44310981822601,-1.86241730870734,0.949809827645128,0.556240591036812,0.578480853461429,-0.378865768802189,-0.300674811249035,0.0032859041508153,-0.16982897881942,-0.407010207484398,0.178065051124638,-0.294467978967091,-0.336336716975049,-0.14240648718594 +Serinc3,4.87118299508465,4.88467258034922,5.07161448154315,4.8631347972548,4.51570922742372,4.61193482375044,4.45576354674031,5.13061419365702,5.00609989067841,4.94251151056664,4.55482047461625,4.68310657141538,5.47029741985415,5.3110461337882,5.49800712305446,5.27241708795602,4.92716238605066,5.24083490598827,5.05470805071696,5.67098956967919,5.38556038841551,5.27594592340842,4.95275078129587,5.1478808614579 +Tha1,1.45330275919049,2.14277214856296,1.18513606623357,2.37195355059343,2.37569170238302,2.11741635609038,2.47233145072697,1.17213647923733,1.86511907728114,2.06869858474165,2.55341612276,2.16549318334527,1.29959882268362,2.19730851183954,0.961954812868878,2.55990898050733,2.30160219451433,1.91513665910063,2.29344657984585,1.04352877604988,2.11851501509143,2.39817960237197,2.4494615927487,2.32159033306766 +Pgs1,1.65208735066807,1.81047634922705,1.22590110905551,1.5468861278956,1.95297867459113,1.99412207373038,2.08478846402717,0.993037549794132,1.47354892588432,1.16115227133341,2.12741897794651,1.53349341221899,1.62128039641179,1.5788373357222,1.3223385910831,1.51170828782345,2.06643086700536,1.60944906435545,2.33547359638058,1.48196591823696,1.37832148073953,1.66467409747723,2.25911290578672,2.06968357639184 +Afmid,-0.897028853985062,-0.515004669550912,-0.371338336760301,-0.117549476640579,-0.82184034625163,-0.299628828680944,-0.413907815423901,-0.520748368094536,-0.557927013978732,-1.47914746811001,-0.876642062695532,-0.614002063718739,-0.945459318644777,-1.69637091490831,-1.0923996422876,-0.957808884256647,-0.883720765155771,-1.82203383960799,-1.480748058238,-1.94481720131134,-0.647718521094146,-0.6849679374951,-1.90391500696042,-1.31340122775373 +Pigt,3.12789342811591,2.79361212777284,2.96740952628251,2.86061105252869,3.24552321848539,3.26872884736789,2.91244476074954,3.2371023424047,3.15243513614573,2.87803723463867,2.8537609581874,2.70837032863149,2.95490256626274,2.79885565086049,2.94460642243351,3.0522641970755,3.15480829916599,3.24431829691733,3.29257866027042,2.94425227713472,2.85500697975893,2.84491976866031,3.28383270114469,2.811716595035 +Dbndd2,0.982930725076517,0.898857651622467,1.29427949574047,1.11713350831868,0.8942514657779,0.748752554710684,0.983147278626993,0.670727562099134,0.956510688211209,0.986643942899772,0.683620292688963,0.978659925342298,0.695457871561564,0.75351881483186,0.578812173872016,0.344998229270249,0.686243325966235,0.609483692866178,0.887581599015686,0.693887159076099,0.713002290358772,0.787388625688011,0.55640752765319,0.532331209441575 +Slc12a5,0.347041996709341,1.08840776257466,0.513458823334504,0.657321078693391,1.70303774253489,1.56788644897178,1.82479690882284,0.32739968841717,0.507848029009293,0.775829065807601,1.7823572618909,1.28246959376654,0.0275472903381733,0.812680744569318,0.782498415753707,0.35908389778129,1.16623553086408,0.480470385227045,1.53797309365584,-0.726907177195402,0.262080524943543,0.563280467106174,0.961409459408527,0.556862959071429 +Ghdc,2.24394517125207,2.22919695984128,2.3836128037723,2.49089272604422,2.35455663535273,2.33527401603469,2.41232467304874,2.12708839477488,2.36616421036282,2.61079711502937,2.31372618875167,2.23282973746234,2.94409171367903,2.87316070379919,2.76615785945188,2.90226502433715,2.92968324814469,2.91752535935761,3.20803063768953,2.83108452696224,2.72055214192326,2.77345945085688,3.01468891279358,2.91280820353785 +Slc12a7,0.630061667084983,2.04896315226788,1.21280237096522,1.15407385055066,2.02732824569854,1.64174297877777,1.56087403141211,0.978107893479198,0.897420820576323,1.14440588731594,1.33562273096694,1.42848655939276,4.37374836274713,5.01250101521093,4.89678965484941,4.87174693951263,4.92223585343492,4.63825788795661,4.9488758687941,5.08395534952104,4.61233420227812,4.67770023539012,4.6693177486725,4.77768230365106 +Ctsa,4.0890821596983,4.15898312633382,4.20945182335231,4.28891769632201,3.81192108696277,3.75455573377009,3.77203366152968,4.02781519085862,4.04955462391575,4.25870479381746,3.90892563499066,3.89766531803929,4.33382921557523,4.51281277565194,4.68084695435306,4.79508627044258,4.50104507478488,4.42381101173857,4.42011778352644,4.48123008730655,4.57647897564901,4.76580698390184,4.42422249760903,4.47906358915739 +Zswim1,2.61807212499915,1.87847244913496,2.2720283648528,2.11880569808499,1.71863594626195,2.2465301786932,1.96495026591307,1.78091500019366,1.98358608944808,1.97915737533637,1.78228180726675,1.80491486325936,3.13260731648733,2.50092762088354,2.85672282512333,2.69805949915368,3.04742532469092,2.93708666357612,2.94168512622109,2.27467875399406,2.70534022638301,2.68073775195573,2.88644761717267,2.54932736436626 +Slc12a4,1.0602479630877,1.27642409714855,0.794010812234942,0.987782868391556,1.3493915916542,0.940370521535446,1.0592839120567,0.692322950038347,0.535562647267717,0.803197447150553,1.0976404546331,1.08106103444317,0.884843668006142,1.18373229949895,0.724408138544591,1.28331764879052,0.978920946234058,0.902690539376279,1.15834929229815,0.728042383833128,1.12924129181069,1.10361747490241,1.45947467102635,1.16908543933953 +Myo1c,3.71891776663815,3.58981982145846,3.73239406618688,3.48334736768022,3.55641651668868,3.63482735074857,3.55085793393168,3.68247518534779,3.68378407654166,3.59805379357337,3.49940455184458,3.49490890376996,3.34577833346138,3.71165650521796,3.60091338897382,3.53578306429859,3.38665113281694,3.50793145907403,3.77412601498991,3.47444000056849,3.34773916052589,3.6593662835034,3.47706619927594,3.55264723115031 +Crk,3.96797859453145,3.62046895324846,3.73254630555234,3.76407953369302,3.73641790613029,3.74632901245519,3.70554550317431,3.35479720849802,3.70694751351436,3.65926479408011,3.45138115587392,3.752712898694,4.41440544374036,4.00135058624104,4.19600158452421,4.09415282851255,4.12634962930869,4.19994003593437,4.13247307484544,4.22263020273819,4.30110351550524,4.0454095653484,4.02382815679314,4.21996244699314 +Cox7c,3.91536985657823,3.66502446333709,3.8631719356425,3.68304889638805,3.15392582838233,3.41592290550308,3.64465949212996,3.9895814856661,3.71496607787176,3.86789360248201,3.48084732510039,3.33650140833981,3.56836219319523,3.39383067524888,3.49180168838722,3.10130838630914,2.69829117458285,3.41062205017919,3.07618899144257,3.7158349063684,3.65309291970635,3.65045657005594,3.00101880612523,2.94227770235984 +Pitpna,3.61526450580438,3.17566217224052,3.15104122209516,3.4454875836761,3.42490434115168,3.53578022392019,3.2988713760805,3.16636837086501,3.33958223476298,3.27007963722633,3.37500750132262,3.41764093660521,3.53637261193817,3.22042986313328,3.37009507009317,3.4001320326917,3.55218349261011,3.4040248267338,3.42681128898562,3.31589316383655,3.44615350057647,3.42797363718716,3.40466456728302,3.44219424563284 +Mlx,4.58988839209207,3.90432543636101,4.28173188722054,4.25775693846682,3.95308825752891,4.02337510971208,4.30273443336472,4.15177223573726,4.24739689195558,4.30432299223517,3.95078431404018,4.18720272746867,5.04221675889868,4.47843396416411,4.80551346900035,4.58580404100216,4.52662016933983,4.89964723075344,4.47893788508981,4.60481177266242,4.81558953117503,4.60927729813915,4.48642613139639,4.53330423313393 +Fam134c,3.91811778503351,3.90860398281465,3.9536421041849,4.02987253882042,4.01481668667103,3.86250776555864,3.82891592306235,4.08830233744594,3.95064681356283,3.97659989228036,3.92494239676506,3.95442716971083,4.10508803123826,4.26336788963546,4.13002381988055,4.12909297405095,4.17367047050734,4.20222862116976,4.2125948898463,4.46422596654469,4.18681337843322,4.1912825975068,4.08726916352701,4.29533379143132 +Dhx58,-0.927119802541222,0.0120984642615776,-0.059969308547317,-0.158743439417982,-0.36331365550652,-0.0536201892963541,0.354896294193529,0.0222897462008993,-0.0282424681387785,0.0617426264611629,0.0823350305125277,0.0502016737960886,-1.77606049574069,-0.931617384732958,-0.839910740614558,-0.927493259829175,-0.661104409994079,-0.77898298538029,-0.699685097335989,-1.06836545068069,-0.743076922856711,-0.381946734708977,-0.668569819656969,-0.27281225744869 +Rab5a,5.11736083065271,4.88979678743677,5.07811926462974,5.05490866669555,4.60105187713814,4.73974770373185,4.69613773628756,4.94521433676989,5.08174123716744,4.9176192146895,4.76434574098825,4.78898183105749,5.51495650640359,5.30520684863377,5.40332519596866,5.34336124851411,4.93907801396297,5.30763995404912,4.90730595388512,5.43574178587817,5.47859173001081,5.37297762461668,4.95734157407095,5.11904173718027 +Nkiras2,2.82364994254662,2.87161881184111,3.23552835110634,2.92307360423777,2.60928389023004,2.74684132235287,2.74975399243402,3.35103586050442,3.0728606489945,3.12085685872611,2.61828286185431,2.94053819013654,3.35242497377844,3.29129360471877,3.32206496007979,3.21496335684019,2.97466482056416,3.22455206297561,2.99941226273032,3.88437805438979,3.28955737790579,3.230512829837,3.05095985270473,3.02650964225905 +Ppp2r5c,4.6172279753845,4.49256821663095,4.678258321511,4.58847674096779,4.41838304312473,4.51890667364422,4.32268800251493,4.70356375034016,4.64370986985986,4.5646314240541,4.37379372062062,4.44971592187977,5.04697442647728,4.80093448182524,4.97460559316031,4.77160615273613,4.7037671730862,4.95923500180514,4.74107419819235,4.99479994313588,4.8689660387745,4.86928915293162,4.8345584185516,4.87068590959196 +Ift52,3.59202725128306,3.93617288908091,4.07091848187673,3.74545240244031,3.7097366022908,3.72182365789036,3.45501766686395,3.87891379214544,3.92932155780978,3.7245089241015,3.68470017907923,3.53589919363632,4.12238773109991,4.09200753615641,4.188278940275,4.03859705819492,3.94055444288225,4.06113909181866,3.83719669500993,4.24809301140829,4.02279755612087,3.83795475073715,3.82249164996931,3.86344478151332 +Sgk2,1.87406148169148,2.26843861186455,2.35324440921768,2.27687042109828,1.96441078630541,1.64542698993466,1.77346716855953,2.40672696826802,2.21121099530772,2.49826674698142,1.79276368435696,2.01710893826589,1.55475941965627,1.46054101783809,1.36231588937957,1.33900239718537,1.2322888205196,1.45604625071804,1.2305986653295,1.49553213548394,1.17188773165682,1.37036648475732,1.40537241415291,1.40672000057899 +B4galt5,2.92188229340935,2.84289837269167,2.76262602728721,2.57646416220275,3.09627956020308,2.90265769273427,2.73638524821533,2.82729368663371,2.66082209801839,2.65924234128012,3.00020478869488,2.73460059039,3.54585265088557,3.42786160449652,3.52909776700214,3.47806426320258,3.55827239758055,3.5784322297344,3.63195960941775,3.53872724933043,3.22643366541175,3.42888333657653,3.64918827873005,3.57561391675413 +Gdap1l1,3.24695620659194,3.51901630919137,3.70507590407649,3.68242669770153,3.66296476356513,3.56647475861051,3.69062795163378,3.5626035026549,3.58704589631793,3.60396421584889,3.69933893236749,3.65102909595318,3.65459650496724,3.96176244213054,3.59294005518442,3.9073050364194,4.22278254781403,3.81983788756361,4.18581313940044,3.7320165995078,3.79790704653931,3.86807364701977,4.19009960858274,4.09276898067906 +Hnf4a,3.06207552344872,2.94663544564689,3.00173831833343,3.04619084071423,3.09781087972391,3.22743831877521,2.94361630381894,3.0074887545394,3.02968592481715,3.18028550750968,3.01065300157572,2.91767919950875,2.5007619712851,2.61634818886564,2.41545801380559,2.89664776558929,2.57221702782464,2.66236549207781,2.65135443994154,2.78049896895018,2.56463577029951,2.83773204146366,2.63529237448261,2.61296971178917 +Cadps2,1.34375731818529,1.37673226787451,1.4771673051877,1.3722393500133,1.21284737024807,1.48435915638347,1.34144392357742,1.62174232410859,1.41806803160689,1.16594587611017,1.26637543513404,1.23378006883966,1.19157331510524,0.91965293545489,0.82779049328134,0.986258128128566,1.09379471214543,1.0578598252715,0.911668430394097,1.27191825403883,1.02738378047604,0.728563061583102,0.939414024132907,0.964440284513614 +Ddx27,2.37472509585331,2.5289461202022,2.20141109550877,2.75261610708944,2.56105664746853,2.68391517868588,2.78636163229619,1.95955303544437,2.42580112943842,2.3943122328692,2.87495624394124,2.44231898010521,2.11960092480046,2.19741137121083,1.88041243632708,2.41836587477425,2.34199072126514,2.28217336431747,2.84512109437233,1.59511388315597,2.12398464577048,2.17555390922932,2.63413953938231,2.66902214346044 +Cyth3,1.66738152445971,2.03522240454196,2.09478931652089,1.79126938866217,1.57495059800532,1.8504768549193,1.80407224082931,1.97920205028001,2.04496516024778,1.70929385518388,1.77949412784942,1.84640748195568,1.84574050769003,1.98162915867256,1.61706427135817,1.79191697009129,1.94532337235193,1.77970575068457,1.84651280331844,1.71024644314723,1.75215439875411,1.79947074952216,1.90899596417819,2.01087135582859 +Cyth4,-0.820145716559684,-1.04934207085704,-1.31965595024407,-1.34010263761076,-0.352918361086209,-1.03824591844212,-0.75957162134098,-1.45126286061072,-1.08575278064992,-1.87398980737721,-0.899521391827599,-1.62230822529749,-0.904717950293002,-0.483811974913487,-1.15338266256231,-0.747951435510416,-0.960133808145635,-1.74245953095495,-1.34281059682534,-1.24070167772641,-0.301275099105436,-1.40044332231165,-0.815676867205123,-1.25904673740068 +Rac3,0.213508927207505,0.60743815012595,-0.209596100988259,0.147855005266487,0.815675377778734,0.849184552949659,0.548344703648343,-0.102595329368872,-0.162933318892006,0.551553801094612,0.210538457428214,0.24236022666846,-1.04496884991834,-0.303355665099663,0.0634407410327186,-0.140767686695384,0.412318089666344,-0.458910041660985,0.155362013243182,-0.426844926949969,-0.911182704631752,-0.748333289016802,0.201023328180986,0.488313211839799 +Rrp7a,3.6949189512573,3.39938731095275,3.55533885985303,3.53569178561566,3.33435836273648,3.52515917392335,3.49719425355527,3.39724641461894,3.4970787962366,3.63599520655966,3.37338315420358,3.45375332296665,3.54767218898798,3.13683348253312,3.14899738821323,3.30903618498549,3.35649813731697,3.40250649054171,3.23417871271123,3.21300523945742,3.24398715574119,3.25794936184045,3.43498068282629,3.22535434653802 +Cyb5r3,6.01274060116472,5.88390276892042,6.13519654977743,5.85406409251363,5.41331465034821,5.68260137080193,5.67653917020746,5.94566323125227,6.13805157538763,5.90814361058278,5.5265491336875,5.63693343438477,6.2276021490168,6.11302199389413,6.25504054945749,6.28480347447756,5.73447539676424,5.95692069148987,5.92452996858676,6.13655103096275,6.36005795580655,6.37980066078774,5.8307790338816,5.74733467214734 +Ints2,2.18682912449972,2.17093737593098,1.5837761248043,2.06893456230247,2.57198892033031,2.44657763632937,2.46748828505543,1.86185451328439,1.88141502081381,1.87552909856505,2.57638458381456,2.42949802530412,2.1262488286992,2.1597532911495,2.16604160872843,2.09076838470981,2.65603581521096,2.48912958576892,2.52871251104839,1.92978623281713,1.998475469748,2.055316330954,2.65171671543787,2.67536315601727 +Med13l,3.09881500441726,3.20769080516358,3.110040048958,2.75923241561495,3.64320958013906,3.58338197912681,3.23661555975975,3.48816837095071,3.12408321282014,2.82709826826703,3.56809016600106,3.26121676593031,2.60327444942019,3.23672057723104,2.87225431188449,2.78710359485321,3.52180098299024,3.1423353691711,3.56247281907875,2.9179348527779,2.67260114074232,2.79961213988411,3.41120190620181,3.3334913453529 +Hist1h2bc,5.58205100216774,5.18293950794579,5.23917042692216,5.27522305556432,5.21044268911847,5.25178809155377,5.30977803507695,5.95698539340544,5.29642033740752,5.18830926104864,5.3302228488839,5.55640667468524,6.33952726733299,6.38544783462324,6.67996132252262,6.45915586641439,6.0662541712651,6.29931464913499,5.93864471509271,6.8760973639149,6.70524056636765,6.55108424312451,6.1526216154531,6.15782820505062 +Baiap2l2,-0.579631306957384,-1.33377473467401,-1.1600436122258,-0.771936812922275,-0.098872869968081,-0.353437538083061,-1.33263154783437,-2.27986019291397,-0.810884043662766,-0.525567568119306,-0.785249387719452,-1.73843863641407,-1.3655252150207,-1.38047703431358,-2.0117104259643,-1.07481056464139,-0.191771872169076,-0.996779540517381,-1.30987211678345,-2.1075060207381,-1.33426048014208,-1.12710510236798,-0.975919767150533,-1.22610825735878 +Mafk,2.65048327387799,2.4742059472248,2.0173222294788,2.58877243940938,2.22216716609138,2.13841906947887,2.32752282673727,2.05098534820906,3.08078618455919,2.33304663142199,2.27929175991187,2.24080917544232,2.85778525580887,2.90889886770738,2.9418508394839,3.22154290321126,3.07248849749565,2.95510936681885,3.02633242943838,2.63299614338994,3.04235553915252,3.07529615209568,2.928811131099,2.90566688272898 +Med1,2.93152654395595,3.0142168213088,2.76944209501986,2.82163068326058,3.16958436940616,3.24698788172338,3.06307867831032,3.08058238031541,2.86338900323291,2.74560063670339,3.2208747910757,3.14562620412114,2.78721218472409,2.83375242819598,2.64917494849688,2.57773968710979,3.06150568471487,3.02441405818011,2.90629766921026,2.9224925861091,2.67245254272304,2.49656273390459,2.93533145201345,2.91368016870959 +Erbb3,1.24099132927938,1.3865434713447,1.07953637055052,1.25815589861705,1.50846588898989,0.903857606428058,1.14240868751079,1.19558245864315,1.16383412475115,1.29318693763119,1.15360003168435,1.03153581099333,-0.251019111545586,0.0134175530345817,0.226233762364319,-0.141910208981063,-0.454084009693349,-0.365005708052337,-0.938817516413841,-0.0295245770886856,-0.408476254605931,0.386227397751743,0.00980428790939,0.125671884662496 +Stard3,2.41956752942402,2.57754220339745,2.17835802525227,2.50324337174533,2.33367147980413,2.07078980395327,2.24268031133069,2.20045912456327,2.08385571140275,2.3049978503725,2.16814885654262,2.42192971404781,2.47277309704154,2.78747468493683,2.67080877967042,2.35274422271161,2.31870866396061,2.67972252513865,2.58662789650593,2.90915225549243,2.62765682284306,2.47998488733058,2.45994055774711,2.64286972963301 +Ikzf3,-3.70012723556524,-3.79923916285175,-4.47437833689035,-4.32912388558693,-2.43603770843836,-4.1937262327275,-4.10165987592407,-3.98387536527889,-4.64737702565892,-2.55043477841166,-3.47019680294127,-3.79667318727215,-0.344601899669058,-0.340343886058349,0.0124323597466622,0.0178058864672965,-0.610272445196853,-0.928059957763792,-0.323838364637787,0.224986879087121,0.191862364623399,0.0505061156826594,-0.651166242414549,-0.696612479343831 +Vmp1,4.46276018101876,3.68239449001864,4.51057408497642,4.09286787019186,3.97670481942,4.04900848366709,3.94301518193222,4.23801287618624,4.33423191807764,4.34564912765745,4.09281120007479,4.06190427823237,4.58874599881563,3.8700417985176,4.31298814303452,4.00211527388111,4.08741607826855,4.38392631764176,3.99150188909335,4.46164002110872,4.29134031220001,4.09988068648097,4.18913315483774,4.12250305154508 +Uchl5,2.68275795833402,2.35163165501661,2.06348825014571,2.36954145733185,2.63307269085439,2.58732615365447,2.62250943022677,2.19565411260601,2.04527168960267,2.1616775231125,2.7618621941115,2.41707916126375,3.04547677048516,2.76145088316522,2.3901129750277,2.60172318487867,2.71848870037978,2.8227145250572,2.81824980913638,2.81800543757281,2.38160753120895,2.60470860744396,2.78707851882404,3.09135362068196 +Glrx2,2.23185842801039,1.93553943383469,2.14282552389652,1.75288763568952,2.06754273132632,1.95685336733874,1.89336043035312,2.13460453163975,1.91546272610266,1.97257359551968,1.97759176641227,1.99548569884177,1.95798376334799,1.44789959896575,1.83284790660971,1.70122210786727,1.5220041817972,1.88446184131347,1.29447886082828,1.94799087699715,1.77313180298004,1.65142392274866,1.5893173860515,1.59410476055653 +Trove2,4.26032958104193,4.23943648920201,4.52116070244925,4.25501647980257,3.88257730368809,4.02883458277451,3.99198947108576,4.50918980657722,4.51368823033256,4.13310685715297,3.89713901712805,4.04866752327035,4.28402365561667,4.15911273363414,4.47005512152844,4.42709235252564,3.86359323891387,4.12034292663375,3.74352449489891,4.52908231567658,4.42232412168688,4.32572562142232,3.65783787665511,4.01486298672181 +Stk4,2.84608705274444,2.75070774489995,2.80504631670434,2.5236472539601,2.75463558055379,2.73906621219064,2.73756063224728,2.97067392522254,2.78282763966457,2.60563069037491,2.7464124388952,2.7699463101147,3.11152773204738,2.99614663713875,2.99378949586763,2.79315438143462,2.99555398634252,2.9359291087059,2.83469669532011,3.17877531592926,2.99498861159979,2.96180435391919,2.92576203246644,2.85736370338883 +Pmp22,1.42254775448311,1.50357409846646,0.834137329185566,1.32294015041653,1.74420289475096,1.2069953358101,1.3130522326472,1.69642534226246,1.3393498685797,1.0065040347363,1.37250838403806,1.67027120032595,0.0005478010042281,0.0692828413119619,0.390584351468065,-0.731920952595715,-0.81372646922226,-0.230386442051636,-0.314521061402212,-0.272895924637062,-0.772870957106863,-0.367945217749519,-1.40300634342891,0.185724669137584 +Zcchc10,-0.245820928338931,-0.0446823663332135,0.0358643110391857,0.589296237108595,0.317071223316502,0.551186724694426,-0.0696275515528815,0.175915285827469,0.160837180819167,-0.287944234200387,0.472484349567973,-0.139794302463223,0.0999417542308266,0.713040911613028,-0.526597827082914,0.454763245372744,0.458599752455607,-0.269634312507806,0.444470839093993,0.313891054521226,0.179103639412946,0.535218336083114,0.64943775204197,0.0991709018756611 +Psmb6,5.69385882750563,4.96615137524403,5.52139843634084,5.3425229110558,5.06840360863986,5.09636636912147,5.2359998906293,5.29210127481828,5.41555824609407,5.44644274378846,5.30388621331382,5.40971769203002,5.4234927056703,5.02748819148852,5.38562471822712,5.1658328270205,5.20524477684875,5.31842319913684,5.19034705835595,5.26727511460062,5.29017433745218,5.20828324238778,5.36038573018486,5.12653626714935 +Spag7,4.73209952654596,4.24523736201549,4.63717719592139,4.36041949472721,4.2121727305948,4.19832680731028,4.47125838326549,4.41138598725631,4.40363838144203,4.49828805881748,4.40057435430862,4.17398476690593,4.41254594978302,4.33945795607126,4.26390285602619,4.20085491639903,3.97527693870446,4.14010601855525,4.23832121356186,4.16233097094184,4.26178392994686,4.11221032532854,4.05721138648171,3.90793352817855 +Pfn1,5.38133679207713,4.70813669082364,5.19733295778427,5.11851896483545,4.91557158528564,4.98880557404343,4.85625827125232,5.11828939584659,5.24973633270268,5.08498628471446,4.95590916160131,4.95151023662771,5.09274114471878,4.75084987587046,4.91534106361937,4.81223004700155,4.73196616721888,4.84351677188756,4.72486195877821,4.77023856339336,4.89134403163515,4.87844745307885,4.66010687117905,4.68678655951972 +Tomm34,3.88159305251282,3.89344342775001,3.63200721283612,3.81309297626156,3.86544672699666,3.76541235397476,3.89061190627865,3.86304480667497,3.70026629013906,3.82458013631746,3.86075075130127,3.82156476338336,4.09124036038659,3.99336390748108,3.94750235946641,3.89499941837537,3.8383837542993,3.91004677337642,4.06012884580184,4.28130254204594,3.78828381937414,3.91955061105081,3.93612772575996,3.88559717871188 +Ywhab,4.59787303922616,4.19990696274379,4.41669343243644,4.15760929887995,4.70991531776901,4.66627850715868,4.29765550085758,4.49718447062,4.33756345617824,4.03797828252053,4.51676184363871,4.39076301097729,4.64023463743081,4.46163924479394,4.35483706624978,4.36916137273981,4.92621784258265,4.70190859085768,4.60655519113877,4.6575911313477,4.34880515941723,4.28330135645366,4.69226878502531,4.63935006436787 +Ksr1,-0.405905217356631,-0.142580145147234,-0.606716567844733,-0.624776017133949,0.103447808776337,-0.374733234726768,-0.314272005657038,-0.0761682521174167,-0.287425484197367,-0.244990808566576,-0.386202100143848,-0.306004899216068,-2.91530828589528,-2.14940967639265,-2.75559818067808,-3.15357019355117,-2.22885861802021,-2.50842279266626,-1.41722229216331,-2.35666905781298,-2.60297482665299,-2.52163694621218,-2.00692824353993,-2.07186188553825 +Gpx3,9.91566832730896,9.6909265915231,9.79599059956015,9.50903060866958,9.20750923713891,9.48704062544801,9.450753333912,9.91210699635818,9.78316739283212,9.54582257898797,9.44758455788659,9.49581877250604,4.20145663055889,5.00722099490956,3.50805240946274,3.12764578262641,3.74610104460416,4.16827883713111,3.96874199163399,4.19412969308307,4.11650253095227,3.47987517474883,3.80459339498845,3.57246595280342 +Anxa6,6.49559049655154,6.29077336085939,6.29688332852128,6.26608219429388,6.03088673373741,6.30409352378222,6.3117246463425,6.39428333437817,6.35619154298084,6.33403564084177,6.21318010447869,6.25484130639766,5.52934066857882,5.62003859646418,5.31713132110722,5.40113327348879,5.55189345276498,5.5688324285788,5.80785129728279,5.37685501235235,5.62334569477294,5.4807647708246,5.68871819102931,5.62100303136716 +Zkscan6,3.17370517525473,3.51425519516541,3.54076165326791,3.5579629166695,3.20814409104897,3.26566769650517,3.44383265179743,3.47944422050175,3.57232299649529,3.76018500305229,3.21791303916622,3.546006630938,2.74152743046447,3.09736046420935,2.75454545924001,3.02274766324591,2.76562593607939,2.63129772750122,2.8852035541352,2.81070317554626,2.88761286710327,2.95664219798519,3.00047332439623,2.71086396089343 +Kpna2,0.935481958178827,-0.199154900042719,-0.0578677137477617,0.349615080760203,0.264953443090149,0.469800770894413,0.474214757427523,-0.500854733464613,0.573684994348707,-0.116085852412064,0.0900410695813199,0.351412864461179,2.78087607857087,2.41879525954352,2.76062550996841,2.64129706662275,2.47139256810751,2.44549494590871,2.28555743913223,2.57117027930724,2.44767471672247,2.69452786827013,2.42203371628448,2.35122304321204 +Smurf2,3.10318582675126,3.32611960067274,3.18443546579093,3.25613577278851,3.27713184238096,3.19362190159024,3.19459645707711,3.07597887985721,3.19966713123098,3.13769442417443,3.12663648562943,3.24002575706155,3.33783178132083,3.45954076477984,3.30981914008205,3.37984932032643,3.11588710011853,3.28835503446333,3.19876857378582,3.52189429940068,3.19399383787244,3.21762416586154,3.1168061394751,3.37398629142551 +Ccdc45,1.33259115157759,2.15516267683015,1.03624663155035,2.04463550604069,2.09600192404391,1.85654314258523,2.08362699852047,1.04684502706934,1.45548118223737,1.74720623993353,2.07669700341069,2.30031786847381,0.719389999131149,1.33116459911671,0.811869599831772,1.11134205511232,1.57610044006502,0.567071025973397,1.77784509956878,0.652176681884401,1.24554455594045,1.07894622021312,1.51522897613059,1.45291373173112 +Vezf1,4.51640852831808,4.6498473014114,4.6047017456196,4.41507188693711,4.50579697225213,4.51348994784352,4.42834368591356,4.7924212930135,4.57086892558321,4.5311560722818,4.49810309571935,4.59584625985943,4.36674532500081,4.48794424836147,4.39876315625777,4.28704831322713,4.25507209328313,4.19170703829963,4.03834397163449,4.45985513513442,4.390766212177,4.38658778389608,4.13925827794055,4.29520872981573 +Cuedc1,2.13131982790731,2.58989202924853,1.93317364618356,2.20882978223466,2.8251484170169,3.01407450928474,2.85295132989403,2.03060244577847,2.26448103619195,2.25201636303223,3.14865493089836,2.56484240764239,1.76514503019904,2.25697532272385,1.69568324524413,2.11544362911505,2.49747001684825,1.80615356831086,2.77095031301281,1.56912751858323,1.94108686732626,2.1531995973611,2.39363910349971,2.42094458210277 +Srsf1,5.42733007058269,5.23894654876152,4.63115843448885,5.18582897563831,5.31796429569484,5.26259385819421,5.39932187775115,4.92059757964108,5.00011592078641,5.07976670186445,5.36352928834383,5.44716715695317,5.0405154191034,4.75292561841624,4.5249926444559,4.82494884376766,5.17191453894827,5.04680744364723,4.94428470600699,4.58552054241935,4.75694082362479,4.69407283696761,5.17561971556498,5.10844649514525 +Shroom1,-1.40590020037907,-1.00281253547367,-1.31872468144913,-0.729097471824674,-1.08771488485687,-1.31717376376888,-0.841874783087831,-1.12753164540232,-1.43002618524827,-2.34753704090157,-0.88225091784755,-0.80138986154096,-2.34704533547277,-2.08178890318254,-2.64582653981269,-1.90107945806308,-1.5733453748589,-2.53578994433474,-1.99484758899505,-1.67968077109427,-2.29837691079191,-2.06857234988082,-1.02279418318188,-1.50359893511574 +Kif3a,2.84225269901718,3.25323571867847,2.6602012560428,3.21101233915072,3.05410758443461,2.80349515881498,3.10666423010679,2.8775484168457,2.89549074833121,3.24575322679986,3.15548377106306,3.11120752422337,2.63203407134699,3.0626796437192,2.44793177509554,2.63829771563888,2.51598616988663,2.39390080628032,2.69231883354242,2.8974377416859,2.63522361872616,2.55613068281595,2.69658703046874,2.76495602976821 +Sept8,3.18175497883753,2.96705153067972,3.02219861126391,2.95861301752534,3.18353190099105,3.34404322193425,3.17671263352572,2.88861394294584,3.16119393581866,3.08321967098304,3.13964425183431,3.09194845000802,2.237773761825,2.55009344771412,2.04157794649358,2.40462606779995,2.49216937078354,2.4581802439298,2.61655553210085,2.19208153181303,2.44406088659867,2.54271620219759,2.4204918085675,2.56120450855221 +Mtmr4,3.91501544778633,3.51243452797276,3.63775680547758,3.67591992501264,3.82181438537147,3.72947776176386,3.7884180304939,3.69114159754212,3.5891806606199,3.51684635211098,3.8669327999094,3.86576284017114,4.17123243219063,3.62313949315002,4.11774007881682,3.71163255257651,4.30490463127231,4.28314319793259,4.40017532978201,3.25040937752785,3.8567779065654,3.58093772013879,4.43027555508854,4.2925473448911 +Mrm1,2.40575984510362,2.08618649696689,2.14829591352625,2.31861729379557,2.29135928227948,2.08041549585321,2.21116823048652,1.96652566302978,2.01081741203851,2.41637376559399,2.00034546458492,2.2583549638386,2.67696041121981,1.98851316594295,2.31443028014927,2.43218912920114,2.35701707259022,2.30343777731818,2.48403682987245,1.87194316946216,2.44108397565125,2.01612681801459,2.44304795289734,2.3430732434747 +Mapt,-0.667274672111064,-0.595577334001036,-0.417283271489065,-0.478976260152083,0.381331127766094,0.0070664217515612,-0.184613701106715,-0.778847942210707,-0.670713042843536,-0.395292791301121,-0.219518168058448,-0.148884664613362,2.13511546198708,2.26115374023894,2.35935718296665,2.49566486602228,2.29068262353301,2.06319690851209,2.32287154426619,1.95216502936567,2.35856030175373,2.4899012639236,2.42610402152993,2.25044117219286 +Kansl1,3.8508869972212,4.07507309752464,3.713750263912,3.7977676535887,4.24673546532112,4.30261701336463,4.07314456477611,4.05764797476934,3.92246090009015,3.85936176889596,4.19427490498647,4.0485988868926,3.38492929509039,3.70870725599961,3.3194575958186,3.43162899942739,3.89489267921401,3.64684212920894,3.82040566263388,3.50047320870375,3.56289204150495,3.47970909982312,3.93067445433135,3.688154305376 +Gid4,2.73247381930877,2.91264311912556,3.0313237074727,2.91267963627384,2.87067851166522,2.87674906532596,2.65538939697068,3.24344824244814,2.88350175270665,3.12448731263703,2.80755538647494,2.86939076665382,2.93319223454408,2.76836036755763,2.779173559602,2.79158802272459,2.97461533651684,2.98711474382418,2.76408055116715,2.93452864598244,2.70435944607001,2.64638839439268,2.79358268595903,2.89267249831426 +Myo1b,3.74730220016135,3.88741962647508,3.854166650741,3.7409466028423,3.59599496874515,3.81005759356698,3.68419421241982,4.21006522141358,3.91442921462188,3.78258580808155,3.76532375670116,3.81199641231017,1.22654980375256,1.76925219724429,1.84406529373227,1.68905580756699,1.64984738762915,1.4247396646634,1.10280397346253,2.03234578857485,1.30237261457771,1.52504249378134,1.53598130226082,1.39983774323796 +Dhx40,4.05785793256661,4.21509449350056,4.39041859719436,4.21970408083518,3.83599252677628,3.92102590271573,3.93926692190941,4.53988715113269,4.33706453477938,4.19338244055513,3.93675950159438,3.9906528010807,4.88941866706563,4.36946904342247,5.07305658050599,4.72158875944359,4.73152526653135,4.78213646489327,4.50469996777758,4.6463940986142,4.80976331591198,4.77644839006426,4.67973943686357,4.73901449286805 +Ypel2,3.9305413632275,4.07800798763262,3.41524202464774,2.83255405615392,3.59251371328327,3.87716754358079,4.04921863350107,4.20082699126372,3.65588195505265,2.8505585131831,3.42084112358049,3.98797298185818,4.23296702664969,3.96066172412368,3.19329325057834,3.24027965733832,4.10105798167937,4.175688299138,4.38377966224199,4.06425572748964,3.50971070374918,3.1760019445468,4.04273890542526,4.30703979436356 +Akap1,1.9135577062559,1.97192977881793,1.839272311617,1.87428749176223,1.9199847377717,2.01291029572539,2.22399737372209,1.59631590672479,2.11408295240089,1.92604523316857,1.70220430516736,1.92981839291395,1.91244754763229,2.36699457441954,2.23047516500275,2.50550191630024,2.52934372788414,2.16754433906936,2.61090610813069,2.17337330125267,2.26296241745876,2.57345554224376,2.61122486189715,2.5686741268523 +Nol11,2.88193128402245,2.6494891595881,3.02357428570113,2.67187643351826,2.36151325924144,2.39299626864401,2.48884027891096,2.72588727677298,2.91274885478577,2.53906493193666,2.55079153065338,2.61683389746025,2.74766723935528,2.44598445726035,2.81344067087696,2.75251138319281,2.58947208406741,2.72855826406193,2.40252239134369,2.75637951398055,2.5961335882991,2.68228123996248,2.54395009068864,2.64544329445702 +Derl2,3.10001414130459,2.90928499507679,3.07482156214068,2.81505989220804,2.84733713211245,2.90194021826149,2.86986216924339,2.94673936989721,2.99244369294047,2.7522835512321,2.85951944217882,2.92561457481921,4.63052130250498,3.98244969379778,4.48948448793961,4.00185637730097,4.04821446451521,4.48735184406061,4.05871398252736,4.22971970156779,4.32647421778016,4.06041106387885,4.03829409671908,4.33208249330737 +C1qbp,1.59068160161071,1.23992695317097,1.57231694761602,1.35115781311405,1.62234108066529,1.6277926421697,1.21842403342067,1.62733089798554,1.91781501170172,1.8529612879837,1.43798983096992,1.35427509763534,1.71347049029637,1.44306129378181,1.88121713222213,2.00224383452819,1.76992298557245,2.076438932388,2.04098945433454,1.53613551736948,1.87271168840338,2.11852743468184,1.84193031303268,1.82574619884335 +Rpain,0.972385333906,1.63142529428202,0.291503061954061,1.42330986807772,1.84907255959247,0.909210478602864,1.49846664636137,0.140059196526853,1.14307730973048,1.37563831394904,1.52474866949921,1.09437680453823,0.0266405040688389,0.796029420863853,-0.237110012766243,0.873784620397066,0.776553974362175,0.0087322493397157,0.291337597080767,-0.319694518985917,0.542099026870771,0.811319788871846,0.289517851079268,0.860526754896771 +6330403K07Rik,3.65863194154022,3.40428697726477,2.71957497115402,3.60557710645325,3.15584828483446,2.8756818152713,2.24059870762249,2.62082166700361,0.656737987327617,3.4267544931909,0.369426621320975,3.04116022988173,6.1405629834009,4.85174341369507,5.00281270256816,5.15915746849331,5.42312279309971,5.70823789872153,3.57004881542607,5.16425206171479,3.47049974898026,5.01226938771906,3.23899888666359,5.30146808295004 +Kcnab3,-0.913170170849225,-0.803812876644309,-1.69320424414173,-1.11606848477006,-0.472805148049016,-1.27291792115386,-0.327058470453701,-1.97198124658704,-1.84386623503929,-1.52727594143595,-0.766847357667592,-2.0060491191677,2.00223438723279,2.24359540039295,2.12873507869238,2.4967883397798,2.58122698294708,2.10802867424228,2.29877196279836,1.53416510925941,2.1513313450406,2.51642644259691,2.43688078070952,2.5225421631628 +Chd3,4.67948515509588,5.10158146522634,4.78398497570864,4.87227103747267,5.12666620786343,5.0866633473172,5.13681712517806,4.73822635706384,4.77843287828328,4.92071378947217,5.19591786424775,5.07773116511665,4.37837391643137,5.05930998595241,4.56239160734671,5.03351871297718,5.11085969426367,4.53115719300137,5.19934733811947,4.23471595308534,4.63286801002613,5.07568998034167,5.11944683118306,4.94881812128569 +Kdm6b,1.64708228986857,1.83228852917193,1.74294977448012,1.53350466175343,3.59721047581132,3.50919112154627,3.10442811571047,3.12196130538451,1.77655853354105,2.0454223767564,3.42638082380559,2.60196312148047,0.997750957158992,1.5877424038589,1.42389791963915,1.13221226228492,3.2270700717344,2.28719681836366,3.25190462373698,1.06964909088894,0.878171896531886,1.48350577191209,3.23607445048126,2.39884433600331 +Appbp2,4.57736397213004,4.39923629909446,4.56361732603162,4.27394802623825,4.21472691088172,4.38860178168403,4.09518896540475,4.61214950721059,4.51505038997556,4.19528852208145,4.13896921531079,4.24556721426686,4.08551832361089,3.85724892082601,4.27992391270009,3.80400550574299,3.89978981425069,4.09001950380635,3.77481311730506,4.12503819754787,4.00356426007478,3.87040316225514,3.74817401865201,3.7980127401891 +Adora2b,-2.07060326403731,-3.2450316667066,-2.20614033644901,-2.73498522000847,-2.29643685414327,-2.6613934907022,-3.2450316667066,-2.28650587624662,-3.2450316667066,-3.2450316667066,-1.7681022762539,-1.99895148872387,0.649926242363861,1.30395976379967,1.41418157146148,1.31691132550543,1.04965468330549,0.735757586802353,0.346441730017602,1.53486666516598,-0.140792919493628,1.16060597541851,1.03158335013705,1.70705522042922 +Ncor1,4.44298774083135,4.78561118773957,4.44710271614795,4.41984154760021,4.87970120660762,4.87437066879952,4.80864754480034,4.8139810554103,4.46001468640615,4.40944613056783,4.77203547560411,4.72680752703879,4.46169212947849,4.8083157340379,4.20381805777553,4.52524560413312,4.93904078936485,4.54967756128834,4.97749101039046,4.43008196663798,4.32280651422352,4.51199763838558,4.80958257353693,4.83559452443683 +Trpv2,-1.50447157730024,-1.64170001754517,-2.46856805666908,-1.82314155227387,-1.70992987542101,-2.722003242256,-2.04989588861682,-2.13558872135128,-1.77007864139048,-2.23853248826233,-2.33523632150235,-2.17153571996914,-3.88955062869567,-3.54517441539501,-2.95071105146587,-3.82312038364707,-1.96542476380467,-3.45926979336685,-3.06949595966505,-2.82477036152055,-2.70556841462812,-3.21753628568946,-2.92130952365433,-3.88986703353556 +Cenpv,4.17211399700339,3.77450487977062,3.67808157515713,3.64943001511071,3.65523429849218,3.83313835243707,3.74406488166022,4.1979512189931,3.78722926199411,3.79485627826,3.77765469928109,3.94395829495788,4.19367478874845,3.8993321357284,3.66298254210741,3.4741568879973,3.75333909890195,4.01567852211506,3.87519758760329,3.97473893611742,3.95548628735594,3.61209951492092,3.79482405441811,3.89048436349612 +Pcgf2,0.661259413828599,1.44559722264473,0.752719307427149,0.929231138220953,1.97465356928465,2.19166745598856,1.8412150992959,1.24607903037235,1.06890221172187,1.23841604776416,2.17292562381364,1.52708364998919,-0.517669348789846,0.42837844829302,-0.0225047174325697,-0.79746224589093,1.0021031215057,0.647656640242815,0.75940751546278,-0.630820439063319,-0.303766510639845,-0.0299483941951539,1.25950739691679,0.608532660046442 +Cwc25,2.31042091331531,2.29415124610284,2.25409127305416,2.18988299633763,2.26900866384722,2.24001922275755,2.29694259981765,2.26232351979601,2.45590573344842,2.12962932360772,2.03853707909708,2.37820942063402,2.39936691204553,2.11597183898544,2.40673550944555,2.42931191229739,2.48240824302662,2.45435212275639,2.48998073676019,2.22665093753226,2.39712278290803,2.11920227644583,2.22627968535037,2.38084269398352 +Pip4k2b,3.07853698867019,3.22156004290375,3.16140755945516,3.1510692117314,2.96946338445857,3.11944699758497,2.9879677604056,2.98710304097811,2.92168992998587,2.93864130376967,3.14663485747047,3.03792638499366,2.62313307891732,2.6157313157492,2.6356450123863,2.87586296074571,2.93437585924618,2.64184968219317,2.7033974401018,2.42865595537579,2.50907895765675,2.93227388669675,2.83634284319141,2.54349209299781 +Trim37,3.21125178452972,3.26491074236734,3.49917441333689,3.31073635555961,3.23987430478391,3.16536799121688,3.14206777670563,3.29816249438283,3.29605654465686,3.28838388551231,3.25961113019115,3.25560412738095,3.96474865467918,4.07109421166201,3.99080485894665,3.84121501719555,3.75774693644956,3.98649228477614,3.94996315212618,4.09374284586924,3.83465759307957,3.77461978896419,3.71280921957783,3.87837107217064 +Ctdnep1,2.73532548563019,2.73167895739339,2.64056814062407,2.60329138466574,3.49551741658762,3.4994967542496,3.205397559598,3.24219163678351,2.64769381219523,2.69274970866694,3.1138030244746,3.02898847241614,2.87476806952343,2.50764742506465,2.81595410104188,2.85989390174848,3.77154260785846,3.3454888147049,3.83133198968565,2.64114903364939,2.64248511728192,2.73109705458804,3.85127533842888,3.28487977997716 +Elp5,3.12719192473189,3.10471133128365,3.08786245114319,3.22342277622819,2.95321590448241,3.16899103200531,3.19268305724019,3.13561173755385,3.29908776115834,3.33791856173546,2.9184418084518,3.07431354526394,3.69764582510398,3.2155256841542,3.14159306862574,3.15690083406022,3.366839752256,3.14868793767679,3.17503173921294,3.15562274678002,3.46361082650017,3.07315317352611,3.32115700305678,2.97868910323111 +Gabarap,6.56581522244304,6.21129540735664,6.8617278954806,6.53666257557924,6.0910278429311,6.18536506687058,6.03355238696398,6.55812467809779,6.61104773311789,6.52060017508887,6.13474041221889,6.24466613476149,7.39871501389167,6.96318468115311,7.2308505053625,6.91396451504727,6.72638432253252,7.12734411653387,6.77583699935099,7.39403740039123,6.99450624440872,6.98264812536292,6.73799807184808,6.87265788453706 +Cldn7,3.54260289586924,3.24595522010546,3.2201177946658,3.16941275169834,3.39302530396834,3.32371015906328,3.37044338603333,3.2936923252185,3.31009641727745,3.20435217129155,3.2409236184882,3.22866531835917,4.61782206560041,4.41400069946362,4.69631726782488,4.52816330645496,4.51839415018552,4.73239314073985,4.28631040094569,4.721163725629,4.62625348390647,4.55591261062658,4.53961877338831,4.29729204151775 +Phf23,3.5840892511539,3.26395157319148,3.28037929212597,3.58027080917027,3.25852150090624,3.32062733416016,3.43229247361808,3.22369833413315,3.2137015741091,3.33687998208584,3.12135166236089,3.31174254702237,3.47871788137769,3.2569727809204,3.34056669494549,3.44043248370888,3.38728713421659,3.23353364863417,3.36438746826983,3.3702048359325,3.39807683311557,3.38623706059178,3.23881835385953,3.15889727870877 +Acadvl,4.54161457957476,4.40627417364404,4.6797487910892,4.64180377317249,4.11161730796423,4.14462525629812,4.39727908150736,4.59819242141924,4.56078635550408,4.69108751320769,4.27693267778097,4.36684365569683,4.20690620821527,4.16146639031661,4.55324076838669,4.4181707846235,4.01855040658784,4.11223386407043,4.13513434529401,4.18457659594781,4.28506480029155,4.59289128828912,4.24192778387029,4.1304970545508 +Dnahc11,1.33966061577779,1.5177603387881,1.61460423062786,0.673845549409956,0.331696750450502,1.01397823282538,1.75037652743047,1.49999144528335,1.78364290326498,0.907654610481145,0.41367537762584,0.89482597765178,-4.81576944852144,-4.25807347202951,-4.91630738325999,-5.0558020689436,-4.9252161246829,-4.82774005178572,-4.06301841579937,-6.22999885174913,-4.40904843081178,-5.65221397470336,-5.21478716720357,-6.22999885174913 +G3bp1,4.34573471645115,3.90908807918715,4.06609788533808,3.99349454110165,4.01616657264209,4.05143585778559,3.95423726731232,4.05668679706874,4.03669628817059,3.89197207166659,3.99004221953285,3.99778255220307,4.36025214086657,4.03074613527742,4.3344760580919,4.20233524645183,4.28666122471144,4.18904665525731,4.14246174840394,4.16222935347336,4.07788508465455,4.23374731617009,4.26709593656224,4.23285911948217 +Atox1,5.17314867662736,4.42801453359451,5.26624958660583,4.72496181867066,4.44421641566899,4.86968903735345,4.719147556782,5.01904875127813,5.14035053960773,4.69237206923698,4.47070519917103,4.84065568723263,5.28146039454328,5.18813861458269,5.23236487386586,5.20845089250389,4.93116196408393,5.19419784152807,4.70602914043823,5.47001074219916,5.23020395483823,5.32998833398948,4.6736633820655,5.09089910729849 +Sparc,0.769415320232401,0.713375540513834,0.819288060919684,0.588766883834931,2.06920942451792,0.949356856260878,1.41832665531787,0.759939081156075,0.0122258882414743,0.431332835734187,0.658348600957406,1.55524199082494,-0.729380027950372,-0.824702180816446,-1.03754074800792,-1.01863303227199,-0.615484940716577,-0.468781060682033,-1.01468180717822,-1.383349203793,-1.09623766187246,-0.810408617377277,-1.17971811783641,-1.99907382369361 +Smcr7,1.69498673245394,1.30147557337755,1.12037272192253,1.1994449718355,1.43644837435039,1.44503196058539,1.64195466587577,0.783097905785477,1.1931769885444,1.07653960124794,1.50989861263954,1.12619847617014,2.02573131642711,1.74143484484702,1.95735199640334,1.94583153869474,2.17964749548695,1.97906468735032,1.75225291642542,1.6711642949316,2.38191783309272,2.19747364805957,2.1001602690848,1.64965955300897 +Crhr1,-3.15518292087156,-2.7247569729255,-3.66006916598544,-3.66006916598544,-3.66006916598544,-3.66006916598544,-3.15918085012181,-3.66006916598544,-3.66006916598544,-3.66006916598544,-3.12811222823496,-3.11675119549002,1.00796729483625,1.62525427161041,0.574831566044458,-0.925625235843815,-0.042586543371506,1.37412824887109,1.33250074318537,0.788817509082072,1.03061387594416,-0.678987131351872,0.616545850858204,0.52549775478375 +Dusp14,-1.5080385740497,-1.41933394632707,-1.95270755928189,-1.89015494448061,-2.37258619306906,-2.00163757121197,-2.15430245337817,-2.04916698071428,-0.967198718674547,-1.35297783818469,-3.3211810056324,-2.3841074400576,2.41150697588892,2.27138850928282,2.23521156295318,1.97632217525828,2.04313631196434,2.09249734757708,1.86825029687775,2.23908967061732,2.28238627046972,2.16545186741994,1.93710346279404,1.77824076595681 +Tada2a,1.9750122130858,2.07528878921835,1.85576711854769,2.16276833622416,2.61360651706352,2.16029809026621,2.22735435778023,1.94917891623272,1.93834064122697,2.19415576160101,2.53932458586313,2.31412197540796,1.68940842049863,2.24830809238716,1.82086842563449,1.8151884319591,2.48077115925934,2.00279575066952,2.31511268930706,1.81958354611165,1.9050274085254,2.1741380746924,2.45363587393054,2.29071362012419 +Pnpo,3.11948908732749,3.15000078424355,3.05830443065383,3.27241060121105,3.17753288918808,2.94236747082619,3.0749153212226,3.14791888196237,3.29988472005286,3.27972527123548,3.15377585902394,2.85428359051051,4.17208967338508,3.35089348907482,4.04927730494203,3.93182215497689,4.09280437672341,4.11060336223405,3.86008080771469,3.5438919280663,3.9312354245238,3.96302077510245,4.0883737443083,3.87530508627775 +Cog1,3.7355621998409,4.12127370617004,3.58674053741703,4.03743473551136,4.1536415117059,4.10298603860883,4.03415600224079,3.91019184202373,3.84113987344604,3.96158612320232,4.24495600484448,4.0386138261882,3.89027350689658,4.50685610406436,4.04404740715274,4.4294785382335,4.33610724305885,4.140917138722,4.50788332257149,4.08279928271365,4.22441140622018,4.40727424912172,4.43485650886013,4.33288510735332 +Cbx1,3.42632368595757,3.41819766008458,2.93753471096318,3.41998161044446,3.32798983032571,3.22808145734634,3.2645437910308,3.02100435012805,3.09464344819472,3.34742135905883,3.39062907546873,3.30686401470055,3.1266304521573,3.33214207343514,3.2086980958285,3.30854991001641,3.29055737068469,3.08435934206554,3.13159541257766,3.20763518963494,3.37087068202567,3.3853888246781,3.18985087390339,3.44706134801397 +Cdk5rap3,3.61394866354047,3.88440465728337,3.77034975708169,3.86573379055012,3.87280980074523,3.78888745840274,3.88744702020652,3.84815648760627,3.64143788443206,3.77938565852484,3.8218111926107,3.66462202482575,4.33408234699466,4.11974297759791,3.99353896824674,4.27268577274816,4.43263506241105,4.40145339946894,4.68606665080979,4.08142978354778,4.36904350632935,4.39553604550614,4.48475026902723,4.40051458508286 +Copz2,3.90955709401869,3.68367234288873,3.79666350914919,3.7749936028105,3.70242686876606,3.54300722537146,3.5658705493218,3.70513158155805,3.71551109611487,3.65458087490161,3.74000413038625,3.4607054150833,4.31319652901839,3.92332826741736,4.02020322763649,4.13428505673813,3.81700957467575,4.25929205278302,4.16625288788811,4.0544293811124,3.96367119038724,4.12087409317653,4.00650202253281,3.95982443679311 +Slc25a39,5.8907395339709,5.54363787038267,5.80438362502995,5.67602603114369,5.49772595860937,5.69167831285233,5.63150057763962,5.86507543971884,5.89364246722677,5.67654953235092,5.65484523771368,5.61447290821707,6.05021486339454,5.59896760491198,6.08039144450917,5.72550572934464,5.60679617041463,6.01644939148042,5.67157915875131,6.09247334644412,5.71658604943289,5.83123760992034,5.6748596823819,5.55682094337585 +Sp2,-1.02866544114243,-0.228718871449759,-0.0268985689628676,-0.826505278179147,0.0268824242175194,0.0814769561753352,-0.196163352394279,0.129093489145828,-0.474656192546776,-0.998917961494806,0.0898732200991423,-0.129251395197866,-0.863417226423241,-0.322700086833408,-0.417638348255348,-0.843300731834201,0.5364406829692,-0.131961236147201,0.825123013900423,-0.797405491755314,-0.548644769596647,-0.520279728050709,0.594114183529223,-0.0596306477888988 +Aatf,2.48065526377598,2.80064174189016,2.29174324561395,2.67724432599553,2.90299072111938,2.85556875665809,2.93914986586662,2.35687628442449,2.48303772394973,2.67584574413785,2.97095774666096,2.65597977505791,2.6933508850814,2.56472646068722,2.50533020355776,2.57271673730938,2.79698770939921,2.73999956567049,3.00708188169531,2.45752977295115,2.67599506420145,2.71133260160605,2.86226608854549,2.72567808003902 +Lhx1,-2.25347983621992,-1.42592922967872,-2.99265817649026,-2.64058980125071,-1.3313324407155,-1.38487624697599,-1.12118335139123,-1.70262778522473,-2.83539162946404,-1.66641135378227,-2.18063825608262,-2.40936149299112,-0.0256241885365576,0.0351005833469311,0.240111244031393,0.112855782880144,0.957364978809442,0.60713298727971,0.793319719401405,-0.180359567451028,0.0894654162149844,-0.0061590522398078,0.876078660991058,0.706497541380218 +Dync1h1,5.6653368931546,5.83186366626261,5.65412019797749,5.671258509725,5.91016671148082,5.84324022008057,5.81892269181711,5.98298902013944,5.76443978904539,5.69284335712639,5.88603899212912,5.86073252302469,5.55988664731768,5.79421397209645,5.53677087398024,5.78300706687184,5.89240315206982,5.58414810943426,5.92302550581686,5.47579543919672,5.62021153188525,5.76496661294987,5.92183636332357,5.85644023761526 +Pex12,1.87596781660969,1.55807549237238,2.03095222207886,1.50292369943974,1.64506609797012,1.35619361435348,1.54157817951921,1.95129454218749,1.48273661630599,1.40766290201124,1.63169281414171,1.35183638383047,2.20224990988024,1.80194488611631,2.27571289347733,1.93718827977846,1.95711551431233,2.10517744355889,1.90330293911864,2.21356944529128,2.09103610237457,1.65459315902902,1.93335611520008,1.70756976120763 +Ndel1,4.33003359741179,4.24774746067096,4.23007459779319,4.4763030164979,4.24393832992722,4.37993633668985,4.3308023208048,4.06238841349306,4.36122600770596,4.30378283900186,4.20670942775455,4.3990313752997,5.0984781428505,4.65923871862176,4.65780643578465,4.90954587951286,4.94984259294351,5.02080838385791,5.01452178976098,4.74122050638349,4.91433113208951,4.95139257378066,4.98522539333528,4.90490858778275 +Slc25a35,-1.55127869286791,-0.717444722532103,-2.18198924806575,-2.80891396581035,-0.581740076326317,-0.921590402526313,-0.680179052816922,-1.61040223076191,-1.88595774000429,-1.69035099086144,-1.06585253655262,-1.18385522345656,0.396248702737374,0.116632539283958,-0.445352271358421,-0.546354429175844,1.12437729063459,0.72003564335146,1.01689946533271,-0.0782843172484122,-0.0927378716740876,0.0614369604579375,0.918751688682903,1.09580375693662 +Zbtb4,4.60133971614045,4.49589226835607,4.39475411393034,4.43291662928695,4.8047655516416,4.85446053248693,4.64454970674287,4.66089348363695,4.37008024764662,4.37926842429472,4.76371794737714,4.66146349132271,3.67193551517414,3.79325530326792,3.86011987218597,3.86102504820312,4.04534832929908,3.78232814568673,3.86790617108112,3.72429168767671,3.68645350133828,3.87564730274541,3.99215701734964,3.85466706423925 +BC096441,0.82803670081399,0.872310870177958,1.23834870436223,1.19495827543616,1.03242894043787,1.02854840567071,0.576196643831133,0.755536105629902,1.36481322775891,1.27875756301205,0.900860741405876,0.746417845752209,1.29701462233011,1.36816308248904,1.89193397512023,1.44455847546001,1.03440590603775,1.01742691220937,1.56039186558094,1.20084213880521,1.73872472853393,1.56019946127355,1.60094058468141,1.19440363313092 +Mpdu1,2.26231298628289,2.59917149059287,2.8317710186581,2.41475385252095,2.46979243266781,2.11456671844046,2.30849565422999,2.5842835631909,2.96077652098642,2.76446847747773,2.38066100044504,2.31366777404197,2.84343010299042,2.76940731244949,3.07787897355293,2.86902930447007,2.23019692250823,2.48178859229019,2.4735920495228,2.81872122467781,3.17031187718791,3.0145802962893,2.44867875026048,2.52242467386013 +Fxr2,4.97359587533367,4.97749829489305,4.87327422200197,5.06606055380155,4.89091339006104,4.8979204133714,5.06857113270979,4.85483470609612,4.9600329170952,5.02583155110432,5.08799032435405,4.99160476487707,4.86278550986057,5.07220961212941,4.84025036307653,5.06192448231532,5.20239879983467,4.86005522261973,5.17586914587026,4.80161740804862,4.93408738075791,5.0348205533876,5.21534566158038,5.18965949564182 +Atp5g3,5.66952206890048,4.78034110360378,5.43411944598313,5.2595660888521,4.92882162141634,4.79503773484806,5.17789552130189,5.287591085228,5.38572771310774,5.38102880690857,5.00521503179669,5.1763429434958,5.81507409487644,5.33566051684189,5.78642531835841,5.47546036967398,5.22137938105355,5.57705930559218,5.28817200432469,5.64364151934813,5.75294409318261,5.5499911130429,5.31363325909116,5.34607098084698 +Acsl1,1.6126692365784,1.45184283507661,2.0022609784059,1.67010310564751,1.31692057380628,1.28322772055712,1.26643025466698,1.56274907170058,1.76186949347865,1.60408566643799,1.44868206691208,1.27075576856246,1.91895988089597,1.96469388910172,2.43729364407647,2.05262809995238,1.59874948254367,1.97629275924534,1.5811935197393,2.04100491158514,1.94088490019217,2.08425005139221,1.75493501893182,1.72219132556178 +Abca5,2.81840450911976,3.06627574804849,3.16101382005902,2.73928304913674,2.70675604463395,2.75923067098982,2.58134461845914,3.18231277959604,3.00391667306117,2.76349859957389,2.58203455606587,2.6330029024554,4.1407878178076,3.97494089877121,4.40153108264193,4.03337644709034,3.78079820463447,4.04058214995588,3.54211170326632,4.20898469620832,4.09758130879408,3.92629426450774,3.59922349928459,3.80005985057954 +Smyd4,2.46627599090503,2.41557672200842,2.56650317982117,2.22576252095489,2.128243471307,2.46312560216315,2.44293504873305,2.41834695870574,2.52998200773192,2.49356391033265,2.332250229707,2.26734716187258,2.79836037516004,2.72565648418908,2.94550950530349,2.84052617481756,2.60981685066126,2.71581198506739,2.65436575414513,2.87516195976037,2.76259522284748,2.80226090216254,2.66312741486519,2.38037535902936 +Zfyve27,3.04758832324539,3.44809664298502,2.94008451448885,3.2905468936911,3.33580821960917,3.2216605413256,3.4669479054616,3.0295319551994,3.15145463498411,3.33968834680592,3.28884427940653,3.22055640178291,2.48459977963513,3.0125836335364,2.43556566007054,2.7352699873529,2.8876584257935,2.63006671918776,3.10593814575283,2.42937051850598,2.80200084702709,2.8217098924905,2.93343863184262,3.0417337397242 +Avpi1,0.955057078695201,1.16361334601013,1.40499232970394,2.08082723104735,0.697471530442126,1.13657311021582,0.942580805409173,1.01002833310602,1.58797846337165,1.87711781365746,0.506997896746303,1.76449407302006,1.83417465193976,1.68948297258288,1.84331914286641,1.89485339854881,1.43515843477863,1.66705630867999,1.49256540841917,1.66562347196299,2.10609674768512,1.77169187975511,1.75406561126984,1.17218505513961 +Sfrp5,7.45249500028141,7.10432301443717,7.4510833954625,6.82010187515475,6.75072116848957,7.07055990393743,6.77633257280765,7.42693411245706,7.38569948604534,6.86482999413802,6.80310864224845,7.02067519155944,3.94970986717088,4.59703200125453,4.71290970961656,3.92234165821307,2.96039811537995,3.60448457952862,3.65037034390656,3.9492846666083,4.85046093852278,4.39149337553824,2.78679465011969,3.64902717920657 +Rad51l3,2.45291691880713,2.72794563779889,2.62260633977081,2.69967030489844,2.53663554002655,2.46959672873866,2.5453827088711,2.61050817124179,2.76024782570588,2.94175261342063,2.48872113304718,2.55462873944203,2.32092503791465,2.50930087738057,2.52640174534902,2.56379885216976,2.24862015635257,2.48315846100156,2.53952396973575,2.45484643588596,2.63481675963126,2.7128307992286,2.41220357443059,2.59450937713751 +Pank3,4.82192579298313,4.67552137409975,4.94950637184476,4.54953918966054,4.32182428438709,4.5007552248411,4.27979729946344,4.76867109634792,4.7450178659664,4.47788213850319,4.26049672975548,4.50753389588713,5.56824953582517,5.2651693286053,5.58131669329889,5.29239028330865,4.98764766937673,5.49707143020076,4.89553476937118,5.58228358616243,5.39100812806528,5.196170791597,4.87909499003248,5.14376220395592 +Rars,4.16750012068395,3.90350836165787,4.23877768106067,4.07094687404136,3.78619458327303,3.90688390984374,3.87764783820593,3.88924475224989,4.01123194047906,4.0244915450624,3.90486755370371,4.06046170550136,4.09527776720682,3.6787518603115,3.77345875399177,3.71048073378651,4.05121896308403,3.98280802023789,4.01116184620707,3.39017785969948,3.92106680318775,3.83328911695699,3.99768853282905,3.90770948868142 +Wwc1,2.8819099070166,3.24075554227207,2.82242602466481,2.97444870442978,3.497685582285,3.40110274776787,3.39826031395574,3.20152375394268,2.91797354451311,3.13137339824881,3.37305070907017,3.3623870090472,-0.723944305185017,1.01933164397341,-0.555432423650625,0.0703510543656085,0.675296663537902,-0.188840627231667,0.585088521261773,0.275521608343285,-0.368318921481195,-0.168882222207742,0.190352453700305,0.518147684118401 +Ict1,2.25985425289944,1.88390464073666,2.26251197283533,2.1963987248838,1.92703170773415,1.84292220243997,2.08025611843283,1.97064480052748,2.2218230728639,2.46478358602805,1.98013974892533,2.02347841062182,2.5019547091997,2.29632778400554,2.4877075360792,2.39572876551998,2.37337104279361,2.44473443224901,2.30090830068095,2.34255389872735,2.54266023097894,2.57827563690625,2.54825938611374,2.20989712915795 +Fdxr,1.40904601572936,2.1693603608317,2.03285524097041,2.16385809931031,2.09140292578727,1.79003334370587,2.38465487998543,1.84883291005072,1.85031825177821,2.13055277961301,1.9301895964189,1.84391093328394,1.52578156073331,1.5563364929517,1.28645654363252,1.70062179080295,1.67658952358235,1.61831990123203,1.72127555091402,1.17427387966545,1.37801534842816,1.71384992345185,2.03780332422753,2.11755551083473 +Sult4a1,2.88833896839646,2.42524720837812,2.50583292888121,2.27092468768117,2.58625511565358,2.76558555296616,2.95276416244287,2.44241444551756,2.62293902689368,2.32122203031466,2.40288909641673,2.81310746338619,2.39203167353586,2.30306450581577,2.43835168634064,1.83625772046062,1.84961721515331,2.36061521541495,2.00902574909827,1.96319988065414,2.27485028446361,1.70455757457031,2.12974978798919,2.24716587460226 +Mrpl45,2.36617343944303,2.32046659132609,2.48914266812518,2.22613844316893,2.13796601696877,2.11356931966887,2.20481960925315,2.42278385410896,2.43549972884132,2.5591800971326,1.91952926689252,2.29594148334492,2.41103343278044,2.25689956416652,2.39021568248417,2.38221494271473,2.35612171707867,2.29317318293817,2.14469827838156,2.45295677041368,2.25977218846158,2.5459027669997,2.31332168483844,2.34496681952904 +Irf1,3.47258424913607,3.62559879691386,2.79399457396209,3.32955101058434,3.3286305617542,3.30914994592338,3.63925255945552,3.14667538111315,4.4673254434446,3.30308621652412,3.4139787294194,3.41783644758506,3.15595866809958,3.60176632269141,2.76130230558983,3.30430439324424,3.11090696507641,3.04172284985656,3.54862736954698,3.25229761948696,3.50823044119083,3.18029707181758,3.22875507784394,3.23040119012836 +Slc22a5,1.66443899834805,1.91196759448325,1.30407388549203,2.06179588247,1.84768735824854,1.99324714077425,2.04053906164021,1.10803532788015,1.49855312175479,2.0223755202327,1.74024502163372,1.80029027631191,1.69103817563858,1.84096193445145,1.5610095436928,2.01612481628276,1.94585437380516,1.64044046569443,2.01615291029976,1.75813718350034,1.83295442731931,1.75353096427015,1.99217272817159,1.6743675763278 +P4ha2,1.41749255062682,1.18852207736157,0.918225425120629,1.39169972371448,2.09297539183306,1.5631952381029,1.59546897715042,0.914451995291646,1.0766486511966,1.59900889758434,2.25511656476868,1.77656328232166,1.77589465164172,1.93156547875555,1.92027113686128,1.84723805342072,2.45256212148576,2.08776887190175,2.15674416927436,2.31260245076025,1.5859292931304,2.02019273518825,2.43250374987822,2.38455964923327 +Arrb1,-0.694827577450768,-0.370702005353875,-0.337840789712622,-0.729527406753387,-0.113158792894113,-0.400280969205231,-0.273735348479685,-0.670966328529762,-0.73808386597649,-0.312517946592759,-0.676903047510977,-0.589030089695186,-1.42707177299342,-1.08466885813366,-0.73990260062125,-1.04752125236301,-1.02553647309156,-1.00115424542382,-0.413821798297813,-1.83724481657777,-1.28304293325201,-1.62839272030371,-0.676658583433157,-0.756404689229224 +Cxcl16,-1.83472807467661,-2.45838595708934,-3.3454308415357,-1.82130661527174,-1.58210315411583,-1.50025820377779,-1.18853131573858,-1.02981857719297,-1.38723722780969,-2.39970357927086,-1.28952831201089,-2.239840554611,-0.0086303686387199,-0.531106148136146,-0.798731276843912,-0.664140518812958,0.225891938114306,-0.250484187111271,-0.110295281101424,-0.153782616383883,-0.183950219586081,-0.11859399369276,0.159527650087863,-1.01973286231004 +Pelp1,3.05672962575347,2.83473470027473,2.90486108402854,2.82312726676447,2.82649643204279,2.96726476345996,2.89273487841154,3.0080883800627,2.88378591250324,2.96371937947529,2.86623596000021,2.78708327516627,2.80752613991918,2.93392320359909,2.91677313647772,2.89474778165261,2.96763986223185,2.83157038421121,3.02895725335047,2.64895820355782,2.96472223216478,2.80164246571962,3.05068879114803,2.8974870969445 +Med11,3.55129984122086,3.18535028842137,3.43046789591988,3.34019814033574,3.115023019842,3.10897411664649,3.03866200950631,3.10600795468065,3.23930513645606,3.46259800926119,3.23173762204686,3.28023327306243,3.52921342782618,3.64522651909747,3.65818616268412,3.63926317131521,3.21800983558777,3.58571996987283,3.21385134980619,3.6853996470938,3.79211986445665,3.61847998806811,3.48610629096245,3.19606159005863 +Gm16515,1.36745181685127,1.64076102056393,1.52246757757175,1.06089327238332,1.48251525499043,1.74789493637331,1.18339193507045,1.86131791415544,1.55031166892567,1.51026624358646,1.38963500294723,1.48072750468133,2.00482311596533,1.9826248951709,1.72840494668183,2.09696108842606,2.16037098882109,1.83162331970419,2.45528026077489,2.02568901711746,1.66889959880048,1.94861165419617,2.15952487853083,2.1181554977779 +Map2k3,1.05401867082797,1.12087286819776,0.915061518849854,1.00084744425455,1.14783472388305,1.44528336567198,1.21754857898722,1.09487567930837,0.826376401449555,0.513044752553294,1.40644672144213,0.785493717622737,1.20643581621691,1.08294132810929,0.896693396782791,0.81225594063191,1.73980619002452,1.0820984147773,1.83899753643714,1.50432348182048,0.859131975603985,1.21084774265215,1.74710020907729,1.28485770850403 +Ywhah,4.43535729210777,4.102934021053,4.08430977021116,4.0718031563192,3.88450771357086,4.00399030158095,3.99671992027952,4.12112703860051,4.18939663410013,3.91088792617444,4.0571010629864,4.18939755899147,4.38477590673793,4.14049507634297,4.32535774990995,4.02895272553314,3.80421941844968,4.26020167895827,3.83545499319532,4.53138746885233,4.27640149554378,4.04653708333912,4.05331951669687,4.16084577385917 +Sart3,3.58945306780632,3.52858206273945,3.72127395992383,3.54837749525647,3.69755082727832,3.82015828825868,3.75508829702915,3.66367246876073,3.5625440432794,3.57403026506199,3.82632488388868,3.62222955333663,3.29033857586138,3.27850168893872,3.14448749119366,3.32839389792202,3.48533786627169,3.33636756044059,3.77543524897105,3.11663468257022,3.2786291253585,3.46816505162029,3.60441899078005,3.65271504471111 +E2f2,0.61008872956811,0.288926994326893,0.0687414410388656,0.052758309881423,0.378789591208752,0.180169958360453,0.411881927124155,0.102868990912349,0.630345913650397,0.168032856312629,0.213618612159333,0.435481349476786,0.783554959193177,0.672041016494565,0.922613285402753,0.759495107029492,0.846618738898244,0.708082474912145,0.395477189491316,0.911387530709718,1.02795258299773,0.9881191385782,0.628520660182926,0.666906783161746 +Nars2,1.66975148078242,1.7368635406548,1.5340637703569,1.94354640721193,1.99158640489493,2.09896623582507,1.82198498943182,1.43515884720995,1.3525004821587,1.69171249309118,1.79289837204539,1.65599265663595,2.80615952667669,2.51516992503201,2.24360775694909,2.82166946332902,2.63854989905633,2.66578543703864,2.52191663427144,2.44825832043345,2.42177820502695,2.46114376138232,2.748613806217,2.75140094333313 +Slc35b4,2.04149131647139,1.87087235412625,1.96525870450214,1.8781835410977,2.12627548326098,1.99157807814524,1.71779931789534,1.93289173375968,1.79766814464812,1.83122210177979,1.97596621471525,1.87454220260295,3.37792746883747,3.04072692900014,3.46266765048804,3.47738100791649,3.51232818576132,3.39747585124379,3.11647503216219,3.18632277919513,3.20514233322163,3.56007351095978,3.54297762607879,3.42309134009086 +Dnahc1,-2.88388036979487,-2.9175359829052,-2.98018827204663,-2.40943260667254,-3.13877312520623,-2.80320518093973,-2.96495382299836,-3.79259045364113,-2.35539679053055,-2.08743193650805,-2.73755755661323,-3.34983620864443,-6.04757517648229,-6.04757517648229,-6.04757517648229,-4.87337839367676,-6.04757517648229,-6.04757517648229,-6.04757517648229,-6.04757517648229,-5.45625216255743,-6.04757517648229,-5.03236349193673,-6.04757517648229 +Dalrd3,3.76773832258425,4.19838382348576,3.96916421214018,3.79404496838122,4.24412033910221,4.30027473898207,4.22875578095203,4.0166982264122,3.85832732926616,4.09200341172291,4.47129477558223,4.08785204235386,4.40101524914285,4.58353267617797,4.40515947584548,4.30720378572991,4.63075294975112,4.62033181422462,4.92867044098124,4.2052759989198,4.38158141748577,4.23341118770897,4.84148457779691,4.72453349578157 +Fis1,5.08684481028578,4.61813750442298,5.16895614227532,5.02745959792955,4.43652191235375,4.53322191863226,4.602273717378,4.77173927118958,5.09777045871187,4.95324860336449,4.77076995276549,4.74704004790327,5.41025157695681,5.15470151695942,5.48049809529616,5.32420756046014,4.68128081917375,5.23071302566021,4.83711344974351,5.5717604055006,5.43667599176081,5.21033442176444,4.82800238157013,4.94119934054197 +Plod1,1.98041216647662,1.84185915450481,1.41584280422762,1.58757439764018,2.04328089795775,1.86523863028525,1.88534859982913,2.45496365615577,1.46538553996326,1.40825591450999,2.2553559555135,2.15771157761323,2.56959836125512,2.77678992017683,2.66122337944703,2.40285150666934,2.59677826790044,2.86320654271452,2.65261412544192,3.08787068116449,2.19858542373953,2.29777583723223,2.81150535668401,2.74044952613853 +Rab3d,4.34031077961149,4.21391091657318,4.37408031840403,4.13189850136142,3.8510516068704,4.01269248115371,3.81558667669976,4.22200353660168,4.17852448339439,3.94077560388857,3.7842354585956,3.78777856608938,6.23045594361546,5.86184481347293,5.93466761196059,5.89395437997229,5.67212434453237,6.02121509437254,5.94218710048127,6.05924044166357,5.93507173560526,5.99658174462729,5.67261384788222,5.82648582701002 +Mfsd3,0.0420173784732185,0.100214417124291,0.593641019936045,0.468221230984518,0.51068636848326,0.272764913127495,0.0296219876962014,0.571610698471694,0.426711441234052,0.18276365027257,0.686971606186172,0.52979219265091,0.361658438371284,0.733932221704578,1.12307894880899,0.688681976828482,1.048690617302,0.932003863545201,0.5840876793553,0.589425562352875,1.21224213849849,0.748992837083599,0.835689280035733,0.873122957508307 +Slc25a22,2.87429970993307,2.63710196399646,2.6425451211927,2.93846297828587,3.18858545856383,3.08344710595675,2.94933958040185,2.56827076990182,2.6567465800057,2.93031644028406,3.1529662514435,2.79063165343269,2.68628797319964,2.38107984433063,2.67631516514734,2.66492145003764,3.31983778220621,2.86299267926077,3.31707562367087,2.23677231672272,2.53145879484716,2.85504430377022,3.26131816701666,2.92244471586395 +Atp6ap1,6.77647983655583,6.49428665568797,6.74268698631491,6.34151752984677,6.00063778715883,6.25697742547227,6.24504537874697,6.85451385656591,6.67599376709185,6.34295285049508,6.104898698886,6.43414596946946,6.92989555641538,6.69669588047738,6.87878933932756,6.64550800589732,6.30368111755099,6.77390526920518,6.40617231490247,7.10886109237914,6.79867867420857,6.65662761395148,6.37633980611179,6.44118204217084 +Dnase1l1,-1.54479690127746,-0.873654957119759,-1.80390757095575,-0.96312857779603,-0.948428897887098,-1.86199026777816,-1.42290943933152,-1.72917302581652,-0.668135409967378,-0.895547929267169,-1.34083098610954,-1.44662111156021,-1.22277658132531,-0.891281192285259,-0.286626826199184,-0.932061930945997,-0.691578140480618,-1.23843430076515,-0.669818920198123,-1.73437398902629,-1.32935938367483,-0.685423826454055,-1.05627893444586,-1.55270511319475 +Scrn1,3.88372094592208,3.86619396514865,4.03570153919726,3.68809059028811,3.49521094879057,3.76643602229273,3.63267844634159,4.08344981825051,3.95693813953344,3.80216864055248,3.46355761969277,3.68428719296811,4.25020427974199,4.1786354254099,4.1750824729836,4.2298913355617,4.02128617525585,4.17110033824563,4.16544151567654,4.38775582750458,4.21513020736881,4.16904349842596,3.88185505192047,4.1151181170824 +BC005537,5.04885960572025,5.01994953418972,4.8776369639496,4.95406552460512,5.6877349817839,5.56998692593547,5.14285443340166,5.48441964859177,5.02468232732921,4.98111020243467,5.33630604320763,5.22741534503848,5.32849640271066,5.28735726165958,5.19063405878885,5.08275417927667,5.87002107395783,5.51510552005329,5.60831590576298,5.16521190026898,5.05391478616475,5.15433043804963,5.77290919823496,5.5369531932078 +Isyna1,4.47398397077172,4.43758417347653,4.10039256131429,4.42944558554705,4.62353182096662,4.38742319570654,4.60570311664458,4.43979762782534,4.28234837057407,4.23540546559426,4.67691192398759,4.38546857503444,3.09066688787837,3.24058314143036,3.11475885519745,3.48043652163386,3.6464630106238,3.22288028039662,3.42951950956631,2.90854468081508,3.3582523038059,3.56712277440249,3.37693823487089,3.19542301947202 +Hars2,2.57356571164022,2.78042776539335,2.51831828808049,2.63629817934144,2.90074512671687,2.84570299753676,2.95019234246196,2.4351070802946,2.44140022148901,2.63861964290885,2.93159224419307,3.00200614634206,2.36304706090901,2.63845701434157,2.20012234176358,2.32700292880497,2.63177512644168,2.27885859731349,2.84589144956965,2.20318272930436,2.5431578666868,2.16374878728966,2.60477448267996,2.64418699652099 +Tmem160,3.14630533404947,2.36355371228616,2.62390553810255,2.53987309586085,2.81150208506771,2.54638419339397,2.58366091468215,3.08244067553239,2.66321698849727,2.47969585729559,2.79799020767424,2.45599701091889,4.40633654326183,3.81742489347781,3.80461176096951,3.79790460059589,3.5220996713029,4.13120297987346,3.67323933723621,4.14924130724129,3.91996875385411,3.73441237582875,3.83560577302257,3.8640817578694 +Rab5c,4.94772654603492,4.81388100230045,4.91247203656151,4.81507324869018,4.62468057165092,4.7105158157477,4.71306519985068,4.89682642981219,4.95510679186134,4.83329005975152,4.69566816644378,4.60797156835505,5.36620039982493,5.13289969391591,5.31307619436884,5.28293913086287,5.2296196559178,5.34185942167115,5.08495814970206,5.45125786812196,5.3489407729894,5.35225392063274,5.18985198441313,5.14630667391546 +Mdh2,5.36165753481206,4.80572907593437,5.08068152965174,4.88967476732468,5.30577568927404,5.22465489685019,4.84138010732254,5.12299622151586,5.08404347537733,4.98455771580647,5.31176664631599,5.13563010905813,5.50588028903694,5.09291113856951,5.43549628380815,5.08427751448707,5.40978639292814,5.36517948851412,5.55546586614364,5.33213232325843,5.26538461685816,5.09141285152233,5.58754934087609,5.35277398628435 +H13,3.64163273477016,3.37518598878941,3.39053309838122,3.45808251980042,3.71849385656225,3.55216246357349,3.67229143133726,3.5680457320706,3.40966969496314,3.51141480003298,3.72236804086744,3.55248091611129,4.5657011301001,3.88749703097613,4.09579582647282,3.83881953583129,4.53580302443399,4.49073196308977,4.60184669805105,4.01400225896336,4.07983884412735,3.91028262408654,4.57068038044368,4.46623657222469 +Rnf145,3.92000810589222,3.81347600646162,3.99394337679473,3.9433573990845,4.04279188950724,3.94286331128096,3.85358737429993,3.84041399158613,3.87494240416258,4.01459657618961,3.95358481684558,3.97858558430886,3.59461699886637,3.79882750844199,3.88797763687109,3.88627251695879,3.88985616245362,3.65599367787265,3.85445717228963,3.52860682681757,3.66533395258105,3.92288784444871,3.88907211851801,3.7901409021956 +Scn1b,-0.271114721650341,0.0930632704764295,1.24199060471436,0.219388580762656,-1.69975769461821,-0.155828999361784,0.191856726148238,0.135571989806799,0.0385943953756747,0.586227459301852,-0.397892624953134,-1.24317957586879,1.22662877316523,1.3264976581523,2.71323883867242,2.16662469938611,0.406608579030127,0.862465360391144,1.19987894633782,1.66408910317712,1.45064037612782,1.66331113453416,1.15618862883007,1.88500324087066 +Atp6v1e1,6.08780258348221,5.857612110235,6.36874215977268,6.13934958397381,5.50221496916653,5.5530297681348,5.68749501999387,6.2012073635647,6.14355646952919,6.1833947428529,5.72827061437193,5.80410961024239,7.52179372335626,7.26284782052883,7.54038089496086,7.42777991953101,7.11406140163778,7.37800926911574,7.02047539133475,7.57257886505349,7.44773127350955,7.43505733621765,7.12793737765132,7.28473061814935 +Chtf18,-1.29061795853619,-0.538091819356418,-0.511206008130802,-0.676862015117933,-0.773885118084136,-0.499567494098169,-0.0597583237436505,-0.803517428054495,-0.391740624133742,-0.231468878357367,-0.928724356674306,-0.65947999355939,-1.64581290696606,-1.3689164067293,-1.59531545152048,-1.99192249262425,-1.28715490874127,-2.15521637117548,-1.58660099060846,-2.27799973287884,-1.04237005577849,-1.79446240378624,-1.55677182387818,-1.05476423935922 +Rps6kl1,2.27476616832699,2.36631772242347,1.84798689513305,2.4888996397047,2.54252281875312,2.2590439954143,2.60160894859169,1.94255154131164,1.93920359638343,1.84048113932601,2.25338756730849,2.50103786572509,1.14280769619747,1.54599456055069,0.807581361629977,1.2876040977309,1.66148994269708,0.84908207437653,1.63925372862966,1.32137236414454,1.42414794715827,1.32058642429044,1.6486164403925,1.27488408108124 +Ppp1r12c,3.43219605299644,3.6434071685829,3.08855136599892,3.67025143347822,3.78948187395202,3.69973200333186,3.99381126767459,3.26897622166649,3.43342727408709,3.61512435365229,3.97428246487013,3.70949817863507,3.10149734678111,3.43193730771712,2.98794729783996,3.55441293555024,3.69015463272617,3.27646845047067,3.8278223014627,3.19709527376582,3.18341986883732,3.63597069954946,3.81585791693728,3.67361757146122 +Ahr,0.15895948228081,0.345123536217566,-0.0281751862352109,0.20967648399108,0.584799706340261,0.420464361590005,0.22878423873173,-0.183641355366051,-0.191658802285302,0.0181051485373236,-0.237571922081103,-0.0013450520124918,0.205717350652598,0.245175277348665,-0.910522056308637,0.0336262064977748,-0.312179721929853,-0.467221285776569,-0.189952593458313,-0.361178482605755,-0.352106322939728,-0.173029673593952,-0.255491633924106,0.248050942784248 +Mtap1s,3.33707349536091,2.97232966200819,3.29516020089541,3.20843045433437,3.20850195316539,3.35535639960972,3.43646882567277,3.26304062973298,3.10398753636479,3.32118179335765,3.22404038382246,3.05840174630675,3.28805342747888,3.03622894300767,2.97590288471328,3.02394403161022,3.35565984260477,3.36790571199612,3.58091804957123,2.99412839377657,2.997561517781,3.15528744713727,3.36833679263836,3.21722242840837 +Tmem129,3.02427343897754,2.62331509991594,2.83024346462239,2.98226891536229,2.57276265017314,2.65621480276243,2.85493581657158,2.70845623616743,2.61277892295058,2.88373036530713,2.47238083110391,2.65699025614342,3.32268061326276,3.06603535106903,3.02875943020139,3.19062390760949,3.13323326831857,3.1413564310305,3.1493233493562,3.1940167378006,3.24218674054562,3.08776430896257,2.90088763338198,2.96215502637544 +2610027L16Rik,2.40767938992999,2.07378762283074,2.45876831409885,2.2664610246807,2.14974080647204,2.08932782044775,2.04260782880873,2.17797605098588,2.38690622837735,2.10368330812827,1.97396175388753,1.89321612155806,2.38633115624009,1.97373484819283,2.2074130280084,2.17673745300952,1.9247819499127,2.24092619094713,2.37048758600604,2.39913262916059,2.05756354066204,2.04492158005599,2.15834848327989,2.13974724273051 +Atp6v0a1,4.03320241464389,4.13786972858068,3.98680586711545,4.0026585415978,4.56686421448896,4.4677317647192,4.20261011620422,4.49544559204489,4.0365836431212,3.9493896165309,4.43493679662498,4.23603591961455,4.64994259081216,4.59216692980544,4.69011221265438,4.51464400014833,4.83154107946017,4.69645888280504,4.83936232100627,4.51836488500496,4.41031103114599,4.62867202426174,4.86214572756201,4.57025493248507 +Psmc3ip,-0.535101715858717,-0.252489338625767,0.602338079590655,0.258866492941121,0.380296779534682,-0.320318230448393,0.335997924192268,0.0226310448115358,0.218464325672543,0.437441503750737,-0.199757942889386,0.182736303509805,-0.286288025421041,0.548751515766003,-0.0660572923100781,-0.359158831751378,-0.24883532934594,-0.950539966044838,-1.76674017405254,0.016331581338061,0.115274487266255,-0.656812011629062,-1.03024422258457,0.233687077102731 +Grb7,3.1581209221562,3.6047942946465,3.63326194689644,3.45573143644083,3.45269130524961,3.20144359777517,3.33853781047046,3.94622041386164,3.51119375264538,3.55988036122002,3.31610349318043,3.60533474889394,3.0599591513149,3.35048317007916,3.20074428154689,3.0977345719337,2.99392532274883,2.97847717649762,3.10500246187985,3.35797690794285,3.07175606948176,3.28009755408047,3.12749828539631,3.21174647583986 +Noxo1,0.455448468263177,0.884181468281486,0.82398051167351,1.00373736970963,0.870494938545427,0.793170334963225,0.711990514466615,0.569093441796701,0.739401295040686,1.12327613361866,0.811855756632025,0.740603641207827,0.446444255778665,1.40596377894167,1.18695728150865,1.41258262925176,1.36933758475777,0.970391608197086,1.16406040843573,0.433348383695008,1.33712947372428,1.61598998307657,1.04217968522621,0.571666361695072 +Zfp687,3.09425950859699,3.43103721982604,3.36089397767455,3.21646540812149,3.65599499869691,3.58481077336828,3.49784097728653,3.2574425267235,3.21459912490866,3.4781114387234,3.62660308630488,3.24525510266024,3.10710557498648,3.37871477493489,3.50271126740694,3.59103520897486,3.95991192251918,3.57788314096411,3.96632101875067,3.02419910816202,3.45702077514127,3.67298540597797,3.94090421531189,3.64088894061155 +D8Ertd738e,5.86912453927459,5.53489677348254,5.73018990666954,5.70784316987022,5.52419439473125,5.38094853718847,5.57685908834453,5.5744220188077,5.8268801619991,5.78287275590128,5.59165196723341,5.71212225619974,5.88200655033983,5.80279217518451,5.72640706441443,5.73772424862344,5.80041406729208,5.85081723032545,5.74756632987979,5.90300676062207,5.93862483662572,5.89818433905464,5.65834190114883,5.79436373626595 +Sec14l4,1.44444518527918,1.71756569956892,1.74494241900626,1.27654515137185,1.24207243879762,1.87708061185804,1.52702888645071,1.53536155489391,1.58178320374976,1.57619406773057,1.21427877018661,1.28056692820512,-1.45177499933631,-0.674086028753861,-1.36782334793373,-1.1794101587429,-0.666007583665635,-0.519303703631091,-0.260040819394711,-0.685943529628237,-0.686684361889257,-0.139323140993155,-0.491674319541028,-0.78070430883018 +Calm3,7.41672675636927,6.97555705934923,7.41042198354266,7.07166009054608,6.95324847464389,7.06948746615871,6.86410491277458,7.4062961826735,7.34849255952003,7.19731516484565,7.04292070775434,7.13400874817493,7.42756300490812,7.06530699286172,7.41950957719661,7.24627548351098,6.90819033461429,7.36744320547749,6.85868631562386,7.45015191395586,7.30782024646724,7.25641782951843,6.92585558224224,6.95756543921963 +Cops3,4.58971952724228,4.24590785477197,4.295390539403,4.36336995788288,4.12757233625012,4.10079966151963,4.30462658141935,4.13487589393748,4.26735144353158,4.16308877586326,4.16671717822518,4.34140734449127,4.55853804256675,4.28354253783906,4.43852658009953,4.3229301593911,4.21829650866935,4.44690528552732,4.27068518850996,4.39587818985511,4.52642921389912,4.40632893433527,4.15929595974806,4.26641424249647 +Fkbp8,4.75463451885438,4.75581815830806,4.81394483295785,4.89173720925916,4.78660779822576,4.73680805035348,4.89226729782911,4.5868214920517,4.74197800425887,4.85491040673184,4.7943626004506,4.74269181680117,4.95796247760302,4.92781437050247,4.9712514125055,5.05244886441096,4.86667627646222,4.87670015107961,4.960215090572,4.86648412458725,4.9573036021222,5.15687107514759,4.99355946032344,4.90533796133822 +Ffar3,0.868545191764591,1.27145812452442,0.709588962387324,-0.101054075795437,0.747552244851806,1.29191904562376,1.10955395797051,1.18022895314188,0.803148156277188,-0.290892636741563,0.592713006261636,1.24193976117264,3.19530833106564,2.79605096613161,2.74481901803994,2.54558445542578,3.74260373801842,3.64576405116475,3.73205806686799,3.15190228870436,2.48029906256441,2.53166329013344,3.61916773783633,3.55396940792222 +Ddx39b,4.89114811726128,5.30210387124788,4.54995231169887,5.09067972922183,5.23144621373016,5.08940338452174,5.37123514693119,4.78500043832051,4.90267899597936,5.15566262778818,5.33989593707414,5.20114841114098,4.63841193355616,4.91731101237873,4.44647765734587,4.63576822831829,4.96207075438151,4.68112876978074,5.33073658961804,4.55178287007316,4.73169164971902,4.81469184316769,5.08908790737212,5.03346769792275 +Gipc1,4.12835579024427,4.01034533509767,3.88736102268338,4.19074401054069,3.80321906691267,3.8973067817598,3.88021101687788,4.08262904617159,3.9662684573116,4.03409300883411,3.88637248285653,3.99418891303199,4.00946615980182,4.11432850282134,4.07805693812993,4.1930891192396,4.01133452621693,3.97231865499299,4.26221110368054,4.17835213035335,4.08485829712701,4.10049065530899,3.95436184493704,4.08444201766263 +Tlcd1,0.276098422223823,1.30258880992315,0.169467024715513,1.02323642499477,1.14187325896651,1.10457752558242,1.24922612588024,0.498926670271919,0.845001287474488,1.22640580847895,0.959301429343389,0.942722009153461,0.214354012752822,0.544285456859373,0.675684984325941,1.01159625228498,0.394740794767311,0.372179574736924,0.794180074101527,0.411298355574425,0.840444343245317,0.847478333599068,0.552974882942637,0.481872343150023 +Plscr3,1.99024358750228,2.37680935277147,1.95447614541167,2.05366208005166,2.24708172500715,2.28400813577681,2.25795980086734,2.04075785620034,2.05472730685596,2.20894747353845,2.35218352145395,2.23209108195289,1.21811124634717,1.54729518587866,1.72554305704859,1.73315753850403,1.83859784101321,1.47013929837096,1.70608857182106,1.39962726921303,1.6609893372714,1.57766746742914,1.64316971335574,1.39706244405636 +Arhgef25,2.5663005475486,3.06599114357705,2.58836698419533,2.82785054391951,2.9091338877842,2.75450136422696,3.225529478843,2.26638499720336,2.76271165182556,3.18670268635502,2.91332508193512,3.06322393043636,1.14295746776892,1.87022388668336,1.53994546277949,1.81295680873445,1.94026677616188,0.866300926960794,2.05681006070769,1.16328891503196,2.06022631169711,1.87002345621172,1.77047657938721,1.67894680051902 +Xab2,3.2341545995079,3.52772964423609,3.4665031465141,3.51520144594307,3.33558581585514,3.28652183362705,3.37427271707935,3.18647745989506,3.41586868638822,3.43067162808704,3.42697289719878,3.42571586945727,2.91842423327082,3.21244040621531,3.03422328307296,3.18038466319088,3.2153689562089,3.06611889611585,3.22082349828497,2.91453102147878,2.98315855171229,3.16817156472703,3.37125862833725,3.19706739906811 +Cdc37,4.73008973526794,4.66353201888531,4.83033172711865,4.68095743428578,4.71967187153997,4.61908553642578,4.64058848910668,4.57578681367195,4.60610613678578,4.66617822756615,4.77553978827983,4.60627345024128,4.5692739919519,4.66239103085337,4.47323171187851,4.57453778585264,4.77310265655248,4.64577286320703,4.89787875595765,4.52189307724075,4.56088476335987,4.79237432489014,4.87827239877736,4.73480614136257 +Rab4a,2.60821057991626,2.36820413653798,2.86682437437845,2.34759916515315,2.0272926405897,2.49400175198684,2.45672185240948,2.18623364015042,2.44354665475936,2.53860856230926,1.89371181830241,2.23880314071851,3.68217393530365,3.11032302285154,3.34325186147969,3.22752672110742,3.32066197797837,3.39847553845129,3.38142392216774,3.50330356293691,3.31186525942846,3.38149118572305,3.30660840055897,3.50514045531842 +Trip10,1.3659533159353,1.12312802160191,1.16086613783571,1.68722876536944,1.42918517694341,1.32204295442428,1.4491510501771,0.822431722207988,1.3596024056867,1.6113082273854,1.51147841132648,1.4059357607967,0.755904203496815,1.10758837712233,1.1579294586116,1.54345433690091,1.00072105387923,0.265482967392569,1.26825343946895,0.928862954423528,1.21642789260519,1.22973408144548,1.37939813760839,1.58861091703642 +Cops6,3.36200305396767,2.76378636597203,3.27930857917746,2.99762095828066,3.05028488336343,3.25836305152752,2.84377078125207,3.09538413563752,3.02276620775369,3.11810557250882,2.91344777902436,2.88222952312397,2.95923688278567,2.81974376948941,3.14042049750684,2.72563793146544,2.83616491893742,2.92426414591263,2.86714826749018,2.69111348142106,3.0490461801416,2.85074997096401,2.83208532820557,2.79022113015462 +Ubb,6.60627381293203,6.75367330923072,6.84685954663988,6.58863161502084,6.40364622219258,6.33236385733977,6.46936260019417,6.8567758785494,6.68219720161091,6.71455835881498,6.42723216241502,6.61915993782013,7.10028590834646,7.20064269169807,7.12504933015565,6.93621201742862,6.73844397305103,7.18506127490238,7.03615206331379,7.314037401152,6.99022420211706,7.05768123192774,6.77796988143003,7.03987912184758 +Ap4m1,2.11278305242622,2.78896622007737,2.61899990154311,2.67970256323261,2.69774041281456,2.35366649915384,2.57246089225891,2.46592626776431,2.46162642404417,2.78077779892512,2.64841972487451,2.57368866470604,1.80275672392599,2.12470243249708,1.77728716343781,1.93047796398086,1.85701619880998,1.52277384574324,1.84556082690975,1.89349751349497,2.01169001542994,2.29156710695643,1.85283787103379,2.25869806150127 +Gyg,2.97093594189646,2.8332671805364,3.24724037124649,2.83284527097512,2.65496677347168,2.69109322376147,2.24342816311086,3.26278585087988,2.93777887910649,2.87533228691039,2.54122285753139,2.50186800277596,3.36640313378015,3.4057744398498,3.43488670629091,3.37288489907326,3.20136208367253,3.56251973295209,3.24086049575906,3.77508240158111,3.43409227276636,3.45422758083628,3.04690433750668,3.23046939078076 +Rcn3,6.78305161486175,6.20949337994888,6.53938544358232,6.55492148628799,6.24575704546409,6.15261749816788,6.11298818130498,6.44649985612276,6.48505966083588,6.35943837390774,6.3310660751168,6.30613887693222,0.797014349588637,1.38051951447399,-0.148106894590191,-0.308641062072133,0.685257492296892,0.244309217786865,0.477019685953249,-0.737796793594635,0.433627860432527,0.396686552912025,-0.0165688845939764,0.26076422480342 +Slc6a8,2.13364083539002,2.23963608056844,1.91071332713695,2.17639768252674,2.45249327343127,2.09885382792922,2.19535381225775,2.04423507498384,2.02208674028145,2.2703594520443,2.20706844751292,1.90459868507062,2.00645247622157,2.55090340288001,2.31511693289984,2.70373360350201,2.47673404659391,2.1018562656621,2.32590292617588,2.22207668591602,2.253433929835,2.29111124643052,2.15767914617125,2.12687876372518 +Arid3a,2.11938329185167,2.0814674013662,1.79354048062125,1.47510176632769,1.9780360091843,2.04168557383765,2.24941356942792,1.98642206679687,1.74787172948048,1.59665056403733,1.9120838964805,2.00687817128744,1.49162920194549,1.73315034843788,1.18286542719578,1.58631757464527,2.08289737954959,1.63278536749662,2.21270038959207,1.52240441941817,1.33146470276288,1.50793098926257,2.31715665973048,1.97674191169688 +Pdk4,5.31356148579179,5.89592345573493,5.90550774420385,5.6887532501484,5.29389259846254,4.97882058293264,5.05244923450628,6.17043059294254,5.60707416207959,5.97277956563655,5.5790172296705,5.49741665709418,-2.75906344341191,0.217184967948969,-4.1732928466396,-4.1732928466396,-2.38637230582411,-3.54315117441226,-2.20648563801107,-3.08482908525658,-2.83993594143059,-3.59550796959384,-4.1732928466396,-2.75961733042324 +Ubxn6,3.34691862926657,3.56162524334555,3.65091917884709,3.4963269979648,3.30783883266487,3.18545883866481,3.31083479033685,3.52525410047881,3.60673456000646,3.56473009876251,3.29988388207597,3.35184668171379,3.41091055951893,3.528611431151,3.73609551504027,3.58926726965864,3.19824189857655,3.37100028596113,3.4656470352584,3.67996714129682,3.68565133086749,3.66251506659803,3.40952244285669,3.42795497905937 +D17Wsu104e,5.10429226961287,4.38826973680603,4.62930227125013,4.58314904170315,4.52706237951052,4.5622532111676,4.71088036795812,4.7735035014634,4.62983251098468,4.56845298930748,4.64170728062424,4.81577098505968,5.75871682848416,5.1600720119778,5.33873927573121,4.89473358168762,5.28624070175881,5.6773416736563,5.42766311439749,5.34989711934967,5.39138483059038,5.19645976970046,5.44767094748491,5.44680829538066 +Cyb561,4.08894791244037,3.71709195542079,3.70081453851745,3.71028150519189,3.91545252837435,3.66942924155465,3.90912157343658,4.00978228204955,3.58407217639471,3.7044052470884,3.87862552027791,3.85555655894527,5.27755115834852,4.89818114621534,4.54368726933263,4.69826880527062,4.76185324267375,5.17460242112274,4.99614752889813,5.06902722795602,4.87194995956824,4.78270703207391,4.90037983131173,4.92046119583399 +Sema6a,-0.351299996810223,-0.284445799440436,-1.10035592929914,-1.39805897477662,0.456901622504881,0.395604940656256,-0.03034740910639,-0.101799221146869,-0.278516713380857,-1.01241811980683,-0.264066224355803,0.297060643253037,-2.03704706410513,-2.52811042251938,-2.507330640641,-3.06278401100692,-1.76696063610783,-2.37959770908274,-1.90382972389428,-1.52774968033783,-3.31058030899874,-3.34218179630011,-2.14610843002053,-2.78443213983419 +Ccdc12,4.24626592347075,4.20702512825946,4.12304316942993,4.54486223180102,4.13795488813398,4.14366174520505,4.35622945929885,4.36088716545432,4.32896106096855,4.29576189303839,4.19982419131365,4.27693863273513,3.97153695177169,4.22225029602871,4.27238297733618,4.1839232482243,4.19471636747768,3.96471317636268,4.43905621527356,4.01641486825358,4.3818244484504,4.44616874836067,4.44216215954558,4.23611937023765 +1110001J03Rik,4.17266683141318,2.97887750890173,3.93782321107789,3.78844989047404,3.58148291487004,3.47591819242373,3.62734686584666,4.04743087506791,3.66792987108494,3.77817949744025,3.68662438709269,4.07172775975387,4.1054786369355,3.53168076015519,3.95692415847056,3.35340560012929,3.52306089610785,4.35000425988128,3.47610303028267,4.35654208164044,3.85284899007459,3.59781701536519,3.68133816504647,3.83050020059938 +Akt3,4.35204505542336,4.32601652562994,4.5492971322263,4.48788493308718,4.47999185685635,4.53890738206759,4.18895792687896,4.52360867052029,4.42733188115669,4.47387939963943,4.4750668536569,4.35966450232781,4.74056345822135,4.68453586486918,4.89804284022402,4.79214864926313,4.62838883155974,4.70581982757467,4.47386724589649,4.79767408515456,4.80320997312557,4.81481580882817,4.53372389104967,4.60414161033619 +Mrpl24,4.1411229818676,3.96315918934511,4.14106420613397,4.25059411914288,3.98471493095317,3.92561265726196,4.18028690563208,4.0526457225052,3.90453107863573,4.31060764669057,3.99510155310516,3.98177651699999,4.05237751580732,3.98676499008435,3.89892893089621,4.22020151818644,4.06642514819477,3.97719531334618,4.16065721649941,4.0173281220915,4.1756931642992,4.15239073923243,4.18114430245396,4.23819825426235 +Gle1,2.65562246485048,2.73077715879809,2.91985810690733,2.96112704628411,2.67012227072785,2.54853911058931,2.60797090168934,2.77561198353826,2.81004714776278,2.77186034951523,2.59636079792133,2.66630612441986,2.79016396075013,2.56155703242821,2.42006503929447,2.5353510248647,2.50018346958752,2.34837152726411,2.59894637462443,2.58307802526933,2.41368484710781,2.53097195787525,2.52238387536254,2.55250838091581 +L3hypdh,-0.83746337882462,-0.811831720274039,-1.01745090494666,-0.24675394063903,-0.485191629798175,-1.20145602484012,-1.30648248465257,-0.856486974307409,-0.784734980480973,-0.499418504937512,0.0170992145502367,-0.649797617133868,-2.36887602837354,-1.00788076279885,-1.6238665966731,-0.918501213399649,-1.34710472707239,-1.50988234769311,-1.28372305360165,-1.65236416221749,-1.59838261998148,-1.10095603918619,-1.17287850495946,-1.66930468370834 +Lyst,3.12756490345473,3.10987650439661,2.82614462697401,3.08914146466163,3.60919195554175,3.52231852328936,3.38454416001911,3.28312202665058,3.03050460163181,3.07084323938341,3.42586484418066,3.34949618111976,3.20484668700933,3.30408971447242,3.00299421596843,3.53808063766668,3.95236303090508,3.48340086986784,3.65628478969228,3.11279436322085,3.205935328125,3.36387333187953,3.78684903328691,3.72162244513696 +Slc35e1,4.23514350359585,3.62943498992348,3.63161472976528,3.85246227693461,3.83947801071821,3.98016020022679,3.86157734074308,3.62564783515809,3.79333812104947,3.49661855070713,3.68863795241577,3.69651841259597,5.11465394673007,4.24980776598683,4.42748406613695,4.37129330369057,5.01285902422298,4.97594857380753,5.00380033443887,4.13751813390375,4.47168941225967,4.38004581649204,5.05736089033435,4.92253174995919 +Calr3,1.12791587526923,0.40152203408099,0.755074189007258,0.63033289006597,0.107130590829334,0.299928384617895,0.695319853788402,0.742863648741511,0.799364734309037,0.815588866203733,0.150021436371555,0.632130673766946,0.179821002132108,-0.244870034074178,0.241928778835758,-0.136835798575566,-0.236866399210899,-0.162444243862889,0.0562263371613796,0.512272071502845,-1.12825701934467,-0.374671080937832,-0.769916306353118,-0.220558128280233 +Tmc4,3.81957578947371,4.48324961251475,4.02651559934074,4.27374671383208,4.45282135363978,4.28465763913632,4.38318906560718,3.8265155537915,4.16543930791889,4.32356845165394,4.40581734403961,4.20807651366679,3.96477644288285,4.20833506261136,3.83422503993418,4.19199081613585,4.24532139762842,3.98784134379867,4.32722308314016,3.69995716422738,4.13724478634827,4.18352377731258,4.2266820990855,4.0577340002245 +AI428936,2.91969190178957,3.37029207427145,2.842367996643,3.37507116650139,3.63743612768577,3.52296113862378,3.61029644146145,2.83561625314598,2.88761212822237,3.25673661772676,3.69674397862424,3.34851211106444,3.25180822577673,3.48128729572248,2.86061813024859,3.63146924814492,3.87781798326075,3.44411851213255,4.11771828651005,3.15718690881589,3.36080163163853,3.28715486567855,4.02286142877952,3.92245434618417 +Polr2i,3.60120919140437,2.87541375769708,3.79460122966742,3.14999720795549,2.97280222047476,2.97201393345464,3.26669511640487,3.45812754690072,3.24344922780312,3.36369433373563,3.26465634049653,3.25691394898521,3.8938988130048,3.21910098546184,3.72265142324906,3.4267563240892,3.40975440367412,3.39749622583148,3.43428424879503,3.75000717047463,3.73751929916535,3.60662823594515,3.53059057634527,2.82938879957415 +Krt10,0.959090257937599,0.359933641447708,1.27819329451223,0.420665849019076,0.427514680115982,0.299928384617895,0.75493256673329,1.1981512521758,0.340967556082316,0.678281367978563,0.450392069713332,0.858587386842969,0.749156029491983,0.787226780602966,0.998268818254505,0.0903345638006947,0.125091450525054,0.102701813389912,0.121168602109626,1.17664729788698,1.14295506428923,0.54624389689827,0.125147691763196,0.17899880594927 +Rmnd1,-0.292563981266025,0.266938435659716,-0.393478364016775,0.237414874648417,0.952554473016395,0.614184070205394,0.325267939592925,-0.0540085201726805,-0.304351406255436,0.300106113182842,0.596640627208999,0.181198614870397,0.133686077341255,0.137986730403314,-0.279122615175484,-0.0882546620547786,0.723026842946648,0.278596158970923,0.439791183500922,-0.491270769143109,-0.0848298306635038,-0.155620107675411,0.480339902601397,0.58776133627566 +Syne1,2.13293672828305,3.19484242869885,2.55881725045839,2.80968735773328,3.0753400543532,3.07826622578706,3.39738428308698,2.34379893550907,2.61106518490304,3.05922873052893,3.19735696148104,3.13689993959336,2.12362945881842,2.75428884607614,1.72542413977819,2.6319483387178,3.10786782788931,2.54253158455414,3.35102232408791,1.57623265848413,2.13318926693809,2.64567746821279,2.97613690967502,2.7987107827083 +Vip,-2.4672246674418,-2.97211091255569,0.0015394289488662,-2.97211091255569,1.51265974575692,-0.0686660930511368,0.905416633157562,-2.97211091255569,1.45828633373096,-2.97211091255569,-1.74704122717087,-1.4716753966682,-1.28494663690494,-2.97211091255569,-1.97897149815264,-2.97211091255569,-0.993574650108905,-2.34196924032836,-2.97211091255569,-2.97211091255569,-1.96258062770498,-1.40153954756142,-2.97211091255569,-1.28555787014652 +Fbxo5,0.0474819042576851,0.420120320406566,-0.38992293006699,0.803450738241335,0.707662768803146,0.15635828683632,0.196187702573667,0.31354465519769,0.580645318496365,0.503640163581035,0.765536450275022,0.560234666367023,0.165760228947973,0.848799853564144,-0.205867513928679,0.102841963838484,0.253909351042388,-0.342036578625829,0.295904099575429,-0.902595068914935,0.512103542867629,0.316901807970881,0.308149623422968,0.475701377231277 +Mtrf1l,1.96730914011392,1.9423789955223,2.06419427834494,1.98444645893444,1.85260247374734,2.06890591691006,2.01709698914343,1.81626912253667,1.78502921205127,1.97881907630278,2.07402689141417,2.20702342270132,1.38413790784935,1.35601525003798,0.82687193604983,1.40430560275519,1.69952271944322,1.50482843432576,1.606694186041,1.05405147035843,1.49102560767317,1.49705049132329,1.48645009349096,1.76683266162005 +Rgs17,2.38161369832802,2.45940288795517,2.50443793033737,2.26804439914553,2.48418009809363,2.31301278578781,2.11611636452712,2.55437004711821,2.60616413143497,2.36983692912365,2.42671422410065,2.44897920912356,1.23462531241099,1.24890160643933,1.71665359574104,1.60589698249567,1.30542415078483,1.3305808822401,0.834579829389296,1.30262771777888,1.34594025677548,1.58654627194973,1.37719146696148,1.48904419519515 +Hdac2,4.04606818933478,3.82275829832926,3.98819776146994,3.88758902005131,3.79259122365763,3.73984673601646,3.8638694322605,3.7681482976994,3.87177171270149,3.92243078067152,3.75107716095692,3.95597617613984,4.29626714735007,4.14864305964443,4.18952073237203,4.19807228246749,4.10304195350048,4.08593204682726,3.98730378080781,4.37807805749561,4.12350808290628,4.06091849282928,4.13474670034621,4.23566146771874 +Frk,3.61953996165614,3.50598902431923,3.79446132801281,3.46330423518671,3.24885625880829,3.39979996341086,3.32507025781633,3.89552840441685,3.5418601737925,3.60956560870921,3.28272535593284,3.48836847106294,3.90117358633153,3.67826720878103,3.57160143771055,3.66717804663658,3.56884966029012,3.79927848653665,3.57093552520858,4.07470835572921,3.7008554194652,3.78473019002419,3.5430047025721,3.72731916941762 +Rwdd1,3.85351160015416,3.06627030516363,3.40047431202547,3.66299763079001,3.1200920849901,3.20561093109773,3.35009689946364,2.9421295288148,3.30638081829506,3.78763254033599,3.31444208274858,3.44678013979201,5.08431456893176,4.64132691253114,4.93280223331986,4.79317573893358,4.54508597056049,4.90727113957402,4.6884727959009,5.0220845251985,5.02041786997086,4.88432111875383,4.6596093700898,4.66407919124691 +Stxbp5,2.8294134143468,2.86916895569942,2.56907922873143,2.74936486400131,3.07657077853023,2.98924078934295,2.79921479266648,2.76082257529891,2.65092100376222,2.63018505055551,2.99697886808751,2.84425991619731,2.48052886961232,2.63517086901787,2.5370773397648,2.73226830756826,2.9050615375222,2.59852034371901,2.83199392602856,2.38301469040082,2.4666487463249,2.52367281899568,2.86597481315942,2.87859241817356 +Hint3,4.78783144912698,4.66121046783394,4.99145818976113,4.8264606710159,4.53223066085459,4.43705068869256,4.43664034877853,5.0850860540645,4.83640597734958,4.87760222926524,4.56595756468253,4.59682855777262,5.6673704704628,5.14712027354122,5.45957487766851,5.27083169928425,5.20197938183613,5.46697404568609,4.96824483829486,5.75793177953706,5.41009060239382,5.26818200676074,5.10944398909085,5.26562990262746 +Trmt11,2.25803547890499,2.41969995121213,2.4301655189887,2.16690557334322,2.1923457053394,2.31536616007484,2.47538015798097,1.97616454562538,2.36096683643169,2.31275300149739,2.03273767121215,2.15661379827482,2.67836086153647,2.41871265319527,2.49538450777252,2.21531198866802,2.43824548001061,2.55234908626735,2.2147434906153,2.43982197456334,2.46351988670856,2.55898263795647,2.15803364170155,2.19124428842955 +Katna1,3.79741672733148,3.73074099732351,3.71222436936804,3.77894800008919,3.79408156652928,3.80506250306896,3.92192651854823,3.41395194218629,3.75277375281683,3.8440419667667,3.58941418291479,3.99530166770755,3.95050350855805,4.07589617498043,3.54481393697602,3.93502461787918,3.93498703877992,4.02112977489302,4.15451312943989,4.13073303310409,3.90525245622638,3.97541905670684,3.93222732206111,4.05117514192229 +Pcmt1,3.62652322217529,3.24104462507342,3.72355447678548,3.48201413016228,3.0927185550708,3.25691088802519,3.13115387029691,3.503241139778,3.54487252483931,3.33623102026186,3.10214339638535,3.23538818564356,3.51222457576328,3.12562239738019,3.53611175759387,3.32767114584664,2.86799478906484,3.30919025687866,2.89668717290723,3.28843756280212,3.54219408210565,3.22514283441865,2.85776699109858,2.91299471862816 +Lrp11,6.09750974758854,5.8563420720727,5.92790315728521,5.79331875373634,5.71936076426802,5.79530420309751,5.71500925395536,5.98234316602205,5.87805435593546,5.79750267034967,5.80368537600272,5.81730205669758,6.37024246152174,6.2752840710038,6.42846315930245,6.37807489511987,6.11400868129502,6.42193638434116,6.14168621012473,6.44614043826193,6.30343050038347,6.4013836395627,6.11426903045191,6.15110593790949 +1700021F05Rik,2.69566703461185,2.71717588820049,2.70182581591852,2.8173090497647,2.41925087127376,2.6229411920343,2.54000866626535,2.68968903495462,2.55651401149249,2.63529256176003,2.81031619784168,2.74958513815101,2.99460581818748,2.86711677567002,2.72754159050815,2.68846408317935,2.33930646244657,2.55498808561754,2.65943785143746,2.77770386516656,2.38564658953742,2.81094704761231,2.35535393556789,2.72133343141744 +Sec63,3.54356337197222,3.5255045041606,3.32000075949711,3.53649811323293,3.88994169705023,3.76180047226384,3.48370972359237,3.61058752478371,3.42038863393605,3.51569131543184,3.68173016319006,3.61122359493515,4.09337598006314,3.96544985956283,3.88276213756652,3.92351054719767,4.43058855266633,4.18718016404556,4.2297190739761,3.8672610214375,3.96794133611839,3.94902026761207,4.36802309486842,4.30194337506684 +Snx3,6.02109424224942,5.55660703891218,5.67580862651248,5.56114108763156,5.61848371095625,5.51090248277984,5.47939190731497,5.71229126384159,5.66268479696924,5.57312898220818,5.72486069497509,5.63715412719269,5.62548484303154,5.49255448448945,5.56074190044595,5.50723404953758,5.57269946347667,5.86346155897902,5.37724195488884,5.95328891282485,5.43953579292283,5.37564588296822,5.60045807319012,5.62012585250588 +Aig1,2.20330920446189,1.96049397219997,2.37200313412638,2.06842975469594,2.06130542462407,2.19517563986014,1.90176727393086,2.53609930073313,2.28084932472928,2.189639633821,2.03469745773693,2.10388168962974,2.93879342033769,2.59491383101857,2.90768311090799,2.44170630069532,2.38055180948336,2.82841830552353,2.44643493060316,2.98612102435825,2.66597031257729,2.56322361969977,2.29743841695059,2.53811561223855 +Adat2,0.708850718465764,0.550764326158054,0.616085382523579,0.196687817105728,-0.0967069937481956,0.475424041102853,0.791294267171914,0.91518569372971,0.778882432059087,0.632707561153772,0.029375629104657,0.493203399570101,0.470198589743462,1.18060407464946,0.98076171055719,0.780289643893641,0.966835282291348,0.730797557011801,0.932845799492705,1.20222715159579,1.14895189070273,0.590519862428373,1.06923149124694,0.925978694910173 +Pex3,2.66775131514447,2.85819554710984,2.83633288367612,2.68894153775162,2.29546165216338,2.32049544117556,2.21481077484967,2.72788533003013,2.77148398254885,2.59936026242813,2.40957506668602,2.41567384952,3.18031733287344,3.01097137370811,3.23487621696663,2.9404998424502,2.93502033171397,2.89948666014472,2.68226093915949,3.04034028912457,3.17748493054408,3.12704963678766,2.81610588202097,2.92204881524441 +Fuca2,2.99263507532125,2.77537930115356,3.3255576254317,3.03139931788462,2.29074520356195,2.48314563584109,2.32209759347453,3.13855615016432,3.16689715895517,3.00094262931289,2.5340278635028,2.61525680390153,3.28974283535485,3.08129521447391,3.35265216978069,3.11517308096787,2.68036168058741,3.00125245871416,2.65911497776298,3.42510794700849,3.19422798459711,3.11798317740952,2.73204439840267,2.81559144317437 +Cep57l1,0.934064398971151,1.39989910502186,1.30754178783104,1.42514865878138,1.23766907135791,0.961319323218719,1.70328442572886,1.46852565433835,1.18791997280007,1.67375001369612,1.55461775913575,1.28833176203732,0.858090401045147,1.02433481267787,0.884904740385807,1.40792373117977,0.800369687579655,0.486472591076518,1.10691424589426,1.22517801953532,0.916099769439958,0.877397776809405,0.960819073432953,1.07513727182717 +Ltv1,3.22413517405957,2.52101193489652,2.64836799906079,3.00983082119705,3.00939747276921,2.7683877164296,2.94540784430719,2.11105431965244,2.76909828228896,2.63427577703459,2.8549131589099,2.83084046885674,3.95637116346219,3.568795096581,3.27211155134237,3.7740891375939,3.94443537921182,3.86743042135123,3.80303137596544,3.08558434730174,3.88680793421531,3.62320349016783,3.70609124413347,3.71479557272221 +Plagl1,-0.226823030901409,0.384512239582986,0.307361594765058,-0.248253607772564,0.564800223493532,0.958770729749985,0.125066113413063,0.8294724966225,0.140968862378109,0.0533221809778106,0.225903656082207,0.122900919589419,1.15048753078797,0.64283728955953,-0.382428244187272,0.904559862826428,1.43096020963956,1.81021355983893,2.13469766346308,0.836776160657287,1.21791155462977,0.880821821659492,1.04114090307465,1.27850707049725 +Cd164,7.46084077003492,7.23755301858082,7.49644881361265,7.04884034992406,7.16433951682006,7.16620253987183,6.79719390395708,7.68140025184524,7.35726371997677,7.20573649909175,7.07787730189846,7.09027654145622,8.73955375595817,8.44869036997691,8.76777877890264,8.41587050747464,8.24336954179225,8.60967184048,7.95135128735235,8.83644067442972,8.49788328466426,8.3844001916974,8.06115576216586,8.28739953109057 +Utrn,4.81111740481382,5.04964384904005,4.84254213128783,4.81704933964525,5.21350890629272,5.26575824727372,5.15754148057918,5.11999193462544,4.8461942624668,4.82772563112138,5.18863773115524,5.00610019709832,5.17570476629926,5.52127282585339,5.04645952503559,5.2739078873868,5.60747186048399,5.3938784217794,5.72981554716559,5.04429012792188,5.14411813607029,5.34177472462495,5.61202933954327,5.55199019897336 +Smpd2,1.84844061060673,2.19483922914842,1.69520339720091,2.07222348810218,2.01833511103106,1.95341709746166,2.09038065086413,1.73275173834251,2.06501721438244,2.10785680539444,2.07379838866195,2.05680540033918,1.99945013727105,2.60701631400571,1.93579995636781,2.49059997716899,2.75196230394201,2.20183305654591,2.74881199471097,2.29926932737375,2.32013897715231,2.35290637775835,2.82393156736842,2.65900820169949 +Mical1,-1.15850391473578,-1.21799260266542,-1.33407049509137,-1.93871177134039,-1.50088703899094,-1.65997554734326,-1.59425237715166,-1.9533474967874,-2.05032509121852,-2.49910650623808,-2.10602395934146,-1.91538772787142,-2.21973179258542,-2.08150284423967,-3.05899869394675,-3.87449875953324,-3.07015927989198,-4.41855387011143,-3.59167266643836,-3.96023178095575,-3.03442362006778,-3.4781241773445,-3.02593774241075,-3.97183987794269 +Zbtb24,3.21203448286524,3.34710001337229,3.30777812103281,3.37439914712428,3.14862321985048,3.17377967389065,3.39936015564464,3.21510830616207,3.41308096658931,3.37265659508452,3.35399348953214,3.31471645956716,3.12115111141308,3.24107264519836,2.94535433315328,3.39080046890989,3.12156902583242,3.15799172556283,3.26261167157144,3.19799776990148,3.3023299111795,3.15075556743766,3.29297828426777,3.33740447272191 +Wasf1,-0.928754132458004,-0.534824909539559,-1.00099860389434,-0.837078503373866,0.27452610114691,0.209324252165188,-0.0807475801177318,0.43786688629769,-0.432168809609113,-0.911561296498328,0.0996137276380804,-0.531499373836907,-1.7599136118675,-1.20567023290076,-2.29858840113501,-1.44187707562304,-0.377006554364694,-1.44632462491213,-0.776203420826336,-1.14487081744112,-2.86486590038389,-2.08246585125262,-0.261666980211786,-1.04619424506233 +Gtf3c6,3.63479962281649,3.24833384847167,3.39960261374125,3.38770790647224,3.16567053874978,2.94599169393932,3.04760164582685,3.42211774813982,3.55139208965023,3.26873656020152,3.2161701504565,3.17040931574332,3.47224704717912,3.08109506931022,3.44199641936985,2.99689445824803,2.93958871622496,3.36833773329135,3.05202465990291,3.02549365786165,3.3701321918051,3.31671089309138,2.88742380310522,3.07820934618824 +Slc16a10,7.31123865200521,7.2175506404852,7.29649353342049,6.94688975372072,7.0457339779927,7.08858344780591,6.91171333757867,7.48798781568895,7.21273281866997,6.92094427175558,6.93404960838802,7.08233590455177,6.06691484436716,6.05818546741465,6.20991849140987,5.89269460643071,5.82526383967724,5.93300565117122,5.87036993031737,6.24195625489277,6.17618810050092,5.92670729583659,5.67098607150804,5.77303884873882 +Rev3l,3.03800319156711,3.50897097891933,2.91495322267931,3.22011975991675,3.92132803140863,3.83111696676817,3.70977756624187,3.24576821004469,3.14082772516095,3.2510231248733,3.68225923595845,3.65236841881667,2.68955724586804,3.0966643368206,2.45703849785749,2.89804420565338,3.35532076933436,2.82987695259003,3.14800137077415,2.68331670382141,2.77345607462735,2.80112723394305,3.20488220873191,3.13759316139983 +Traf3ip2,1.29550141909229,1.57604035054721,1.33546456926244,1.08947132503566,1.575732132365,1.6400021779047,1.62769930220347,1.35265087930543,1.22212977768001,1.16037090982287,1.62363673222459,1.30034819561149,1.2289542310535,1.61392008388459,1.25543625231575,1.26021091029922,1.95877831110739,1.46268745360238,1.59276585226783,1.23911645603741,1.21130105746267,1.36382356527275,1.62275619341899,1.41699782053326 +Fyn,0.907322264892181,1.32663278524615,1.205595151937,0.895761904697435,1.03622480204182,1.03603197141972,0.940521611541842,1.18510130038691,0.998790259530969,0.868789897708574,1.00510028373921,1.05980613035889,-0.0855835057091552,0.850996878926611,0.254803774727842,-0.281026096528712,0.186492982900804,0.104503629553037,-0.0967613958133113,0.247902311677429,-0.2636525669263,0.29893167891536,0.0061282461093381,0.51668575387575 +Tube1,-0.0629841287650648,0.210976182203082,0.587726235548679,-0.0893971121354011,-0.201437418823275,-0.330501365119453,0.355995589523507,0.365778992943041,-0.525232963495791,0.632388363682466,0.253593465979079,-0.0776855169744641,-0.607172962352514,-0.19167143278771,-0.169662173276852,-0.0845023412382464,-0.545434408863508,-0.991029622232092,-0.915132102748705,-0.230596326414066,-0.572781506419004,-0.609353089428998,-0.636782899536631,-0.975114871461467 +Lama4,-3.36281320494339,-3.47904578679654,-3.57086481351063,-3.68643124035575,-1.73188737776581,-3.37287614014444,-2.44646265577823,-4.20679109732065,-4.34280200575277,-5.95452554690555,-2.93052043984198,-2.74791906221319,-3.84004297353844,-3.8137255318928,-4.15698147808683,-4.42595018043635,-4.38862609381351,-4.05203326768114,-4.2202097910895,-4.25277707286063,-4.35686993878468,-4.38395418191127,-4.93931386235999,-4.26797250449637 +Prep,2.90138711276326,2.28470616426522,2.6506894826213,2.71420928846006,2.47970583477025,2.66029925635712,2.6107119572867,2.46626131026898,2.67669482440234,2.53274592952019,2.42824396725976,2.56041513608995,3.22287665009181,2.96928592857453,3.02971246393118,2.85831176864687,3.16445628104997,3.14314189487438,3.29027996882536,2.96978663584659,2.96177637664594,3.00359412904393,3.2284196736658,3.07842126837601 +Tnfaip3,0.15084300305255,0.240827852646866,-0.526191017063643,-0.105933641891309,0.206602962183255,-0.360466429118109,0.137589759065946,-0.273751758386421,2.06731065026571,-0.348832093015762,0.033653403376892,0.167419414768591,-0.0020871240702868,0.174985670508785,-0.835386702373043,-0.0624862849542809,0.200311505979763,0.0425818599946135,0.643790834973516,-0.190408366147091,1.02330508424645,0.121834709996937,0.207260710129673,0.391408953668593 +Perp,1.92264750166716,2.2963024240203,2.26264488762531,1.80266251482745,1.67644816127767,1.8372507779511,1.40699355994979,2.19933383167093,2.32990231411919,1.87989729372116,0.840940339439178,1.79619511260939,2.54625964735256,2.73012953978618,2.14133782129774,2.39178588397103,1.7500946653145,2.71154772502567,1.94654882745538,3.18537459381631,2.67303623093719,2.19846349064494,1.74115904480381,1.98686530560817 +D10Bwg1379e,4.98744077259671,4.82044144793732,4.91704792644803,4.63662004951263,5.08610054355294,5.02506278192012,4.74811602222819,5.22769553997363,4.79868586059137,4.66354722581688,4.91884795656012,4.80077014074515,5.88201299323535,5.72877704782584,5.72531686259306,5.57793516287333,6.1601871418662,6.08970928289654,6.16464007965051,5.82445980146115,5.43852134071155,5.55437086527138,6.20026337456565,5.99903125640597 +Hebp2,0.889254749324991,0.901449163666008,1.1356790113009,0.728933394322723,0.252825014665877,0.508679215197083,0.454823018400992,1.35202812762283,0.649235101385962,0.752464103764484,0.40977857456565,0.443530082319472,-2.65801528181216,-1.99547121364523,-2.3018440742789,-3.29498348868195,-2.30925710779794,-3.29498348868195,-2.18154417632693,-1.16424221929822,-1.47403306774461,-2.30576335991973,-2.6998620646379,-1.60843044627278 +Reps1,2.58244554552046,2.93656893735056,2.60323084340875,2.76415582828327,2.93545438345878,2.95968575248521,2.98174931906754,2.76697507634761,2.67292851840657,2.86946192249905,2.90704968348543,2.9745413790556,3.37965380521182,3.58505140955062,3.5562352777783,3.52653796239649,3.61311089943324,3.63721654247249,3.66941771366191,3.44518395662517,3.42618301042237,3.47988106708366,3.63100509925558,3.59112043319209 +Fam184a,1.19694218981946,2.29820606293496,1.45003237636873,2.21778630137935,2.52118045014244,2.41952628221092,2.29468475315404,1.5525907728201,1.98569551923586,2.41689126775422,2.52747287264885,2.34893888466468,2.57298661157845,2.90550952030703,2.58507620583465,2.93148189222418,3.38282877014641,3.0267049097889,3.50243810017727,2.19440773415739,2.71535607823236,2.96266696399573,3.42323327619812,3.43061959329729 +Asf1a,3.40085030156265,2.85913899038972,3.72491688300273,3.36608414427372,2.6493935903102,2.61886655523508,2.94207407257631,3.47513556474968,3.20056403554901,3.13034659030062,3.00896185967958,3.12826255344537,3.13095857309914,2.81702511741176,3.31441109060264,3.07836581156892,2.26745761742059,2.86324395988918,2.42939995238148,3.14366584026549,3.0644364495825,3.08530308571994,2.56643264391476,2.3893172475793 +Gopc,3.58056414536177,3.5962912118865,3.59086878353018,3.60698302727667,3.68864589282695,3.68950423160584,3.62725369520983,3.30584364458009,3.50499481586271,3.7576094024037,3.70815152157801,3.66471722431873,3.32241046582359,3.44535422102488,3.26641429114667,3.5467385818917,3.69472593581496,3.33540484038906,3.57282010543459,3.33980788846406,3.43622169512876,3.38659499265622,3.61399454622965,3.5996373476813 +Qrsl1,0.516559487746065,-0.313955008125697,0.0151625191566376,0.183339901863687,0.482645036179928,0.495380890938099,0.618239901275715,-0.697754289270197,-0.363483171102786,-0.59865443275262,0.80368929072022,0.432227757895727,1.19195050790865,1.38844290237948,0.908089760780817,1.49949282312252,1.44195327352894,1.37616630267707,1.52876152974927,0.976118814066688,1.21372399439936,1.11966234339866,1.82763414310726,1.30533890865313 +Rtn4ip1,1.77285932823523,1.36855022285118,1.1307413800578,1.3278680465651,1.78205568088946,1.44566919816495,1.48194373571932,1.24793628803104,1.29958900206778,0.756466765755119,1.60942010892404,1.53646342427437,2.23677507189394,2.11297153413737,2.02097324851198,1.80502196421808,2.34548511795063,2.47764461424017,2.17126419657565,2.12512905214854,1.87916379296448,2.13871061300495,2.15951483212882,2.23590013233728 +Aim1,-0.498302590567645,-0.0955111755403832,-0.623886119642524,-0.550410638962954,0.200135716962479,0.0839196021726449,-0.191287021720222,-0.163897403769504,-0.593110898878732,-0.485709035181011,-0.553289560777654,-0.0376046806562496,1.28927061164592,1.53727602437024,1.37818833405728,1.44904097703956,1.52687165829191,1.31262485847009,1.48003455569838,1.40176777811869,1.11544249134778,1.31149661684166,1.29358504088413,1.10530023447459 +Vta1,3.74683604109197,3.32615378665196,3.50132276785437,3.47067119327265,3.17747808252266,3.37316553690774,3.18180675024949,3.57180865513177,3.64535237174686,3.57656632699339,3.40433387761898,3.39290875043064,3.65733818185251,3.3300374880999,3.6134180778155,3.4432494003171,3.22664791433965,3.52714491338161,3.26105687641625,3.65134080129848,3.56158564988111,3.41762514261538,3.45982626421357,3.37711476861438 +Smpdl3a,2.88738273523274,3.08349360354548,3.51404893880521,2.91988252580024,2.53377615310036,2.79797791814993,2.842846497055,3.56961635547667,3.41602780390958,3.02611252707721,2.61942522249171,2.95707247319167,3.49671913615053,3.88604499373907,4.09446876991171,3.66750474151596,3.16396904180872,3.64177398269289,3.19232572920195,4.48801020820203,3.74059359457448,3.93726082486971,2.87024540643042,3.32575005316709 +Reep3,3.45400784429056,3.56374773452237,3.56123656255952,3.45713341409789,3.45479186437207,3.4971648654681,3.20456415756105,3.75775467361789,3.52122272993303,3.54975610495902,3.36069042790549,3.34598267935526,3.46630425912098,3.58511186060186,3.92172631414778,3.58054069129131,3.16888862000575,3.19653268324108,3.07229507495286,3.96893536622724,3.83955922750657,3.69549822042932,3.13653721856448,3.18405154307803 +Pkib,-0.884529598025174,-0.729147691353547,-0.89358126134734,-1.12937190822981,-0.853897094413796,-1.28208696615826,-1.3985961971411,-0.594872862254557,-0.754011526989292,-0.793555096682718,-1.10454156641204,-0.938427215380448,0.270808346351629,0.433088946898796,0.649226692147373,0.796287625911103,-0.195391660429127,0.161544355407169,-0.248706327347096,0.495483883891701,0.427554627528555,0.648916266247666,-0.263109700273338,-0.160499793282219 +Serinc1,5.68547393279546,5.65048424589004,6.03548163330008,5.61690685642141,5.12869341042292,5.30208962082496,5.19433578890199,5.88946520417496,5.8794313325593,5.68167439418036,5.22006763263097,5.43484365071257,6.76424309605446,6.39949839022434,6.84945021784249,6.53937619240468,6.05189264869155,6.53699865121268,5.93749148637062,6.77275988542358,6.73257914502306,6.56413271292423,6.02022555171991,6.2542770777963 +Hsf2,3.18967688121206,3.42512741321178,2.99424296111262,3.18706197124376,3.03173524596999,3.20313382202107,3.0255210068576,2.73186532062425,3.08690049162047,2.8972483446711,2.90936647594656,3.29501850544928,3.85810352327266,3.70739092718545,3.47283957221782,3.55742964328513,3.5327139941685,3.57828317990613,3.42985917300869,3.9156500063101,3.70222318753414,3.64922114622656,3.50694800480354,3.45147946821129 +Echdc1,3.55721755232398,3.32618010982709,3.01374987665629,3.26501742051907,3.07975602258498,3.20623668447468,3.20546045892118,3.33697890449889,3.26982355430206,3.07335140915783,2.96999426473941,3.4359289327861,4.21855336043521,3.94928541265362,3.70538982245828,3.74120961157088,3.65014229359882,3.98732725979552,3.57269823736425,4.19066732496456,3.88909483061507,3.66970437469292,3.66404744640089,3.94875545440089 +Mgat4c,-1.9922358843578,-2.27111187302493,-1.69398873486535,-2.65384035383107,-2.33934173090077,-2.45885509701392,-2.91233426928912,-1.90953659628074,-1.71370331541973,-1.49472613734154,-2.7073227046093,-2.35992202456729,-5.15593069104522,-5.15593069104522,-4.5755382871647,-5.15593069104522,-5.15593069104522,-5.15593069104522,-5.15593069104522,-5.15593069104522,-5.15593069104522,-5.15593069104522,-5.15593069104522,-5.15593069104522 +Ptprk,4.56036686531134,4.58298532019697,4.7165534174087,4.42497729029094,4.35954475846587,4.54208445847444,4.40637982454644,4.55851249212723,4.69802687062627,4.49296276323523,4.37912497251247,4.62624032773835,-0.735781267617977,0.125852453743021,-0.561267808392739,-0.945071757748152,-0.786811562162848,0.0266239072777119,-0.847918505496433,-0.892050402090378,-0.741641651062226,-1.27271269293375,-0.934730996923046,-0.912764277823085 +Dcbld1,0.981912936040396,0.762776680736535,0.915989129228288,0.228222976025428,0.648547264153285,0.689206837869789,0.618527236970729,0.757460666179688,0.646410547834877,0.63931117206284,0.666924155339041,0.402909879966848,-0.496048237876359,-0.429076714176428,-1.02929935881657,-0.20707574317813,-0.231176322143606,-0.0981761848029499,0.0089726186594179,0.0498912293568026,-0.592808272615633,-0.998311850688642,-0.6117668726365,-0.222856768191803 +Lrriq1,-3.23784355300345,-1.66449266910856,-1.99441210060812,-1.9878215511128,-1.79057772323881,-2.41163085123939,-2.28741927078416,-2.1323007968061,-2.1113694877734,-2.09685175012793,-2.82473681774171,-2.64792493242096,-2.42408040218607,-3.88646526177793,-2.17899936968579,-2.13336575180675,-2.43180897741956,-3.46555088198498,-1.87112274105888,-2.73706841256466,-1.94443972189822,-2.56316825696604,-2.67429085458001,-2.58003672100363 +Ccdc59,2.7397279964792,2.76431261304041,2.37382301884784,2.88954946260073,3.13617780426475,2.80173644243483,3.03717440859509,2.19438583696945,2.78842466038794,2.87958399979509,2.90441971321694,2.83207261678621,2.24100018439831,2.62156218052127,2.20244371414887,2.57060762506064,2.68594758740608,2.35333753885416,2.61061231898372,2.02127996175469,2.48504486119011,2.35985988471064,2.63642135568402,2.72270191502577 +Lama2,2.96294021140847,2.56961773276605,2.83014232668589,2.13981758296188,1.93427358222163,2.48915537199625,2.5340494655824,3.09894451416871,3.04008865217058,2.09400420838201,2.29498536572677,2.20895113348624,-5.01457210822684,-2.59716365286206,-4.65840090069358,-4.4773435322911,-5.65154031509663,-5.65154031509663,-3.68473310646811,-4.56307655371361,-4.31818340988763,-5.65154031509663,-5.05641889105258,-5.01488851306672 +Rfx6,4.30041821466321,4.93758869266305,4.24638358424987,4.45319223056666,5.11419848609444,5.05953873042318,4.8810612273301,4.60486812492155,4.39381580693114,4.32926085087503,5.00286482156769,4.89665556779682,4.48424482035468,5.14398577294179,4.68465734519717,4.81171008903795,5.06912587428703,4.68002715671115,5.06200295117672,4.988101816906,4.74150589204223,4.83795785350819,4.96293216235217,4.98964725653657 +Gprc6a,-0.71171202310052,0.0449549135879923,0.326359830670993,-0.567101747782344,-0.577493027984896,-0.294089151269186,0.0021207159253133,0.254548274000436,-0.488820749645524,-0.454607871890045,-0.851401722724379,-0.66880034509559,0.515679027818002,0.0894136927516307,1.0420295903534,0.187094920042729,0.345355115628033,0.154582677617739,0.284248172294448,-0.072752411685042,0.843304828945587,0.104314381511218,-0.388435807444891,-0.492713924082575 +Lin7a,-1.21764830421579,-1.73146836402705,-2.16913085021232,-2.43269503965272,-1.44551076312817,-1.414853818459,-2.25759289964981,-1.76193844766403,-1.72928817391044,-1.65109845020316,-1.99211379386956,-1.59188856546918,-1.99731035233497,-3.95344095669642,-2.77554654193875,-4.23138692494847,-2.37369130510608,-3.86753633466826,-4.27321440919445,-2.33329407976837,-3.11383495592953,-3.62580282699087,-4.33966395282282,-3.85792971247079 +Ppp1r12a,4.57740538575144,4.60848835147416,4.35983513652382,4.62768996474988,4.88491068932228,4.82491542537594,4.84572983868719,4.57080088244508,4.52855566058351,4.51232821654076,4.9126286639157,4.83474096229193,3.87049388094371,4.3261852214768,4.0305034561712,4.3270400393817,4.43375434390892,3.98578118906442,4.30887510296967,4.07364462704911,4.13627054368775,4.1562716802786,4.34490408014827,4.42419686113403 +Sim1,3.40788318790089,3.64869785859092,3.63249694134568,3.42674754214668,3.55624789919351,3.6597773404594,3.46920654833989,3.85947215678509,3.58698189567206,3.40391571483896,3.50487778916486,3.60295232374441,0.815077266936404,0.99892352016192,0.779743830400271,1.01537065502386,0.988940516145771,1.19355518975815,0.675002745903581,1.07914278189039,0.928343105967371,1.06042353067139,0.789660422711902,0.802111188665755 +P4ha1,4.80293663744431,4.46449607141374,4.23303147805188,4.27393522634543,4.70175540636638,4.51145104444395,4.4515879909,5.03755099076343,4.08497534034655,4.02729077913925,4.87807032320759,4.92997113279729,4.65685204270284,4.65727644383602,4.50318519391429,4.19113958923022,4.65155998951146,4.95092641940001,4.45095344991465,5.37049590015341,4.20945352372635,4.00482992197742,4.80068760815661,4.87302930590231 +Sept10,2.95985268612872,3.32604039891383,3.45496749674245,3.14300427460363,2.84814711781387,3.05917430836494,2.85872418035542,3.44406553389218,3.41130582601169,3.1703836327726,2.88675952696405,3.01516468740663,2.96559561143783,3.0814942736008,3.14100902674266,3.04209588701621,2.48099617093899,2.66671597508034,2.3817301861562,3.09460880724166,3.01752508446058,2.77992859664246,2.42368599665223,2.63867289542532 +Lims1,3.42509096670269,3.50493154382542,3.6032007525887,3.37743816853816,3.16716250629568,3.16502790131036,3.15569498386637,3.59526937534224,3.55181827698514,3.42965444338001,3.17503623706651,3.41778244898239,3.70587897400881,3.36993472917778,3.64337695193345,3.44642438450799,3.07003979973787,3.56202908744529,3.1197493027513,3.80369420014462,3.53338866155009,3.31804902352263,3.03035173535738,3.35215608132796 +Zwint,5.37994655827724,5.17630331327518,5.24172556571065,5.13306605181419,5.21193856619658,5.24672829042468,5.2918531895722,5.22048301170203,5.3252840436041,5.26285816693499,5.27035872416836,5.26678455278122,4.56372299883935,4.20238262657649,4.17669936567962,4.17183401930783,4.29266136792576,4.2668274409937,4.28737134152225,4.11460384991026,4.33865966028696,4.28216912631384,4.28504776936469,4.26515221150209 +Ube2d1,1.49778080399146,1.48874586675288,1.39340687180464,1.51490940307573,1.58732215967574,1.64625697987285,1.23542816668931,1.55697045815607,1.43255839379501,1.27619824798618,1.43541795288958,1.51310772155554,0.866916159588045,1.28110441370073,1.15535693418818,0.737268770032942,1.23735991592177,1.2093353921439,1.09937442125062,1.08801545405874,1.1439484175586,1.20364564720843,1.04802668268553,1.10011744843844 +Dcn,-0.19114294021172,0.912542565049089,-0.182409563400035,-0.814524679866988,1.95269586441283,-0.616819071654561,-1.17716970628125,-1.48343329276624,0.36040864865891,-2.44188596027545,-0.47809454504004,-1.34995026966841,-0.38237359540011,-0.991988667567917,-1.43106927964533,-0.436779072244704,-0.859672056276556,-0.99269456771487,-1.96374325213694,-1.11547792941822,-1.40649420576636,-1.62883579405537,-2.08060316434768,-2.34391046364127 +2310015B20Rik,6.54407560790188,5.86058001409056,5.51126726157524,5.33149692475457,5.00818697894942,5.75785462930781,5.99860487316193,6.30110585076875,6.11633741271978,5.63824143400954,5.30208153791545,6.25682140304207,6.95391504751261,6.36708595748313,6.44433492792357,6.47221715861479,5.85581639961676,6.69394608044345,5.9725828142185,6.73408280810381,6.69932309278987,6.49176773179578,6.03238813003588,6.37073255188792 +Cdk1,-0.982220026663074,-1.45129614751215,-0.754719992555736,-1.03593106235211,-2.6299078313982,-1.24247001384594,-1.21208658313727,-1.21929637605668,-0.20169624328258,-1.37495690153004,-1.95463231928738,-1.17142148111294,-0.924676973555125,-0.720583946999859,-0.300735020529138,-1.051673294036,-0.528432210736558,-0.705108043227785,-0.187526536000656,-0.529469141467156,0.229714246104463,-0.773163226966301,-0.949056738263207,-0.0987193461366549 +Atp2b1,5.23115692098683,5.15970848013371,5.1851703906729,4.95374432074347,5.02649123685575,5.17738150322119,5.04960045942459,5.28137883735917,5.07607318508529,4.88370591743118,5.03350081921686,5.14620920103235,5.3073309256583,5.2106204489252,5.33494082741969,5.23665915379232,5.1225331919558,5.25745575925501,5.25434493051701,5.34160815876214,5.18780543466833,5.06209386091624,5.14041984888062,5.17113664403842 +Rhobtb1,3.20539783853166,3.47268554356043,2.86022277629161,2.88533634133706,3.25284294595054,3.44447263167216,3.53469240430614,3.26725051600832,3.2008531820744,2.75252049131646,3.15558310280612,3.27808785500869,4.35434608566455,4.64385124281607,3.14204592579341,3.1258725206552,4.14272686106824,4.34859652870822,5.02510245622639,4.09913290725495,3.67034066401646,3.06082302293085,4.26243756644841,4.67710831925281 +1700040L02Rik,1.83940314213269,1.49930989160657,2.42176597825307,2.05079406396917,1.24912851192795,2.02697132764799,1.6610608399775,2.02914847925863,2.21923809368846,2.06922029846197,1.57201922642713,1.5728686885577,2.12038959438575,1.69335505384718,1.87466149492873,1.82592231042542,1.73493552535453,2.04395033811062,1.79644470436654,2.11205474667201,1.713293671131,1.77405818105674,1.97579960491806,1.24985475731292 +Arid5b,2.95166883350824,3.08029108950928,2.73666318299599,2.42464399565395,3.07030348139466,3.30898009288402,2.65496299699681,3.38675149175318,3.00378319502089,2.45073556929833,3.1733743248657,2.93127970078565,1.07747450523747,1.60348682319046,1.586315501167,1.04034945251633,1.10068432672648,1.2289067609703,1.26992474864047,2.00676157346498,1.08911069731265,0.92517145401295,1.05480516451113,1.15650753999739 +Actr6,2.24576792018744,2.3791780649196,2.36623171161136,2.58915709269301,2.04047818221255,2.22307956610564,2.36207203871674,2.45313189807994,2.42139710441659,2.42625063731166,2.27814520004826,2.39618954566265,2.43869161286573,2.20656671795337,2.32392664307802,2.29860962810767,2.04335836237737,2.02472403967834,1.70638491503424,2.36184200929321,2.30968370561887,2.23823072644534,1.92622579013748,1.95743272964392 +Uhrf1bp1l,3.14106135384568,3.39556396720557,2.85950877654475,3.07756597471751,3.68176303810893,3.63096663189729,3.48322379791953,3.10231053282144,3.1016575062103,3.12694495794663,3.61028666530815,3.5428799463883,3.09751415742505,3.41655995263539,3.50061701058209,3.4105992513133,3.52889970337758,3.32682597115315,3.44426031262048,3.36701891301265,3.37639515896115,3.33162050012721,3.4315751508468,3.44386624031578 +Poc1b,3.07196044964185,3.36264805308952,3.68349929632567,3.40570543770175,2.98641433148033,3.24296873677097,2.93745560514703,3.5579352946249,3.29019324671378,3.32214666763769,3.19188373971043,3.21940236922542,2.64820931221107,2.75379064866744,3.56280512593219,3.09858846922367,2.36020511450989,2.45983938735299,2.13674329998411,3.18679754489823,3.2707063879014,3.10504309560695,2.19802634626692,2.39388030770036 +Dusp6,3.13096291152712,3.24774097572418,2.89658572505721,3.0123352727393,3.02292354645482,2.8723850954811,3.19234963271531,2.39405989181772,2.92000575207188,3.63646799902898,3.02474060191071,3.151587721334,1.82638232723901,2.51043954065993,2.19696107283738,2.38680411104606,2.26649723480197,1.92806753037607,2.13828774965942,1.20418161579527,2.57487887959725,2.23193424675833,2.030458536507,2.08381809676021 +Tmpo,4.38310596881206,4.4583085275919,4.51381856245633,4.49728431394054,4.27727859423366,4.44529412200198,4.39375493258925,4.34840491052153,4.47481311149882,4.44431237657816,4.33528183307338,4.44932096341516,4.24496880841605,4.3501588885599,4.2973781211301,4.38999794314879,4.19513099652994,4.11227191132442,3.98063154878685,4.28724593731483,4.34025820860647,4.30675579167765,4.15407054491068,4.36140311915884 +Kitl,-1.65910827047235,-1.54916018260293,-1.49753661750322,-2.4989002424578,-1.52417033419263,-2.30708205153687,-3.47712166707411,-2.37357019235984,-2.31953165162089,-2.92052829085027,-3.19744490362178,-2.66884670877056,-4.25176325142818,-3.58921918326125,-4.88873145829798,-3.36015609182878,-4.31326899542839,-4.25858978607064,-4.88873145829798,-4.88873145829798,-3.87920117344726,-4.88873145829798,-4.29361003425392,-3.2021784158888 +Psen1,3.89561048266554,3.74757939569935,3.89323399381604,3.73198033909249,3.85264931362514,3.7607334776058,3.68668344071569,4.02448259833389,3.83531552446218,3.65096234152914,3.71796187592999,3.75125184185129,4.21877532708641,4.04189008261775,4.09202492325375,4.00394382233447,4.1209794831449,4.28822932698622,4.07863982458557,4.215415685276,3.98163858989263,4.03625284497305,4.19739882548253,4.11485845559962 +Sgk1,-0.538923223586878,-0.919974881664968,-1.49967271749478,-0.557831466202667,-0.544473605685089,-1.01487751518858,-0.623139634712192,-1.72845715475072,-0.710857021976612,-1.23427665414663,-1.00051203722087,-1.37871515638864,1.13662555480659,0.0636648514031335,0.189627894612369,0.989075158877039,0.840426272393713,1.24230316868534,0.968139939002855,-0.40535746859179,0.871302193217534,0.92364583072412,0.101978883156844,0.0432682146162779 +Cep290,1.44916262053221,2.29825482279966,1.57418866086629,1.92171940493216,2.11455855920608,2.04792215689989,2.16883180186543,1.58823071673878,1.82932875570481,1.84750270742004,2.22573323061244,1.9588224553879,2.13334388887999,3.02421879393592,2.1072733026967,3.23817308990913,3.21270401145908,2.44453161396733,2.89223510526947,1.88781753547372,3.07082368222014,3.29200920049735,3.23308823195091,3.20327729297937 +Ikbip,4.51300387262378,4.37527599948829,4.68042319508375,4.60724909312567,4.13031510567815,4.07662310174456,4.27431280759392,4.45460646490469,4.63966044384556,4.5788869750339,4.12520231488403,4.40023600368554,3.25584704016272,3.0750660046505,3.16993193019857,3.179384581176,2.76199519936225,2.94597281517649,3.02445910113427,2.87154588560551,3.27938409565705,3.32319896836738,2.7613646418032,3.02018669646644 +Hbs1l,3.53044757162255,3.3883651752908,3.4016148243811,3.33760686869442,3.31770435162885,3.39647628933547,3.34240309716011,3.30841619478449,3.32665838788523,3.31671106487612,3.42161117410809,3.42661652971934,3.90329905155821,3.57488063722067,3.62187251685218,3.65072056093431,3.79093683461236,3.76668248027801,3.79942091538619,3.54420254277658,3.63124911515039,3.68604490325398,3.84769184816144,3.84598473580967 +Epb4.1l2,3.17480948616567,3.34273648640233,3.43627961741254,3.39337107557389,3.45542843895836,3.42757629989329,3.4818125152897,3.37369988585158,3.39163878953491,3.44909332047998,3.495521759361,3.50934735461867,-1.58227285305612,-0.910406562852922,-1.62476977996446,-0.973567994595048,-1.22361485483134,-1.7072729233224,-0.795328241492804,-1.36832355276572,-1.11023102380958,-1.63159390117902,-1.24471173348645,-1.38782342449907 +Apaf1,1.64979314383258,1.67819003365826,1.55743023106955,1.65055854072694,1.84355215946161,1.82756779156354,1.66072637478544,1.48320472960986,1.6229464272476,1.56543615480496,1.65866697033836,1.72076896524396,-0.15731713128063,0.231112953717952,0.0490541808060168,0.162708930973285,0.187842326898834,-0.315804489160559,0.0365649308363181,-0.136710058479458,0.234652288352539,-0.0655508459064764,0.0773761274585292,0.179634321601957 +Med23,3.28576647536823,3.50046594426942,3.31475769569065,3.34923767478908,3.37104164154979,3.33926971369263,3.3697854447137,3.46861528413717,3.32573076214843,3.26735283642748,3.35157334192765,3.33573929838479,2.98879428647065,3.21185932178269,3.28970622203823,3.04463445940992,2.92556228497664,3.11995086798524,3.00568649961574,3.27443281576616,2.91507600437535,2.76029937234652,3.01111442699701,3.02269011291168 +Ahi1,4.98524369032363,4.95466731462208,4.89714038956107,4.81105770775804,5.00646028728356,5.06253437864949,4.83245103588801,4.92367670912227,4.9017319723597,4.75933180547817,4.98610553743288,4.99280524121104,4.07523434709458,4.16548614557419,4.15593207095514,4.26099556535221,4.62337137372069,4.30242328864994,4.27805193030551,4.13921251389064,4.04373677454371,4.05801545425288,4.65344699883263,4.57535301038605 +Arg1,5.54200828796103,5.66591139216801,5.99269869848894,5.52998239876703,5.27631091432792,5.31610692714008,5.59531173437277,6.12086957703946,5.66903396830911,5.91095181953402,5.63658107366194,5.62269503444603,2.28941740930176,2.4831587805112,2.45578890251514,1.9171977780695,2.15757068496482,2.13500946493443,1.60725169721448,2.35253324874092,2.73937312544404,2.51518261083425,2.2148171748318,1.67966834118935 +Nedd1,2.17241770058561,2.40291564565001,2.39748833162733,2.27901476550681,1.82599816471441,2.03147463298344,1.9453329930246,2.37637232632787,2.18764113982549,1.90713807676115,1.86309092238901,2.09967836181759,1.75298451261238,1.80974218498156,1.57865396639533,1.60602558373107,1.2703674421967,1.33082919910125,1.51267077697073,1.62841190050034,1.80035092235197,1.80404916334208,1.11071928856034,1.26317571576878 +Enpp3,-0.334087490822099,-0.332050468296399,-0.699142878176684,-0.485761650300291,-0.777313814016862,-0.858024721273108,-1.08664005397823,-0.841097216597883,-0.257216786850738,-0.308542257680008,-0.998068369838877,-1.0585371062485,-2.44031636949875,-1.30081128770427,-1.40635761477729,-1.80432962765039,-1.70688562737203,-2.45228697276303,-2.74110646037141,-1.9224139006651,-2.52118886751743,-1.5499043477441,-2.51438280903676,-3.21789397069653 +Pde7b,-2.36209593302891,-2.0455582891574,-2.45372846775129,-2.22169138058306,-0.878162513936861,-1.28955211183127,-1.99694898846616,-1.72520385500508,-2.96285631204226,-3.39739558317823,-1.57223920813891,-1.8983620656996,-0.512997553373689,-0.778759739298621,-0.9149620170596,-1.36004830654328,-0.163178053490157,-0.410035779089641,-0.528208463186714,-0.715295532220494,-1.0206118147222,-1.30661243236892,-0.509337410376622,-1.0457750341142 +Mtap7,4.38821642467286,4.62704148547816,4.42831112851147,4.4197141597617,4.48016900594004,4.49341296895049,4.52299179569265,4.57915119227185,4.41944253594303,4.44055934922818,4.66175134638165,4.54988595488543,4.68309054933994,4.5921948198136,4.42088884262791,4.63897607946171,4.70413400374891,4.64285159210939,4.71415590275835,4.58807483974218,4.58059853299025,4.70143140945717,4.69338606022166,4.74094285528972 +Stx7,4.54430190063539,4.30368807671717,4.50167634610334,4.20158434961946,4.31037954325011,4.23156412014341,4.15511779040362,4.32291544364931,4.37104480010506,4.25727187979267,4.20735848411084,4.19968685661505,5.61305048804141,5.53065033002135,5.73755530094781,5.65132042591107,5.15685572136641,5.44509704054253,5.13837128893787,5.81577661606309,5.63712536553968,5.59082378400876,5.20794820203273,5.41310224215176 +Pex7,4.22555202231099,3.96007537072542,4.39165854060837,3.9601056929338,3.7565506183004,3.84430436521973,3.98042772851413,4.28726948628502,4.23299651961795,4.13114358831486,3.80324003253795,3.94967658255099,4.41027461908121,4.49717794921219,4.84281125486195,4.62546529540113,4.21280190450554,4.46407880010319,4.16972935456314,4.7737943583939,4.75740946388621,4.62691965588921,4.1043170659035,4.30936644016985 +Ifngr1,2.63832727992936,2.48209828296049,2.78255420656056,2.41797545370739,2.50138993199965,2.43810307363841,2.51460939924061,2.608129952202,2.624804450748,2.57892609114368,2.12622151922779,2.40289537070752,3.01998551389392,2.98672856094751,2.88370381021051,2.88158919570814,2.90807040917517,2.7591055545132,2.76323016133697,3.32762595088426,3.14799722646197,2.92787766511107,2.75155795387884,2.84732682945658 +Vnn3,-0.353234369515052,-1.50416689241282,0.0201591679283057,-0.611955948538647,-1.12904784552689,-0.636547989947908,-0.974600974952908,-0.482688511566727,-0.552341898179141,-0.668608360608316,-0.769589410273081,-0.863214281112685,-1.10371482334191,-3.21819739670901,-1.90450592821987,-1.16798125163297,-2.64273493383943,-2.1509483545104,-3.21819739670901,-2.12973363532599,-3.21819739670901,-2.22897726794678,-3.21819739670901,-3.21819739670901 +Gm872,-1.57828008238593,-1.11530722833357,-1.18686195404925,-0.818379975165376,-1.06933372942082,-0.793025765342347,-0.69721325830041,-1.86929181487021,-0.920980109701553,-0.37458508693055,-0.822340423096493,-1.45692978918956,-0.764543298240669,-0.36967425999826,-0.310068805178392,0.0401003493275698,-0.398102455902685,-0.385883379720847,-0.43122228222786,-1.0041141373853,-0.753898913648384,0.172600036795693,0.0905960619785215,-0.576895929535981 +Cdk17,3.34062339136285,3.48095912604636,3.16972009393855,3.46212414351702,3.44622604358665,3.39555753597721,3.29275054237442,3.37802972477441,3.39182550785217,3.65625146507728,3.5109221321515,3.43815769728534,2.72830872675905,2.9089575986727,2.41390794274741,2.99681436753773,3.0250094490989,2.59212076522221,2.55833321665811,2.85760466032341,2.52727545350056,2.8348871554244,3.07004853273355,2.9037277188607 +Snrpf,2.37537303212993,2.17073480798163,2.71378120268876,2.55444663809497,2.52248537501672,1.68607270866355,2.25254093315839,2.61984026283159,2.6457788532429,2.62259208129379,1.88638982600722,2.56354657983131,2.32607555055889,1.65368848179003,2.26985176062881,2.08366260334055,1.38415112549621,1.9845890111635,1.45825051308979,1.93031583785186,2.30184340100098,1.56412172121674,1.24337457224184,1.97959808564758 +Ntn4,3.06433850852082,3.00918029313218,2.90087709963976,2.62079427599536,2.72024653405665,2.76312283179432,2.79171655297343,3.10426387697581,2.98967087136361,2.62127234697949,2.71835052337005,2.96423723331075,-1.56023143910111,-0.89158228022909,-2.14815211613541,-1.47731074732719,-2.1609272811622,-2.37582702494395,-2.60099235634614,-1.46627229782992,-2.12007176904681,-1.96264394810366,-2.01056952898715,-2.82992523484435 +Fgd6,0.648137557210869,1.01942033916163,0.162722360976483,1.06806060196959,1.9010894740072,1.59182422162266,1.19396437544696,0.922003993601296,0.478019515479058,0.857543616860022,1.72166381773609,1.31370688001183,2.34565465909054,2.82746418672658,2.64276347652394,2.63477717968488,3.18553910200189,3.01458235191403,2.96086441534167,2.77257892958518,2.51857080493946,2.65635833835431,3.09559171979747,2.9811351619958 +Ndufa12,3.34628728131128,2.7796084959243,3.5177569399777,3.30142065123877,2.69026076647423,3.08928664459185,3.01402160849587,3.30978278642267,3.32828903718564,3.40967144838887,3.00294593885421,3.20458171148639,4.04456207334792,3.09279952346027,3.70108317174797,3.30185906473192,3.24985872795853,3.591072018612,3.1098783461878,3.89270048830705,3.62530675465464,3.35124377193317,3.24130809852011,3.38167305483751 +Tmcc3,0.571008369308442,0.715678663297919,0.538275235334412,0.268952077766384,0.819345047272986,1.0401832258755,0.287248763989869,0.739650192987186,0.462542678701855,0.32551780222754,0.934164936569844,0.472160354603142,2.01986183045149,2.0237378217271,1.62223883648056,1.93150569820276,2.07582447084354,2.07959771998436,1.87576214198871,2.06384080353436,1.58507034649762,1.78934352199782,2.04314050003099,1.97588769081203 +Ccdc41,1.6305425617126,1.84911581500648,1.65907262122553,2.06465861572686,2.10694101606997,1.93910889858051,2.17908687941747,1.70575390031791,1.60408475032644,1.90119639477339,2.09718433642382,1.99974911447496,2.67707254262889,3.10524923999997,2.26597504033564,2.72619074883335,2.90229747968674,2.71407261636635,3.26606699582783,2.53391896033032,2.7586689668963,2.50658598943693,2.95456867946046,3.10381970395728 +Socs2,-0.278216587914454,0.384811541799341,0.1050835796347,-0.231605659060317,0.442641122650828,-0.551807013346125,-0.571327795543368,-0.764638012361495,-0.381386175919854,0.736239583676063,1.18212601191909,-0.0259538408176807,0.801598315635567,1.35432661607807,1.26106747318267,1.52672932681943,1.61484891173563,1.0783758349843,1.21720547474666,1.16344464424458,1.15967232249181,1.61712906451903,1.61077861600579,1.19258668365651 +Nudt4,4.79164438292329,4.49384206223964,4.67311574339324,4.48975011526283,4.4223229660271,4.39642694481998,4.18569780336291,4.60719237401212,4.5366052619853,4.51154975753284,4.33420456800017,4.45586225134555,4.61911078822969,4.66185759985021,4.79216898879918,5.27313140284946,4.60583600155621,4.54746970759587,3.95079712493366,4.81775378523451,4.75363006066586,5.28367217326474,4.48361610542186,4.57167135031849 +Nuak1,2.16506443616446,2.03220201662587,1.5976362495183,1.43556485045789,1.55891242333756,2.16515787084733,2.17011687634841,1.92748995423606,1.4826496652543,1.23408245872991,1.69052655813429,1.67755677322245,2.5253103163796,3.08374636204196,2.65661916259936,2.38678616483895,2.51909707136839,2.23142088975593,2.70393880418117,2.91016862580763,2.78034762746505,2.54307517455482,2.41997698739899,2.84269261952611 +Tcp11l2,2.75379075062402,3.53258068741227,3.65110256462374,3.49095029473583,2.90788973902132,2.62786640348995,2.843096413199,3.8579711332139,3.68470151379291,3.7804231879942,2.95501152943801,3.31771028048749,2.16559800400311,2.91777382838588,3.09602170355894,3.05447182162331,2.21238101616197,2.30887824217321,2.45689796603069,3.20762621549467,2.98440531727542,2.96481745946953,2.26196280478426,2.52098664795747 +Cry1,4.08057578180539,2.35072749045116,1.83649234900228,1.97285082601456,3.05672592306205,3.66500513898761,3.62202285056933,2.58566519798849,2.0907548242674,1.46476910548651,2.9328359776203,3.48875057966941,3.60191659300762,1.95248722256222,1.7748810565528,2.45964093555827,3.41927075076233,3.96574594851881,3.65232091668998,2.1349081995975,1.5732875379054,2.17532302151993,3.56886108386777,3.80702974019466 +Btbd11,-1.12575070878491,-0.646732734223303,-0.484184719938145,-0.940175175997546,-0.812078365615314,-1.04805316197097,-0.335894136450879,-0.448174613942733,-0.852539640763667,-1.20520699989646,-0.27979828034727,-0.491525035400534,-1.02005553988642,-0.942904923105681,-1.08657214846801,-1.57233153107327,-0.808925696771953,-1.17026964495723,-0.805038089114634,-0.878914493294714,-1.54088984542006,-1.00845480683464,-0.704597473966903,-0.762093058398859 +Timp3,-0.567697610364344,-0.759546561954158,-0.505704083336708,-0.782763765948602,1.39170480921431,0.0683970797786566,-0.189547323673237,-1.10955037525329,-1.1013388866497,-1.03532935869394,0.137504648482239,0.214586974007792,-2.16591055203917,-1.9618175254839,-1.87613919293106,-1.765383863501,-2.41222069122753,-1.5100987574932,-3.22016797588479,-2.14705378054353,-2.78633689986031,-1.94737686670875,-2.36063230421475,-2.94414274299536 +Hsp90b1,8.06162322919886,8.00075611837713,7.94549560566262,7.77465425163757,7.90619957875134,7.89327828726103,7.81971770967674,8.23282368375974,7.74874472126486,7.71289059838581,8.09446707111531,8.07241353302004,8.57295628950256,8.40232831983919,8.05709558557679,8.12220520629301,8.35388861847691,8.46192481534088,8.57013576626268,8.50067311562862,8.22091554912993,8.15101938885925,8.45475979023134,8.54014254489412 +Ccdc53,3.56784662524343,3.49548440070189,3.95288679415877,4.13247240318383,3.24004014230625,3.43682384723289,3.53255623560523,3.72211604380709,3.8981839860749,3.90938762195123,3.64194570293477,3.74942460268766,4.12719655543561,3.97902875412268,4.29382700106155,4.19660564048134,3.79881663978093,4.19644057745541,3.99231946653813,4.14161157063528,4.24113406261429,4.3166907932343,3.8206483361497,3.83145646662318 +Sirt1,2.25494308428198,2.38085951556664,2.47957359258812,2.33811966298727,2.16136632523673,2.30561777956258,2.14564803158324,2.33319252209538,2.45743951743238,2.36100026800828,2.00859666898283,2.24331230467935,2.06639618078965,2.16164374581002,2.45610657458101,2.17884022827502,1.88214466435412,1.88599873713891,1.58250922787655,2.35906348048285,2.33327261173004,2.06892859751947,1.64390019283589,2.15193035165143 +Herc4,2.3345767932246,2.52283940620639,2.48961904843858,2.59790564061458,2.67474818950164,2.55889603472337,2.41118238917366,2.60126607309578,2.49836889993998,2.51321351715444,2.49699894400216,2.60627625098091,2.48850279020847,2.5471813454051,2.20984912707097,2.36424733150638,2.78451234921936,2.55615308384235,2.46370798689987,2.47501932890115,2.34469903267951,2.46655985885422,2.7218454535865,2.6294524961209 +Pbld2,0.406326305532942,1.1259361214831,1.06977589983327,1.58685413492349,0.940743563095919,0.991621193980215,0.994095214176064,0.841520716647297,1.13027828670645,1.90555133866989,0.835953100547016,1.02742413754297,0.882242283130268,1.29494884687924,0.477883365408273,1.79677903197968,0.73759384760072,0.142296998768128,1.10909026303443,0.132596393787113,1.57516157915318,1.29159022057322,0.678708646569979,0.634183862262729 +Hnrnph3,3.23308251345295,3.76328082852649,3.2735936715003,3.49121774657773,3.76848017422026,3.50879030211523,3.61779802156063,3.41926918872703,3.50139233253901,3.73446369055701,3.84904240651037,3.72689213597215,2.48401454111275,3.24923792536265,2.58657416843506,2.99842746964436,3.18861578320148,2.72457892574971,2.81711181760849,2.62389456186386,2.75215362113326,2.92230246236778,3.09742057868119,3.05882356620459 +Rufy2,1.86882614275935,2.383965796098,1.93777522710376,2.13940121885475,2.3797052746957,2.33412417881812,2.29134989114656,2.10713921345718,2.0951647781528,2.09600560151875,2.35609715922047,2.28467160466473,1.92885492942772,2.17764803685077,1.91483913826245,2.01933727964136,2.15629569810474,2.01497689549906,2.12775895457282,1.86233466438069,2.03232034296655,1.903345017338,1.9695261313914,2.15911698599371 +Pbld1,0.41484824112467,1.58101207718074,1.39869929955076,1.49645381006773,0.480756762362125,0.536324342209333,1.08825117434127,1.14694554464686,1.41787680880349,1.32895028606333,0.259877801453117,0.57007599639191,-3.62984524399731,-2.06981084569603,-2.63670582959426,-1.3758510816164,-2.32506251693109,-2.99970357176998,-1.89552948818127,-1.9280967699524,-2.6203149591466,-1.64604540744502,-2.28968228030764,-1.94329220158814 +Ccar1,3.76298540318581,3.88323118286625,3.146033945854,3.83461332680383,4.23310706438628,4.19075714207155,4.22040732058824,3.33111775940571,3.57903322334357,3.73445345284418,4.10066231068165,4.14669743152028,3.77758515830344,3.99868820647164,3.25503250314333,3.78340056028408,3.89394137824694,3.59998050414312,4.08658223166346,3.73207933534806,3.78903217442248,3.83424689111941,4.04737168510082,4.06584283235627 +Ddx21,3.7790987507139,3.2096092530309,3.48079267645054,3.57416373344583,3.7885294492931,3.65825644709376,3.47641367379461,3.09721212285715,3.38825168618494,3.27553026463589,3.70812103785457,3.44970821608027,3.62008888984008,3.51806205450809,3.50092267329005,3.87141089153249,4.00472117557115,3.60894135300499,3.88949494532857,3.16398619286281,3.66705830286172,3.63126699058426,3.99881887722101,3.67169148063794 +Ddx50,5.6713737197094,5.41334314592903,5.43442252066858,5.69239814486534,5.5607530284236,5.45074588254442,5.53587938297767,5.13602971459269,5.44381258439108,5.54176771804251,5.61796471605154,5.48893298082336,6.54648003792852,5.93696359985706,6.04564870610431,6.25153358763238,6.35730868547178,6.37505274322236,6.40143262690825,6.12382874251111,6.22176293830069,6.21175965756722,6.39412089912347,6.49114135933284 +Srgn,-0.203618931802263,-0.611470086743749,0.275150626185305,-0.013659361869971,-0.500815339586971,-0.251918909221486,0.253517602318905,-0.662063079109876,-0.109702824621623,0.164915648939645,-0.395291866990841,-0.219928449108153,-1.20781085203211,-2.51494448459359,-2.1825974362749,-1.96771353829485,-3.49628890476404,-2.09403010480063,-1.32930846881429,-2.40782514338102,-1.3115660931443,-2.91850402771828,-2.15612594107437,-3.49628890476404 +Vps26a,3.56614765220761,3.5570365206326,3.73476845941991,3.41519938871267,3.24681674800195,3.16213050309464,3.23254239105631,3.77528414098773,3.5784160201248,3.66969270024486,3.13063800733062,3.57071023282264,4.15083182420721,3.8742722009587,4.14514135797629,3.99339995672959,3.65354094468931,3.89793453921193,3.31431945266396,4.14737990831255,3.94487029857272,3.96009770330697,3.69189878366573,3.73742872141402 +Supv3l1,2.99550459819332,2.87396881768264,2.90623584768208,2.87742392094455,2.54999549644831,2.49094648710669,2.7682328559197,2.71317392899747,2.87639246527156,3.00368125482865,2.77522935056802,3.00698245530043,2.83257082685026,2.81930334624281,3.0938821827265,3.0463369738701,2.69842054211021,2.82820103843352,2.67711803244181,2.7855881317624,2.9943433908468,2.84806659784221,2.7920742685327,2.88946486721636 +2010107G23Rik,2.3158269775324,1.90475700989861,2.50444768686796,2.08481960007688,1.87462251339016,1.94019358479748,1.79431699760778,2.22331916898102,2.09276716432587,2.22390870942551,1.80646110015586,1.99435434297739,2.05832106956963,2.37255878689677,2.54378352316161,2.62686275701861,2.0469924031826,2.12480596365552,1.97712038455027,2.42250182152648,2.37153403110076,2.25147033368883,1.96541560582076,2.07495256547211 +Aifm2,1.09398803951047,1.62856912718394,0.815408120397704,1.37947507633564,1.37078889981696,1.21136766118452,1.43802871616548,0.561957562050599,1.06751066501238,1.47629775440315,1.28861609633477,1.04810628775162,0.887577521642311,1.05173344965246,1.07504077120056,1.45577575432559,1.21382891729338,0.751507642869785,1.06255152123086,0.811036488097289,1.31264577777239,2.10343060489824,1.25840029830371,1.04657768069715 +H2afy2,3.70472708036549,3.46526659108537,3.05391069845314,3.15166543657147,3.53323354167484,3.65798918398152,3.6383824140679,3.43943536448093,3.11947380648744,3.20146520822266,3.50278095935541,3.47404908909289,3.75662284386769,3.47484649745397,3.12107324808452,3.33561409087165,3.78690055140343,3.61516953007179,3.83932393743644,3.20223098702887,3.32659032788513,3.51760257937646,3.99619174507498,3.35222608830356 +Tysnd1,3.40702105254972,3.21537777424482,3.15112677686681,3.27085547349467,3.24282918027804,3.29980244256177,3.36908572474046,2.98451921137184,3.25883008045612,3.24907584922232,3.35328417370203,3.50778698396435,3.93988866051528,3.27889807111058,3.44334417516486,3.48680839800662,3.87256619847307,3.93405165054691,4.02507931391962,3.33714182277347,3.60928662777442,3.5689351758113,3.89370575763193,3.54863527193 +Sar1a,6.98680495081635,6.38025311728805,6.71169445357266,6.62163184223708,6.36003977845856,6.37478116761074,6.40669214868772,6.52687878685503,6.68171690267715,6.48409794935135,6.4040306269004,6.47354162574123,7.56292810221725,6.84490070771332,7.3896684139958,7.22184595174467,7.11595636885153,7.41298945264436,6.97727151212747,7.14381028946562,7.33569666217104,7.20605400372569,7.12067987407729,7.1611177914882 +Ppa1,4.37288058227721,3.37508821815324,3.34268923245366,3.68213278548572,3.90116696080458,3.84577637435901,3.76496538604261,3.54531228308511,3.40990267299382,3.47709323984772,4.11929549184579,4.03131526058902,4.48059314710456,3.24912289215611,3.3214991774711,3.61895472801228,4.14710074065919,4.25770111630689,3.98803491507343,3.78026105036094,3.41962783853668,3.33270913588694,4.26612601503825,4.26483479078895 +Eif4ebp2,2.79851063899624,2.82114328933037,2.63212126158804,2.47550770184434,3.72588513304307,3.48441963033128,2.73701665701692,3.46667993300868,2.81846899453162,2.71419633961563,3.47734607010458,2.92283185973768,3.05901596874759,2.83095847810535,3.04567159853123,2.99678415363464,4.0541243049895,3.68708282002596,3.8065281679643,3.19066478882636,2.91861162702666,3.12921183571217,4.10339088678315,3.35939614532548 +Pald1,0.562075166861747,0.680973548328608,0.524160551458178,0.83462951466069,0.833193242643178,0.46989350755844,0.772876430316657,0.461532371052067,0.896665924835772,0.40877825375687,0.824721875549088,0.646683663625808,-0.562039849348192,0.288189319183777,0.257690148936092,-0.449796447405317,-0.236235813002679,-0.579948104077315,-0.797520387271674,0.0286236447480235,-0.854610879582327,-0.120023431704638,-0.384155247762876,-0.796040327684278 +Sgpl1,4.44540672702218,4.32933904065206,4.68876767964555,4.12235711427509,3.84589573186395,4.03804461045499,3.96107493415272,4.67535166461804,4.46511231420139,4.28322224035517,3.89502493643925,4.07602921015915,5.33953010198302,5.36041364848061,5.45659746063374,4.85466016206454,4.60937826478767,5.05790792091267,5.03487394149688,5.77537822505654,5.09323036416388,4.83801973030702,4.51747366443356,4.80228502826197 +Pcbd1,6.75200691189943,6.39164318294241,6.97372962532002,6.68176830862405,6.05677850453129,6.27803512647873,6.31864515811136,6.73075137542641,6.76888070464631,6.71249191870455,6.18691786344327,6.4471709085243,7.03437519261574,6.6056182188904,6.75083312657006,6.49458538442913,6.10313914849747,6.66614100710686,6.27599266127812,7.01521024885274,6.70648291638869,6.53197121819085,6.00795087820367,6.36286616582918 +Unc5b,-2.04537759270337,-0.713907967549368,-1.25485950504679,-1.94954412713074,-0.395914682213927,-1.39040906148946,-1.9765123696841,-1.03473893488398,-1.98819311536086,-1.77817844005249,-1.11013597374587,-1.07620709323358,1.16875874487211,1.69634044621404,1.69075628296345,1.56485849986591,1.71230950147098,1.41912316930274,1.77357647421068,1.5540302787812,0.836221713799365,1.56011382615615,1.91407005680012,1.67246481345306 +Slc29a3,0.149988436409392,0.174887553730836,0.595390686621968,-0.0696568457370117,0.620942822430875,0.613775657723735,0.118531175714372,1.11970782059446,0.177260847337729,0.300613895411214,0.359191325055696,-0.0530715523373115,0.469811183455028,0.415027925377542,0.635232669770498,0.391606944233657,1.11024699219964,0.665657489176047,0.394193532088788,0.19133558093415,0.470193392173362,0.394935958975427,0.566623252694086,0.64996572932578 +4632428N05Rik,-0.756977086266169,-0.527289137214734,0.114485603670694,-0.421626182500509,-0.741121573923438,-1.29865285159727,-0.809845300879526,-0.557417742804404,-0.256975600306125,-0.727229606618548,-0.934100376235627,-1.05126951038105,-2.57289027322568,-2.54657283158003,-4.68737284659278,-3.51317606378725,-1.90457414501776,-2.58763940272282,-2.34463922020169,-4.04283595558086,-2.67310092432179,-2.8954425126108,-3.67216116204723,-4.05072104456287 +Slc16a7,-0.351671187570942,-0.636367062383749,0.144333953730764,-0.498759074129589,1.03600686063981,0.804239154726093,0.373981936724791,0.641661311138388,0.189488157814592,-0.0396486036682333,0.301288137560872,0.554297164970634,-1.87745172587008,-2.76114660733111,-2.52363693681368,-2.7926056391632,-1.53838230405737,-2.22144756176243,-1.82179862763283,-1.7196897085339,-3.31165072078168,-2.16805968131402,-1.8369403874365,-2.20738025773952 +Anapc16,3.97093367078994,4.05526858680031,4.07319996040785,3.97766814085048,3.73112721950316,3.6244194292495,3.876671319015,3.95596099380699,4.09800902667517,4.21786182926808,3.83332081721746,4.10654840768901,5.10984631887511,4.97797971974371,5.08699801321257,5.05227642727336,4.70672546580985,4.82883077566271,4.83788784193599,5.34433053641676,5.04034352084646,5.09052427761952,4.75429466230582,4.87327546785027 +Ddit4,3.83736260228052,4.22181658416702,2.80679164314496,3.99861488626333,3.70089116246176,3.45176145612724,3.87663346070949,3.10654201928364,4.10543551732528,4.45083888788865,4.13101795398606,4.19252362321507,4.6904761350959,5.24500267898861,4.52320705061132,5.49062232980057,4.86849025358629,4.86228652848812,5.11768154551488,4.80844782729986,5.6992119426568,5.8300275533734,5.29755835334592,5.15149491601551 +Dnajb12,3.62960080503687,3.63096286101835,3.84841068235001,3.70498447460189,3.82363006827435,3.90189816798389,3.54969247698759,3.93682739070375,3.81723651585098,3.67679470051658,3.85093383717527,3.5846869949356,4.05879594719595,4.01123728886834,4.09897310387676,4.13650224306956,4.13844279225906,4.05346593482537,4.3281972572154,4.20726042717892,3.99530990523325,4.16619312702081,4.2202193396814,4.02988728938731 +Micu1,2.23221123400513,2.15158634321784,2.35472808561816,2.14076626166954,2.08714538012431,2.28738059070011,1.91283691106469,2.50567691265177,2.20071963458705,2.10936930978237,2.10571886616338,2.02929803617221,2.60425021772182,2.39544176219673,2.69396765088021,2.36963432803164,2.33152628306058,2.53045632412074,2.57553127201608,2.66212471446688,2.55449863834366,2.57437186324957,2.36265136366535,2.45364161190689 +Cand1,5.38385392841277,5.02730448423919,5.40219174120992,5.07504294153514,4.87025245037938,5.03668637200755,4.88659018407331,5.33264636398708,5.324794325321,5.01689650933813,4.8942990023549,5.03849039501263,5.18820342612196,4.70675362856865,5.17334483830771,4.87718070353603,4.79664400119538,5.10629135721306,4.75255829272722,5.02515712984982,5.02294851668177,4.82719354603096,4.85555012149575,4.80944022393255 +Tbk1,2.81940698595241,3.30808227782485,2.93507426932297,3.34567388954641,3.40637232957706,3.35225625048852,3.34924586619083,2.93829784049742,3.01624666715509,3.31843984727494,3.42138265605909,3.42256229728281,3.31260032358806,3.440250873974,3.33801121467727,3.65653827746689,3.62127843755574,3.62901509638882,3.6740665190056,3.30745961743918,3.52529224034434,3.5909160403721,3.49933886900647,3.64313473115056 +Pno1,4.19766187056765,3.03182141721492,3.63518156078204,3.96260505472288,3.52316954993741,3.58946949396781,3.77211954181954,3.48271139167022,3.70308062970208,3.6744989210332,3.5836760116607,3.72538494319907,4.45980216904509,3.59627804426427,3.932509611578,4.10473324481876,4.25644245651808,4.53642377838285,4.0700661426486,3.9834035973248,4.15834652897252,3.90868267852899,4.29392851996963,4.28837774045525 +Plek,0.214558081613694,0.0129417720365441,-0.101171812435451,-0.0517469899071688,0.405996852530536,-0.179326518288506,0.289303544129698,0.0214003022442015,0.11056862297203,-0.0182548138549996,-0.0189333353434469,0.367745261695185,-0.834425544304753,-0.361030706663168,-0.212620556708461,-0.750185493287409,-0.741211031737973,-1.02865071350059,-0.504986875938907,-0.990694678777153,0.141095552054269,-0.399115667811955,-0.617883495214535,-0.641599301039174 +Srgap1,0.128021350382654,0.506968507714192,-0.119852446274745,0.290757098998712,1.75721314585227,1.57299312360189,1.18143955610796,1.02255164953272,0.0657299865430372,-0.102082656515519,1.55501102067797,1.08835409871119,-0.383673942504668,0.317627330420155,-0.588377083767142,-0.209460959360576,1.21364531740825,0.71692823132769,1.04753665128405,-0.0093956158638581,-0.726662971925715,-0.0977592810318448,1.20556082538896,0.606500861797389 +Egfr,-2.37484267123428,-1.84692196745847,-2.27911141178348,-2.99693334955529,-2.08260026242115,-2.50157572768186,-2.60064821049632,-2.68232245170897,-2.80943625879977,-3.02155150489718,-3.13115094115137,-2.66913509534916,2.13041496649847,1.76063216898654,1.55143139351729,1.65951290860926,2.04553708128035,2.52292869122758,1.95151450870112,2.23895296895966,1.55288096382307,1.47734924662327,2.20067551951008,2.28088565891591 +Usp15,4.672720274735,4.55101788228235,4.2680845295711,4.4960787373675,4.57526021480379,4.63617209441422,4.50548231014321,4.47730936925569,4.50473361525971,4.46054583850499,4.66157550271163,4.70412779461983,4.99362258511419,4.8386961004183,4.8520422816815,4.82024540190114,4.87976581973442,4.95461167928505,4.7056144330171,4.99791722053551,4.85152417303642,4.73093447384001,4.86886137968219,5.01678806090928 +Vps54,2.99138859150095,2.98624171662178,2.84069238888266,3.07276083280744,3.07607746315049,3.07400583094113,3.07793745405991,2.78085376940959,2.93319161983451,3.03144766808705,3.0551327017416,3.08412349982008,2.77302949301911,2.80583675748015,2.73773305613937,2.75973132612318,2.66801289767432,2.4388289377893,2.62003664834126,2.97305814360216,2.75749849363251,2.816880502341,2.72674997648372,2.65848982073844 +Tbc1d15,2.62471230387566,2.86748307249796,2.95393217702131,2.39438072666587,3.42922245715292,3.12406537892553,2.91546195694376,3.50635087470534,2.58776399573394,2.78916098320356,3.15844902973318,2.78490028736872,3.28637533035156,3.29284691130166,3.61607127412795,3.21533730395467,4.3126464129888,3.81677169948142,4.02554354809365,3.10792003988579,3.0949064627549,3.15257185344841,4.24491160067027,3.89729353016209 +Pcsk4,-0.255609372893334,1.26694521068395,-0.270551788007371,1.01350978203368,1.41469516269034,1.35549479109719,1.65605820948083,-0.418041160055529,0.845796803448202,1.24203377327064,1.49732941288063,1.15833159215887,0.0217737629901531,1.46356087284216,0.015300775198354,1.54499799140459,2.17497414265543,1.2015365035425,2.70805060198017,-0.0662921318309495,1.20094241920001,1.52854952609379,2.32299820614671,1.83559310875528 +Rab21,4.75188200517906,4.43165062197895,4.78242117569255,4.46357550190802,4.57490772429494,4.6106656560248,4.33160000033939,4.8151130655311,4.62069895127167,4.45102500119719,4.49041625896989,4.5718821612089,4.83228243991813,4.55825424371597,4.73871494443769,4.72975044173246,4.84435261658728,4.86327415307029,4.5482242240243,4.9005397037301,4.59531918839689,4.78689036445932,4.63213032162964,4.55437600224398 +2310011J03Rik,3.83391954126198,3.56063792318552,4.01555212095413,3.61820492272978,3.64613020931759,3.29677310571896,3.35174988695507,3.8778723009765,3.66531766372823,3.72030985399933,3.51491866086127,3.41169261022334,3.87378430476494,3.68068329387852,3.89203729824534,3.84347780599295,3.68946764132948,3.69109900948534,3.79893921605244,4.02412785668789,4.04960166636805,3.99354808158446,3.81737111989965,3.72362287565369 +Peli1,1.57041872165042,1.28676773786651,1.68064701916017,1.30757709790915,1.44596177851379,1.38274574964781,1.15231968269904,1.69254954392763,1.63876870713958,1.34459500325399,1.23891423775017,1.28272766267998,1.83273904874188,1.85375910481421,1.84947114775181,1.70520119141512,1.53514558401486,1.72814860165327,1.46299549841662,2.07809867110041,1.76459825945481,1.96057416796595,1.54413544354737,1.59641982238176 +Apc2,-0.614135768795899,-0.328691714838554,-0.227474757627506,-0.565606632793263,-0.273336017020299,-0.632285656360901,-0.365413876705041,-0.0451361551150846,-0.378561421383103,-0.506442021995022,-0.479557921150447,-0.772869410855824,-0.50094351774005,-0.386158833944691,-0.19829156633421,-0.810867807831421,-1.39278338541787,-0.948949403387126,-0.515152802343299,-0.690489585505855,-0.931974537085884,-0.468970921973118,-0.921077319521072,-0.541443977170865 +Thap2,2.44372867090837,2.39683489710628,2.15486833145565,2.61716006611477,2.26599933722864,2.42031840122952,2.38518144879677,2.52776458049311,2.47906221056832,2.54176714000383,2.29869094871468,2.49707422761864,2.41955862609731,2.36390099265605,2.12287586852351,2.29299598376612,2.23363629055708,2.56207809019311,1.9674700870261,2.39705416463165,2.26347386264706,2.25767034840834,2.13793646793413,2.54150143657491 +Slc1a4,1.76273618699095,1.62261697172867,1.53535898395444,1.39790165964099,1.14804237353306,1.08790970902996,1.19673020367934,2.41500305535697,1.55780226327425,0.833595652903538,0.571591894597474,1.30745843513987,3.04890739781169,3.05864652349313,1.49750539876254,2.65042823033899,2.70851689616996,2.81843212990817,3.19574103383068,3.80824209988743,2.20002055931104,2.39897745705875,2.72347010778623,3.02384379633662 +Dock2,-4.63326809054108,-3.75179183628543,-3.68075599546922,-3.74303323883218,-1.9029266257707,-6.44641052212377,-3.59315953354013,-4.05548040790958,-4.09242823516592,-6.44641052212377,-3.34541348435057,-2.9789946060869,-3.50893549759186,-4.30561050711102,-4.13547507890561,-3.71196659198214,-2.61512236315258,-5.37916147992516,-3.25338667634836,-3.04381987455225,-3.97141650748284,-4.29328919780539,-4.61737340306977,-4.0034048532846 +Rab1,6.27716695086255,5.90033725550635,6.2211746221876,6.02587035860344,5.82630841650908,5.80373395750171,5.65171077479893,6.17236664150391,6.15569691750395,6.02359584044751,5.83557882812906,5.84409929650184,6.93976060342255,6.28507870300495,6.59441931453362,6.28431745921174,6.48479131550177,6.71746445753679,6.34505408899838,6.67544879483209,6.44060902197985,6.29635898794645,6.44148663975417,6.4546903080942 +Ptprr,1.55993800305453,1.53072138167664,1.82391899039895,1.66453905070957,1.5815287025013,1.76581228007056,1.49800360218496,1.74510660444694,1.62047338392061,1.69437318155235,1.46847041898995,1.71135537096061,1.94647253403106,2.12682019676568,2.23132223102573,2.23284831058122,1.45849302771213,2.10870812770883,1.90234176833605,2.08589435707126,2.25995934765251,2.54616907031978,1.31755473475893,1.96160401560592 +Actr2,4.25360144940732,3.86497237523166,3.8996818725094,3.67849576341302,4.17405825304724,4.133050937064,3.76919480071335,3.83856394901861,3.84648629938357,3.90651728470838,4.03952406365677,3.92171175141876,4.97649479924642,4.8250878774578,4.90789966186107,4.74034328668913,4.97934337408482,5.05920124577248,4.75801824329011,4.97456468332461,4.68520618211035,4.72117352016552,4.85524736417889,4.82326820393456 +Ndufs7,3.70298679254153,3.62142896876545,3.68211810939769,3.92116856197361,3.7140231953555,3.50497380000716,3.90407443103641,3.71102838416367,3.75794386397404,3.89244114008822,4.11570133772377,3.93461956411351,4.12648020741428,4.15145673890741,4.18404046845477,4.03039278372136,4.15577926148363,4.36364368279188,3.96957670109254,4.17828013430013,4.29881185220642,4.13556466623643,4.19627382569657,4.06731198961313 +Ptprb,-2.85764361083925,-2.31954150833481,-2.07348529789568,-2.41590087010366,-2.52398730738701,-2.56353236607034,-3.58744292780986,-2.779405431863,-2.40479387236477,-3.40266332496515,-3.76096984700273,-2.60935554966815,-3.83776978769874,-2.6640799702958,-3.15667849446403,-2.9682653052732,-2.1715190036382,-1.82862678915711,-2.95556542017634,-2.89530712402057,-2.54273550728739,-2.38711489863047,-3.46801174286995,-2.4237286689271 +Mum1,1.53954702679852,2.3307741088035,1.69052897450891,2.24799546870301,2.3803208147455,2.18931549100464,2.4936474980743,1.51277687810666,1.66100641788958,2.03049207141011,2.40686951046354,2.37323527219024,1.45403805123154,2.26700589586279,1.46615603007381,2.11706563640574,2.34804839821417,1.69082026227605,2.45483841245196,1.49679494780308,1.98830887900811,2.04161642339356,2.41459578923,2.26957464366247 +Meis1,1.74692141135029,2.08870548240401,1.4901699400956,1.72695983436288,2.35413265743421,2.32720944649814,2.26221913635389,2.09298014406497,1.83566372058234,1.76893980779628,2.36046835624397,2.15698555386432,1.67958244648985,1.91900794940363,1.44481512498743,1.80065986675596,2.23725263188251,1.97978965126762,2.08130231278312,1.5176866577987,1.66022544065167,1.8124574998363,2.1556764845612,2.20878325553439 +Uqcr11,6.27883391832784,5.30862087401905,5.92641670591397,5.96258564449696,5.58551262318547,5.6983042461836,5.7307480533494,6.10627025490989,6.01901275228071,6.01262369570114,5.56716105491126,5.9912612841898,6.56994660816359,5.97073724582241,6.36452145470515,6.13176072191856,5.83285490799966,6.41120432743894,5.96117296285374,6.57813276067985,6.51101555312261,6.14128742710362,6.01421746176619,6.01799138364112 +Cnot2,4.39215202376687,4.40772621290569,4.35611447037502,4.42213317653353,4.30030997974085,4.33082920937525,4.35731856912326,4.48290153604628,4.50595678750667,4.47752862662121,4.32717343420305,4.51244006554979,4.16095607548774,4.10094909660806,4.07784642166211,4.20399022441957,3.91944404054002,4.00162961685247,3.83875912719113,4.19291238128883,4.13513247654161,4.19481796275687,3.89587853910422,4.21380553118752 +Tcf3,2.64291938645313,2.88960576240255,2.81975588061386,2.9845774930581,3.11290074029794,3.04270236209925,3.11565414146003,2.76981135833104,2.81604917470711,2.88609162271397,3.13968184566668,3.08902226982731,2.0495776307379,2.67477802716887,2.11083563471683,2.47455471681119,2.79577058787774,2.64377569966914,3.13652458774808,2.04220069232518,2.52607212584386,2.54564186961174,2.91675537564769,2.61237470993015 +Best3,1.32231775363493,0.998377245581258,0.997371448479873,1.33922392936148,2.67689643841021,3.00535295881463,2.63026513436778,2.40706144336579,0.900674887326234,1.01242900006902,2.63198659758125,1.86362956062782,1.57122041832845,1.22518196230022,1.62502020192153,1.18594447084695,2.96798288874219,2.56375453377183,3.25784351156667,1.6485709809946,1.51781388407427,1.30377795590121,3.07726736416289,2.4307048847198 +Frs2,2.82382657476834,2.84900196795464,2.75158296247212,2.61355580187401,3.39194463327396,3.49016956868229,2.88717017414958,3.42981706832301,2.8143635169588,2.76227390659039,3.10967394340616,3.12807091008345,2.65272270448219,2.70953871490553,2.45837167340369,2.55239532891832,3.07228291366985,2.72650489565503,2.75899297714151,2.36888525363707,2.45484963544928,2.507283597308,3.09897065949309,2.78902614697682 +Yeats4,4.42780627711645,4.50617734193351,4.656924584914,4.47964372127688,3.94905225853273,4.15324831844682,4.13675972354218,4.70968141482811,4.53086556131472,4.55487125589407,4.05883566641297,4.41464721286376,4.69243198591959,4.42153349615555,4.38969103391396,4.39796026048275,4.16734417876901,4.21896160594023,4.29364594895848,4.69618706251061,4.52679388434909,4.51677312694452,4.11850246474521,4.4846396533501 +Cobl,2.06780547514974,2.05211912435964,2.02376836697723,1.41582619059569,2.30970628624318,2.46462590710653,1.92227678400708,2.55355274305449,2.02275636685056,1.75004728269634,2.18770560686865,1.98910853493185,-1.37878002907048,-1.11573473838954,-1.77605723356505,-2.2613548339025,-1.58677277147951,-1.2556252676193,-1.35171772216988,-1.15108363584606,-1.43190563744052,-2.02026410159996,-1.92135602846988,-1.62196779612629 +Rab36,2.11206296398112,2.8661260937976,2.02493928795159,2.35339302432669,2.87941628209793,2.88163447984777,2.87396405265107,2.19063335161507,2.36110815303653,2.34489614480011,2.83628077459015,2.45019115857611,1.51866569901438,2.17942353104323,1.48236624025123,1.84631113485083,2.37595003798141,2.10843093819641,2.45339964517196,1.26904389611268,1.63086629653231,1.88551009478378,2.37761956049117,1.9680570868824 +Grb10,5.42153510259647,5.39425177928577,4.83209451956805,4.75916821421973,5.34310319006639,5.44236900385013,5.4688622331496,5.57000068615714,5.28312131473532,4.79240759945461,5.53366053220337,5.39424946572201,1.74371356386678,2.70474614635312,1.38919275210884,1.97681986750819,1.82255444796284,2.04468737514811,2.21888232019112,2.84490748838027,1.79075988267138,1.42735111803029,1.90662234979051,2.0170839261285 +Adora2a,2.2259844399698,2.14423932236724,1.69399233816461,2.12957349908865,2.29207938606598,2.12615587245492,2.07750895329482,1.94255154131164,1.72161822898429,2.06274510163104,2.17897396414602,1.97820661910631,-0.2445713183863,-0.0934860601645442,-0.714854894922166,-0.608585835585158,-0.336442740124951,0.0624411211712514,-0.18272269673264,-0.973302007106168,-0.226114522253362,-0.552122633100366,-0.151607419053621,-0.665213515574139 +Snrpd3,4.71381505146085,4.44488208099758,4.64138531457555,4.54085714014795,4.24026155027272,3.97678317760251,4.36806045218021,4.65787600042809,4.6187424384991,4.71624671978563,4.5778729170266,4.26168319313308,4.11363781685946,3.80500133837701,3.81196041203223,3.81641621732581,4.15797056438161,3.86947882370329,3.30481953545788,3.64160551547624,3.68826958077395,4.01718060654552,4.19010948135448,4.14227087680488 +Nav3,-0.352214149249224,-0.108905373840464,-0.334653265604734,0.376558345958458,-0.0236114058645791,-0.373677587698177,0.0398521247391312,-0.153739591780688,-0.240181124656419,-0.411195271103509,0.189099629075659,0.633526105681133,-0.0744946182074653,0.502670924207278,0.395886404612392,0.756997799954788,0.275182285047474,0.164383057243992,0.713150790819073,-0.770084439818664,0.37016398234006,0.675502875984062,0.416307717324629,0.718302768827685 +Ddc,5.44832470750821,5.49327203990797,5.35169283053831,4.86837340626815,4.7742488637087,4.94056018525007,5.25624826051534,5.48971022381609,5.4976145598571,4.9506066738786,4.97693829393294,5.30908826281283,6.8034651129594,6.50180137256096,6.43415585070673,5.9763990221897,6.30219987352404,6.58022725298175,6.39633056616706,6.60945165060628,6.48306927804432,6.18737646472932,6.39567687328761,6.42344728273504 +Cpm,0.883813766450347,0.837251148535346,1.01906082438928,0.312576377653413,0.343889123793958,0.746999715082832,0.727081077376659,1.371344850943,0.654726672916985,0.243165108458637,0.104891836460028,0.465382457681499,2.84843613143773,2.66462275320859,2.42812401756956,2.38636255701627,2.09032798483642,2.60205899434228,2.38824225461219,3.17071666939503,2.34555124753668,2.02080829986454,2.24163803174372,2.22431468604463 +Mdm2,3.53028159314442,3.6584306751903,3.57523507841873,3.81955003145648,3.71378942851429,3.82985589512085,3.90829048008574,3.47715177373283,3.72618246029608,3.77380388676158,3.77565417651277,3.74943226168457,3.70658961197231,3.8002465981594,3.76670382973546,3.84922744979761,3.70053930042699,3.67799148438227,3.79300486091987,3.60483403372969,3.81140417377759,3.8878866952636,3.80048955374466,3.81012941033041 +Csrp2,1.98954538042993,1.7625947793983,2.45240079685187,1.97528543166309,1.58013933237839,1.2593951179788,1.63487396451982,2.18247101532976,1.93314549649491,1.95960984142421,1.76994724836738,2.0787582643186,0.261962378162028,0.231811924482212,-0.524378491721239,-0.0679283981590394,-0.535002019724462,-0.0486994766318427,0.318753238669701,0.279568736558547,-0.500972139602609,-0.33812272398766,-0.98175959685028,-0.208121812647073 +Osbpl8,3.47808950551555,3.41466677227438,3.69542072267501,3.36094699805947,3.1242078979208,3.25775653033364,3.21543225944509,3.60803250118351,3.5426245251766,3.2852830129257,3.1273387110437,3.52511983214443,3.87991716525233,4.08805161898705,4.30220717868102,4.05702340059678,3.62648351061803,4.06080346021407,3.72744688552588,4.31832235579754,4.16793964654702,4.00625382951343,3.77002527943854,3.83698575905976 +Mknk2,2.74725502878976,3.27482373401951,2.8735679893779,3.43750075344095,3.30234663867002,3.18366012524488,3.10029041713302,2.85213448244162,3.20193158539916,3.25655164131578,3.27633503186653,3.15695056977325,2.96001890680411,3.16033548661531,3.03696001466365,3.58397072146843,3.4860262768178,3.39177669808979,3.40982316135323,3.01963778002586,3.13431896926829,3.52474163012667,3.49158594893594,3.51149668055317 +Zpbp,-1.53483719679835,-0.645604592838375,-0.873810449260421,-2.24251508933599,-1.86866041391801,-1.04271295402409,-1.28798156600853,-0.777586027598543,-1.34856338675189,-1.66220544596387,-1.34333710122703,-1.25767540625036,-1.90749983999034,-1.73152084785892,-1.20373550226623,-1.56391129343949,-1.97096465202057,-2.13341741836195,-2.44650999462802,-1.14323795452468,-1.46917951998129,-2.15706684491586,-1.33316316760476,-1.72544603521869 +Cabin1,3.51153319432076,3.81912284380282,3.57088967882901,3.65207809019373,4.14660503420177,4.11048232085144,4.15424445147787,3.63697617680678,3.59626744121072,3.55493414714154,4.15182844413411,3.81915226346584,3.28844305592671,3.53007815631688,3.39102952266793,3.56605822083093,4.21260080203778,3.69400576635429,4.1536603583567,3.10049829655843,3.35268731702121,3.60960222794523,4.22290607875918,3.86193338386843 +Ap3d1,5.59219014336636,5.57732813009707,5.4012118878789,5.50037372616852,5.61686685225299,5.60222906817127,5.57810187301014,5.56412639427612,5.40216294876818,5.48994320024811,5.67198203581725,5.53550691338106,6.14402213781299,6.21213356345181,6.05587075585735,6.19579118141987,6.58875185934287,6.30337846348453,6.5326216022992,6.1187217930006,5.99975763740256,6.03645428532979,6.65311221185443,6.42454756534962 +Phlda1,-0.836368922134706,-0.43932612299644,-1.09416690376491,-1.49853177306715,-0.24691298230716,-1.15731192374113,-0.241523587532803,-0.39752648372292,-0.970162654058883,-0.553187009196274,-0.467667538129175,-0.731861815889986,-0.740260002314751,-0.449745651733687,-1.01320949779857,-1.27392879594069,-1.02512291749525,-0.511669986751098,-0.327458000127228,-0.594619573223248,-1.72648933289587,-2.01516239114072,-0.490810213384251,-0.192220487927768 +Sf3a2,2.29871919546682,2.15320157013456,2.13658767850679,2.07134685394724,2.4195417111415,2.71616875957014,2.38941790055648,2.27459273166557,1.87027901624806,2.11713975623196,2.50795948710999,1.788637363326,2.10417579531409,2.16857622887572,1.98293196841073,1.8904121342987,2.2660797939739,2.20305306232905,2.49908233588336,1.95120147078256,2.02826258998114,1.85089935243594,2.18875897508296,2.03346213024293 +Mdm1,3.84610549426581,3.94190382603717,3.49047622717055,4.46957687052671,4.55873045088088,4.62358491038825,4.34709395797293,3.62784856953,3.91466318683732,4.57787507918791,5.09834460356906,4.58830388645867,5.0334625096995,5.15930815930815,4.74311223447714,5.83548445071103,6.27187542397125,5.45819006990569,5.42716930653522,5.05603833912282,5.30187147888058,5.48368460001514,6.5511582882461,6.05297999151466 +Timm13,4.63539524819777,3.94940577712734,4.51477849195228,4.41823752923998,4.13075693999811,4.06978879478415,4.23921850587021,4.42714215582414,4.42767260407694,4.38038942733676,4.01498932672363,4.34732859321821,5.02321848268871,4.43780660779179,4.80786451617951,4.42757214082236,4.5021920146766,4.64134068091528,4.69224621381726,4.87418643939437,4.9496696249271,4.79596455222793,4.64734121801444,4.51690343766219 +Vps13d,2.91273980624216,3.15961138887459,2.82274601848045,2.87808460502282,3.5502910605894,3.4446816763608,3.36025091620525,3.20664811191953,2.8844737407419,2.98451293674902,3.51345986786552,3.18968378030615,2.99621734134021,3.22632869814734,3.05442801299842,2.98101838242793,3.43804912189048,3.15213137159398,3.50339080666076,2.92360197343375,2.92489191311725,2.97801816339286,3.27985578272328,3.28587016110549 +Llph,1.81335211661054,1.6107189648766,1.69597410514651,1.76233273512777,1.14797007035356,1.67740690273127,1.80026591306889,1.27944758569802,1.26102531415962,1.95040339861178,1.68571922361326,1.64163714510024,1.91058811533884,1.80852566667889,1.60915231966425,1.84567327244954,1.89230318184529,1.44781283097044,1.33145443578644,1.90337939977378,1.69946714331814,1.63132669695134,1.52570235304519,2.20517386916089 +Tmbim4,3.92677271210469,3.46553947199669,4.10529860405749,3.66741735664702,3.5109131872271,3.64174580118451,3.38328622981167,4.00704537220572,3.87874522260624,4.05484429499986,3.54105584903997,3.6465031548906,4.95820207069813,4.30202342740876,4.64280877082399,4.27830920981535,4.21362813410757,4.6825280717885,4.20597690216782,4.84073773003403,4.56572055653543,4.40896568390447,4.33972876697051,4.40005818966479 +Irak3,-0.289534308410609,-0.586706041670068,0.0602628663346692,0.283432811972532,-0.381272361733808,0.180382032928992,-0.232618714930723,-0.202093288619144,-0.505400908808974,-0.41025639367395,0.843609348856883,-0.100408184349095,-2.08192158091625,-1.70167368131434,-2.57285556482947,-2.11640547126727,-2.07137761012671,-2.09717654974007,-1.87101725564862,-0.96780898607666,-2.03325315623538,-2.79982826865391,-1.4372431798981,-1.14995329623929 +Helb,0.64983604183124,1.10785466016267,1.09672175323765,1.11200623568849,0.956975923472615,0.777588694303819,0.870170277804344,0.668160737350887,0.74493734506847,1.06771315672497,0.694537926503615,0.624654482879814,1.56546455004871,1.30882461749754,1.535238625196,1.27884992718292,1.57359038637022,1.59513328161363,1.6619403342475,1.33858509515779,1.31169724179261,1.36542710511921,1.58770118390314,1.85893993591295 +Prmt2,3.27205702147426,3.28225153252238,3.06947842967811,3.15274871694466,3.13370574210815,3.15185014390733,3.10075668123838,2.96953657739671,3.14194316081743,3.07842184239216,2.86768779804905,3.15138908502339,2.51224676555796,2.86441767757896,2.71218556447076,2.59139441724739,2.10251074291251,2.39544529706161,2.7419587734286,2.79934594957179,2.73121267403217,2.28047087278727,2.29542788688575,2.71919238388781 +Dip2a,1.95584000279402,2.11360913972857,2.23995131315949,1.95490640838895,1.81123891795907,2.0825928273861,2.12114984166768,2.06717037799076,2.1130915060873,2.09594949832953,1.91881168707653,2.02911631562732,1.29410829345818,1.84805555562389,1.51242243944108,1.56969244112698,1.48784192710794,1.26233295756955,1.77220408200167,1.24363682836315,1.05168252009619,1.69113176302548,1.29598362423373,1.65043704382233 +Hmg20b,2.2863093201978,1.98254537509858,1.46808801910742,1.98797902372599,2.3065125220589,2.21817624693782,2.4322263533507,1.92322004307463,2.19703406788128,1.87258710337272,2.58161630216333,2.16954772378543,2.13216756229978,2.38120786147682,2.04696175932086,2.1909436420933,2.45517156218943,2.3614706665729,2.75473010600669,1.95996998525245,1.95658528590922,2.20074800067431,2.6502836322306,2.3312536006319 +4930404N11Rik,-1.13218113496399,-1.02799156509036,-1.95824417892635,-1.0264589196821,-1.20850044632859,-0.824321417604901,-0.312779577930909,-1.08533358391594,-0.822472017937978,-1.27125343295753,-0.964365066170669,-1.02483380258029,-2.13367819340747,-0.766465806823656,-1.83114562066621,-0.83685541326558,-1.67318232370382,-1.91835018983382,-1.32146009105866,-3.17630557804631,-2.48748556384922,-1.37909281654497,-2.80563078451267,-1.10997148827393 +Fzr1,3.1405684759558,2.91068897804891,2.97090699553822,2.87290098010393,3.00859578240336,3.08694561421267,3.07869596473559,2.92408296524866,2.98311418972057,3.18505046281261,2.95560479922485,2.95550658328355,2.22166317277865,2.6543847715871,2.13837744145962,2.57421821716195,2.72478370950193,2.47330903227899,2.91858764930371,2.21248108372263,2.31789669172624,2.7502220267661,2.7833592802955,2.47909347214562 +Ncln,3.72621375086305,3.47218461024208,3.58033686932607,3.59789763110027,3.84732655392138,3.62641007538874,3.74063225190548,3.64762054838241,3.56779197301898,3.69210581919738,3.78964941117083,3.67174968918042,3.80315963800735,3.72421515883492,3.57687810894871,3.49993440270356,4.20729925080446,4.07217368480897,4.12697581131456,3.77502369556529,3.5685448741151,3.7098814653603,4.22684589729163,3.90485835273872 +Hcfc2,3.46806736711243,3.22609017991851,3.39144967023115,3.49699563910124,3.28332687061241,3.31099205922976,3.34379150524299,3.22851399670379,3.29865567442336,3.35014334999717,3.23761039584092,3.33557794024838,3.66427983514082,3.4241139619477,3.47772620183084,3.35377156720438,3.57865830375377,3.60882043363088,3.48043766012427,3.17117771137862,3.39185547776808,3.33895148426617,3.55534455008833,3.54676072761958 +Nfyb,3.01488833391926,3.020227120009,3.30140526381681,3.07465455815098,2.62354472165631,2.90792615923348,2.86599137766469,3.08064645037464,3.20362220059264,2.96907034157689,2.76580651409828,2.97962064864807,2.73236713403338,2.51725357037255,2.73058109331428,2.68526784241133,2.42350419771948,2.47757476875389,2.16480995092078,2.84739286660633,2.80791889152929,2.62881190552126,2.43574469093674,2.66520905699559 +Txnrd1,5.67794243399848,5.33817744489356,5.48264823946511,5.51276556056977,5.48493838645482,5.49306435234765,5.37903130520144,5.49603151828146,5.45381517850376,5.41768593428384,5.47477918673474,5.51372222848686,5.59002819748235,5.53743261206721,5.5680833725219,5.73907078444923,5.69284747357251,5.67316476386328,5.51566815127993,5.61110854934107,5.53946954052725,5.67396470031739,5.74784018020401,5.57869035338867 +Ppm1m,-0.400184126425236,-0.378875914536511,0.611753850877194,1.04876062269221,0.380914389838449,0.357188947734795,0.509289506279723,0.149693565017668,0.609260199791485,0.796226023546013,0.924714942407524,0.299268914313941,-1.22509448198272,-0.737238620163991,-0.531362114279248,-0.400569379618744,-0.282438270330625,-0.95846721022751,-0.503092135367648,-1.10562426946935,-0.0572192711464203,-0.0954655423842488,-0.490846611520109,-1.12495564718911 +D10Wsu102e,3.23929973795623,3.1553357456726,3.32591972374484,3.20969108327425,3.22326508025941,3.26236737915211,3.0201141093517,3.33999076007972,3.44470936690989,3.45761279037776,3.07694057253874,3.2230994926994,2.45236373571889,2.15675697812898,2.24020069010053,2.45718337832575,2.10298683160581,2.29732916444114,2.14120238781632,2.41530103344468,2.0750942505087,2.38354542932926,2.02730282933904,2.32433351305041 +Aldh1l2,-0.560653209420545,0.709241686636423,1.01632610877936,0.356010571774072,-0.325906927446031,-0.846405078058135,-0.940193283793347,0.429880360768488,0.141685905391025,0.213068654857289,-1.42322035355331,-0.559995105983249,3.82990902974872,4.56935588107861,4.3773806142035,3.95946949667008,3.60033792483511,3.49893286939577,4.10671867705584,4.54116930165711,3.62198457012612,3.64174008041212,3.61150818184549,3.81434450513209 +Wdr82,4.56592784163163,4.3812379785337,4.39593608746378,4.4828223995708,4.4172368525455,4.35165813501709,4.40517404459302,4.26226016352205,4.42143980678942,4.37417312845751,4.27838504456888,4.42213712206765,4.39596792079502,4.24464840303532,3.99285339781946,4.31738499689031,4.33166507643228,4.18651480538345,4.21864864596387,4.24200211003828,4.23738739669571,4.23071152858128,4.19272657467806,4.28865984590632 +Glyctk,0.107232402334545,0.202745833003999,0.127806255909639,0.168143377752022,-0.161746443169572,-0.22404377087935,0.0486458408750052,0.202883327349813,0.289357937894808,0.119825957721179,0.100954617964166,0.0110071198045749,-0.598488609595862,0.224085665154623,-0.0158621806236532,-0.0466974776152318,-0.316242144569294,-0.236072334505865,0.118019395736233,0.0418001164344743,-0.0737335739157698,0.0875368342638168,0.382811325729024,0.17014008632192 +Pofut2,5.65621230158476,5.32664906383068,5.47817542857965,5.38602810566551,5.36146496962491,5.43307814782374,5.43132620751019,5.55947356541039,5.31840776330553,5.25679385893751,5.51602849970855,5.39363618667692,6.69521519851287,6.49760184947323,6.56571225752084,6.49123583997556,6.41130359671189,6.68480737616537,6.71761636646724,6.54220154698316,6.52933339508996,6.50597830059894,6.53711542987071,6.5087154600069 +Slc36a1,1.81864696907215,2.31415504013967,1.95724883113261,2.12984296350008,2.33708201874081,2.54340596907242,2.27631221863717,2.2428102696146,2.01136654322935,1.92448725659352,2.29067975407123,2.26181880142128,2.87386891123888,3.2434857552847,3.15236962755452,3.20601951154348,3.67053599184808,3.31092528555595,3.55174106852058,3.23051171281553,2.81643541371945,3.25419958643103,3.70414008710512,3.42249813719412 +Adarb1,1.27003133664192,1.55140893371709,1.31816557108275,1.2389002466553,1.44072955210075,1.54935527133058,1.38876382286,1.36862725466251,1.53942615371151,0.972097891916031,1.40595678554868,1.35141811761042,2.62733900556224,3.17789506120619,2.43626893896961,2.84767736324165,3.14732874657081,2.82004790861262,3.34654089580348,2.76854100846793,2.47800586816958,2.72224567811147,3.17553194338519,3.2650008884623 +Appl2,2.56049284186312,3.58671863680393,2.70836318101516,3.49792416753125,3.57989388886007,3.58161244779719,3.71838120233717,2.5821254613967,3.03292309169434,3.36781731686297,3.73080639758984,3.47091183845212,3.26596032270345,4.13436397207495,3.25680600935712,3.93972547210314,4.23942512155353,3.76886674487786,4.52738662789637,3.24555645966092,3.64331064800615,3.97656046036425,4.28597989614206,4.18126491839593 +Sumo3,5.31290008119577,4.92724725223938,5.35150434570283,5.15928593645334,4.65856697458187,4.92655221537783,4.79423388702171,5.06598487308742,5.27160046091366,5.17992082216529,4.7538988369079,4.87192479715582,5.4671038955352,5.0468109243978,5.44039089108596,5.23202921489571,4.79131115810626,5.16944758818908,4.8732462016596,5.37410635395101,5.41476486696195,5.22555699672618,4.84447244062121,5.0187746543705 +Hint1,7.02355831660695,6.20599599611987,6.9351748677661,6.70371976130154,6.58033771011191,6.48327407962252,6.62621180016089,6.8128712662993,6.70831744297156,6.73916710404588,6.55701253477838,6.76300138487107,6.67129984578288,6.19748997378515,6.57233668612644,6.18703136096346,6.04121518250336,6.44509726310945,6.04835228683947,6.44840712266054,6.4401004862571,6.16112893047163,6.11665381810296,6.25701482889047 +Lyrm7,-0.267235528459976,-0.270053815639644,0.0459224771620776,-0.368400967326204,0.0179429803802258,0.147646446896598,-0.038438494969288,-0.224775281803425,-0.292572079151626,-0.0671815868967887,-0.429168828598575,0.12585394115232,-0.0450967235783759,-0.502312317987282,0.0696451443250312,-0.267625572692898,0.0901798688213908,0.0979727881718038,-0.615349512559255,-0.113171173992508,-0.86531002992778,-0.594351804163803,-0.388648195280628,0.076736977233189 +Fbxw11,4.69941267915932,4.43955635557668,4.79741770044469,4.49003378167121,4.34050538599017,4.50952114397512,4.41245207575636,4.76295494765603,4.78723702344797,4.56101731535036,4.40797475958737,4.48658126166556,4.7411229183268,4.55900948001063,4.64007375601361,4.59154786151854,4.4267329362057,4.66690103781186,4.3087275763106,4.87072386864269,4.5250070036262,4.54656316951616,4.45298361469512,4.5254180910144 +Stk10,-1.21585293821795,-1.46325911922994,-1.2743692639424,-1.14816662693337,-0.587388933740765,-1.65235659785444,-0.942662615005406,-1.41993815370998,-1.81416371558582,-1.19030770507585,-0.983038749765126,-1.04809425374506,0.136908831222434,0.335760114632978,0.294747665997827,0.490331778455173,0.893784081542949,0.0340111886935812,1.06302450345694,0.129700115657379,0.236274166225267,0.22001983169833,0.59697576584431,0.802437277533845 +Papolg,2.65308587884446,2.76164579011036,2.7842923713679,2.75094635889275,2.65609934440724,2.58086091627549,2.63957641379351,2.67284709584351,2.72232644160239,2.69199850958171,2.47345278025789,2.66486932905915,2.5252495826806,2.11583777771168,2.38559537455323,2.08317928181351,2.13021332315226,2.23236569339804,1.95829670578359,2.5605476797924,2.38474461287343,2.29030667511338,1.86533337392209,2.16084237877767 +Rel,-0.493245791386347,-1.15170365149341,-1.0806678106772,-1.45649112149158,0.142804934582619,0.0568570812717375,-0.628829138494885,-0.169204410562517,-0.404094961706264,-0.425523379433861,-0.472859000096817,-0.503425525934058,-0.0062229955293573,0.327630687202559,-0.466443302443314,-0.464341258143663,0.483952619581132,0.448105575855203,0.0570340578090791,-0.103106532724316,-0.581384849246421,-0.40655079220597,-0.295102381485726,-0.185364906597382 +Pfkl,4.25114608891862,4.25325000443034,4.28148088651658,4.20969301597318,3.93552678993144,3.9017731449938,4.01787138853709,4.1753066212866,4.19722190311118,4.16417968042762,3.98177675837271,4.03789286443938,3.86484147242404,4.03512615714189,4.06076099521859,4.18237059935766,3.8961853593322,3.9489833592309,4.10010051271366,3.91955993604143,3.95629768978032,4.23769182293171,3.96126386853042,3.93980621494398 +Pus10,2.50777468079714,2.57359528817408,2.4991163400913,2.5521512180227,2.49277999035812,2.4811283930782,2.42900382383461,2.49773496281594,2.4251729214298,2.38074481042768,2.40693117973656,2.47405473991922,2.6011090385731,2.58478499901993,2.81418546460511,2.51871686639207,2.28047854261046,2.51837774469767,2.30308013905426,2.79778326783991,2.8379955726434,2.70713175981037,2.4644753695761,2.26379363414893 +Rhbdf1,0.502411409983441,1.44113659364066,0.500425652043971,1.22006223654131,1.4063785894044,1.30144564322804,1.42344612791198,0.574064294590363,0.85070313249398,1.49466974262457,1.30997876996855,1.24988188715735,-1.86568487289826,-0.254168466923897,-2.22964989822561,-1.42117881824207,-0.0234603219057581,-1.36235310730746,-0.272804628396445,-2.67241862804644,-1.03067308252946,-0.869198458175976,-0.416804929951427,-0.617592976660972 +Pex13,3.10400491315958,2.8043295186448,3.15659665469801,2.87522089333879,2.58672227754281,2.79337133567532,2.66517281075435,2.90195735012516,2.96872247402536,2.57762444723301,2.62453865390819,2.88370965836275,3.16908651912737,2.6160788989578,3.00908756539851,2.99988230411025,2.79426339757343,3.02738056844765,2.53052995382789,3.21196738039591,2.96651110394595,2.90275910317522,2.72081166301614,2.75903436827319 +1810043G02Rik,1.94248347118728,2.25027671462145,2.37025152920643,2.48441749339713,2.44992243205573,2.22820958630082,2.166875648458,2.36955366070753,2.36443372713087,2.68165291184944,2.38611243985316,2.32912429158493,2.30792887757606,2.49492261708224,2.5830468898802,2.70169535416499,2.35743957455715,2.31704901119047,2.47188574225283,2.35712728067394,2.61913782827262,2.66347895122866,2.52905692610959,2.43423844332758 +Mpg,1.85419564901917,2.12316073136997,2.3231950793359,2.19118693669863,1.66134271376384,1.81874438816544,1.70204514391151,2.16383991598721,2.03714514231072,2.07181078139022,1.83779717433343,2.00203837153233,1.33723739983696,1.93851519209647,1.41920640078897,1.64029797951801,1.52379103963693,1.30356261763058,1.35892532156648,1.79940076369881,1.64873772856091,1.63023879278961,1.42465454320002,1.3941967314063 +Ahsa2,2.43198779886312,2.53914100205125,1.5382843632174,2.40550982869723,2.70055586901625,2.6124129076864,2.84260402336907,1.09683377431583,2.13775787907668,2.21664188889798,2.81463744087204,2.76229930644716,2.06815241662681,2.29074002664258,0.961563259695834,2.10831484535035,2.64212797248668,1.96515561748446,2.41636495106747,1.82073677619216,1.64011573058287,1.84792147140695,2.75298867576775,2.83395197159397 +Nprl3,1.13756695349262,1.43539799425406,0.926305996514218,1.53823190007982,2.03172646706926,1.82676906203621,1.7626630777227,1.00377446435646,1.0617621076493,1.19563788775659,1.91608598959286,1.4857260707539,1.68303626569595,1.88152461133031,1.68900430636949,2.00433356918802,2.4170894893137,1.89269467901905,2.26113109877235,1.73289068396498,1.91529925257762,1.80920244144618,2.36314047269775,1.99158286368358 +Xpo1,3.98384585678264,4.46061910011839,3.77790094668435,4.10699645126008,4.1400299817156,3.95156659894857,4.07317070716592,4.09298217756519,4.00371760502608,3.96137726224265,4.17821698110587,4.34092077436276,3.95466529561196,4.12868290224026,3.52551648607064,3.71383507648168,3.90914897185359,3.99041491182634,3.78238288502689,4.0652719014451,3.68218459679453,3.62143372710122,3.92921338570725,4.04594436371336 +Nsg2,0.656990604439125,0.992771679224589,1.24321237131889,0.965479183749959,0.412630217113579,0.645277829464152,0.367833817998362,0.54588871838757,1.03486021044648,0.967761721056744,0.205515544810054,0.761508528163317,-4.41695359838321,-4.41695359838321,-3.42381418398016,-4.41695359838321,-4.41695359838321,-3.78681192615588,-3.75538263071079,-4.41695359838321,-2.81929799026235,-4.41695359838321,-4.41695359838321,-3.34009793398713 +Cpeb4,4.30072375019282,4.23298968753916,4.22654967130446,4.08462904841973,4.30798302779062,4.24432282310217,4.22100155439421,4.51190123921227,4.37067882371342,4.14178727755498,4.15679608917712,4.31269416105247,4.48214968371059,4.47498208483617,4.36741651807957,4.30358492388049,4.47706031322671,4.40943960220642,4.34564438597022,4.45875593474505,4.43150807166976,4.31223663103373,4.47449109680217,4.54968152382593 +Stc2,-2.35720330673427,-0.0530832426878374,-0.660887789665731,-0.153959391539624,-0.622367706673454,-0.414819153005217,-1.22490682190557,-1.00361268119696,0.0604151262092576,-0.0190370098955763,-0.430844907017364,-0.212461152088918,-3.04580543738214,0.439956068056693,-1.10176232079751,-0.725768402019556,-0.805594996291995,-1.22116995058895,-0.886827959647534,-0.71438806879224,-0.322553281160499,-0.168739894184218,-0.494871493529013,0.318992829739218 +Asb3,1.29432376045135,1.73187524748599,1.7687978075686,1.53358567951898,1.64215696595323,1.38777225767464,1.46231755028409,1.94659756831297,1.64646565385068,1.73826625372619,1.37637251091718,1.60080839524207,1.67587019646625,1.5359449989967,1.77814900070856,1.53580520447718,1.3781106182468,1.79874435040959,1.41740293723681,1.82640513768438,1.8713475670472,1.49828023147938,1.50826936709449,1.44784828058758 +Cdc34,4.27861536192,3.88603009880558,4.1537431529735,4.01579666099635,3.84310915182999,3.70833839627743,4.01967937720195,3.79703734012239,3.96595091938702,3.84573609682361,3.73935083862346,3.76800561910931,4.92445592462575,4.60540653126302,4.82835639609724,4.85933836352018,4.6922093308175,4.71897603476996,4.7728173468088,4.60281784929703,4.78529270324433,4.79310846532588,4.69928258060826,4.72324220015969 +Tpgs1,3.57921301650459,3.18999325157681,3.78497919811712,3.53237364606411,3.0696180285445,3.35384770454133,3.25815328493626,3.78297109383024,3.29922601671914,2.85056656455437,3.4351173438963,3.16789124308821,3.85800281835585,3.69154503730949,4.0330629855729,3.8472102388062,3.82899015079606,4.01347544005671,3.72645900313716,4.00049304615926,3.96149925019788,3.95411218300748,3.86951954044042,3.8374718241392 +Chac2,2.186032127289,1.43995900240945,1.96115093664035,1.94516780548291,1.53629621414795,1.66599968066433,2.21167132817352,1.11912803507484,1.87878976834136,1.52505875202566,1.60943734620903,2.07333615633267,2.41219411754037,1.87988746469712,2.20749097627789,2.31706699688876,1.60853310258912,2.30163938681516,2.06853823827359,2.60072135127515,2.60190829225989,2.22256666804139,2.46279479373557,2.41133215522826 +Erlec1,3.75395459684557,3.94390224820956,4.08166333276312,3.73058831472317,4.00929081828205,4.1537555506221,3.65504070806007,4.39859444266312,4.02337469593696,3.76786445542121,3.89322283623476,3.83065028742709,4.16071258820364,4.3536507466968,4.29069239081368,4.06613740154399,4.48441900793798,4.37088419296613,4.26533230458966,4.29232852504361,4.41414111622295,4.26087132446069,4.33021329083864,4.2728776145758 +Shc2,2.87566763112743,3.18222000930509,2.5722099870736,3.09775389023153,3.34357391019809,3.02039358547893,3.15459474492961,2.99556199499824,2.79870157202301,3.11578589291966,3.4743771893363,3.10196152128417,2.72874344569901,3.26134796633481,2.95669254621028,3.41971814966092,3.0804920002006,2.8927927778791,3.14870621530903,3.09543708072603,2.96647379730333,3.35004159022173,3.23305796410325,2.95521726732385 +Spnb2,4.92174523189772,4.83530239731704,4.96127711061259,4.74860646508884,4.98795985466604,5.02393530384443,4.89141013991621,5.1105103600968,4.92109120058131,4.78637572445714,4.87347839848132,4.86058418423911,4.25944618566947,4.26970762160124,4.24894148888314,4.41031121451403,4.47037127265708,4.30716131451079,4.44985654606677,4.05093054850193,4.20077005984465,4.42275645292329,4.43823897139417,4.39520557820661 +Wdpcp,1.28786907626691,1.22749156599829,1.69650398920767,1.42039287155903,1.0877922602527,1.28850080354429,1.16965288199323,1.52488934490384,1.47225441302745,1.25033230738629,0.884240249852323,1.21672738549127,2.22363802186348,1.96936746673961,2.04253243319527,1.94151461442239,1.78751800011786,1.94134936864535,2.08957154766769,2.08764699729928,2.31883072030207,1.99430914136335,1.65635380016471,2.01617259784246 +Mdh1,5.7467480903542,5.19848414192987,5.56184478181204,5.43162543474219,5.17423984664412,5.10683778536679,5.26443808233793,5.34275222478018,5.47238961334853,5.43352810933571,5.25705517809357,5.41612676799445,6.96642526320083,6.32526750411328,6.5325487028084,6.56857169832123,6.68821741189608,6.83360285675253,6.63745102860723,6.61683135014174,6.60478973073596,6.64263213451036,6.79838081005524,6.69490915764835 +Fstl3,-0.556636565371839,-0.248087196988212,0.0633797316489597,-0.114893824636247,-0.496640821980854,-0.747800496093881,-0.370767486380998,-0.0283293357465135,-0.26465923545602,-0.688410426862161,-1.089361884807,-0.676751963360882,0.0724521186095282,0.705327250647658,0.505693292048016,-0.454580299266954,-0.975044334953651,-0.447143019311321,-0.131140637431427,0.759946777093721,0.121241499302264,0.537745267795353,-0.454387220511149,0.188029333204389 +Ccng1,5.17904569773732,4.72757112575921,4.96090947943056,5.01330132392473,4.76208238248432,4.72771498767943,4.67074627867362,5.04831883497581,4.8336897427955,4.8659715850865,4.8199692642131,4.76256725550937,5.8246912785323,5.42541316432671,5.62553718771847,5.5141068083372,5.25810346204413,5.64851772348219,5.13596523053751,6.03000236194996,5.47735695884652,5.45304015973513,5.17731467040561,5.38953886144728 +Nudcd2,3.46096871720255,3.04662039600162,3.51546543603411,3.39249916361744,2.82770842359506,3.03916560771312,2.94934862506626,2.69708106405548,3.21561485711635,3.15795753058832,3.02169500356184,2.98860031564949,3.41478821539582,2.87595888319539,3.22316252152528,3.17380628523941,3.1567274114791,3.20597598017663,3.22576091505399,2.97923081996353,3.27717559897993,3.02997235021198,2.99637676340747,3.07912428603075 +Polrmt,2.37179740821765,2.22761699623742,1.96219505332277,2.50552281041838,2.62843690550917,2.67805227681994,2.65143281090675,1.90470020255839,2.41134172153096,2.17572713248805,2.53643418098656,2.46265422665746,2.07538502355685,2.19350017854822,2.01897826414108,2.41675075291083,2.55697643365609,2.15546934166373,2.77236951600186,1.75002869317327,2.09468808782709,2.17045712313777,2.56987382851439,2.4417999648299 +Hmmr,-1.93766568648909,-1.91780989566275,-1.0311891827337,-1.69264494268466,-2.1902866909534,-2.63579569640744,-1.9493777250994,-2.28746744774491,-1.1104503277313,-2.03167078186258,-2.47695383870496,-1.82813536144549,-1.97366496392969,-0.883535298051395,-0.957448900861685,-1.25644883069006,-1.1851460910691,-1.78109202073732,-0.466378441141497,-1.25400582766734,-0.536696857166446,-1.06776789903797,-1.38290178933393,-0.0737845537846495 +Hcn2,3.0888870171172,2.75036930106324,3.26303648301978,2.77158508309685,2.95161586664274,2.6661938295839,2.80491211409042,3.16916973812828,3.04463842213251,2.57885879413055,3.02270246452892,2.82945905136685,3.16225124708575,3.32204822995827,3.22523282848655,3.09710300281862,3.32657324350645,3.31260044278125,3.2831904525822,3.11058207180804,2.98724891135425,3.17009636488005,3.28286533271138,3.0539536014732 +4930404A10Rik,-0.847659145930509,-0.663262005130022,-0.919903617366843,-0.683317427708728,-2.27729419675482,-0.98935414232432,-0.575807999870238,-0.410187088880356,-0.794930747586861,-0.661139018862273,-1.02849673162366,-0.997292532229172,-1.67881862534001,-0.367970312356473,-0.413422163818667,0.269200551123561,-0.648849983471669,-0.427162469961459,-1.02394385701464,-0.946183917892874,-0.252383322987636,-0.169342637695036,-0.860144744957028,-0.856597026530367 +Acsl6,0.941169366306253,0.925765468550809,1.095107308417,0.958408388643107,0.795055030991732,0.866627571876633,0.88746142610014,0.86332981580751,1.13967328688303,0.792468398105717,0.776338615796223,0.798880665643272,1.65423809989682,1.55591791294018,1.84975499298766,1.7325036819907,1.22115280526494,1.48050125869809,1.50448571885164,1.57069487109192,1.77102060456411,1.72673687964776,1.45929502921213,1.31969773783392 +Slc22a4,-1.02494305407173,-1.23812462805696,-1.65565360926958,-1.21151405095181,-0.48556652778648,-1.13195498140486,-0.779776137952731,-1.32267427395177,-1.91974977511145,-0.429917461502252,-0.403586768296906,-0.917595721688024,-0.776129363634053,0.338539314342178,0.595260575484958,0.68602836283427,0.303854977538154,-0.69206769522024,0.132537365219398,-0.656659151120684,0.696812043706432,0.587772599254115,-0.516746293078672,-0.493158050757066 +Zfp354b,1.36749028246209,1.06764149313727,0.882841764745809,0.944757798273995,0.789112037793745,0.8595767608828,1.01809581079847,1.25547063291146,1.04439344673098,1.35247412630465,1.09794585246998,1.07121261689384,0.678821630328895,0.358314960475315,0.487739810172229,0.708338031220938,0.168994904353461,0.481318079232025,0.359171410867691,0.796835625270644,0.908189675587187,0.788155601227456,0.181360918009764,0.953297703969219 +Cyfip2,4.050359285913,4.0910850162129,4.00558675791362,3.7529461416071,4.41110422641256,4.41941523742189,4.01464921231751,4.35358696862041,3.97360451347801,3.75754665612823,4.2693626824323,4.07893043563667,5.72519365642119,5.88330373999435,5.78074676159021,5.80072079997147,6.32530341702613,5.87481263425491,6.16461120803631,5.74629108549297,5.53041723704677,5.86787967901304,6.26909446143866,6.03146777040565 +Mgat1,3.40858746688163,3.32463665300952,3.41187062002748,3.23873619135008,3.25734295764206,3.2247650802281,3.20521985769361,3.59270759704413,3.3816610808789,3.29009499013613,3.17966705893633,3.16854105335611,3.854431673669,3.66217981782111,3.95954528042936,3.72710820474617,3.83686791327558,4.048595109752,3.81342189092401,3.88455402840837,3.90863534876899,3.68487478476705,3.75018597531033,3.61927085865432 +Ppp2ca,4.24988845085979,3.81837616682554,4.00794311545799,3.98890606156272,3.802350178201,3.85403789570184,3.83865584627066,3.88079777475861,4.06385764614163,3.82061895543948,3.75907300350985,3.96961116546266,4.7373507068444,4.56457706819723,4.54979710233384,4.65729140638729,4.48882280796738,4.5311997193277,4.38699292307034,4.60436095281641,4.69666924599535,4.5948597957035,4.34348814128265,4.45544523805372 +Sgcd,-1.546788699578,-1.89507196511457,-1.9286787057289,-1.79721030446286,-1.67200564105549,-1.02920353664743,-1.59044200738616,-1.61617711884398,-1.73315618071992,-2.72609446070304,-1.88424672767519,-1.36678492757782,0.147964834937094,0.530894912483042,0.529032381537391,0.137987538469598,0.0204269551368848,-0.190300827011577,-0.136321677460491,0.39863724268305,0.464283209564113,0.239357228155514,-0.19924053592581,0.0167995924545523 +Hnrnpab,5.4311871380746,4.94487649666337,5.11631821847485,5.16290633744696,5.05720397415028,5.0769222823284,5.00452725754372,4.81898149254191,5.15591749197499,5.06648285770971,5.13877979280098,4.9767175592289,5.171568691857,4.74165594911415,4.98447429206859,4.88425512809056,4.86364809976944,4.91742561885474,4.77614587654041,4.6455129357893,5.00005939285277,4.90265213122285,4.86760917173815,4.8110113596748 +Agxt2l2,0.443763771491376,0.758191744609107,0.593533384764672,0.754981465966091,1.00485874663717,0.966625120169911,0.93517517918287,0.379514052308118,0.904942578618522,0.768375344276139,0.858625479254919,0.552374456526477,0.344250491637089,0.559552407342504,0.248319809732808,0.314483300525297,0.667254491526742,0.42347687548044,0.611293618501779,-0.24395100230723,0.343789718564659,0.324191610319657,0.565523181206689,0.503481290381295 +Hspa4,5.392822396159,4.85094775286573,4.95758774289951,4.87193160263243,5.1292693586665,5.16079715113765,5.18141513232227,4.903935274939,4.98422369520778,4.92374259364242,5.07149471629519,5.13796894012871,5.33363003725895,5.0509412630459,4.93781265906711,5.05467688727666,5.27823537848285,5.22950083706302,5.22626538271159,5.03954946503472,5.01098764498029,5.04199729164544,5.40664194714554,5.31090933357332 +Cnot6,2.82139866859812,3.00048673783074,2.81878697091696,2.9212779057055,3.43064254954805,3.21611011045421,3.00792075092019,3.03561241179256,2.90211192870053,2.91422838578444,3.08138222252965,3.03184022608269,2.65058929277265,2.662016887529,2.55517271467334,2.73580914436045,3.02660150620149,2.83331686563997,2.70817180414611,2.40106971145803,2.55239300580918,2.38611972608776,3.04394805187495,2.88310318143968 +Zfp354a,0.77132404329536,0.808463395013198,0.556770449766721,0.865970246231998,0.8689539717669,0.674108566802638,0.979559510528443,0.750023335329227,0.321610745460803,1.13039214212204,0.905901890940812,0.956953387509748,0.65166556418263,0.999300978146568,0.242913813573398,0.601766553045918,0.767075031250452,0.208958915191447,0.546923414940093,0.865459522880211,0.353904644276481,0.864668721406876,0.171977457191137,0.344883094022756 +Mapk9,3.14974710391864,3.1665091909616,3.32149494755916,3.22267181765492,3.20041846454092,3.25619256785606,3.03295556467019,3.23339547699873,3.22644481283508,3.18276016398355,3.09974974715549,3.11008271547981,3.87547538584125,3.66711761689629,3.86272601913133,3.593198612071,3.38699981420871,3.7028805023184,3.40047905981023,3.96679655779931,3.70437309924468,3.56049669445085,3.33499086399799,3.43736927701446 +Canx,7.60851718392457,7.45607115829862,7.66519969906164,7.34208716619865,7.27493938279658,7.29569697296965,7.23072843691081,7.80256102705354,7.40998256261321,7.33995057138277,7.40636625074374,7.45243708072979,8.54443504719143,8.14696158483786,8.36900991083327,7.9495130864843,7.88483322463131,8.31856440721853,7.99132752885256,8.5707755310577,8.15137459998607,8.02499025615828,7.89507743635845,8.17109320819185 +Gnb2l1,7.05403321560579,6.56478611987467,7.39375416454149,7.06466924825951,6.74529613484715,6.76985339682535,6.65679983145371,7.12653640148021,7.12171249062425,7.10977908765157,6.75665355267096,6.84316910147672,6.4216962700829,6.08084809405617,6.48572485609981,6.17390566143327,5.93089358118377,6.21667562223938,5.99954295634585,6.54788561950869,6.43966852936669,6.20800356642258,5.92952156096891,5.87279814634664 +Rufy1,3.71580740082413,3.6767400565801,3.6786123689177,3.88953156847061,3.73299244126844,3.79358391263188,3.78720196929189,3.83289333018217,3.66277511525858,3.79482674031949,3.74211983870034,3.86706986922342,3.83350975916235,3.86237589205289,3.63793526527969,4.08110078231966,4.0651020891812,3.64685626356441,4.05121300637063,3.6824963692625,3.74531801776441,4.0051532030328,3.96350939408654,3.85616285999737 +Rnf130,7.62583338628817,7.30555585539583,7.62377265866635,7.42420624284079,7.05952213370727,7.36069774479226,7.30876943653621,7.4159496220172,7.46789607245519,7.44295488328777,7.11209827513233,7.37657494607588,7.25315017594416,7.00264790535564,7.08943715095321,6.97401131642912,6.77628690701666,7.06463592076955,6.83142107166305,7.21505694345477,7.13137981932819,6.9025893504314,6.76766662984544,6.93323285867588 +Rad50,1.36341849402101,1.88283381023002,1.40684542012101,1.86174022203863,1.65717210508637,1.52837873482517,1.87082565820136,1.26758425689884,1.5459510252553,1.62849847565474,1.86247401484344,1.43053507199386,1.29114558635105,1.91438887731516,1.61767343164031,1.93345578145193,1.65763601583232,1.3271433303601,1.6141839761166,1.33419177337209,1.6659203829976,1.7753386227581,1.6289605495106,1.71423423381193 +3010026O09Rik,0.212332803536966,0.79548351067509,0.696962391344818,0.995290166151435,0.525961444987465,0.983249172392704,0.372723276599138,0.62515083467426,1.22292426940824,0.54264332333232,0.797320536901411,0.419003668824456,-0.466411736476876,-0.0154930833324316,-1.19386882589595,-0.0383890337040831,0.16917286203847,-0.692329314848483,-0.138990518208654,-0.181175022953893,0.835177869281609,-0.276224316066349,-0.390604547923428,-0.284357931705222 +Clk4,2.51950130277287,3.53138223318775,2.19163859735402,3.51460659160364,3.61318490566169,3.32638525580074,3.58553964027006,2.0318663614025,2.98983992350052,3.56656217520123,3.41620511026452,3.42405712972716,2.92980951422745,3.32178701120559,2.26413417930294,3.38545702698601,3.70267370299713,2.68325335602842,3.67297179155848,1.74922133644152,3.4236288620962,3.45987501080562,3.79342144227607,3.64695864515796 +Sar1b,5.5545864105342,4.80854582557047,5.51151684480318,5.2466869550376,4.68253531614474,4.81869963206032,5.01509805222553,5.13397741520957,5.20742620057532,5.30193617427084,4.95701002309504,5.04694244904559,6.66104065604764,6.05643080783878,6.46584396481453,6.11338663461907,5.98098632091359,6.52432140201199,5.99653964812046,6.46110618736681,6.4410013525773,6.26371882566803,6.09932048135899,6.18830987600662 +Phf15,2.61672969890748,2.94460068182711,3.3496509601245,3.10833160041853,3.03130902412056,2.89176464751285,2.69803085116703,3.2767066060193,3.11194281267091,3.28224965602013,3.08087265621502,2.87372654069257,2.46183381383554,3.15934439854855,3.22100992877238,3.05548570749112,2.93055334353543,2.96604832195889,2.98171720900496,3.22636652067956,3.12020550435872,3.21313832317506,3.07090453761897,2.82800977886045 +Cdkl3,-0.0690127211115139,0.33254385278801,0.429586973720632,0.16017301694673,-0.276464529087956,-0.262054012238151,0.42153898396912,-0.618395808755815,-0.225496991178275,0.23740779584044,-0.00329889240545,-0.124237061605174,0.445048539823937,0.222652170822853,0.876010706313852,0.343608815756247,-0.0757237624369447,-0.189585781436097,-0.166122383069695,-0.121481372874715,0.37325734844584,0.333661410909593,-0.120123997525304,-0.058295187586634 +Ube2b,5.38613315715547,5.38985452246006,5.68641359695978,5.40746056864121,5.12724060117803,5.14267097177502,4.98133970882135,5.54991056217072,5.54626632714675,5.44167308239388,5.1471590900223,5.34532911331167,5.31366039575349,5.18364160977723,5.37435174066931,5.21229713575253,4.81647071247284,5.01918336838755,4.70191376693129,5.3657137854328,5.34418954812935,5.316758544779,4.8166270566084,4.95483353614461 +Cdkn2aipnl,3.90366269234652,3.62527775663748,4.16338538033535,3.84258033637918,3.27977794716372,3.35875718940041,3.51134728032108,4.01180091795579,4.01086969914752,3.76651255692864,3.41830687622349,3.67072957750445,3.86868641331641,3.57447663544887,4.03924147562805,3.59568843982672,3.18772285634835,3.67000094328409,3.36936135627952,4.09262631829664,3.69928735315657,3.74575871541823,3.27658822227454,3.36440335252781 +Kremen1,2.4630005125033,2.65678812809523,2.41504040822272,2.57013212124327,2.72277848574912,2.73994071793493,2.47379756225906,2.69442349924153,2.41412520176669,2.46660003235608,2.83373745264449,2.48116542843787,1.57403287428594,2.27985372890635,1.52648998616497,2.17724479640248,2.12504888740791,1.89837796123191,2.4760270417062,1.64102259887963,1.79190967284362,2.18351312295361,2.26210970920325,2.07131638406647 +Nefh,-2.23753622339264,-1.01967390750777,-1.83670815862198,-3.17509940164181,-1.8610046231371,-1.36272413174949,-1.20761240131,-1.72970738700259,-2.12624644070546,-1.58828725138236,-2.1679626691397,-1.30316037969724,0.764194474761162,1.95239419009562,0.671813702917293,1.71978339847253,1.21257513026478,0.225964526181328,1.62381777759089,0.231280998695515,0.944671045531137,1.23426867549265,1.39837472749704,1.46021044200646 +Med7,2.54180395483088,2.10802691319018,2.46158845068281,2.42830985169542,2.1640568292419,2.23465627742565,2.41912902783739,2.3541008080726,2.50185906028307,2.2062518988523,2.32375036864727,2.35164852559209,2.69995440386979,2.36601526649121,2.35455469299465,2.47408648935689,2.28571089969828,2.42541514483258,2.25726005812937,2.49295490974371,2.43906502425153,2.38173543152885,2.26844204252462,2.55985654223107 +Tnip1,2.6641000230245,3.00931513496965,2.7834089973306,2.79743257886355,3.05663415051977,2.81707600346666,2.86608524076805,2.87489595055447,2.63262289932457,2.78868296910279,3.091475856739,2.83966098101969,2.45575132508097,2.8181358355471,2.3823775825512,2.61163080385138,2.89338331347768,2.03777188147133,2.74064448861051,2.59281755408702,2.37417986319662,2.71239204926343,2.71007194684598,2.9294811158581 +Vdac1,4.76456049622403,4.75176941336403,4.76643807883289,4.8496774826127,4.89107959410866,4.68800064973253,4.78851324383243,4.81252082001036,4.72932051994578,4.97475227246377,4.82228151365437,4.79482094408162,5.5868388491981,5.53795552958694,5.78891606919349,5.89105012377405,5.55799915614256,5.59948244740528,5.46016793185133,5.78143809175765,5.70470467184196,5.78007957151134,5.59891223893513,5.52271190099189 +Upp1,5.73555129555488,5.22142389099947,5.25728437925166,5.15969142668094,5.10174043749217,5.264804025649,5.53727242222264,5.70451265454871,5.49933337503738,5.13235945559643,5.45775905852524,5.33461887280298,3.17351530018164,3.01360394702022,2.97534649318681,3.04745236901116,3.03953206336925,3.04477488851616,2.68933312298526,3.59887223093529,2.92415237837075,2.78521931336092,2.95426055812461,2.63448098426248 +Slu7,3.79489824642501,3.93779981473071,3.96865003526722,3.83301742536217,3.43228635113313,3.56799141906313,3.6152004719338,4.03258627168985,3.9036688389169,3.90467782207935,3.62595698068448,3.74031436189664,3.77081805125417,3.90515867364645,3.89697628836725,3.88865390193867,3.57508547573897,3.67051350574342,3.5730296507638,3.9568247189673,3.9883355271341,3.95223984765955,3.60791340745334,3.83065339567469 +Ascc2,3.43054956608143,3.49432142608547,3.23324184962863,3.19377541256216,3.60856316931731,3.69162791758087,3.61201824819434,3.68195157575975,3.37026748687362,3.30150761821438,3.6641630678068,3.48650597739655,2.80333354726771,3.15697215390737,2.71855507528996,2.83456972444352,3.49571158336544,3.18931596364621,3.47559722986415,2.7786298121071,2.90057251802231,3.08033175517473,3.39341019927131,3.35282059815166 +Hus1,2.10961410368923,1.90004932122537,2.00845420420474,1.8834699353658,1.78210431145779,2.04337451148561,2.00903451324171,1.95850592205272,1.86420054705691,1.60759146924857,1.99954456148986,1.89837935702915,1.44697110512845,1.63319422339494,1.6499131651713,1.66770341984969,1.94319081540777,1.67194646869963,1.53175677568966,1.68925459913344,1.58280526031712,1.58607644020282,1.62311130370809,1.77014280000503 +Pttg1,1.00969762752435,-0.772204843375699,1.71301286512121,0.371811715182512,-1.27226129923881,0.589065720828599,0.0930323147661867,0.646965751107546,0.419763926275331,-0.398575961684652,-1.67012429574474,0.425704749280035,0.300363125868249,-0.586186181618561,1.79514402919918,0.701090899409742,-0.685209869776142,0.850142103228968,-0.364723909531425,0.888307293031808,0.356574356679046,-0.0589448962117178,-0.877170232225036,0.53272005514776 +Zfp607,1.66918884752424,1.97367116100132,1.34149713567899,1.73895557584698,2.10745928149804,2.09915017445991,2.21435871667309,1.24225626100669,1.2064351882778,1.13945205202258,2.00353836506274,1.53662414515259,1.13144131498342,1.55887761517296,1.10565338123153,1.37082797432157,1.69666546981091,1.3942351252816,1.95787180710853,0.562798084982553,1.52050401348862,1.27488183857537,1.57873917144311,1.44002394131713 +Tns3,4.63414728964699,4.58062571497421,4.73104206060308,4.27624415719905,4.78935099937366,4.85108102569384,4.69044921763527,4.89312858715484,4.68104108412353,4.28289185447323,4.90059868613563,4.56066678953733,3.53356994321301,4.00671062871747,3.93697237260975,3.82448622076262,4.32648991983863,3.90521087975256,4.14781990572627,3.70967919228513,3.68521912710003,3.85496693039172,4.40125526552188,3.99513178513661 +Btg2,7.30113830928274,7.55330130634258,5.98742853707011,7.56605749134411,7.45510478166574,6.96717065604252,7.50943159390187,6.39449632992428,8.57598665240985,7.5832400958039,7.51000619644841,7.16269673982088,6.45753752552869,6.86768212309973,6.23316256537695,6.81713145763392,6.5577107288607,6.37221082903236,6.61801536050644,6.55479749362036,7.24860660281048,6.73674716566139,6.62934700499753,6.59932885811625 +Gatsl3,-1.0401867680397,-0.947841052979148,0.222510173370987,0.670619308856386,-0.641512510895377,-0.697098720396536,-0.772249969510226,-0.002397835137778,-0.550245860949301,0.851367043886256,0.0851506465068717,-0.660863275670003,-1.32868211561557,-0.462111906244163,-1.02614954287431,0.180818625065155,-1.7110636642001,-1.11335411204192,-1.28153063545028,-1.31409791722141,-1.00157446899534,-0.574096738753069,-0.669655998296277,-1.09991101800249 +Pes1,3.37746318382231,3.09966995820815,3.57067922330225,3.26875336142651,3.13149160851162,3.01421439778214,2.99007303260435,3.26336493219065,3.41748032203062,3.14967742663887,3.08416874302505,3.12045014664848,3.47696379249809,3.29774668667682,3.54379515684057,3.40450643021792,3.4476890844725,3.42523299375803,3.41815782044004,3.16365880560995,3.3419103373614,3.3801332674021,3.51720886946881,3.41849824303971 +Adcy1,1.11830984707056,1.75518356946245,2.88417510874053,2.64850343390849,1.70814557405311,1.25503181995696,1.28365897391903,1.89420379046616,2.31650445118578,3.02386419360976,1.40906754251471,1.18172933479431,-5.37083574477004,-3.45406946661767,-2.85009819399696,-3.57528484202826,-4.22088341082434,-5.3776622794125,-4.55078107573942,-4.91934019025681,-4.18685353070249,-4.21587361765785,-4.4025946397287,-4.09186857837599 +Tcn2,4.13527957054413,4.09464062056989,4.37336678478951,3.96929596820158,3.53577491368894,3.55603285534631,3.6833957574739,4.1900326370618,4.27645528146706,3.96512476095133,3.57068521455575,3.7186148862173,5.63179316394325,5.44533191368888,5.6717802374012,5.37382627243936,5.11450247524584,5.29603078405601,5.18069252162865,5.63689935491706,5.43087601692791,5.46265461221946,5.19323358335304,5.12033023099314 +4921536K21Rik,-1.4800400622341,-0.27030266828205,-1.08515206577554,-1.46626864178297,-0.369801824227416,-0.650408326064922,-1.15397253716854,-1.4793782254916,-1.63342977679465,-1.18477391223206,-1.28575496189683,-1.14207982320601,-0.137289976531244,-0.125021633597651,-0.28742948993369,-0.188183065339777,-0.300989325356758,-0.222563185888817,-0.0748855771857788,-0.778520331222321,-0.395325411113553,-1.42972152335042,-0.247391925989707,-0.430513731315576 +Osbp2,1.951325854859,2.34677305797818,1.98900281545224,2.17450449488794,2.03784306613585,2.35672964225387,2.18398325395864,2.31458523887277,2.20203774506664,2.24461811074676,2.33733175823527,2.34653834348732,-0.126088610021685,0.0603179390807935,-0.511522162126437,-0.0625135427095742,-0.352621371570673,0.0970527943372028,0.0657734967482839,0.24351765460135,-0.176616950324674,0.173915277229971,-0.409193464367644,-0.208165718724898 +Gabrg2,-2.49087897102991,-1.98157240348321,-1.87580712708173,-2.41930460396508,-2.90646058168208,-2.2617360500032,-3.0486831582755,-2.27901816700722,-1.77683368703119,-3.61394779955602,-3.04545674397159,-2.62557369120326,-5.90193414685915,-5.32938185691886,-5.90193414685915,-5.90193414685915,-5.90193414685915,-5.90193414685915,-5.90193414685915,-5.25739725584723,-5.90193414685915,-5.90193414685915,-5.3068127228151,-5.26528234482924 +Arf5,5.79106062847356,5.29310610422168,5.76047973909657,5.57841399581528,5.31613481678474,5.39108252134839,5.57172427075224,5.51335670016739,5.69715364467546,5.43871346013038,5.412110245821,5.37464264785329,5.77573551366534,5.3077422549877,5.8394825796859,5.33764133745614,5.37111123996969,5.58336965656476,5.62694059463211,5.61003918513551,5.72184785404654,5.56960947835026,5.39692302040632,5.27285054533213 +2310033P09Rik,3.46132369645369,3.31794998256441,3.12495096791295,3.54913009466658,3.34524964853561,3.31287877669296,3.31315628354497,3.13520699916852,3.40212931521339,3.7108118689992,3.18554894510238,3.19005227251099,2.01816452380107,2.89294968029492,2.23837302356141,2.40672634148666,2.17884366946515,2.18930967320783,2.32368982050216,2.22834438621658,2.75571180815629,2.83749014418519,2.59870897460026,2.32875577448343 +Guk1,5.14338310039817,4.63093789006007,4.98141321161012,5.09770310655269,4.66133754233324,4.57583374195394,4.77368610030497,4.87368565933326,4.88902341473786,4.95401879529634,4.81004469850177,4.85853777158211,6.23635032474646,5.53751547620056,5.72349719871228,5.61517831296018,5.66786912825447,6.16206477343301,5.7257754512756,6.04416158320463,5.62411633724494,5.74823783498808,5.75011551654935,5.96764730727487 +Rnf185,3.14559348425272,2.89309508282063,2.9371782380359,3.12109188292247,2.94409088738452,2.93481638582107,2.86119760740668,2.8490285251903,3.08170619843135,2.9153542574025,2.88991894287269,3.00528165076216,4.26930352709983,3.78669262760237,3.92191132864511,3.96673637487989,4.16372785688205,4.06339558475655,4.00016703882606,3.83656851000353,3.93224977983729,4.09480602040579,4.1155428852533,4.11913419472242 +Limk2,3.53307731094342,4.13758222584243,3.68659542246905,4.01055186816071,4.09101675191749,3.90527985777132,4.03100090768724,3.88452267699793,3.73365173781984,4.10137289088989,4.14266859458666,3.97164024943251,2.53752877435814,3.27340938309864,2.5416139193285,3.27798917579654,3.05915965780039,2.59326315688794,3.21050701882546,2.56659293084919,2.78162540079279,3.02582829287078,2.9878406986543,2.97891781106445 +Patz1,3.16124000435607,3.20042086497668,3.1224374585797,3.13174705743739,2.98756628794291,3.13064468533839,3.03473881040196,3.13045340527721,3.10602360173625,3.12579541666504,3.05150986650446,3.09922151107724,2.26233350216432,2.62293660067437,2.6958306120273,2.65893334190918,2.47946778009544,2.46861898335129,2.58291470019063,2.3739550036111,2.50829390088013,2.61637873700279,2.48145769053193,2.34056573896114 +Eif4enif1,2.60531473452327,2.61687290280159,2.44449451905678,2.44523327364403,2.76992891319041,3.07967746147926,2.76327109965876,2.45343143683257,2.52588839130187,2.49482522872535,2.76853715993611,2.57391415236942,2.19909822769211,2.50358712124453,2.03579285347888,2.63493391925962,2.84260873774278,2.33637039952427,2.89228945932023,2.13219328129939,2.31260569422326,2.51562524202859,2.74561397048541,2.71257321606105 +Trim11,2.67496462040427,3.0420913589427,2.51126438986937,3.06634017560319,3.22588804589713,3.12559454687044,3.37687959437676,2.59783091453831,2.70367319650017,3.19095396528881,3.21550105624408,3.24047040911562,2.54777626123582,3.10115885409395,2.45034767581229,2.89371620354138,3.24177814842579,2.75557273672677,3.17062891267371,2.36083242663505,2.95191957180348,3.13467361508892,3.32058091331398,3.024213956718 +Ogdh,5.31431147309804,4.96611887244763,5.08040357910288,4.81069027084486,5.21283721279458,5.32632376111418,5.02905346457234,5.38914831624413,5.09515661533592,4.82243719313202,5.11974031857675,4.9936363916645,5.79565271825972,5.54499887155638,5.8405581776436,5.62140460765266,6.06105001521874,6.03168759358621,6.01238321761484,5.81159332733137,5.50434925398304,5.63468643319918,6.02148886321771,5.80909241976719 +Drg1,2.55724176667593,2.20461108984982,2.5818718536105,2.46143356280672,2.26462191042259,2.34262995420464,2.26439709629601,2.32879332442817,2.51936799984346,2.40571709841234,2.33615141712804,2.27961369730543,3.06005663539794,2.56548754983836,2.97190878864405,2.70494569898558,2.62176514102271,2.80367706272287,2.5594731615389,2.73601648527412,2.85204386748137,2.72304038481747,2.58838554796233,2.72053078727413 +Rtn4,3.86976766093483,4.12923893796573,4.12039719621887,3.75082428066773,3.56466839152747,3.63486645856067,3.61497296509621,4.28138720323954,3.9599078672932,3.62983495486862,3.40296781325622,3.76936126540373,5.77813552389552,5.86298684534298,5.58670114546346,5.39846836946016,5.24217340891518,5.63649903597171,5.27190404591818,6.04203202194371,5.58636349402725,5.33306469007045,5.16482742780674,5.60670492335983 +Mtif2,2.79570089846016,3.01889842228931,2.95800955637849,2.97834012642373,3.08273723318474,3.02734514104,3.08881326279345,2.85605898202327,2.76448055338946,2.94850197394021,3.06572858215012,3.03881248865885,2.69445807963817,2.66096797083211,2.60999815147799,3.01430564951325,3.0072174015443,2.76585300590626,3.00741858893972,2.82330427577664,2.73927830330334,2.72080682411955,2.88196420974722,3.01575199161502 +Rps27a,5.19578343190596,4.46666077601008,5.37031428474655,5.16008936675407,4.80487473035845,4.71566381701342,4.62500681003411,5.0426038983361,5.06596423661631,5.18254414200025,4.72308871963772,4.87934747911549,4.31664765420647,3.87901054313545,4.47178501176489,4.15641506725358,3.87835786738187,4.31331079847845,3.65046841072986,4.64380575121753,4.31807795365395,4.13326452075273,3.92261491159138,3.84108918621143 +Ccdc104,4.98453157429267,4.56005127558488,4.72442529813679,4.94949481832126,4.66096469511738,4.88051428755747,4.86129021352227,4.61603845670825,4.90376018582974,4.7248301911417,4.78233963656096,4.82867987178295,5.18601869620048,4.9343727361772,4.98396868802566,5.19594924868898,4.97864143388952,5.23984877895628,5.03702897396098,5.00117814759479,5.17568376215753,5.26268312137526,5.1797397367997,5.20373342810681 +Smek2,4.48604502748928,4.6218975060704,4.63942820262894,4.6705939448563,4.42300577956074,4.28467535931521,4.47519145705445,4.51209271264204,4.72878956381275,4.69903869702246,4.35521252163884,4.52157151854944,4.32453976727621,4.34340932297286,4.21168520869297,4.35807407002717,4.06418198705067,4.13037750833556,4.04222586403366,4.16606897033073,4.41946916926306,4.3347164408172,4.05927419561514,4.22237643301901 +Pnpt1,2.81947659536599,2.73768560713727,2.30141027836321,2.89253107555292,2.72641364080559,2.58226538583291,2.95020454904359,2.39239191424862,2.75909831665107,2.77112534271816,2.4554033203221,2.83643679125204,2.85679378552399,2.52216535941945,2.59238546905388,2.72101281033578,2.84057783503297,2.79426223334933,2.41585291996172,2.60952518075442,2.87693102763678,2.75738532080956,2.64255022772734,2.76109152728147 +Efemp1,-1.57471439914203,-0.184539817884904,0.141524505691503,-0.427060337958146,-0.669779867524201,-0.58390977434194,-1.27659948878306,-0.215009901521887,0.257676194261999,-0.425021941988453,-0.939248844288801,-0.33177202721915,-1.97362742749704,-2.40651241055428,-2.07416536223559,-2.2136600479192,-3.38785683072473,-1.98559803076132,-2.72628586305231,-2.74331993971281,-1.37358490845374,-2.81007195367897,-2.37264514617917,-3.38785683072473 +Pold2,2.94761987890236,2.50437101624277,2.92060658637885,2.83879059943178,2.58992304069954,2.94052534295427,2.90168770509931,2.62150318161719,2.79500449639189,2.9024711506752,2.79110893500882,2.84605374037397,3.61990195355908,2.88804207029395,3.5537449211351,2.89812996985593,3.81643029654633,3.63389734414873,3.61173535751254,2.55669102512282,3.09195003374004,3.01618990791532,3.79006204748061,3.69709466200034 +Zkscan17,1.32624770683044,1.7033224293925,2.04470599689624,1.63536785577821,1.57937608532129,1.52032779819605,1.29799773994494,1.90691005834965,1.71394543572066,1.89188315293027,1.59912727976747,1.38627911617599,1.18712186671896,1.56631863803536,1.50551344958709,1.52038580825361,1.72179065452883,1.41093517770492,1.60226857971306,1.45697322985127,1.31134876813563,1.6527367647225,1.52340859894859,1.28301059316486 +Polm,0.543518127108856,1.3791780649196,0.426140115644826,0.89383312855748,1.074768221896,1.36355239301365,1.33707001451507,1.04302259548862,0.517481704216292,0.81371312952909,1.08195344773384,0.981981488220565,0.890973732456418,1.15712785019251,0.482221981847187,1.25885879749738,1.71658400793235,1.43548988802874,1.66869584491976,0.059346410088297,1.21235787073033,1.03185436569015,1.78601168995597,1.16153512174569 +Dbnl,4.26819625576269,4.14384585866,4.14298920832213,4.33162295264101,4.399470289016,4.25617578936856,4.29318534108066,4.12226109532104,4.1909744939512,4.23638196479446,4.40865991780995,4.39128544849762,4.20584056717427,4.28686749783098,4.19559405471216,4.35487949971828,4.55970527385018,4.34345717790238,4.58617862974598,4.10288255201323,4.3160477745617,4.34683473513065,4.75143955800036,4.57167929682719 +Mrps24,3.44003043081713,3.12004672970612,3.40178889784575,3.33808641745121,3.16429414495488,3.14756273077608,3.20639484283649,3.27726021265832,3.3039444680119,3.26300897008509,3.16913336379772,3.2054305213834,3.46331238272557,3.30003449823973,3.48478531555265,3.34699947247785,3.34794591389055,3.49179077379861,3.4132841229775,3.44755610494944,3.52444914035478,3.41908180031447,3.47072262000342,3.38371133167283 +Ankrd36,-1.30924127138708,-1.59181666805045,-1.46944598756562,-1.06635269233804,-1.07491182374902,-0.649758155184214,-1.71389474490863,-1.6150148773332,-1.3340589578698,-1.38538442869907,-1.32883267234494,-1.14427234404453,-0.465922985526301,-0.681591390624169,-1.08620813092414,-0.666720541965869,-1.1000997847743,-0.807762371836761,-0.725516597388972,-1.31494225186216,-1.05571112930632,-0.703954203230782,-1.51166101939638,-0.984410425691187 +Ccdc117,3.86698501005793,3.62967875319803,3.54255648786834,3.64563727736572,3.48469906963248,3.34455492119813,3.78741137913675,3.2891313763269,3.6376253097858,3.53612674966609,3.45865363366303,4.01173061604077,4.29025460023609,3.86438423953194,3.91840682100567,4.21907036092495,4.0137431711087,4.07941224837622,4.07719786708279,3.74950389997964,4.33646991267739,3.91599388929648,4.03667523846464,4.20924110565752 +Dynll2,5.12188450610579,5.21296043419668,5.02299835898644,4.73420408496855,5.38119141102215,5.13529357633431,4.88148560667795,5.29108222140043,5.01755252866089,4.79153360060931,5.45198414048456,5.02529294355699,5.99168930957736,6.26988537211706,6.02453096516376,5.99144865074435,6.19814828893548,6.07610148057564,6.0852386419175,6.25827849601051,5.9687095939934,6.19556800375164,6.19475124079892,6.10767086085677 +Xbp1,6.57754727212611,6.23613200847781,6.30691026674003,6.39557880053757,6.36919003144257,6.24112572517056,6.31545678886219,6.39891793551708,6.33409593324418,6.28345657535672,6.47390586622785,6.40519247239915,7.06945900676322,6.65722611675197,7.07535422547099,6.61714789976361,6.68638588773346,6.97397969927595,6.81662147367741,6.86814899411234,6.91113117418628,6.70204382627206,6.84618683183093,6.78400327889633 +Supt4h1,2.85159494004691,2.76614945111318,3.32348782174729,3.23353841611794,2.26827408098145,2.50231806823286,2.80338653414183,3.39710589582077,3.35489125533082,3.04084171195715,2.69382373946372,2.92135714993595,3.28151992814146,3.16382282808931,3.39780507904537,2.97544203993025,2.55508017235524,2.89687305238597,2.81914600223631,3.73927551203753,3.63828873821542,3.69217730412075,2.56133973815649,3.17478704108055 +Sept4,-2.49499927897854,-1.10482469772141,-1.65893082800403,-1.42815357972566,-1.31266814538417,-2.14130869328563,-2.34260036735342,-2.56040726097634,-2.51428709750673,-2.02015536325811,-2.11685919649812,-2.59154523068545,-1.269749177924,-0.0218679966643631,-0.276664227230807,-0.418337934756685,-1.01200868780455,-1.38735228915512,-0.583722074466013,-0.289560066320586,-0.080710867672366,0.0974959315638746,-0.821170688218188,-1.17621725747227 +2810021J22Rik,2.33102179440648,2.50502955563575,2.4343204356233,2.4844797127507,2.21221623480124,2.68875410370574,2.58317391963071,2.52968705686252,2.22474479193199,2.39082126341577,2.66064631591656,2.57601350666482,1.91144558526865,2.35551801937609,2.077465708188,2.08812638967727,2.39126013331246,2.19568795505894,2.38100238444061,2.18334858480068,2.38405047743226,2.3848240709966,2.38126859691518,2.59468296318772 +Ska2,2.20330914628604,1.96817814071005,2.41725239955542,2.19281690491173,1.84755905459288,1.93709861948383,1.79843867343269,2.43275107860763,2.35681061319766,2.25384350114811,1.93579120569957,2.03205190124774,1.87848794709427,1.71561020037463,1.79389021229402,1.60376487462525,1.59579295628381,1.54280999201383,1.2585903378236,2.0606276977957,2.02688816027099,1.83896259270766,1.38571187619437,1.72156327824376 +Smg8,2.13984540732784,1.96450763011212,2.10728057112943,2.17858805170255,1.79174046228157,1.96088991076192,1.93316860402743,2.1315995575388,2.12035590302358,2.01713323896222,1.73214891220103,1.7266324390005,1.79847991101862,2.02206609681322,1.89154715896131,2.05756265287703,1.74948303555653,1.66593452878401,1.87747061753556,1.831362833107,1.75133770039638,1.86331293305,1.57950014698474,1.70999416255786 +Rnf187,5.57495827168967,5.2528573945392,5.53871706813961,5.29685536240175,5.37067053582633,5.36885555389835,5.4036775735137,5.53143471239637,5.44568048542309,5.34421112113975,5.39972457916138,5.43158728184889,5.45556017961585,5.33883067737634,5.52786400186241,5.39260069137631,5.43022917881826,5.36161208652011,5.27971635385065,5.4527337004998,5.34765116718692,5.47124613052977,5.44075902383253,5.3702617371375 +Tubd1,1.29718358109489,1.46087281101116,0.790725042313405,1.29059983727589,1.34596956740411,1.19985412527353,1.00438890738569,1.09335195772418,0.991574150149107,1.13316578917515,1.53730562037374,1.34743509026223,1.86485679839916,1.41069524300838,1.59799740252165,1.79118620484357,2.10005035078298,1.67059704631022,1.65853301669343,1.53623096123084,1.307670040588,1.67647380402772,2.09428328536407,1.73432774763404 +Mrpl22,2.75804456505767,2.15421045634732,2.44058746541374,2.54471652119038,2.29356709200089,2.0200337222077,2.61514953617219,2.56211707592814,2.80099342937969,2.3258104779661,2.48384834650529,2.54174227862495,2.64483405360867,2.75907825976088,2.29691902888045,2.76647689366598,2.13071462847666,2.5745486105074,1.62465240537176,2.32271518907135,2.85466277727656,2.89312440059202,2.15459839707298,2.39510826792031 +Cnot8,3.92307605909859,4.19048665073585,4.34185305703907,4.59769422991938,4.22868377722983,4.20782157134733,4.12250208637653,4.11351350420887,4.32989629004735,4.59869254271817,4.43966163676476,4.46507406909285,4.12159413954179,4.24722145510863,4.20095436524744,4.79768313024526,4.28043510537332,4.19773596111968,4.33756586321162,4.17949493823936,4.51184035668579,4.90164551624214,4.59459052704064,4.44751972406136 +Rps6kb1,2.23073835244547,2.41781436046119,1.92728070839164,2.41464628441634,2.69399190234688,2.43348458171314,2.70602554895547,1.83749837303922,2.12959746335763,2.30237195271801,2.60068229132017,2.44618866485339,2.32560482106799,2.48714840895302,2.33104150742312,2.66663453296067,2.60710594513338,2.18285345169617,2.6994463119848,2.11749037127049,2.52075840240991,2.46300394794681,2.66061979432183,2.62216962998139 +Sap30l,3.53290852632489,3.42422358804882,3.55572404693925,3.40134539175014,3.50242400755516,3.15972027617211,3.43779307337306,3.51260836659386,3.39625442153892,3.3245930273759,3.32837106265132,3.52795273906597,3.74427971534894,3.9531393238837,3.59206429343508,3.79422677702402,3.45184454496559,3.57648110403933,3.8314152179707,4.04859683477395,3.94634271840135,4.06532904957144,3.78751964485984,3.46575368027699 +Galnt10,1.70569454221849,1.42274207911816,1.1399165476488,0.953296880802889,1.77426432485189,1.7986309054048,1.86048364102013,1.57619218915926,1.28031397787565,1.08533127121384,1.76394887927712,1.66502204703146,2.79371586439028,2.79162314340537,2.70384001633355,2.53842508671094,3.01086562727672,2.81996847449722,2.8748896325595,2.98835530325734,2.65431217764654,2.62469423583157,3.07992072805323,2.98078914851224 +Rnft1,1.74795433464908,1.59135571531828,1.655747304299,1.63309114668253,1.59140164428083,1.46227997511168,1.36433382283406,1.48706028147041,1.54801885468753,1.83377313724717,1.39718284083321,1.66530415271216,2.18600356118044,2.09083177755394,2.1612672877574,2.02057833582404,1.97904559189674,2.06941716921805,1.77574491843932,2.59304431093074,2.11936423561011,2.12013782917445,1.63942121526225,1.88802334654429 +Mfap3,2.80266942414026,2.68820980142702,2.75230396066518,2.45480582486211,2.59059726701512,2.53296214896004,2.49343669551979,2.75660964093151,2.57664562362717,2.42631802153908,2.39747052391934,2.53269911843872,2.93177930942892,2.73025530707344,2.88949544875477,2.49578425490966,2.69579656403892,2.87701763606738,2.52897508910854,2.70779420843863,2.83887231687976,2.51540089034971,2.56700727962771,2.69837832046211 +Fam114a2,4.05397383111648,4.15282665606476,4.02519538256321,4.03869708830243,3.89671560968993,4.07473695827736,4.07682871008033,4.15570412896673,4.04079822077613,4.02546081004363,3.96191835308144,4.19348628038898,4.08698443407807,4.26134028704162,4.05414948559186,4.13090882572176,4.09008076751245,3.99444870944337,4.03983131906975,4.24449115053091,3.94981178662247,4.09710361087392,4.09800291761863,4.22798889322007 +Ppm1d,3.06824113359665,3.17657761279909,3.32048243454369,3.26016914932588,2.92954093667456,2.99116344592146,3.10684372928622,3.40473896311383,3.3216997684783,3.27918127054988,3.00836144531907,3.16678775947946,2.77307860711535,2.99616698049429,3.03590563811798,2.93600994757787,2.8691027366198,2.85796737922954,2.50167621060013,3.06803540588444,3.02501857686254,3.07019865914045,2.79715230502097,2.80065600904429 +Znhit3,1.96662179832664,1.89011115581068,2.11063012508594,2.11809890900369,1.70857225420519,1.21228237060356,1.7412785907149,2.03118071663193,2.11260286301638,2.17439596451955,2.05428862810943,1.98764164529427,2.23046541928701,2.07677835273213,2.202619842092,1.90872279546511,1.70560586479171,2.13175225034878,1.90630466496023,2.17123813511468,2.2902398362503,2.09235117306472,1.72284537993887,2.02983278893229 +Myo19,-0.863798316939435,-0.60466332825538,-1.27581675965027,-0.347894404661634,0.168067297980922,0.0195535550424499,0.086937396095812,-1.07543959068088,-0.59420415089336,-0.20224590440448,0.305216431086567,-0.329916523866225,-1.20660700834882,-0.287527090218124,-1.41080693886554,-0.273154261897708,0.366425618998337,-0.722484350667843,0.348043421885432,-0.794202601777096,-0.432208353120914,-0.702525945643918,0.0720091112536663,-0.129507392370281 +Prpsap2,3.19521822822311,3.33599442333442,3.46341625411062,3.31355665471631,2.73298679946815,2.82221451086549,3.00069374571925,3.21231993223606,3.26345852692913,3.238861130855,2.90397094470504,3.1239052111529,3.59045360158329,3.5359161808882,3.62989975575063,3.56262283925995,3.16926893006875,3.53129557252617,3.33376052676088,3.91369441171042,3.66810650409105,3.74806958557811,3.29613281044068,3.14523542612971 +Ggnbp2,4.06544691559553,4.20100503880094,4.12918175246529,4.07982907909392,4.03666443953541,4.18027154065586,4.17712858569158,3.95786630610057,4.04145223594525,4.0420214270073,4.01284413336879,4.06234014733274,4.0951912177789,4.07131119939305,4.10021042318471,4.2909485057874,4.04530753023529,4.0875592962704,4.05686027785581,4.07911511674735,4.17014055614638,4.14786798684668,4.08993831709876,4.02515185851331 +Acaca,1.93349936081185,1.52911812316832,1.64035781375939,1.57611351425916,1.84534957554296,1.83968790309251,1.81043902072084,1.66771571517283,1.69427301994581,1.41803170668511,1.63744031843276,1.7891884921353,2.01075541015869,2.19789109947591,2.09869429497976,2.02731216383331,2.33202778701167,2.2716425523169,2.39980931810016,1.92244445535418,1.82778610724262,2.0117320356255,2.28884075076133,2.31485474456785 +Shmt1,-1.49969024071566,-0.900592987858905,-1.59899874125506,-1.18548863140238,-1.8664127078439,-1.28069864564178,-1.59674754916141,-0.635296236073677,-0.978067187767195,-0.818649752863187,-0.991189930674673,-2.29383740954067,-1.78076832920763,-1.49025397862657,-4.36465326790961,-3.19045648510408,-2.06563124438814,-2.96239446794621,-2.19767283195986,-2.6629047938647,-2.02750679049681,-1.79770222958573,-2.3418954679816,-1.42794909573287 +Llgl1,2.9393710721423,2.79900142503025,2.71872390737837,2.76104082929448,2.9288173566857,2.85691030731553,2.88426130374105,2.85451631720625,2.80105434453213,2.68978538813078,2.8110724219748,2.89786249135527,1.9737368147347,2.43869847428516,1.99447449857559,2.36324990742865,2.42131879776948,2.0646538759392,2.56273126793365,2.01890651489912,1.85155863655655,2.27221427940513,2.65857307387565,2.33850373286987 +Drg2,3.72479395383073,3.53714915445315,3.52130300095223,3.57191356183613,3.56873920073815,3.60254340339548,3.55578545186017,3.62515711754909,3.57845037464092,3.44944803055535,3.7975389487971,3.76599869869806,3.4863516576471,3.44056554525594,3.53658306537565,3.44909910947456,3.56090569509608,3.48760029631943,3.67648386395988,3.41208720394782,3.6422587175651,3.47481122313016,3.84192735301002,3.48034208186321 +Srebf1,3.75582210653152,3.6544155580108,3.39835259123753,3.17919093252577,3.68204319873904,3.92509683438997,3.83215115229254,3.52810388633908,3.4425890317214,3.40579355601054,3.56084417389512,3.66350051355783,4.89672610843988,5.00324635441378,4.93885082190779,4.90406323864034,5.09447889351995,5.20284012936711,5.3859013153685,4.93717504339574,4.58441293555808,4.76034661507868,5.1781829715622,5.07708956063589 +Tom1l1,1.18042511075608,1.32821917778383,1.58723041780164,1.37397806503486,1.07292839918187,1.41534938913079,0.934978134522648,1.29472712188494,1.43289891832654,1.15029471249348,0.955986795416247,1.1346937716568,1.79414096295566,1.45471804756537,1.63093798304767,1.77302007317652,1.55095038294468,1.69152836570581,1.21351358767861,1.76193419501258,1.70342957536508,1.61148188012299,1.66879841815887,1.60128048047269 +Cox11,1.72682247865963,1.72829234348144,1.70368196144676,1.93971704658419,1.90524433400996,1.79967961156365,1.92347202526286,1.44063102748165,1.29315951991894,2.18595631859133,2.05210812840982,1.78360693385884,1.66844244815566,2.03287553085531,1.18699187677694,1.88664914154251,1.62164795420651,1.40805918316227,1.71202712685675,1.30895218809019,1.85815662287519,1.62849497042763,1.75805914910323,1.62235316156128 +Stxbp4,0.984655303174728,1.38732092926022,0.998906786446717,1.13263206327612,1.46650949203624,1.47312567684383,1.35345899937976,1.38172296969486,0.873335742006004,0.880520395296931,1.57372024322079,1.3758899787026,1.07231648854602,0.833442078486433,0.557058685278834,0.719736589863822,1.22746845194648,0.884617877769209,0.951734055949629,0.885750608155428,0.707759895361823,0.843324282814831,1.17356477232935,1.12170884133074 +Bzw2,3.25246715167623,2.8025967459435,2.98893460025762,3.16651521940197,3.08276789667498,3.18229916803592,3.31654298142766,2.72649278562881,3.29060571676071,3.20900223533724,2.98949269437889,3.27410724821882,2.91416096472748,2.73973474825421,2.98710105765705,2.91325103384344,2.63393877559923,2.94974137853317,2.60168546841057,2.61242295547792,3.35454599869571,2.80942908440183,3.0769527702172,2.87955173289197 +Elac2,2.64235563035989,2.70294436880652,2.39157142224943,2.86145390693543,2.8287591188572,2.9600897010375,2.93950363411624,2.58305237013373,2.61556804061182,2.56594351411057,2.75811397910359,2.72346385195924,2.90232764576321,2.94728802347056,2.72109640943768,2.70551155494451,3.18644058213999,2.91876812176321,3.11769757942577,2.60997351111016,2.57983477924059,2.82967184272328,3.00952005031334,2.94278799652459 +Pctp,1.51416803307665,1.83170601828673,1.59021188026162,1.68863924614989,1.64557997854421,1.51144318471985,1.23610281284748,1.71091503646007,1.69843242420287,1.85210873001659,1.49155431426006,1.19779371445352,2.72609152943396,2.49615627003225,2.95455147685045,2.87695440928691,2.39390729673518,2.66319212979951,2.29119844020814,3.11859413510642,2.87041479825433,2.96636355595902,2.24556379653526,2.38545182197266 +Twistnb,2.57121638259515,2.46141609116387,3.08292438276102,2.87344726174409,2.23792639723745,2.42929144637601,2.36689263298742,2.62431606877513,2.91763687508573,2.82286545623516,2.4685533856805,2.5524026358677,2.54769562665469,2.31578447192054,2.46371536480828,2.67748592776152,2.14871322530291,2.47026583492866,2.29477359481942,2.41110336262629,2.75362264085047,2.60030715168939,2.17959899153648,2.22719316611457 +Efcab10,1.87605327226754,0.681109502411969,1.97706927325231,1.31561351330135,0.817971765032604,0.202648300326362,1.60438314834354,1.45202383706745,1.98680451899922,2.41327503911241,0.654237728738894,1.09363917310514,1.24402227494021,0.980854411105332,1.94778661266432,1.89921534008926,-0.228470804604999,0.77352870009624,1.09312488111524,1.1614723594134,1.92361494940294,1.82958830331504,1.03896446993545,0.493402703247722 +Atxn7l1,0.284776790840882,0.757678473034126,0.319841866019617,0.555608670079317,1.46003076490808,1.7200176191841,1.34071303145037,1.17848833997084,0.599774398778291,0.744014547492363,1.62417382011319,1.02816334510936,-1.35973543609716,-0.446228927607254,-1.00186478902945,-0.872158512367191,0.421865636786843,-0.506433700311324,0.201359270403408,-0.948009574892778,-1.00510129317373,-0.83007143975632,0.236321731640144,-0.0659185193123872 +Sypl,2.26571466543495,2.48493632498306,2.57618902114736,2.4192397555558,2.52460696838614,2.41799172802674,2.1196938140898,2.54203499071753,2.26456746064065,2.40373205075114,2.43085131612952,2.4485901992328,2.4896710912563,2.33147249827188,2.54101116565656,2.29581753133585,2.31482472858245,2.62409178947934,2.15166919660926,2.696970040038,2.26743904348274,2.12973225761211,2.36980332076957,2.51071427736906 +Pdia6,6.78713403616539,6.31209979468994,6.11010623911494,6.11234017946524,6.39881357165597,6.27798975100354,6.30603961643732,6.65230459944789,5.98762415821496,5.98227515685941,6.50510764798183,6.5653317902929,8.24720887919022,7.61977654795315,7.18416484386934,7.08337527105329,7.60750467187972,8.07424808589267,7.96078334299568,7.95813819968402,7.31652646806031,7.15441556207891,7.80639536760309,7.9751800703317 +Nampt,2.53623892709399,2.40850820099186,2.46518377223662,2.49064152741103,2.29281905205688,2.14400168887437,2.33714127959194,2.31047551439434,2.44192883632812,2.5790827127324,2.11036605804382,2.3969487770252,3.09375203680417,2.86133664907754,2.90659006434145,3.05386295212436,2.64911157619347,2.89791883988003,2.69898543075446,3.13756379917667,3.00009023661187,2.84934828756688,2.75977478629845,2.86338658502935 +Pik3cg,-3.14831265724319,-2.90698432361403,-4.08508095021223,-2.98884186125478,-2.88519529158645,-3.80442884604939,-3.9570937282156,-4.56652635608582,-3.16842353155255,-4.14509211270791,-2.09996717340626,-3.21942204287453,-2.29500853071646,-1.51463096573471,-1.88834474424955,-2.13998522467717,-1.97952106523438,-1.3017308643341,-2.12728533958031,-2.06702704342454,-2.40744107494656,-2.55702124214593,-1.63700125812677,-1.99204782738085 +Nbas,4.09261116675987,3.89882096556442,3.78497203743653,3.80303012894622,4.21698121800078,4.05037693236412,4.06668580188991,4.17431278105387,3.74848618764531,3.84243985131911,4.19363042303063,3.96351428074554,5.78525439405229,5.38016487653183,5.32814219863017,5.34140701876529,5.79916644923744,5.91358527454089,5.76222382608826,5.67882477156534,5.12565714143965,5.28777309567762,5.86659986943327,5.75927010352726 +Tspan13,6.30585631917623,6.019663198233,6.2270047515212,5.90907575485709,5.74780027978278,5.9004724783044,5.77781782363682,6.30157498325249,6.12821209484715,5.87232928234845,5.72992829002853,5.82889969172919,7.43366600951139,6.98595461233496,7.22225519102465,6.89412743106437,6.61482489296566,7.2437144503433,6.77779584727457,7.47322417649486,7.17409850005601,7.0494742144161,6.67600147645936,6.91087049480675 +Rock2,3.29099442146771,3.41618557228594,3.30774424323944,3.37477178289571,3.58291845408418,3.58507003854844,3.31679578413815,3.32343379743667,3.35700627089779,3.19423214632138,3.40683538262249,3.41099045230991,3.46889443604246,3.61605992214785,3.32882325471956,3.58373861031197,3.61665682965069,3.43056979923857,3.39874832225519,3.52076854369252,3.47750216213276,3.56313262950169,3.66442183010822,3.57791238224995 +Laptm4a,7.10357451507694,6.79254857791693,7.22449081938652,6.93754746687314,6.54622140890036,6.47020300055543,6.55957413988427,7.08968194821404,6.9616269363354,6.91071119623901,6.62389145642635,6.76061365058925,7.75418866294271,7.37617207152904,7.74665178792033,7.50865025199937,7.11576577203804,7.57408692742561,7.0948816376541,7.8502446679115,7.5231267482685,7.48556202620166,7.08700040801169,7.32624659592235 +Fam49a,-0.18201854559399,-0.675020579776881,0.342953054666642,-0.0088848693627134,-1.27364413110485,-0.886999438651578,-0.980294448591137,-0.432540818115056,-0.479498858918006,-0.286386202069592,-0.792547200102529,-0.589542771703268,-3.56088321505058,-2.85757560537844,-3.0623974711106,-4.63820525521019,-3.07230580211815,-2.73571297598578,-2.90388949939414,-3.21075343926767,-2.81725483427284,-2.33356383022785,-3.62299357066463,-2.72226988194635 +Snx13,3.55311262946871,3.65762549998355,3.59506201378543,3.51515865108053,3.32687549620572,3.52771014556689,3.48565424250574,3.69749652477341,3.57417243932779,3.68841274182251,3.50609166712658,3.51542535187455,3.86402503808551,3.99223078474244,3.81668780889074,3.9091080850368,3.79776704638627,3.92652369730876,3.79830763231906,4.16355215594626,3.90570719792983,3.77502829272358,3.67558587249574,3.83534728481126 +Sdc1,-0.0737102080895737,0.0424855547642577,0.139839361660671,-0.512311619024642,-0.180221131962744,0.290328647467353,-0.373116741457925,-0.200266675361883,-0.467127677297565,-0.0831778415127362,-0.0216811511536656,-0.823407222285305,-0.629049162033004,-0.681481823587075,-0.91094410343374,-0.283621827308846,-0.924438503547481,-1.17511772678644,-2.32401592969366,-0.674377446438843,-1.27418622860816,-0.181935611826744,-2.0973043109538,-0.986973921305 +Lpin1,3.01456326982419,3.31800685906353,3.41456972696265,3.70771351241635,3.2361364690054,3.15352561205627,3.01369371875203,3.63913125441899,3.48217403205833,3.59851394078062,3.56569742379322,3.38745299431935,4.07744742748482,3.92933065945097,4.31215407174738,4.16274607959469,4.41684933852977,4.27632880458433,4.35494192303288,4.11773002448384,4.10894060405666,4.20823651580126,4.46327929340695,4.39111889752626 +Pum2,4.49765588901256,4.53889550043738,4.62513352473399,4.32355494672495,4.66341103499707,4.65116415746783,4.40219128750739,4.97875877226346,4.56437374736191,4.45379387475084,4.47775054117569,4.55467146464606,4.53091612393169,4.75790905513269,4.75143242131132,4.70496873694549,4.79912495346244,4.56817801138336,4.49379803786923,4.74710333039998,4.43149728194981,4.61498319516234,4.68996645209153,4.75800925045769 +Nrcam,1.30917541354834,1.85147494923622,1.58018857924524,1.79316992144898,1.41336467471559,1.80501067144558,1.61965144253517,1.52149943864793,1.7670803921214,1.74005899179024,1.72709472777082,2.02288404961836,1.30820857787748,1.91730211973551,1.61545105080122,1.5740015536969,0.482448995525756,0.922655834862635,1.25419668187307,1.17134010717384,1.74627995309434,1.71709561425398,0.360564136765329,1.08328139185832 +Rgs9,2.63971455776796,2.83371598198047,2.35194765049443,2.3882887954208,3.53956626687478,4.04228325928049,3.55906991162653,2.48637188947287,2.25229649582733,2.26921286063316,3.50012315363555,3.18319109965904,2.44798712341034,2.59428960184556,2.37116461186201,2.53836904859104,3.41394477858842,3.14364988756428,3.55363168242107,2.03409896730737,2.28085942676907,2.50349010636483,3.59844049259575,3.21010914507054 +Trib2,0.858387367733542,0.637710771117999,0.762013012094827,-0.295364488332865,0.95882256922879,0.148507245273305,0.232774444211438,0.289363638306595,0.473486541231241,0.140640707387838,0.308834674398144,0.602396912238682,1.38600649254247,0.767830420730367,0.382315008511147,0.245436708174081,0.969011669528509,1.36713461973073,1.10881291214702,0.225928719770907,1.09536240103473,0.76447179442435,1.22549445508933,1.29923751346744 +Arsg,0.764663574095081,0.900429465889583,1.62311684371221,1.06550936709709,-0.0061714813980171,0.695682448503055,0.538407266256594,0.773709278739082,1.43225367244055,1.02052134161259,-0.0638267157079024,0.352910712614319,1.16062217679297,0.908662703140204,1.69625569972052,1.12080993832626,0.270585931914022,0.478546790630046,0.870352056890373,-0.0185456191632754,1.76890905732817,1.57132461182419,0.299814295747912,0.105610562744658 +Hs1bp3,2.37658102523414,2.75656765755975,3.00183047380342,2.77517426906818,2.31044735749637,2.42759103654976,1.99930632574113,3.19982993295099,2.87111719641997,2.83915412793553,2.2418141774712,2.33055972874445,3.44772115110979,3.22649667970034,2.89953762451746,3.05169201475769,2.94638650068179,3.24343246231434,3.34088934388622,3.49738503080127,3.12624404568111,3.0637224692441,3.2073017253125,3.08054409565535 +Fam84a,4.755547049473,3.76413683585478,3.20143497636848,2.08206596733368,2.65472383128643,4.00215175690131,4.12009340244712,4.43827887438584,3.77352891068152,2.16190719335325,2.77334796717937,3.59306119564474,1.2577002191894,0.430984229583625,-1.6698190429735,-1.38356327078101,-1.14307948031563,-0.040440130157638,1.04823615364644,0.505857957999053,-1.19463724087248,-1.8133657759403,-1.00380747973195,-0.457049770188269 +Smc6,4.48559112958916,4.54959504547945,4.59536031384052,4.69732500237787,4.44444565906316,4.50156594461427,4.45600742222098,4.53594154334875,4.55642219273192,4.62362289140284,4.71697355803649,4.49756154044882,3.69713693606537,3.91258112296657,3.8004479252114,4.24619191140099,3.70309147982623,3.58955666485438,3.53770751472148,3.66355468571901,3.97708937977076,4.16145758610064,3.76753881248329,3.7653341431487 +Apob,0.856379969202257,-5.22663622065286,-4.52536034768452,-4.33633524576322,0.109688996718522,-2.52175031685685,-4.19640707050498,-3.64678714777467,-3.59274860703571,-4.60521495849688,-4.28407273026952,-4.91586823573007,0.344567272419825,-3.1947557156137,-3.08661459013423,-3.42750448357117,-1.46162476994335,-3.88872532980469,-3.52127261450315,-2.92185378242179,-3.05770966649983,-2.72217686858702,-2.61072845786677,-3.71894274487363 +Amz2,3.227055030155,3.27573282864312,3.13558224970465,3.30504659090648,3.08609352589844,3.10109256822937,3.05837019393914,3.1183494689387,3.2607501233932,3.2640480320984,2.97271843707814,3.18904057926676,3.51040060795045,3.28208545620658,3.44999395062561,3.30480724652786,2.88598832572108,3.375033831474,3.08569850560951,3.44013445769556,3.28101553405287,3.39834883498565,3.09442700579325,3.24429039893298 +Gna13,3.72703380166317,3.69834401412487,3.92578221707709,3.65574224170947,3.61317756534983,3.6947838249182,3.54508536385353,3.85110377469431,3.73608377505482,3.62098865630041,3.38895994109483,3.6727960890674,4.07610783516424,3.95953572886632,4.1567931088823,3.97604293294073,3.7666946507729,4.04605327684397,3.86853303035958,4.24758422949669,4.01082113193878,3.91754957738547,3.80612181447423,3.88118388666331 +Prkar1a,7.43552426229171,7.03871063323023,7.35759860062357,7.08640746675886,6.92588028274917,7.07519714877065,7.04280627729769,7.35352570278975,7.32946923725302,7.13797683198242,6.95869307199931,7.11771551377301,7.14166295985461,6.71066714965362,7.18346648745203,6.86896481285195,6.90448392105881,7.1124666543473,6.70028699170124,6.81790720328847,7.05697964521599,6.98461300725455,6.85697092540763,6.78942245132688 +Fam20a,3.7590311267659,3.96697932161607,3.75132442513328,4.04005265723823,4.25568675705608,4.41330901968758,4.18870784279927,3.7964576165958,3.66606620699475,4.12262348668793,4.4243544336581,4.13852994185716,4.12446968175576,4.0040415004196,3.25520664859043,2.7035107851963,3.59081745976145,3.77217983272874,4.32143359656393,3.32290910355792,3.49290532342523,2.84301298919397,3.60482229559725,3.60915596274084 +Abca8b,1.87372056420358,2.4493352229135,2.03548250615006,2.14613053129651,2.02712752893408,1.90763837768126,1.84768176265927,2.44151381092382,2.14662025558533,2.04244078533357,1.92909174413422,2.02389295580901,1.44899150274812,1.43656976751011,1.62129266311157,1.47810721680649,0.87357478297068,1.20612051799911,1.09806833027756,1.39386408358595,1.47942894836364,1.44576503112099,0.970217797115251,1.30005665718571 +Rdh14,4.20259137983228,3.6292311033571,4.28632214239487,4.11173666647404,3.53184532018047,3.53631172064966,3.6158332708335,4.11100327036345,4.01525571573746,4.049820039488,3.88275266435442,4.07717441065242,4.80062362736101,4.27712838776807,4.28146970614836,4.17589811963599,4.0467022982913,4.40621263316914,3.88226486545331,4.53699004597973,4.36647348517836,4.20398290796877,4.12207119904695,4.22952258526554 +Map2k6,-2.7253931546273,-1.45087730731734,-1.07810908872003,-1.10817831129495,-0.990891499538102,-1.3415489367729,-1.56510558199146,-0.972649063952843,-1.5762961864786,-1.85750964585255,-1.38069152607224,-1.01218817868833,0.245589864450258,0.518850832709789,0.723861493394251,0.66280921529973,0.253426031858902,-0.02187042124695,0.310321001569915,-0.177942552875034,0.19448614524004,0.810835058664924,0.275659211777373,0.282413254270151 +Klhl29,-2.15514393473794,-1.77403307439294,-2.20354085149861,-2.67510085578902,-0.95455302386343,-1.78847119800766,-1.72274802781605,-1.3974206895597,-2.17882074188292,-3.62045773778725,-0.691591861827156,-1.70977527696629,-2.59330625430119,-1.12504749049503,-1.7302577346041,-1.48360559521687,-0.476867549233712,-1.47123834562766,-1.73217035479655,-2.22134857589273,-1.83815365578396,-1.5532326319911,-0.826496696417936,-1.33791654420034 +Trappc12,3.43690748467278,3.53837063081389,3.58811012582966,3.64963484638856,3.39576560659286,3.44565890216318,3.53858142673698,3.73398359620878,3.49663800557996,3.65100945926457,3.54399238322359,3.62260977268614,3.78374318264886,3.96457568478293,3.64095677755108,3.63855295864595,4.03977739691106,3.8142335139371,4.14395783486826,3.89742702384544,3.55351756953135,3.75840490064155,3.9298641595345,3.89530711469775 +Adi1,4.93059139297804,5.19668218094221,5.74238374186382,5.17109837117485,4.8185912676963,4.81205457416554,4.31398939770132,5.50809134043748,5.35631946376202,5.49778541245939,4.76562310862037,4.81173461235827,6.37062509038188,6.34217592439627,6.60887691539055,6.16868062358062,6.13859074961723,6.01567428798549,5.85433334612693,6.83522324355299,6.22503907862688,6.28848671813861,5.78137274476417,5.91857314840624 +Rnaseh1,3.07318181540328,2.97655118628111,2.70990025830803,2.80475815918815,3.04779301530001,2.89903767489206,3.10699323059977,1.82185951217667,2.4199373230311,2.78176991009119,2.91040149707568,2.85178833944977,3.02505364757528,3.09203649218509,2.65198084076222,3.27808805668968,3.22717495556149,2.80943239862985,3.16867307020347,2.73949218551226,3.24359966929825,3.38710456897392,3.32511773455714,3.41335874631092 +Ubxn2a,4.60800584673527,4.31241685803134,4.48150702177199,4.35524417073536,4.39606715876238,4.44271070995968,4.38099459032477,4.46198597114866,4.4163404132856,4.50134775044007,4.41069949228546,4.49432812441191,5.40317552658046,5.35214165566635,5.3361777386286,5.34992669700172,5.24482637764767,5.31581711233593,5.07009845942304,5.67859787256762,5.25329280096863,5.21405016458288,5.10973545353511,5.14415827632507 +Fkbp1b,0.156984403519489,1.5895701280134,0.434862911292019,0.37258566792906,0.167448944703174,0.753163006905299,0.886701583474335,0.184369650575599,0.667578835757711,-2.33079161536254,-0.639505060686346,0.802516199104816,6.46521937902186,6.59317884334825,6.64274567549367,6.29708886715238,5.6093009802557,6.35688305919517,6.41864694666062,6.55144322902866,6.65539496033044,6.34458755288145,5.64771900856246,6.23857631299998 +Cmpk2,2.83259969314162,2.65041209256513,2.48853743569663,2.1363076559927,1.99780031249606,2.27037562790034,2.36113730507821,2.72348671782505,2.63615431378061,2.14826017609312,2.1021713936823,2.49935780434625,4.14224891845244,4.10638897468374,3.54392643295245,2.96762986197705,3.16654154339384,3.77178856061482,3.58396887407981,4.16328183953379,3.37691000538477,3.30623266769619,3.37952233267655,3.96860998955906 +Pfn4,0.773892534599062,1.03712784467284,1.23209424531406,0.363418023693108,-0.0284887841047445,0.249955304148053,-0.0693732700882126,0.876350232546652,1.15858659735989,0.914638806398414,0.0182387197781753,0.38674206716208,-0.0349435321060315,0.804008434608836,0.700367711093795,0.545730768368552,-0.959645206489781,0.619572981440378,-0.247183369305706,1.27201589693538,1.12911106713391,0.404138994494012,-0.553046919936895,-0.303560078466099 +Itsn2,3.50771263807973,3.85861872593148,3.2480163885596,3.60537981126686,4.13358943762211,4.23643978863391,4.24478087723902,3.35934511478175,3.57153405321067,3.63450289758143,4.13026142222162,3.86771327385521,3.25812976409393,3.46788862290641,2.85548167426277,3.30837419292579,3.59511913502489,3.21883393086874,3.66726639496721,3.22046078371976,3.19043806850151,3.29329139625805,3.56000021316237,3.5402334854438 +Rsad2,-0.757974276934574,-0.470338281519067,-0.403029426218496,-0.788645649462943,-1.17719754778261,-0.893793671066902,-0.518314824525881,-1.02820769105681,-0.492856545031048,-0.813906795881971,-0.542629419334215,-0.595443986533726,0.601636292701989,-0.0515068428979051,-0.0619579121805067,-0.075478598585426,-0.916425984076736,0.0767980996905244,-0.315456347503268,-0.0639192568934983,-0.135129211189931,-0.138137022871643,-0.124416853000425,0.64746713129883 +Rnf144a,-1.95011686697924,-1.26556016846949,-2.08040956596299,-2.74096400725236,-3.21361344656791,-2.27344161781121,-1.87636945993656,-1.80300199122639,-2.37563816156235,-2.7614172810725,-2.28101246208427,-2.82507021092491,-3.6522984083606,-4.15706815857992,-3.41592898003106,-4.0262219966018,-4.7296204485202,-4.09947877629287,-4.06804948084778,-3.64115668713718,-3.13196484039934,-3.42063789864419,-4.13449902447615,-4.09296864649029 +Id2,3.32779508420286,2.71888430866362,3.05557060212265,3.42567223340547,2.95922642283525,2.90457513526806,3.25798649731138,2.63786373154784,3.90315904913463,3.05933312911233,2.95179197663427,2.79711150037472,2.78078278374645,2.90082205467004,3.32461019454185,3.31813076138313,2.75756766968405,2.74404562868494,2.59385042132744,3.23078487701263,2.63421485973854,3.05387585156169,3.10484037863159,3.0255786931424 +Mboat2,4.17654106573232,3.93617288908091,3.97001152666029,3.55974178761462,3.54387887344493,3.73313880781213,3.64983744595995,3.98717748117018,3.87699754315675,3.53609457520203,3.49564543688909,3.631429584953,6.2028044015323,5.89187530869387,6.09186114222937,5.70162466161812,5.35110660201991,6.01395685820959,5.55154041622549,6.37228115135852,5.91173220339303,5.68894092774487,5.42194582822513,5.67786671481064 +Ncoa1,3.94371314297774,4.04109767618413,3.95000265969538,3.79009209070928,4.17918203241791,4.20612328622014,3.98164994488572,4.25008461051875,4.05975541265482,3.92445961659457,4.1555580470735,3.96298172186651,3.97080582651183,4.37379105391844,4.20614023916185,4.29839922456483,4.39877477804886,4.2035126702313,4.27748045753953,4.23075180687761,4.10620781296559,4.20410090472476,4.30274262322316,4.31385090719355 +Dus4l,0.53360794750081,0.821243942916317,1.09863945558871,1.11367886705277,0.805598146764102,0.620133578728762,1.08428550801144,0.383068783365265,0.553833594081793,0.94623973395615,0.870113978548658,0.824703970931753,0.656570216652126,-0.0469382387564974,0.447678267085106,0.57847100174561,0.789590934182839,0.395933381726413,0.662612628235085,-0.227686508039836,0.788447053401792,0.703173443258069,1.30480516390079,0.814427417782389 +Rrm2,-0.886175508463658,-0.778978235019256,-0.958419979899992,-1.69668714202522,-1.11374059803973,-1.66498454396465,-0.89798931102703,-0.905199103946447,-0.503105111819789,-1.86361439379255,-0.975340158352702,-2.11522108136447,0.897879792086739,1.01455913651768,0.581335876164892,0.651251694467687,0.755384664831783,0.720091888035923,0.803586814516971,0.792047597681438,0.508164577155467,0.819821690272541,0.55453740623848,1.06761299243988 +Bcap29,1.99828098853422,1.75198943659253,2.40859299208246,1.90875128155339,1.97355794583863,1.83841423982427,1.61998068254283,2.10508572632816,1.8009441581965,1.83934001235862,1.84683886279545,1.77438612355589,2.00853730040243,2.3102443921158,2.42667761006344,2.62907405930786,2.21944110161837,2.37647488476644,1.88966937258524,2.45964534511804,2.50948346038365,2.46954586101122,1.83218736371992,1.47760917690562 +Cenpo,-0.657949617596281,-0.245086086365132,-0.394638176978757,-0.332082855673641,0.0524145973773247,-0.233738855488626,-0.134179960725932,-0.53122553932202,-0.627852143873981,-0.288454974728499,0.231603574932334,-0.257219338646207,-0.32259256376387,-0.50582089728424,-0.502864455594818,-0.461854520013661,0.0468606273469652,-0.489249048928752,0.0505263964594378,-1.11780290959497,-0.666661472258537,-0.302804043417861,-0.0246437888579014,-0.385029824472486 +Klf11,3.47206313157323,4.55830510106831,4.36990961310732,4.56467671054823,3.54176593333585,3.50884951332187,3.61968375501853,4.31225507032721,4.54627467224906,4.73530131328728,4.30811867102591,4.26307579952287,2.42906579918132,3.75719859712778,3.46079642314359,3.4296729622055,2.70505010481995,2.76600054191454,2.71220029658534,3.80128890533632,3.60820675996848,3.77783628578553,3.31665759980764,3.4288616697988 +Adcy3,1.39183538475384,1.64930531523379,1.89034467265652,1.41960261398929,1.04829733018244,1.32939448952261,1.24582311604409,1.78122712495248,1.57118867482131,1.56502887713859,1.18272444339393,1.50106457015555,-0.877721574855517,-0.162701360234566,0.266402430713831,-0.740199591510594,-1.30518072819109,-0.965114454029012,-0.917669528796703,-0.759707579913768,-0.239719386853168,-0.381561701157697,-1.20992657832655,-0.603245501215193 +Grhl1,2.03889275476522,2.63659098894961,2.38288917914962,2.95282275731478,2.64031465271558,2.29490814578375,2.32032924429527,2.10566683289251,2.33345177404546,3.17264366297851,3.66667491998554,2.95605905692237,1.45445814583136,2.22038578055239,1.58591815096722,2.11027821985745,2.27047729487421,1.84324789940008,1.85356773645772,1.44226431431752,1.67007713385813,2.18489543716591,2.65564490421892,2.18858655638043 +Dnajc27,2.89984254175975,2.82868688279511,3.08934754736971,2.94037201832522,2.74493902658129,2.93714706164239,3.04454055847877,2.83394080301612,2.947892751593,2.89100491433415,2.78838065728164,2.77380981223121,2.70139237539062,2.70447276023021,2.7805891969729,2.76272356729011,2.72657764269063,2.77579008346577,2.38687103759855,2.64401607332914,2.84709651579448,2.87627839111529,2.68940019995651,2.55628345377346 +Efr3b,1.21497089021701,1.08252142640085,1.28896038218293,1.16073833923086,1.49653495649464,1.26367770784167,1.29882029698479,0.822234227048988,0.962579538662902,1.20766956492854,1.44369929520276,1.02000659360969,1.38043324572421,1.11952552728534,1.18096722516083,1.05944678432324,1.8992916662636,1.52544231556018,1.81679587087546,0.555315803213713,1.32156521928438,1.43773143422298,2.06632723648903,1.63831422552593 +Cbll1,1.91552118263251,1.57181137957474,1.90162850228642,1.47916544879262,2.20484642565236,2.15569525230915,1.2181577521491,2.37283639187011,1.67089100782062,1.40163911634106,1.80391372013947,1.47528034419062,1.79578342569987,1.89361644346154,1.9262683586394,1.48281675027325,2.09955179756841,1.83178116970891,1.68399894860826,2.02487435951678,1.78407803693196,1.82417372745182,1.43396597948542,1.7377891639219 +Pomc,2.3822749700511,1.71304280617263,2.4028488236262,1.98666976681828,1.92129533032083,1.71224590363417,2.12578012733676,2.24811910538956,1.57274405630229,1.58866870620861,2.08512067531778,2.28604968752113,2.26471419593389,2.45026232738828,2.138934202764,2.1904684584464,2.30138938583197,2.77852327591171,2.51157937782785,2.54921630658217,2.64693357579412,2.75724575598521,2.14931151316682,2.44518265403848 +Dnmt3a,3.39720358836716,3.78293353811449,3.27023032074677,3.35433018931313,3.97528790956331,4.05829784804766,3.93541561035745,3.61185330888593,3.40639259876581,3.43245862498524,3.94721630948648,3.72529139957095,2.97438746358706,3.75571523871108,3.17211604692453,3.43751831715857,3.93443373869853,3.44525110158208,4.00434532512932,3.23761264978766,3.31229756170594,3.50373347056424,3.97520608055499,3.8860722901307 +Dld,4.88019322284107,4.58804325712033,4.7383038133081,4.52313900803194,4.50198068455247,4.52305292325812,4.59697222855197,4.42677419766972,4.62800407131021,4.49275073326741,4.67823955765226,4.55563143968042,5.24684498588042,5.04061509389008,5.19374034889529,5.13853250344143,5.03267177989405,5.02343395141428,4.95683472476506,5.10523292584969,5.16405446041487,4.97250126700902,5.13034417062658,5.19375087336296 +Kif3c,2.87544902867413,2.8931582723826,2.62559509360059,2.83060488601939,2.90557384142267,2.92212913016956,2.99592549453399,2.77038209723978,2.77408245641824,2.7860993725264,2.85288503235596,2.90936405913123,1.92510696443725,2.03971554723429,1.82059550441504,2.14412201304601,2.03387537363497,2.11223484292153,2.25981068801331,1.90964858310768,1.99008150180763,2.06036974120765,2.24150484321201,1.9771644777995 +Sh3yl1,1.97736903820805,2.10928439229176,2.29153889082929,2.32718110362089,1.98984892207525,1.89608034110261,1.95231076523903,2.08520122857466,2.23626033411244,2.43312846190914,1.98101924516984,1.99179283348439,1.75432180421196,2.29268079728801,2.17863281240948,2.20869848540795,1.54272101725125,1.66138450462037,1.90848140946356,2.19551707581026,1.88883313451829,2.15880913249275,1.85404510240744,1.51836044272787 +Rab10,5.09003253110255,4.72874857822297,4.91331773292757,4.70445776026145,4.70625393037467,4.84731016061238,4.69272278591051,4.84498950396059,4.87412618255956,4.86109105396003,4.71152101675247,4.77506924030472,5.45595530629186,5.06323377058808,5.28015279262512,5.10967705523957,4.94108840383408,5.2001442385489,4.88375286496819,5.41566655710179,5.13288264706125,5.09633040711639,4.97521209987571,5.03554925679747 +Sntg2,0.264731399993174,-1.02402565131564,-0.305425446587301,-0.897700341029417,-0.472805148049016,-0.325659160978036,-0.12006845247687,-0.201263292523301,0.0818414187555354,-0.94470279769181,-0.642628949547398,-1.02078017403107,-1.78838692480471,-3.09552055736619,-3.08372556313359,-2.26402008477484,-1.92920483218224,-3.44672330530931,-2.11005776890812,-2.14473310547531,-2.74350807232764,-2.76788242766064,-1.7306745845666,-3.00000931314056 +Pxdn,0.15979536314339,1.24544570556703,0.0632146626091314,0.901138019906085,0.963911631830458,0.732882665423206,1.20388515878567,0.271076692528084,0.656333098229168,0.555565697306736,0.794536594541442,0.546486404248745,-0.608169922240923,0.530960522009723,-0.199085565650186,0.631674968104177,-0.300042283310092,-0.757245506121286,-0.189351759595948,-0.612907338193551,-0.117610449588294,0.108315862293707,-0.043138477524634,0.07400079342024 +Ddx52,3.32105398258947,3.17148772924363,3.42974633687076,3.2472119877709,2.86976044309962,3.14142438994031,3.03203337058632,3.19358616759997,3.33938539475411,3.44483472554378,3.06896161492883,3.02702557827652,3.5278399167616,3.64945258038676,3.64339827787761,3.50603104212467,3.48098978542933,3.43810299288783,3.33375868210218,3.4349745611353,3.57574113603017,3.48800197694335,3.3459176609415,3.38205676955323 +Hnf1b,1.9333379737371,1.86432874311748,1.63699492788613,1.717695611455,2.78557166464704,2.75942095791187,2.7176402816233,2.2941131040504,1.77986429135393,1.80676461832492,2.82002501532537,2.34517017239324,1.33164755726452,2.22951228035637,1.45900181348546,1.30474736792366,2.55480441432012,2.28611444261337,2.67345434147834,1.59391822895169,1.79452648715121,1.81545559953328,2.46351004232644,2.31375005714875 +Taf15,2.08026997127486,2.52441131405468,1.89638593832454,2.00895718310157,3.08195758697483,2.76160269376051,2.64738072100073,2.07632119612194,1.94486944229747,1.98200665000587,2.73678916811386,2.38381811598236,1.59788226776349,2.61820437800117,1.66461136968164,1.89181961895572,2.91642497205042,1.90867535945893,3.07804250811164,1.75317906320973,1.57111557732912,1.84005838500197,2.60686069698506,2.73320929078655 +Ace,0.644595192285028,-1.86236494208279,-0.475313430417116,-2.13026137011838,-0.50704130235445,-1.83711760195665,-2.46882922015399,-2.20410085720975,-1.99196697721612,-1.41283969551208,-2.7905657892033,-1.70033083894262,0.194855123018692,-2.05841398460761,-2.84394180501796,-1.9690344352084,-1.53750563065329,-1.91284923200386,-2.19296285420032,-2.52835045479085,-2.64891584179023,-3.04170831942799,-2.10754926084066,-2.0054367132377 +Rasl10b,1.89090422222944,1.19176492576661,1.69925558264632,1.34415679991038,1.02454149929526,1.26044735071088,1.30203181972173,1.42265649734428,1.81598256008579,1.45115888334078,0.997106860713794,0.95229905567584,1.44107176642647,0.80791269398846,1.75071338900463,0.909254608943233,0.607202291526838,0.739773726383539,0.824418215409022,1.38838595682178,1.23855418900099,0.803767821750986,0.793678628543917,0.0996053961253001 +Cdc27,3.91066535493262,3.7654467910645,3.91728393899239,3.79980665486858,3.71249876286068,3.84297573004155,3.71451748799271,3.90271073902361,3.89118156731308,3.7209246307466,3.66796221837955,3.73403849488215,4.26718119173127,3.88252992703648,4.17128896675387,3.97512141669365,3.81362509624439,4.15159548507283,3.74658227005888,4.27131422674456,4.1740310635081,3.92779406869253,3.78860278293643,3.84164257798545 +Itgb3,-0.841504983520954,0.138835884721454,-0.389578954366245,-0.975708174342895,-1.16162870087297,-0.838649871358735,-0.750965782225998,0.0404720080122556,0.47417785413136,-0.640837906794365,-0.989888378507086,-1.13525470905756,-2.47864102899621,-2.49359284828909,-2.93267346036651,-3.39379494228933,-2.77471016340412,-3.85512126655992,-2.57963668236744,-2.46139210610191,-2.20583910323527,-2.93857047220623,-2.72885148139015,-3.23581726634935 +Mettl2,1.28226315416244,1.44417014715165,1.37476571097847,1.46068355941179,1.79280655295413,1.52779249526738,2.0262564248953,0.699079746930291,1.50357985840193,1.6130700699656,1.67681856300173,1.71269249207974,1.16989905689669,1.00690474902133,0.532692025867568,1.21635953832245,1.05502523428421,1.3237637638028,1.29604474961943,0.394922736710601,1.30142360004758,0.939941884372214,1.3124295096953,1.20922257159825 +Nle1,1.17276344009791,1.27588281986009,1.17011715235565,1.26825083725228,1.67579981952949,1.18977131744424,1.60092630055351,0.771316601345878,1.19406117891596,1.22616957393705,1.8491725318434,1.29574831254866,1.11438340959395,1.19453757756542,0.660403549469818,0.653540848434903,1.47223102507616,0.463537997865955,1.36828160403502,0.19543378556781,1.03023936148827,1.17257593468517,1.29715945740722,0.997678184887183 +Tlk2,3.02640989895737,3.20818333354411,3.12252408637287,3.17206766938228,3.05882128179707,3.12190073668889,3.20832403516489,3.03594026150786,3.15370841399293,3.22382020690084,3.18229143766017,3.24747940180848,2.88473626522486,3.01902774951539,2.81198587406586,2.9346008019475,2.91483405435305,2.74855086727214,2.80670867637478,2.91359565905676,2.94873952340688,2.96638962506633,2.93231291722711,2.96023001424808 +Rffl,0.919663449123548,1.33405927350561,0.639457281595942,1.1510948272458,1.22660155342727,0.796523619126788,1.28302778113482,0.920486196554136,0.964777945562863,0.703223121029553,1.09948251362096,0.840860293614567,1.32966355869126,1.40173243535359,1.56669720441281,1.3280115059885,1.70231314491931,1.88928689454494,1.78871282357775,1.26419338796461,1.32965742338534,1.46051119345662,1.82358458925724,1.72855794954541 +Lig3,2.4886993911049,2.79675003740815,2.48686885669073,2.7196040835916,2.97098870474906,2.8626533278638,2.86598329305205,2.41801140468857,2.59630758764069,2.57698259654621,2.89226547491216,2.74102423156482,2.59982523226512,2.66127174121952,2.47441559969238,2.53639039008746,2.9620116142422,2.85613751475716,2.84020630629079,2.57056173914518,2.52068767981362,2.54021854716915,2.91515022741252,2.8179012443215 +Cct6b,-1.98286802739075,-1.26591720216224,-1.36379333214915,-1.27639442072283,-1.62484889075978,-1.24066986203609,-1.76056796654077,-1.50168202834713,-1.39551923729557,-0.691187398442991,-0.744639063467787,-1.26269756125186,-1.7934616337271,-1.10060002709564,-1.4416170468876,-0.770775678079383,-0.870806278714716,-1.42471595922378,-1.34969577467714,-1.63569961639092,-1.63637940151519,-0.73337509716839,-0.96215476938784,-1.65404467606518 +Map3k3,3.85500656425884,3.88549948249074,3.59030552872891,3.91863200061087,3.82509938766404,3.97977453022204,3.96649764540397,3.66055301434794,3.72333744868141,3.75706473828843,3.98396827145214,3.88917867877251,3.37963953912659,3.29426595015214,3.21587324749272,3.28684377788083,3.61119330290956,3.32150010876624,3.75000282333067,2.82493127006298,3.35654572131152,3.35133347312516,3.4710738273958,3.54518377005141 +5530401A14Rik,-1.45203435442449,-1.20707182895604,-1.08470114847121,-1.17785898222495,-1.31860524427161,-1.15792310965558,-1.26616527543365,-1.37379617544825,-1.7902029104761,-1.12584414675319,-1.78183863756764,-0.858426138273868,0.212923779958446,0.0897180099845416,-0.202171076619824,-0.719326402251128,-0.147721079636502,-0.0995106100916527,0.0545878036756013,0.233255227221488,-0.319212261762218,-0.0754621628529573,-0.818244378902294,0.120541622325265 +Accn1,-0.341200604931107,-0.174496968030417,-0.606798941864378,0.0660513883367368,1.19181978420244,1.14941294807232,0.487393544217148,0.171502673098499,-1.24973395899119,-0.063442462604602,1.22784770540245,0.619132143397432,-2.88885370779873,-1.63108585070874,-2.22697590969359,-0.451803237842223,-0.879523840333116,-1.61111889832099,-2.11820727015647,-2.4729407792816,-1.71813161574542,-0.583277482643816,-0.549044175946199,-2.07458614724299 +Ddx42,4.65945215548209,4.75621279136504,4.75158474620463,4.70947932265729,4.42278742025843,4.64740158026722,4.6720764865089,4.61286330130064,4.67371010457602,4.68355358495229,4.55983852740463,4.66253530235594,4.76026285576797,4.68728752319467,4.80344841744457,4.75641410426371,4.55926658746895,4.64551300083905,4.64406352726873,4.64298206095633,4.84553826962234,4.77421896559816,4.71552931806308,4.61352726986992 +Ftsj3,3.58952658579327,3.21600827100307,3.31584502256374,3.73139301876894,3.35609740125576,3.29232414030828,3.54654495706055,2.9508554122642,3.47953095275589,3.65739325811649,3.45097991412517,3.41185605542962,3.39287814793723,3.03215861707603,2.85440034850447,3.35070585354838,3.46934118728242,3.18102310049128,3.64557579280436,2.47969386196599,3.23079754654344,3.10072418119299,3.46094296261816,3.46176806163633 +Rnf135,1.86175421883194,2.09775636582038,2.02537097995432,2.17821312385614,1.41699198804545,2.01282464007575,1.89317621720988,2.37709752225025,2.10990371341543,1.85702988028143,1.82269798692039,1.96970583424374,2.36130490211766,2.41094739335635,2.18570951568534,2.56534846175415,2.17107365461788,1.89794397340479,2.09441646930734,2.29437739687556,2.09872925213312,2.55309330507403,2.18534150514275,2.41603458595508 +Psmc5,5.37869442776045,4.63762660789865,4.71679229338243,4.94951219115293,4.91897060594306,5.06176358491076,4.9491165959308,4.78169463375936,5.00438782294884,4.89197693121168,5.15849080479785,4.9706139753252,5.47341408929574,5.26693895350056,5.14913603506944,5.15475347571759,5.28285226930477,5.41400968559132,5.24964577441207,5.24526406716375,5.21784071360153,5.20506456685182,5.28153945933612,5.20940351038587 +Ern1,4.73237273684258,4.9607335310984,4.97674714580806,4.8205511450562,5.30154629097861,5.23856034296926,4.88387988384958,5.25321911788046,4.56739760401408,4.93152490652976,5.42056253759308,4.91632919947466,4.64550283084646,4.86079312105217,4.68937911815033,4.62959099765281,5.22785854354719,4.82988469775443,5.03561089168555,4.85486748351532,4.48778805346024,4.54393200349446,5.19973351431716,4.84554166820164 +Nf1,2.86981875355308,2.75195943617438,2.87714020048846,2.53933882717639,3.4849527537338,3.41911662494319,2.85319673753312,3.38291555982634,2.86399573277048,2.58803056715209,3.17428745187125,2.9904141415692,2.51800366089791,2.58440947098713,2.68308860564667,2.32483530508422,3.02525452838004,2.80086066813739,2.72334369462052,2.56360803809409,2.25492768832761,2.33138918522582,2.89707735667802,2.75680919967669 +Pecam1,-1.30395511264857,-1.33026128763437,-1.07163634429432,-2.03148796326005,-1.62477624919815,-2.21483062960441,-3.12196850925033,-1.43823025492283,-1.69190662428035,-3.5546981327123,-2.08497031403827,-1.55908494823664,-2.08984902071189,-1.39698741408042,-1.84476798821161,-2.48336215539816,-2.55504203802741,-1.16743957172855,-2.36659786452445,-1.68646101965997,-2.71262787953686,-1.96662726215031,-1.92335137383244,-1.95043206304997 +Polg2,0.229514538462377,0.677597849316521,0.0902394583441763,0.351098738405605,1.27120284905405,0.837141420309249,1.2010326574054,0.0786450334965751,0.497181775895116,0.599700093320343,0.839927137552632,0.515997912208574,0.249145772318937,0.302236183828597,-0.296009786179985,0.271934767080526,0.2113329927162,-0.234220680465002,0.525989234799723,0.0554985761134885,0.639938828169048,0.658493709761891,0.569554163842833,0.303997109893269 +Ddx5,7.16945868270475,7.80123382789327,7.10418753326457,7.64347950163355,7.94447748525764,7.58356189342431,7.73926339320378,7.16847275026065,7.48739895752092,7.68621228619247,7.93285248128893,7.79804655426207,6.73743912744313,7.4549240554534,6.77075503074351,7.36681919961006,7.41254015250287,6.83991062369732,7.05204071499825,6.82452745198235,7.22727412098414,7.32359454607217,7.34573566670299,7.31163540494711 +Psmd12,4.39518116275748,3.81933079194714,4.10267489299412,3.96034405615571,3.88627754782584,3.86208751826321,3.9270766282616,3.841476717581,4.04033042308715,4.05508580140371,3.93028968264201,4.06151687878376,4.31564094435395,4.01293586809213,4.01519573068503,4.2184355145554,4.1969946586548,4.06498592984501,4.00289122934985,3.96585178795213,4.16206039405922,4.11906417962453,4.12764269351656,4.13706753348746 +Helz,2.54966914739785,2.66541780637338,2.54995231169887,2.25106669070153,3.34316768736316,3.29649263742509,2.7554523062792,3.33080232582608,2.46967067698901,2.29177281950071,3.05185567472767,2.77861101115959,2.33852794592856,2.29495347620969,2.18839866928426,2.00749443798261,3.01486336817744,2.6749023684797,2.78505284034851,2.28797096189743,2.07562515304197,2.04599731375833,2.89049976082033,2.6616448674667 +Cacng4,2.42707247411008,2.42409677907229,2.66984072897955,2.93844939471824,3.10796656617634,3.22449632060876,2.65928441401844,2.70523887147419,2.53107140486246,3.26541684877905,3.42292140573734,2.81295902459292,-2.12467252700283,-2.09835508535718,-2.44161103155122,-2.71057973390074,-1.67806102860914,-1.96593201646182,-2.07217466442018,-2.1084138309862,-2.64149949224907,-1.5570057079549,-2.41011798131593,-2.12535435247705 +Ccdc46,-1.71380937727871,-1.54048743064841,-1.42542124340324,-1.66885951194805,-0.461650958317835,-0.310388928815466,-0.791262854182384,-1.06625694782893,-1.40867644242105,-1.11068954146611,-0.720772257030053,-1.06890137708333,-2.45206435524171,-1.82756461763401,-1.9173920991441,-2.49207378319735,-1.7149163065163,-2.29159691539517,-1.34930183431247,-1.82202599593503,-2.39585312443091,-2.27599529073686,-1.76314383494565,-1.68592908410505 +Rab37,3.37726334881877,3.42302795008318,3.61235977115802,3.10749192743415,3.04554409721968,3.22390173165719,3.30302652496705,3.58296315267447,3.35997035410464,3.26197017833725,3.0164900684364,3.11222312605535,3.66055618314333,3.79285469911908,3.95138447683515,3.79986168137357,3.27716226744707,3.4625796227341,3.3876995700648,3.85119283316322,3.88743699115082,3.86779136857922,3.28358679731188,3.32646903167426 +Slc9a3r1,4.52462742390753,3.78141684771825,3.9794405901212,3.55084118764511,3.88891820012752,4.11184206233271,4.26254945633587,3.8389510585645,3.74461011131771,3.49704280696717,3.65902069294152,3.89227560718312,2.84220287396556,3.01419108170113,3.07245868573682,3.18916551278494,3.2946901217782,3.16353066637368,3.03871840927995,3.32313552946015,3.09620697536959,3.18012403186485,3.19126245282058,2.98108541789454 +Grin2c,-0.850001599830473,0.301990533171624,-0.166045160311334,-0.145654806832259,-0.752585242034274,-0.210783073196796,-0.311745521561712,-0.823234829690271,0.0063253744062188,-0.215951513891966,-0.606966705796288,-0.690603418621591,0.733601590029556,1.57696940056881,1.70542367337037,1.50841173528393,1.21545921532199,1.26334926240174,1.38666197239461,1.40105803849026,1.44917488241799,1.17470675937296,1.44993821694754,1.51495044039251 +Nt5c,3.53790545420895,2.6604126463671,3.00036959522176,3.17037325580812,3.04737215748953,3.21383608765855,3.03164643752779,2.89082431648174,3.18363220164591,3.18914660745517,3.48636467750626,3.25377497583061,3.19722444713244,2.73487876278491,2.79369040490102,3.07546501878372,2.7435177944669,3.16339945164226,3.40583119586275,3.1256006470828,3.24956987020521,3.20967052416911,3.06415839493724,3.05557238404893 +Hn1,3.27086398378991,2.8553060063854,2.8586289348459,2.84704002824659,2.95495570929659,2.95725809766557,3.01062365907221,2.91933223405057,2.92842843054452,3.12216301558937,2.86347772154596,2.84238437142463,2.57804421728566,2.19853934421406,2.60883577302442,2.0659992204286,2.19329687549612,2.48437884854306,2.12367231660851,2.59883157831483,2.16824631291649,2.52484803264135,2.38483710381638,2.18941060587589 +Sumo2,0.135492174758456,0.626515793774795,0.436630719108183,0.57604476740012,0.446882031284309,0.161171826232504,-0.0055450163105094,-0.143729242074771,-0.0174732375950355,0.802965441770912,0.335374051818309,-0.023869983735968,0.147468283082373,0.452163516531786,0.474029594032058,-0.565812359329609,0.209206836571379,-0.0414723866675761,-0.160490857313817,-0.100232561158044,0.560807408896653,0.215573808180874,0.329793224139729,0.225515107502045 +Nup85,3.29120385189604,3.58367764416097,3.37361031147669,3.47907618112856,3.4191225176698,3.43772018248476,3.67540863834006,3.20939345548488,3.40298659572043,3.53057545214581,3.64268706102981,3.3807465566405,2.74988534210164,2.83086200713191,2.64716470573493,2.76049222148821,2.85659347985345,2.80421890918567,2.76847401600162,2.66430441743546,2.88696741137824,2.77683584348221,2.93183538042548,3.01112480431623 +Gga3,2.00362847812075,2.74041236583314,1.61720844532732,2.47314233563663,3.10064877464214,3.05222466516973,3.07878370827107,1.88787917932068,2.16283640826724,2.50647971855915,3.11274994545215,2.69810488205163,1.80719864707241,2.46540979136524,1.26157995592724,1.99162357732289,2.61878709035101,2.05022988824015,2.70457463095738,1.64124824234867,1.63404370627276,1.86280761137513,2.75304796321786,2.46462145153573 +1300001I01Rik,3.8569271302217,3.54876777909911,3.63266257883757,3.68794123244206,3.8514053112897,3.69196137807379,3.87425422943799,3.70546615406698,3.771340331982,3.50259319952884,3.80759527296865,3.64532731514811,4.36081390787891,4.24450447671946,4.20126131348338,4.00133155947693,4.52468229725928,4.5161112300167,4.76892044747996,4.1644985720256,3.8545095085696,3.84684671394919,4.61539132623923,4.48070773066746 +Mif4gd,1.42927476944545,1.0285597748322,1.16418500256715,1.77510457931995,1.73906935658935,1.60482335566253,1.5995386262869,1.105490225256,1.67911570097567,1.44830965002749,1.17330843287812,1.23566272928098,2.06383175290804,2.58312184185394,2.21783745301929,2.4300983283917,2.02964226040369,1.98835926862701,2.67932595697277,2.48656057627459,2.56894291987137,2.50493692225145,2.0007686198809,2.11754893455355 +Slc25a19,0.945002472845137,1.61089724096396,0.908186627743076,1.53035785835938,1.44579695259827,1.49044065664142,1.44484752226831,1.20144775430921,1.14017411926568,1.58558698866514,1.69138158060055,1.52570220153742,1.70703360958201,1.64054986180153,1.36455215165111,1.6202932598008,1.93801400544002,1.61489730078939,1.98157026176455,1.03066952202026,1.27037435146218,1.72039953690972,1.71577324597521,1.82587839549269 +Pafah1b1,4.91462141056038,4.8200173809918,4.8351204968668,4.80139807508235,4.83063358196084,4.82081971160877,4.68117946873559,4.79375115774733,4.81527973551157,4.68648372762502,4.60297331682442,4.7869510930905,5.14613837476067,4.97436125905334,5.11411118709549,5.06935214379519,4.96364226468511,5.06621404010721,4.77833579464447,5.17407701529016,5.13847343599317,4.97480666619028,4.93173905030139,4.97605914434833 +2310067B10Rik,3.06578457784425,3.33510603430439,3.26607222786675,3.24510081196983,3.4551469332191,3.55559162984545,3.54643599187696,3.25691059173232,3.17541577469657,3.24412928732439,3.4741346746151,3.21483055944256,3.24130670432903,3.78014047800794,3.37939927422466,3.46838960432067,3.86040107513811,3.50850125575981,4.18579683148637,3.4408770219555,3.11281982496485,3.56165916728838,3.79871969032494,3.75212676474044 +Recql5,1.15522339568033,1.6875400117849,1.18586716353281,1.66413286270701,1.75426733700979,1.71228958524202,1.8458279353522,1.04573860139421,1.4446144114175,1.44303465467923,2.02738193627883,1.58831589729883,0.721589109091105,1.15464838163411,0.752978304030041,0.800715656202268,1.46678226117417,0.574352068871223,1.54920969426049,0.32984854050522,0.881053830001378,1.21276574079947,1.40609943728188,1.18493619974595 +Sap30bp,2.58000438355982,2.60449425081111,2.8638781770741,2.69763655798936,2.45085463063006,2.37961514215653,2.48639895124385,2.52540701561592,2.63514244055071,2.7316302787992,2.39461835332203,2.68265367594589,2.48369024148255,2.3102948606499,2.40497876996136,2.39452581823798,2.22994447026299,2.25199500694007,2.32245139908077,2.41455896916257,2.37103363172103,2.2320964007946,2.16207372061085,2.3429137820128 +Unk,2.32325286485017,2.95317293869845,2.37855774113143,2.79941701541385,3.06397935426924,2.93180890146262,3.01265155002289,2.58501015473229,2.56615868066929,2.77731113887925,3.07579269561413,2.86054582604955,1.96852748295537,2.75057349896247,2.00645638529105,2.63585663193541,3.08584516709011,2.47084240076148,3.10696357488596,2.15854948729462,2.37170164003741,2.73864273255559,3.06181535681456,2.57397857268606 +Trim47,-0.556780790177058,-0.156792032242187,-1.28842029090319,-0.425244329056573,0.171556360674216,-0.466939872193357,0.0434428825203814,-0.345184572979606,-0.815382457427532,-1.17055063327573,-0.208461163882683,-0.0578710318948725,-0.581809496022657,-0.794393719034417,-1.06105961807572,-0.545284078126646,-0.0759584007579805,-0.568408819154345,0.0820915430236386,-1.35825745469521,-1.03012410592096,-0.0102391086276712,-0.281841639370635,-0.215109402710615 +Mrpl38,3.45684332867399,3.24416127449495,3.34154012045506,3.57159754032462,3.28745943500502,3.34484103569227,3.48067681000765,3.12349523932503,3.30272439389508,3.46499680101639,3.49894259179211,3.50892261415221,3.40344081405648,3.21084385385866,3.13243807630306,3.21457195768419,3.36813645279152,3.15312336699919,3.2190096761859,3.46987801051607,3.27272321797527,3.07400059333904,3.29539876277211,3.11600628321571 +Fbf1,2.66882422388517,3.11742171805786,2.57324460649551,3.01821518331339,3.33765634818878,3.23610945418206,3.2678469095098,2.73170586254965,2.68583459974716,3.03196086485179,3.33824841487764,3.22584865053124,1.29368560560848,2.09102467085024,1.3406262558973,2.32839787478924,2.57763124838462,1.71603989143067,2.51133810448077,1.02017874715082,1.70198038429666,2.15099095869439,2.46237677748366,2.30964248618587 +Acox1,4.58165996321954,4.52074058719791,4.64944478080087,4.74071803048785,4.49585510431079,4.40166284863427,4.41312784132909,4.63015598435611,4.68137553613332,4.81675034646245,4.4758398039134,4.53536032955532,4.69040771185747,4.6924036595935,4.79219820309667,5.02963471908664,4.95889576654997,4.84341836388276,4.61995515037005,4.69475849123707,4.64419806494584,4.92083520780722,4.84991605350364,4.79925093534652 +Ten1,2.77613174467049,2.20773186058872,2.66884948554047,2.56000432865617,2.24492563509143,2.32432770828394,2.39290476688878,2.62196916280116,2.55886868719375,2.38311789232938,2.04012536657028,2.38879383427962,2.7831585614045,2.75777543589165,2.91288118123623,2.38990334970495,2.2999615619634,2.70620825587098,2.3278503099482,2.92091660081263,2.86363933194849,2.75895629378208,2.48282785488269,2.5254044348077 +Srp68,5.37024893639028,5.11047902572286,4.94029250496074,4.70059967342205,5.17423984664412,5.35445149817433,5.1611319870336,5.09492608079058,4.86465042565784,4.74346442005447,5.08312432577535,4.98532489812608,5.70608463305762,5.29316361995946,5.28340042341142,5.11475512426769,5.87843736642059,5.68581250591483,6.06434429140862,5.0561235350445,5.25480468014897,5.18120319780972,5.94584383201778,5.7268486688031 +Tsen54,2.78928434528427,2.83215046947962,2.81786043313395,3.11119973545307,2.98559709143781,2.78838422809963,3.16749928066173,2.59784787821423,2.8367620281176,3.04042134278235,2.90543238019788,2.98180004256323,2.42020359863794,2.42303710530784,2.4255840985584,2.69962969478358,2.67031970398777,2.50410955806441,2.99199092416105,2.42910270082266,2.78614753934243,2.62352005907833,2.77189384579162,2.93223440112783 +Llgl2,4.49049362724047,4.8047528633757,4.56055129768252,4.72323884809397,4.58203034652706,4.55931902937672,4.85658945296956,4.79698552058204,4.73723057359964,4.5725730739887,4.6731265461602,4.70044369276307,4.10144309301283,4.8117227746693,4.57507159653453,4.87636745591558,4.74101085447272,4.35004710697212,4.93603710089762,4.61738604906459,4.40925815117281,4.68840422329807,4.98133067438768,4.81234042641517 +1200014J11Rik,1.97107241781514,1.83514231263671,1.93775768604335,1.95480336653248,2.00530703472214,2.08938630095805,1.93153655706277,1.89185487589931,1.8801487482734,1.74123179667071,1.93713238068706,1.93269173230542,1.77438776411173,1.98137071660094,1.88529720725526,1.89498657883826,2.17747765489871,1.95853533793898,1.90747802994019,2.03697828874673,2.05030052109765,1.96273860538944,1.99236940900426,1.98643313706275 +Camkk1,0.0516552305567572,0.634403057041175,0.486439780563967,0.369507675434353,0.446705797664695,0.618988692754303,0.609355602256814,-0.480042206969654,0.656548144016727,0.786366344623526,0.196782498670283,0.260695850530852,1.07679574529458,1.16292783113216,0.835358310492561,1.10523258249838,0.979036414618677,0.798300326340546,1.38033234139886,0.428504507503535,1.31337254843323,1.39139920121632,1.61542103722816,1.24408753208747 +Atp2a3,6.22046386418536,6.33032922589262,6.41549647069003,6.17621392433352,6.25788427602983,6.27032034770886,6.18248388857757,6.28774588719165,6.42581352898014,6.19876351627302,6.23468793507358,6.09957952884487,8.18430454689735,8.32313557463032,8.41562457770623,8.45466316022781,8.4658894849742,8.36423720823344,8.45415559548409,8.33187783499406,8.00202742790559,8.46998682849933,8.48758621266232,8.31183880413587 +Ankfy1,3.51011797428989,3.50786248001535,3.49367084025209,3.34410673308795,3.43472107835842,3.57107951160522,3.46057518225913,3.68063750946071,3.58936321773689,3.44691796736083,3.46210969248433,3.47125039590773,3.02472555014217,3.1662082670606,3.0926380430471,3.05193998629845,3.19243042965356,3.23329392531288,3.26583463489151,3.23403660365302,2.96417866742978,2.9090826246894,3.31621758868813,3.20465103701813 +Exoc7,3.59170645478541,3.81256647369845,3.77004133269837,3.70154833085504,3.68475145718774,3.78051804279076,3.72585713403483,3.65104461222357,3.58243791486417,3.81443654571981,3.56546469318961,3.5677409241494,3.62539431895372,3.71183360231673,3.62699734769406,3.70550630307331,3.77889367024829,3.56247528475101,3.87388820574159,3.34361494301222,3.69756949668995,3.87230414275993,3.81465021191054,3.74841101190917 +Ube2g1,3.29990076476629,3.09013677783976,3.41870365510009,3.33701582628615,3.05031862833849,2.99820908881865,2.91015683496472,3.19351006300123,3.27048912938944,3.30561887439899,3.01289845575174,3.03297881938807,3.41530593584315,3.04298719950855,3.4475620463785,3.05740838322242,2.41407226110606,2.98703516113202,2.64881860433615,3.58657472618609,3.19303143535404,3.03791649527041,2.66391344177037,2.88296403575253 +Med31,3.04727319956559,2.45946110214423,2.62358022350914,2.70153511145015,2.3452575608011,2.33578206997955,2.7230260941438,2.6957986492076,2.88264147972733,2.50653367453629,2.48014105192753,2.96879190233481,2.79036212274526,2.69354934931613,2.67979353370462,2.54534682601879,2.80826818790194,2.27991487929672,2.23070183135124,2.60121615563998,2.95400040160347,2.79230932170837,2.19926092700922,2.69534087603753 +Ube2o,4.0027144175731,3.77797378851583,3.74806629121404,3.89664280971777,4.09291263596123,4.1512580811634,4.11020818433641,3.724512557371,3.85665331791384,3.79299083740722,4.05450740085754,3.86541313578508,4.47767019862707,4.50248385106881,4.4383773085399,4.35594006339923,4.79785064758493,4.83344594574211,5.02500469195257,4.19687299044572,4.31286153738531,4.22486167587126,4.86388307024077,4.65305802858786 +Txndc17,5.18670531958359,4.61773066680389,5.35728899572196,5.15944126119594,4.89434695503443,4.80337749151396,4.89118992286085,5.11564090313082,5.18157197355445,5.21920404282035,4.82414080451533,4.92573739976237,5.78485193603176,5.41300421462651,5.84018702058069,5.66813278607429,5.03801325853479,5.61744180086874,5.13429861965169,5.79303475991972,5.54724469504172,5.55862584844134,5.13418740251515,5.28679687330174 +Rhbdf2,-0.177793651641339,-0.307180040291295,-0.137330529651869,-0.779689943997034,-0.165595669875716,-0.125457665656573,-0.0025986553189563,-0.0651643086689422,-0.900497779554508,-0.71804891194728,-0.751120621497599,-0.188610798698944,-1.93653275464036,-0.846403088762069,-1.52986896817345,-0.938179801993755,-0.705020007394244,-1.12140299348926,-0.348444385734161,-0.603840794679991,-1.16310962555739,-0.785775293094558,-0.56697166938755,-0.718301017179876 +4933427D14Rik,1.52727202878818,2.22090293022896,1.27012146380215,2.16863899137083,2.44637472387744,2.40983786162936,2.38893986958339,0.976368280861035,1.79730291744279,2.07485800699091,2.46793373252824,2.19533913143361,0.920087910221619,1.71326923183385,0.524348860870584,1.48691220428559,1.9008566338963,1.62468716005973,2.24010433136035,1.09169616992468,1.59011131289159,1.78643865251296,1.96573888528251,2.03844910423401 +Wscd1,-0.180682392758788,0.731598845966047,0.470783364930358,0.21655571482082,-0.390143227201118,-0.42072045499821,-0.667730662458941,0.50146304919497,0.353243387142,-0.0425393673864818,-0.225991828369678,0.247504035101905,1.28628985436757,1.65134808887662,2.13971763528496,2.22218297451373,1.70999739907817,1.51342574978825,1.68463428371977,1.79551461565511,1.83349961489433,1.9684401147132,1.84462329200003,1.59296090909137 +1810032O08Rik,0.409336878091786,1.08776308905804,-0.215878881874701,0.899149541635725,1.38412854015109,1.27452266385875,1.15306741564615,-0.424456338196391,0.639309166721748,0.672847410595435,1.42680215033746,1.49475879093508,-0.650122136929869,0.0005093878663751,-1.4231718387761,0.690582995486791,0.5930905237295,-1.30346103893196,0.76404437903199,-0.915517379614802,0.100616181826826,-0.642780043677472,0.244604687849406,0.0756175213290706 +Mxra7,-2.19892214194209,-1.55101964218329,-1.56107420157409,-2.18799891931868,-0.710222929194417,-1.45219196319486,-1.5077676385288,-2.34701095555235,-1.82517036741596,-1.65082181302277,-1.92773842579428,-1.71447474287518,1.16980554043637,1.29884262378066,1.55742419933033,1.28321541314173,0.997299955719197,0.634560460432328,1.47533083713746,1.35434841552934,1.44379512826661,1.50969530928037,0.657590036373178,0.950428953789137 +Rabep1,3.62994102245948,3.52428981895848,3.55824713450039,3.45609373364178,3.43205847521581,3.4877986715852,3.50534017366749,3.51139381383416,3.52785850561894,3.37801972210965,3.35809454487992,3.54590632705315,3.98902970465231,3.80696707194662,3.67509924649081,3.78888659813577,3.67117399783931,3.75700578580719,3.65720963319649,3.99209709539199,3.81715878904609,3.72558735047779,3.6279959591369,3.80495794728569 +Mfsd11,1.66312252179754,1.93859676422726,1.67534720528609,1.98971228342779,1.92444365919196,1.69314472665663,1.80802861674252,1.89221421174552,1.86562846289504,1.94325627445806,1.88763240998655,1.72608065980883,2.99868217982768,2.80842125339225,2.96696307509959,2.80880125327502,2.99514404198618,2.90579429878949,3.05297941247547,2.9792107235934,2.7965035030697,2.8000748822707,2.96392999625702,3.02940301260331 +Kif1c,3.34925511618737,3.2451585005466,3.14658797423763,3.1421965067769,3.43419599928231,3.33562699057069,3.34991415311127,3.35325962550346,3.13990897648098,3.23683487275637,3.43554531071621,3.39522631810307,3.19481625955717,3.49119297076089,3.16047429333309,3.35438221043347,3.40503694316228,3.25970850539187,3.58971455611866,3.21117439740193,3.17159540010938,3.50372278438656,3.386830639617,3.50232316011518 +Sec14l1,2.8829564303589,2.63170220173156,2.50832888467283,2.28734961761515,2.6357163906756,2.8769276722483,2.83901857180506,2.64822292112968,2.61187939230951,2.18990536934704,2.5990030837231,2.63797348093159,3.79770178580412,3.99563510617162,3.27379701244182,3.49374477219903,3.84624580088844,3.94220438299717,4.20318518448781,3.91945370467007,3.27539982503309,3.35360237406011,3.96520050249569,4.0753149791003 +Mink1,3.03237290136064,3.28199769181834,2.62438120214662,2.90493665805767,3.75128516149421,3.72994355913869,3.59830422678274,2.84638528391718,2.79022534884381,3.26389913774199,3.61872050134985,3.297830319568,3.16064258147433,3.53627468119029,3.07787726080685,3.43282642471981,3.84204322788192,3.41311335748868,3.87330521402944,3.07264265733925,2.82438129584955,3.25372123584489,3.79634998583848,3.74669221862294 +Pld2,-1.31080315569389,-1.39522937561393,-1.96055332390931,-1.91795645734659,-0.997174514243386,-1.44662254982621,-1.3233500072804,-1.85509329914212,-1.53213805558384,-2.73995388104184,-2.17146282545741,-1.01970713226294,-4.39097202147518,-3.72842795330825,-4.03480081394191,-4.32454177642657,-4.04221384746095,-3.62568142838156,-3.91450091598995,-4.38340333733305,-4.01840994349425,-4.45015535129921,-3.68777726465529,-4.39128842631506 +Slc46a1,0.791642851275309,0.746001128678175,1.15627647216493,0.894111211827358,0.55914269501197,0.471294784310049,0.983803776770923,1.14327688516869,0.912237891902902,0.928694133276546,0.833243037142263,0.891136969261925,1.7332084397564,1.50249210218287,1.60210260350332,0.947899231230442,1.15769862362308,1.6836146121952,1.43822476057884,2.10365726561306,1.55780842978532,1.57943458148949,1.3305575294866,1.09154610075787 +0610010K14Rik,2.76799800410962,2.28632154479506,1.91953746611287,2.09806296747607,2.44571436275731,2.51907958805832,2.3101681495672,2.3879458965353,2.47182934055871,1.92214031741113,2.56432623661949,2.44720748126768,2.591557935692,2.49892685801966,2.27202275392847,2.22696722702729,2.11387879757172,2.16591516144621,2.43756514843029,2.29301986794615,2.24200799060496,2.38091313263265,1.89479806272817,2.09047234682723 +Eral1,2.70515395934725,2.87313259952921,2.77134448469693,2.94317604827625,2.87720055178214,2.82827929036651,2.94626352607273,2.86580830980298,2.7021410025368,2.89083366844179,2.72022457743534,2.97364725466982,2.88215513649876,2.74201657391769,2.44363047436553,2.58886012296953,2.52693368296593,2.52914035985607,2.66126062733818,2.45902904070956,2.72384569262824,2.4131535900301,2.94652440365746,2.95397282051035 +Dhrs13,1.85699347791314,1.3679271571265,1.22788071075335,1.36423364738405,1.23456031457811,1.386686280352,1.74118854147608,1.64709044646142,1.83070646986874,1.32213856190681,1.38591487753292,1.53807036256566,2.05745877964081,1.35439217046858,0.819530799609082,1.26241181582958,1.30746357132643,1.37381068512218,1.29799656771986,1.95905486190411,1.23537571952904,1.31423144347543,1.27657091052948,1.45056817708809 +Blmh,3.03057624453005,3.01518096079938,3.09754672057758,3.02871657988105,2.64351621933801,2.77793604734585,2.79044085810468,2.9458095051106,3.00840976263523,2.98441258810556,2.85079962639181,2.83747459028664,3.11873515879486,2.74451666547157,2.93398735803767,3.03729360659335,2.83860706158323,2.83289338663282,2.71657813139301,3.19797001057501,3.11529675209222,3.05566708675379,2.88771448969809,2.937795318642 +Cpd,4.27071455149896,4.09154302713136,4.39722468268723,4.06464857304272,4.05655876227899,4.18513352033015,3.95201839082918,4.44712249004054,4.24444677888596,3.9948151807158,4.0286961691604,4.02597318289131,4.93141324787676,4.74513907880933,5.15442748703804,5.01844541903,4.78248172832538,4.96221618226336,4.52109920972456,5.04220691418498,4.7537258900816,4.74503741023241,4.7134515417416,4.6566405944752 +Timm22,2.46404809795932,2.07602956745423,2.65891053828025,2.12605301204434,1.84249484796188,1.97551435814462,2.2801953051637,2.43184712788179,2.31873035305063,2.36908836800377,1.93474091663703,2.24195070681387,2.55188479879652,2.3905103574806,2.6056372349684,2.31563755073465,2.11982084080971,2.26788277005627,2.29238905507259,2.25662560224515,2.51837742761087,2.38975519078227,2.48194775085141,2.53421244948938 +Nxn,2.13424742816183,1.48576985975117,2.2282451988863,1.60465453786931,1.67312485886039,1.79711370531051,1.58631921319212,1.93696377075468,1.73179992992577,1.1495508135142,1.45365180700179,1.58497013981086,2.50145696712653,1.98286429207942,1.68443012976089,1.72536795351042,1.73504255091151,2.35833311397601,2.11256696386956,2.4074115801245,1.72987668875732,1.62225874992966,1.90355161156395,2.11304080824784 +Fam101b,1.63082752824829,1.70725921881027,1.8560480926928,1.28026487193458,1.16702437025405,1.72927664058806,1.2218176331011,1.6504547598698,1.50353625490393,1.48501286752502,0.950937693865793,1.42803169054813,1.99717074118751,2.33604208464226,2.26391139563978,2.13994130836769,1.77534623814571,2.01118995648473,1.72745807513312,2.75149827261485,2.14883615481779,2.52596125495763,1.82186596926249,2.0183559594811 +Rph3al,4.24577630377904,4.5241412404835,4.09837498864167,4.16798037173346,4.54510724729754,4.51535892429447,4.63630222623365,4.58290832093416,4.3439174196817,4.2622818196256,4.79229363139404,4.38058007635763,4.21496423161498,4.61480706557493,4.28248060762702,4.57635412879929,4.72559266607357,4.44272999074345,4.75356331938814,4.54754598559939,4.36395201492026,4.55521464049877,4.69713506768231,4.58586464449751 +Doc2b,-3.3715801319074,-2.64416147527136,-1.78035400792213,-3.1149824734249,-1.63720648330064,-3.22646510015626,-2.58046719136887,-2.29102381173553,-2.59045978565942,-1.77505060275623,-1.87909981210079,-2.82941205470091,-0.70590919277429,0.546805617162271,-1.09907507617762,0.0159344576353408,-0.251322184564599,-0.616156833505445,0.365213571334734,-0.74335411647379,-0.621378693804159,0.387250063107377,-0.195314037991457,0.0893292399367267 +Ywhae,5.34060862709973,4.94898376026649,5.20714230157945,4.85898257381572,5.43338997303241,5.44358410207186,4.95519716820296,5.34468762911327,5.00832947584887,4.90761481672996,5.32465015840639,5.14039416803662,5.17756791278392,4.94087147723956,5.1904061147974,4.81112440024733,5.28621119871986,5.38525857089273,5.12944172485609,5.23056341291033,4.9402385617008,4.85991756889107,5.19611760817166,5.03915838469563 +Prpf8,5.93868043049599,5.78615423425455,5.93812921723335,5.58926456718569,5.74210348940968,5.77416439649438,5.56655900734366,6.15989286838422,5.9292885464931,5.63479803918558,5.61947832923349,5.71187735667204,6.38773241671194,6.13526377829007,6.44721033527236,6.08375249964553,6.19863153680542,6.39007035489953,6.08959214926556,6.34169039447095,6.03229745249911,6.14516190778352,6.18257279375278,6.16423757030702 +Nme2,6.54218885410218,5.53627623461949,6.18265771603909,5.91874660252927,5.92112503799092,5.91665737614918,5.99471314478681,6.23674526638683,6.10820525830967,6.04082582287331,5.91137210885305,6.08332660506497,7.26182570267826,6.57180231745295,6.80119165601171,6.44538271733929,6.42933689208576,7.03202370436121,6.6829976972533,7.15515062066926,6.97767939111293,6.46739832453131,6.53513560627503,6.68194938448345 +Spag9,3.53598167110658,3.99851785635403,3.4270855521879,3.86091989925397,4.04594003585991,3.95981272106341,4.02082527164338,3.42779048482295,3.67674921900195,3.7840867288597,4.04118780330484,3.93913830512824,3.46635213081734,3.86894901844615,3.69652899285208,3.88152564988977,3.97835245166508,3.62193982607185,3.83377162627796,3.65362244356689,3.70704325849874,3.79050907096971,3.85088006263948,3.85162312106445 +Luc7l3,3.27062574021422,4.04371885550201,2.95482475634114,3.87775844639734,4.04009871004019,3.74118430265457,3.97046679820556,2.73285908153786,3.29951628440182,3.51722643085112,3.98184494277104,3.96168479018997,2.78932884958811,3.62935534186726,2.48927878692071,3.35871902389538,3.39748100022394,2.73888823654772,3.30816507771591,2.26325886184489,3.2033805498281,3.22107334360441,3.2251844801776,3.49814403336239 +Ankrd40,4.18686227848787,4.16385437688438,4.24988371406356,4.10037957296299,3.99383198995839,4.19651498782612,4.07273632230959,4.36176823210422,4.20620367997519,3.99884963352873,3.95639966975896,4.0952286239331,4.95493427626742,4.89455548489553,4.96823796557622,4.84855643537998,4.66799617785425,4.87301045532796,4.77045500820215,5.09059752363656,4.88581107547585,4.90286138917815,4.59922768899702,4.71020476243944 +Abcc3,-0.234740056871296,0.0872566137005912,0.412326776144052,-0.292856150589425,-0.969804579164347,0.0311802277591555,-0.297180402386164,-0.397769895001556,-0.144137933560333,-0.268837266549105,-0.742756750236121,-0.568076142348029,-1.65062861228732,-2.31813198706053,-2.56093102886453,-2.61787230970178,-2.57284444856122,-2.17650292612174,-2.10250913039022,-1.25542078019935,-1.94849651203253,-2.71874514776432,-2.3876258538868,-2.28872023465846 +Cacna1g,-1.39150176067392,-1.40268192185459,-1.04436366049142,-1.07364931579632,-1.02237607120404,-0.899449195036409,-0.47309551290849,-1.05595808533902,-0.691574986911697,-1.3511506485032,-0.796906783821313,-1.12608399594903,-4.01580542599304,-3.27419224117437,-3.25478154369466,-4.52877291883827,-3.26696899711497,-3.60323625777384,-2.7062827607543,-4.00122122759889,-4.3696127964348,-4.13239833664953,-3.09274277500203,-3.58916895375092 +Xylt2,1.95643508753936,1.88177263906109,1.89183132255928,1.89534411242257,1.94363745940972,1.80213365339099,1.98801478920709,1.93809055605943,1.81897856286657,1.88958560561509,1.97473730528001,2.00277938563084,1.49457824123564,2.41632229271078,1.80254622787358,2.08003905877459,1.78782078498621,1.59563843227711,2.11004467192094,1.8924122155846,1.79419464766902,2.28296970170706,2.08548644772477,1.5615773893671 +Lrrc59,4.99808581498447,4.35452581788809,4.38778625444008,4.68732971407861,4.68596944835225,4.57721771478082,4.77612466174491,4.30135015211097,4.51246884230794,4.49614186705932,4.56836064822811,4.6420745773281,6.01105967146237,5.08474280881921,5.45125665051127,5.3094080666681,5.89265690611538,5.842035403255,5.92555123956662,4.8960007914066,5.58962252278004,5.26177853928802,5.88680123397417,5.73843303675401 +Slc35b1,4.95290264527007,4.37934021264655,4.28358776846795,4.62653102347132,4.66017048370149,4.43048792788235,4.77484828598043,4.41904803456139,4.46721965036868,4.48261095115258,4.76635529138038,4.53773127258521,6.59809727514348,5.89462959699169,5.96419953953554,5.90261049150935,6.16995286909288,6.40043922796535,6.13589045068221,6.29341073459731,6.07964800283976,5.96730216190884,6.24508140355753,6.26234612477423 +Snx11,1.92719116438382,1.80154601319796,1.61010407769478,1.6176187653825,1.90499137945985,1.94563772348761,2.01262085877322,1.08955117881357,1.6627080762562,1.3980709327939,1.8615889572544,1.89765241067653,2.1739470806494,2.32093506520197,2.0274657494966,2.14981235467381,2.77192489076152,2.07095028150706,2.52886301504118,1.55911005353777,2.19810774646938,2.19403597328677,2.49415516781722,2.30551784648728 +Scrn2,1.81378212392291,1.62420073538393,2.05296392539152,1.78088189822143,1.30948374792617,1.40648574645574,1.49247957281853,1.42856619907915,1.6861223238431,1.20599444538194,1.44318304117175,1.33685833484643,1.30216154573924,1.92388940188291,1.37107344929375,1.44326658973708,1.72483851337808,1.48469262161335,1.51418734575977,1.15936375884816,1.55208166843263,1.60436289306448,1.86124970827479,1.55505212698417 +Lrrc46,-0.531128441408768,-1.15178443721582,-0.989811738251179,-0.613548327332637,-0.403200815358542,-1.2227712174796,-0.976193353746898,-0.124441729951628,-0.463349581328014,-0.448831843682542,-0.771181789067071,-0.627506650376254,-0.181397242865759,-0.444565106700632,-0.324811677879428,-1.16957363042696,-0.543588794858213,-0.651890817709725,-0.223102834613496,-0.372672494688765,-0.296419815452832,-0.151404929875256,-0.873599382532948,-0.932016814558243 +Cacnb1,1.67521120539984,2.12912692550354,2.08995168591783,1.99900276241445,2.45876414270113,2.31964030892349,2.14162898696147,1.95355671105483,2.19106548354322,1.82674210193002,2.35075177829306,2.2742821171472,0.605627551820066,1.52042848096688,1.13241150460804,1.06683163417885,1.1037001477846,0.653231544728212,1.46875834753367,0.483596349235241,1.28541249294046,1.23256439147094,1.08895645660839,1.1760764862576 +Fbxl20,1.75577996237154,2.88608104179289,2.72853410576038,2.61935807225669,2.55672468827928,2.28014929749028,2.34304822074961,2.93992757960963,2.64074266780093,2.69545694661755,2.65252799713816,2.57254428763834,1.71050489846369,2.54458199433991,1.99590680728467,2.28819210798264,1.91625175917624,1.65151724962331,2.05304608732088,2.29696550322168,2.09053178564097,2.29083149104183,1.76105637930183,1.96489921464601 +Dlg4,3.5148077552992,3.76535402850351,3.35832751932863,3.39348040038598,4.04869987612508,4.26041010030241,3.81723293798717,4.06760126826316,3.4544345886683,3.59685867857035,4.03963501333941,3.83010378005779,2.94344281336746,3.13622231282278,3.02585224952175,2.99839159463697,3.54119708776113,3.22428074430374,3.82522148948709,3.09647248452004,2.86039555100212,2.86258101595835,3.5952039152613,3.39294141890192 +Dvl2,1.81679899093857,2.25585166056504,1.83818467178068,2.11751016757105,2.02716275828764,2.11206309300636,2.06514062509045,2.0723659851678,1.9053064504645,2.31977518569802,1.94693015968985,2.25951778079602,1.63390921509854,1.80047883485366,1.38222769874528,1.79535478828469,1.92708448642277,1.8729128049789,2.0109086510132,1.63106367156608,1.65243198885007,1.81010383617868,2.03562552845332,1.82390655268934 +Nr1d1,0.248636212237453,1.69012317131379,2.62915724081423,2.57942856922756,1.3208201875117,-0.331650935252292,0.460332588501402,1.69356406746041,3.02789985916729,2.79975167312974,1.73170857017601,0.314142147797485,1.21603284550087,2.98052899639046,3.62799144690089,2.51761218535347,1.65582189349768,0.317079095420396,1.4711133751694,3.01793782526774,3.38398322565074,2.92358820404162,1.52278955684407,0.609948942759446 +Alox8,-1.09827403304203,0.204283343388707,0.635995055907282,0.072863880823645,-1.19740921809156,-0.552684686412679,-0.160946805936292,0.533388456731395,0.237514463018029,-0.424999792389326,-0.590327511868071,-0.725466867231751,0.036847376859231,0.325768691841681,0.0035634491181579,-0.499297185482333,0.065314803018381,-0.212093529759674,0.571653713949788,-0.715429098361318,0.847902216793775,0.0345509572460874,-0.0769180986939817,0.409889129739963 +Aloxe3,-2.66303992738576,-1.98596700746339,-1.80044976904707,-2.15881820284881,-2.94965678250227,-2.5826275029754,-3.41802145636332,-2.52364506774625,-2.4696065270073,-4.05992616592249,-2.71313145870631,-2.81892158415697,-2.59507705392208,-1.31865872283389,-1.72925087996479,-2.05481927789174,-1.67242169890969,-2.47090737589112,-1.94061356927612,-2.30928096589091,-1.5620934810381,-2.15065235727538,-2.0122902260646,-2.75103337273963 +Per1,3.27263846486099,3.56774282000681,2.65197883375393,3.87684301743055,4.70150952106416,4.31365578198725,4.17176598051937,2.77568013209879,3.67770063954492,4.03051119818079,4.67191016035896,3.79485857226276,1.98101840866333,2.65087825876094,2.69375958934258,3.75462919357825,3.73129189218804,3.00061995262412,3.67150243088561,1.69877617063814,3.06498386255869,3.46792009749767,4.04113171799331,3.05591659599586 +Vamp2,3.54801669566129,3.64874185773407,3.33243321777364,3.37960586185108,4.46578740170703,4.42117169510927,4.16927057263836,3.9267716815064,3.54467218097788,3.53099490733545,4.18099826541538,3.74582962121608,3.68898034846676,3.86896762665649,3.84267658067349,3.72034504832694,4.68476388760836,4.17344492062538,4.76022740921562,3.44619092507303,3.80758989783708,3.88482694571239,4.63116216224572,4.20507663886993 +Tmem107,4.49805312266958,4.26344397678195,4.70474221924692,4.49234529507284,4.34355898623861,4.06416687192644,4.30241454937603,4.7670534649793,4.54890870199651,4.57779110618253,4.42213868849829,4.33373627370942,4.43316376703717,4.367335000938,4.53811871875232,4.43150083756299,4.26027536836068,4.50593262254659,4.4793843778359,4.64164527077885,4.45226807002104,4.4354299534947,4.40535076442837,4.48910912911521 +Ctc1,2.24587270541541,2.41438319861504,2.30314227338848,2.2631696016226,2.30484184498631,2.21846698418693,2.23237080862811,2.29778576515408,2.31087567264286,2.38595613945394,2.13573027438152,2.21740135830781,1.23191916444342,1.43644050975919,1.60153321173011,1.38908161454415,1.27160281468923,1.27034683062759,1.34703025449357,1.20311019675571,1.34368445209283,1.37584906674792,1.37935255832962,1.38811058819016 +Pfas,3.35941216340434,3.32447959402288,3.06874026979999,3.13495444363587,3.32658571915444,3.13148523880302,3.21534568120641,3.3406164507951,3.03247968946712,3.33613233104949,3.14012010581351,3.39461394537952,3.22108134890571,3.04773012464724,3.04877602829735,2.97731447968137,3.33316855212111,3.47257863874565,3.11777365335766,3.2171057963469,2.58513411034106,2.79688867403323,3.19304125172793,3.21398120006468 +Myh10,3.41115244520846,3.28855433784049,3.15360968233473,3.04429833184112,3.58004323690015,3.67539608052964,3.51725939825989,3.34420096865028,3.35748897979847,3.16668957416577,3.5898841392761,3.41816598651191,1.65449073464804,2.0090857659167,1.34692472367414,1.88814103188317,2.44746279377007,1.91815422676034,2.49778811349861,1.12967739153697,1.53771608638854,1.84523426738453,2.61761635858927,2.32907080626079 +Pik3r5,-3.65947021921438,-2.76589328359649,-2.9713003317518,-2.84524218061583,-2.33565806181796,-2.83688006386028,-2.86835727867585,-3.08616417229878,-3.96800598039466,-2.86569545443597,-2.95602293844039,-2.92934838428838,-1.23682565008216,-0.255192167119387,-0.892564943827409,-0.718138152248834,-0.95376738569967,-1.06863012581277,-0.583245618369969,-0.461412475486332,-0.816080670693698,-0.0998446861376734,-1.05096665220366,-0.83594207895101 +Ntn1,-2.30380274528458,-2.28394695445824,-1.77757093168377,-2.3743822231024,-2.35217681233408,-2.71258694176954,-2.15862358843857,-2.07341772692716,-2.70316524216151,-2.0366035926337,-2.31228836959098,-2.3727571060006,-2.23129074794663,-2.50003982014469,-2.72057761452939,-2.91477161009762,-1.94648113417746,-2.24797635107242,-3.00178533652878,-3.46701729843362,-4.15923548762782,-3.18496593592624,-2.05456605128784,-1.44588782783925 +Stx8,1.20725434311198,0.793476084975249,0.716029517190627,0.872290053283053,1.05303413568786,1.07021385637184,1.1541684615373,1.13634148275213,1.07231131101936,1.04325836224095,1.18346636613876,1.10744620052831,1.09914161508525,0.74177341194388,1.09973238046448,0.927558495729941,1.07381660297221,0.984007700359644,1.15407159056444,1.14466518193356,1.10432501142692,1.03555082533416,1.30535850290895,1.08581417101019 +Wdr16,-0.611997878600737,-0.97969420177369,-0.143864283210867,-0.864046936393974,-0.600127613285379,0.137849332533419,-0.23437487304201,-0.626587821190379,-1.29669230324729,-0.372420647097301,-0.105412732866907,-0.493956410121699,-2.81502523055297,-3.92963721626344,-2.70464543738501,-3.79879105428533,-3.92672704333414,-4.50218950620373,-2.76787375038768,-3.41372574482071,-3.91086649227887,-3.92440462915796,-3.48697782165817,-3.08851398998736 +Usp43,-1.75526822010338,-3.1221801698999,-2.75763295716546,-2.6315748060295,-0.859489639411779,-1.62371019584401,-1.7669802587137,-2.22930113308315,-2.38723250479998,-2.07064221119665,-1.51923420952414,-1.92249227945948,-2.17650196753503,-2.32826898271058,-2.82268717847863,-2.5700151022213,-2.32120922377586,-2.34700816338923,-1.73273610848506,-3.53176748591432,-2.60595932502635,-2.63643141074505,-1.89414185472803,-1.6835270751206 +Adprm,2.9347308213341,2.66438056554156,3.08867805741116,2.88010205958265,2.92691368894328,2.73882105231068,2.76534455315216,3.00673015372089,2.97642557574088,3.12099198560343,2.60109282726864,2.766740012929,2.86993791128758,3.03601817821822,2.88963166701151,3.2289295958284,2.58125001505183,2.6174620556173,2.90420446563027,3.42533331900085,3.28141103166451,3.2485676986455,3.01608571635689,2.72160873039542 +Top2a,-0.324661844064687,-0.0962736842093719,0.579209927804728,-0.0429614105579632,-0.924406658068551,0.0443086764736895,-0.37051993587695,0.296271895443007,0.379975456941176,-0.948680436513936,-0.828386956477234,-0.0195576928133572,0.776934155003498,1.16597455942815,0.701502412460669,0.145820072254196,0.768684145118535,0.206608093861527,0.74070309600361,0.846762764207105,1.28730031530585,0.793235942320572,0.136173311187551,1.48565551341598 +Acly,7.63380811455295,7.47061982223316,7.4165524965904,7.34665804153381,7.44439072935177,7.46091140429211,7.47069462849062,7.6254578305257,7.51697729253304,7.28985860734031,7.46489462319727,7.57366024419107,8.82443131112641,8.92160381910801,9.00434215881099,9.05568429095994,9.26826228868019,9.33190173094951,9.07885122762803,8.86146498633363,8.60161660334101,8.90570040956745,9.40913768895186,9.23749437314626 +Kat2a,2.99982595815111,2.77421277332848,2.89295006146519,2.74334624466415,3.33897654998728,3.22356627572062,3.31382466346425,2.83278328530261,2.88140454056233,2.96717328508823,3.37900183157931,3.06474870183176,2.83445688745383,3.10139586042339,2.54697806695659,2.79548717450628,3.17293188895546,2.97002206675985,3.50815879838377,2.67505607698148,2.40519246041038,3.06117884389031,3.37342721164144,3.13806976131132 +Stat5b,4.13728675699148,4.11362318741107,4.10820208091562,3.93614976133075,4.03744960436151,4.12209703817763,4.13694451385506,4.23595652548356,4.13187040128935,4.13492264940134,3.96262515483616,3.9185774386031,4.42007518386025,4.80033977745786,4.2519500549082,4.21726138939674,4.25666991251208,4.42177394959936,4.63397570939953,4.65227206594536,4.306868764896,4.25065016577603,4.32329589924915,4.47714757599947 +Tmem101,3.01522345836156,2.96839780367427,3.11725945915719,2.98111307484239,2.53171997257693,2.47759285172596,2.67158778094913,3.17683925541264,2.96675932024628,2.9908653196004,2.77336030096255,2.83630788077462,3.14754399235419,3.04582819273679,3.27523794158417,2.8908432471604,2.49013464829045,2.95298361706149,2.40770404323089,3.19429613127927,3.01732987649316,2.83098831251411,2.56017583031593,2.72524235197297 +Lsm12,2.47113644199625,2.04728593735488,2.1723689293353,2.23650431270943,2.02157194016124,2.27369437425109,2.10758870821017,2.10751217843969,2.25494245201459,2.14835878950705,1.96227903871286,1.88613716076945,3.46306010297762,2.94553579597118,3.29988297056683,2.69643131663824,3.16171006565263,3.38973567328016,3.16911053283871,3.41118531224994,3.11585009856486,3.00521962964835,2.88844784454161,2.88842513431777 +Ubtf,4.22667503141774,4.27724274631922,4.22245859188719,4.34854001753602,4.49626908134318,4.33948051951621,4.3632530037981,4.18912458072382,4.24592648587165,4.33537315914725,4.41715853861712,4.3059101451407,3.82690068800822,4.36690986227921,4.10274806325484,4.56527388146079,4.30101874792657,3.89550946257185,4.33597136462574,4.13295894349824,4.23909339046911,4.51883018895959,4.3977445170111,4.28202933207222 +Ccdc43,2.84002980878241,2.715386061449,2.86318314393604,2.74482549342379,2.57594594374229,2.68878428095748,2.45893298890575,2.57648298618931,2.71664213019706,2.75093636246401,2.47616842636956,2.79298908297871,2.95471664903138,2.89996191055007,2.9879435269506,3.00001091043577,2.48462479504721,2.74971900432102,2.72955308284634,2.95749990737591,2.76889281886944,2.67128055566785,2.42808873339712,2.78826887827114 +Eftud2,2.10927033689883,2.00331431893122,2.01032340045626,1.96938216729519,2.32209143743217,2.3192423089267,2.25268723242888,2.21017601358731,2.07391070273593,1.98330217651293,2.13535611294438,2.03953961904778,1.70971540441616,2.01990229165117,1.98324708282075,1.92157561585175,2.1990199333446,2.0873495226129,2.44840999918139,1.71091358077791,1.77151007288167,1.94610819811408,2.4211242225636,2.23737931563374 +Ccdc103,0.240661197037058,1.23718283931571,1.46645540610981,1.24708515641876,0.709330187047099,0.845736836672309,0.556400499639294,1.68304523190351,1.28200808396315,1.2644103224534,0.374766489956381,0.955584622885268,0.615160824203184,0.492717480851675,0.836521462515178,0.72740422614606,0.153576538108724,0.93175586878262,1.09741972621196,1.05291598075893,1.13061934700512,0.947636655647438,0.207173937475774,0.9911544476258 +Dcakd,1.82919441534357,1.47767942683602,1.66334999202248,1.52868852740675,1.59193546069772,1.86577014556516,1.76315171253964,2.0094271787575,1.87840910687081,1.73496036676219,1.87758432221899,1.63473398372775,1.62130976900186,1.55188943690597,1.44125619291427,1.21694174586571,1.94307452197691,1.62225620999486,1.95812079084248,1.75619054952764,1.11038005135199,1.24103236511477,1.72365203528998,1.53891834742776 +Nmt1,4.160620554919,3.96430067703905,4.03579791631012,3.98165557276881,3.8619597994267,3.87765367227403,3.91885138835955,3.9876762469926,3.99908204054026,3.82007271820124,3.86803517306102,3.97938347023083,4.0712863590765,3.87607737393258,3.94730085687433,3.89070281532066,4.16577878182435,4.20452830208304,4.2320552284609,4.00277408454954,3.95276615450135,3.95017310969322,4.26826329409556,4.06113354139322 +1700023F06Rik,0.959173408187404,0.724764320505509,1.19143025058488,1.22324751417752,0.537472093473779,0.570981268644705,0.647574396745002,0.436567248654799,1.30557317669518,1.40850349031528,1.11877331197252,0.332560401523648,0.373158133762066,0.599004904861057,0.784251345729667,0.816980292525912,0.05184160347175,0.569126097002636,-0.122841271061772,1.10518669561439,0.91429343089848,0.827506630919973,1.1056282747006,0.518187282264695 +Map3k14,0.732617306617755,1.0274168785232,-0.290304941720435,1.02068945405163,1.17711170150046,1.06953991545295,1.40217416974646,0.129783092543492,0.621428944402075,0.962096393692379,1.19876882170515,0.92707437641056,-0.416008075125694,0.817333399208506,-0.377597219007289,0.498445342468874,1.28536556739556,0.304579547650619,1.36493438552146,-0.172332032452879,0.516771268810591,0.821681691039684,1.23291985161662,1.10007099733283 +Gosr2,5.47976195467604,4.97879971970627,5.25087669093112,5.10117528047687,5.05775632979702,5.04473800183109,4.98718261005616,5.04302335326575,5.10691773447389,4.92751201062653,5.11481796802435,5.05167583910987,6.55334871369949,5.77160014517223,6.24431234043467,5.94769082702131,6.26379204933447,6.4051003491108,6.15017606238218,5.98152463589799,6.06963504100303,6.00087883337409,6.29334232236874,6.20294087108229 +Klhl28,2.79777118691108,3.0656840721456,2.90208626530841,2.83852323650314,2.79007425446378,2.58110405723091,2.77241769308814,2.83011450926563,3.23350866818923,2.50981721917082,2.71686845665844,2.71925543107894,2.97537678784209,2.68835329776022,2.93852010464861,2.84401724557191,2.57297292395619,2.94937838053885,2.654538397042,3.14776480958643,3.10445217121104,2.68915252599143,2.54782930295714,2.84378398772308 +Fkbp3,4.57108694363883,4.37433427850142,4.4652334046217,4.56016309134582,4.20709706179576,4.28030383574754,4.30346319182728,4.39489433026851,4.31943564256051,4.69927369079457,4.35328007177168,4.41625324113661,4.46982410428634,4.0894247094575,4.30190186608983,4.37108232766922,3.85128280251229,4.25733750903885,3.92501828330839,4.38076235130192,4.29860515855603,4.1645168346282,4.06834720598594,4.2654108005221 +Scfd1,6.07466792022219,5.87472585621609,5.97747084143281,6.02629617848715,5.77135448275083,5.74035137572809,5.93833174178176,5.85885758993915,5.96080696660743,6.03771360505728,5.89018825916155,6.03643453645047,6.70152808665202,6.24251848159682,6.38322822856093,6.33924899186107,6.52658849994929,6.522742850515,6.42755740559578,6.125346269188,6.52337282924446,6.39119508292476,6.57617446132626,6.68552634351542 +Strn3,4.82094533351868,4.66434126534549,4.88987757797132,4.87833811079419,4.63725488339658,4.6917535507968,4.75956607130693,4.72918737601978,4.86327097283082,4.8121822482731,4.65046659654812,4.78924183989575,4.80602665378023,4.71702643732739,4.76591967619397,4.74334128799065,4.50598735552883,4.56153774847849,4.42578574048515,4.8981484295872,4.81662648643685,4.70381654778651,4.52399692753101,4.56677969537076 +Ap4s1,2.77042403268136,2.75571342886879,3.0860368265761,2.88105835009507,2.65970032038292,2.84602531799858,2.95720901398798,2.83811167076782,3.16845593249938,3.14195822205614,2.86928123155862,2.67422376187872,3.03421662149328,3.10790737583585,3.35091681673211,3.07382223580608,3.03537173972371,3.00340401081587,2.43523079284211,3.21201113995477,3.29580744034881,3.16258574137653,2.89177325917835,2.44127254310253 +6530401N04Rik,2.2102611730772,1.92755617100302,2.60211352783661,2.21922465291797,1.89958867421468,1.53787046448572,1.71603704644013,2.18633837669851,2.43096831239075,2.0691994287528,1.72296703020189,2.03563261713146,2.61111707503118,2.3663767317329,2.75052729143049,2.52786855574757,2.1341893292183,2.5249255045891,1.93158463525089,2.64832999173531,2.6938409683679,2.58109935739494,2.1513773774846,2.40795237926187 +Ston2,1.79418419463364,1.98822752375221,1.94000205076583,1.38862316177054,2.2217268670254,2.08894404329953,1.75579924424058,2.224618213142,1.78482277722806,1.80522520432927,2.13209237435928,1.77128596771162,-0.675252518473945,-0.157122319187915,-0.301760152801709,-0.307827023227737,-0.0124516466930511,-0.27123177066369,-0.438766088605684,-0.0171673043197749,-0.101819585853769,-0.561734294443103,-0.155677901764725,-0.178200534663656 +Gtf2a1,3.66987034695768,3.93482845811078,4.16821035454897,3.63131015231397,3.69508906937202,3.62784094748112,3.56990864784217,4.1921129279354,3.86658604746232,3.66632737643268,3.68993150925296,3.58226705869657,3.67335313205939,3.7372288896089,3.71551418617953,3.45132798784026,3.49871725467915,3.48715375831683,3.18012565566849,3.93532024331964,3.52269982113292,3.36527044498829,3.3126054502145,3.40122685440583 +Sel1l,3.49558862873848,3.52079490822328,3.49032867325037,3.38424621078359,3.56787570353267,3.45522498359211,3.34530948114532,3.52120229792788,3.33456998966753,3.38810221317626,3.46303657019542,3.34115247811426,5.07450756841259,4.91421494257056,4.89221248326834,4.82241655354377,5.14750695643456,4.94351733587994,5.10512143901158,4.98496831210139,4.69522885024338,4.65975108009516,5.0788687988496,5.04302708130571 +Dnaaf2,1.02130700002571,1.07028198975931,0.928970373629081,1.19983907135466,0.945532586699063,0.939535304064818,1.15427315374564,1.08075086681197,1.40823862570868,0.880452666282227,0.551080899069908,0.881705423473613,1.17372414541466,1.05022965730704,1.11184106879939,1.1039468747949,0.65700345174186,1.07113881075462,0.996022388305865,1.17376654615893,1.30524868856555,0.763280192692863,0.972763427310918,0.749667568918929 +Klhdc2,3.94393310292462,3.95061365396329,3.96209166533085,4.0445871606389,3.76172583137512,3.58171719681634,3.56254368692018,3.80154474561841,3.91415068549839,3.93113506076689,3.73804787214504,3.8533643335884,4.14356282607265,4.01290799769765,4.28769263579596,4.17902587594674,3.96454976980214,3.94691586903907,3.88725347923447,4.313906057407,4.23545463317761,4.21967301859128,3.95362746576517,3.88217159239361 +Nemf,3.83089411866484,3.87068160190813,3.3853199688394,3.99592771753535,4.06476928408731,3.88868327333553,4.1333179405863,3.37681081777063,3.70036388455446,3.75035683003182,4.12501822187352,4.04083163599495,4.38906724084029,4.06959332344834,4.17833299341849,4.25139961642841,4.59538430587625,4.22495542519537,4.58120843938845,3.55414659079974,4.4535946609217,4.22514366519129,4.63883247841957,4.58237542522677 +Sec23a,3.60433982197158,3.65317306437049,3.54442507759184,3.78403652116921,3.62067749535835,3.66884229241614,3.70822230008904,3.44405166444257,3.63602948572703,3.71099181859714,3.57307165826152,3.52348062811414,3.060150919029,2.93642273407253,2.90125181412592,2.85793886686821,3.06957834810749,3.06592932833663,3.13786183852632,2.80490745987907,3.09712763357171,2.94505204814322,3.04899625927835,3.03901138959362 +L2hgdh,2.62986306512848,2.30007230382024,2.4017621523851,2.64710144697801,2.03473777061189,2.1994597219217,2.52231425316696,2.40129424406678,2.55681262442739,2.26695068661754,2.1875727695892,2.24000808342796,2.61104240619617,2.24620952784977,2.73771993067076,2.17864918721454,2.22882066499783,2.38712610256697,2.23423006625907,2.14583415991574,2.57662782593553,2.63971647520874,2.31321541726231,2.22737340708364 +Cdkl1,2.53766087846556,2.97803832777561,3.01684380599177,2.38528889943003,2.49457022393855,2.4934422700109,2.57963885278466,2.75227236080865,2.64562044188458,2.37239231036372,2.43502778942528,2.623822322654,2.77822226503913,3.28877394596988,3.23904712314847,3.02700570871036,3.05777811506773,3.0013708622991,3.14007687588426,2.96806733557044,3.05020625150429,3.14677374265137,2.60577581879379,3.09758135658109 +Trappc6b,4.85926323490671,4.63985834527272,5.06792890742557,4.964347063413,4.59169636444613,4.4780278294356,4.67073158330286,4.83934381954808,5.02282634057467,5.02458579061936,4.84114125482492,4.81336504230082,5.48457902751567,5.29701038804838,5.37516462979982,5.25117678152386,5.06485335302254,5.0316158576522,4.94732302298789,5.34114949062438,5.55257372017105,5.3937779981792,5.13659740433495,5.14768465927588 +Pnn,3.94313026013563,4.21586422189528,3.64839881365622,4.24017769143888,4.42086235742275,4.40615722724161,4.54192109317093,3.36396515361464,3.79675279517673,4.12807988945232,4.49139301260583,4.27029298109323,3.76230696120505,3.95639483640185,3.06402685625146,3.87269988150094,4.29321898538513,3.94085324619455,4.41078053899001,2.97458466856022,3.78483044173249,3.63950872401741,4.32957585089511,4.48735326035298 +Ctage5,3.4675900344713,3.68257033983848,3.65184398627291,3.72979751358979,3.69002382890806,3.4944167966159,3.51574087296797,3.67254639777683,3.65955014601798,3.75101177735811,3.56498402128194,3.5628514858815,4.45348073432664,4.40317804349896,4.32193644171707,4.558838109441,4.44652285401862,4.26001353659006,4.43520214011569,4.34050568816916,4.5298070583554,4.50734384868897,4.44329450849853,4.45033402852436 +Galc,1.46486705527093,1.84976126986262,2.10201643458532,1.8097585739195,1.94961156491647,1.67762787477267,1.22245461056061,2.19085302649805,1.77483506938599,1.59315308253068,1.5969311178061,1.25060108898631,2.56785326118209,2.87641623948442,3.04814368808197,2.489948829451,2.36235333174743,2.68016056462028,2.34677093219771,3.0697271930259,2.54964158935758,2.43770985154747,2.4484862783367,2.52511418222555 +Spata7,1.26046202319551,1.60605611386562,1.92599958440321,1.58169364633578,1.72980078204433,1.92770439916928,1.37844464001966,1.58873413095691,1.62110042166867,1.99643964972976,1.58271449650306,1.73960966371497,1.44246895109917,1.58647698756571,1.41030459196327,1.04975232049135,1.30252622258144,1.0282513461621,1.25301218999779,1.54723906001603,1.62248939608028,1.44692617555628,1.14002614493671,1.20014480878547 +Ptpn21,2.23547412767034,2.40006943940779,2.30800520960332,2.0116303111335,2.62121842554743,2.48041090279191,2.40567640505808,2.663659425866,2.23024064617864,2.0758251022496,2.51977577477036,2.3030474624031,2.31751921015144,2.62758353576129,2.2439365908189,2.66483893346716,2.93496734429972,2.7684948167298,2.90543421437595,2.58344489756784,2.47231269435176,2.50167037932554,2.99992521604376,2.91100896761831 +Npas3,-1.34478339804492,-1.39448632388707,-1.26150051346656,-1.80699785731872,-1.61906782651406,-1.01380220971361,-1.40891873718978,-1.47007796978825,-1.27144860333037,-1.78481944847226,-1.54351829108216,-1.12986602861614,-0.157414743707565,0.29439125798509,0.198942231880074,0.0734498443134539,0.26456481826762,-0.0086971258316208,0.075588280853716,0.24976269204965,0.123803371745302,0.521304554336387,-0.106446745554293,-0.0446179356156238 +Zc3h14,5.38713413149702,5.29006683036862,5.50369674723783,5.34764666254898,5.16087123053981,5.28912321592928,5.19803693418394,5.3882224064668,5.40771048957437,5.34177258460865,5.21601356184438,5.2346688495547,5.52919390020811,5.42797449192598,5.53438067309339,5.4362465321449,5.17076195064964,5.50677631317353,5.20140434223716,5.61339885547855,5.45144209754351,5.41006989179851,5.1556393032407,5.3371374251152 +Ttc8,3.55914316952945,3.75183798090412,3.79131628208838,3.71151346204309,3.41549257856328,3.51112062751506,3.57083140799274,3.73979568034831,3.7968624077991,3.92522676620685,3.5112638613422,3.71695803965804,4.23969009444431,4.26379681357055,4.20489982559738,4.1978607678402,4.03375820118663,4.14035488977401,3.970869659036,4.12224524760815,4.25389175014083,4.13254262899534,4.02999332964978,4.17751097344042 +Polr2h,3.12930717259214,2.57488412054955,2.8941101635169,2.99995751131623,2.61674218395409,2.82854650722114,2.7478060789041,3.07693676816678,3.06508065258795,3.01686681765365,2.65686099489098,2.90874719779951,2.74390694182989,2.52726808870324,2.83249887106742,2.33117054573541,2.22640082068768,2.42240699293224,2.19888336476588,2.35903348060278,2.78136327569568,2.66830332998855,2.47390251886398,2.4985285944112 +Srp54a,2.76673652239432,2.38341910033002,2.58945589730982,2.60966340180029,2.38933042961793,2.60231849329447,2.53639938001655,2.64703256648804,2.54038064756397,2.74185624740958,2.53014655449717,2.53779483979339,3.59274383312753,3.13732229249216,3.14062797685007,3.0651110084499,3.3978676009873,3.49344515020674,3.39124119833927,3.26188533885275,3.32781222768212,3.23777147336742,3.77833665440504,3.69925524311861 +Ppp2r3c,1.89143998301095,1.94691835091002,2.01321183312307,2.28400591672917,1.47349925147223,1.84387231847292,1.80042452898822,2.02040523926161,1.85231426604047,2.02173810389713,1.76163990674702,1.85494421754326,2.78845250073187,2.53832953420481,2.93161405342296,3.18966340553006,2.48975952417215,2.64786087773906,2.52403694307593,2.638023669812,2.79499480101633,2.83409124211149,2.7308299880124,2.51156870660192 +1110008L16Rik,2.20608952185954,2.42208159533328,2.65937629654018,2.36346627939803,2.32960430427128,2.23291184944786,2.11714288992664,2.33312086916838,2.50064854113978,2.34870901948534,2.1662780749449,1.9801822230456,2.21309262739142,1.86840003501949,2.25164304912398,2.11713597369803,1.88908324196926,2.02263730841793,1.91356993242041,1.85359792271551,2.2651081779451,2.24385977979273,1.75605090531564,2.04067837518258 +Psma6,5.28200837625977,4.73524750023053,5.28139053005512,5.07649698988704,4.52215188400935,4.84941958511867,4.7228872174367,4.97999060140453,5.10083748829006,5.045157031752,4.79528115333351,4.89688196974159,5.20932904672445,4.66152575603396,5.1449192078201,5.10809082420211,4.7037964167096,5.10119149732706,4.71551104566443,5.11824179405483,5.09707653568547,4.84557595836255,4.79225529967426,4.84505470634689 +Nfkbia,4.12044440773112,4.3615060194096,3.85839749491572,4.16743900040139,3.8719015636549,3.99426889997302,4.22229919866279,4.00638283894675,5.14327415884476,4.5684277703574,4.31697629060425,4.45700168595174,4.34547153976769,4.78322085932829,4.39399763719974,4.62657869633398,4.18172847752892,4.45643121916216,4.65418285783906,4.78903196430175,4.91321553694593,4.86373847522613,4.60397299018529,4.91521911391562 +Ralgapa1,4.44462728893387,4.52482304263653,4.41096569050951,4.47760331917087,4.93718060522158,4.86616262895177,4.75402101966173,4.50766960675683,4.52213237601947,4.39920721759315,4.93724055655144,4.74756923825421,4.45196609013244,4.46406899989292,4.43366778232488,4.2862421499713,4.62492480898617,4.45241127257615,4.46671131416451,4.32759587010249,4.15294927588041,4.13041332030299,4.57571290242087,4.48482296865085 +Mbip,2.43948042363139,2.709495968093,2.91482635089393,2.49896491094326,2.71046211396809,3.08547417010806,2.56318958301139,2.78253256626242,2.87605656200296,2.7037129065337,2.81335792002219,2.88421004809473,2.74724711031042,2.84099816362765,2.57069837060907,2.74252605801619,2.55608831264299,2.38255124041517,2.01095673430186,2.73684777193206,2.63345258736955,2.68199862783267,2.86913713015287,2.27809092802617 +Ngb,0.475813120374628,0.684369387689559,1.48183242275806,0.914712784101228,1.00258873439773,0.849938681833659,0.810462973075986,0.476582427868134,0.758818792681377,0.983435307122633,0.827676360888896,0.541883414393432,-0.857855499251857,-1.00553353697104,-1.15663670359177,-1.97213676917826,-1.3594130111683,-1.74407475202038,-0.376976210291318,-1.44458507793888,-0.809187074570991,-0.704583899470531,-2.55121212793974,-0.858560591039033 +Gstz1,6.19714033334622,6.49784478939905,6.58318026694383,6.31774596636973,6.15532160574786,6.32947566248396,6.28507114884406,6.4331553406969,6.58042696905786,6.40362598619858,6.23168989371152,6.22497506910963,5.99135837438696,5.95572970103735,5.89386437873273,6.05609035393687,5.7835875378362,5.76624296960757,6.04053374243917,5.71683323451381,6.2102572055601,6.07642533641546,5.69604177383256,5.7053207242843 +Sptlc2,1.89155218417127,1.80006080912345,1.78576731735426,1.71595217124782,1.6409234950855,1.77585474217856,1.79581790775982,1.5809716628176,1.71509263024724,1.81185606094172,1.50453604276145,1.59737888749524,2.3507056287439,2.35756327636187,2.24826038937549,2.27370594003606,2.26846990956966,2.29107385573635,2.1494525681446,2.422187552143,2.35023993119554,2.32270946017289,2.083751805055,2.15138049993757 +Ahsa1,5.93030260800968,5.562642576597,5.35678544641925,5.70661784718569,5.82206376134702,5.71860116292364,5.71906591196884,5.57612195891699,5.49754376859753,5.67023056494555,5.97321375275465,6.20059587589014,5.48574159911723,5.58290646597584,4.97650787591686,5.52027592988922,6.05826192820849,5.64143955314124,5.64593240347238,6.05797838032587,5.38258921016448,5.52488770272825,6.17273335631098,6.09642155302764 +Vipas39,4.33037264652076,4.2430891452679,4.58768269874941,4.43792845034615,4.19617966253554,4.18697652844123,4.24584261792367,4.3331000312167,4.50136891108173,4.4010898060339,4.21538382728123,4.14027061067196,4.27407720468307,4.27620225739411,4.35126121446982,4.47601990272015,4.41251593827188,4.33892292252961,4.23658031418471,4.11762043491258,4.5414469843626,4.62853202274111,4.2714196748927,4.35436282191898 +Snw1,4.46645754676296,4.28873804335552,4.52835917721647,4.30401313700209,3.91790301491746,4.12589208737534,4.14564257384351,4.25536779932734,4.41535785076634,4.20012777599152,4.05893948176116,4.27014122327898,4.46999862922502,4.56162138982936,4.45776640775108,4.69325958762507,4.15870368802055,4.18694467366248,4.11590144892534,4.57551436755213,4.59341177222865,4.63025578046806,4.20004556451378,4.28148794326264 +Slirp,2.84958827149287,2.54583208567763,2.90711200445367,2.57658205570334,1.99936735301966,2.20021048753359,2.28598549941639,2.81583048865025,2.90950422646466,2.69023497578608,2.39566773193584,2.57052461627976,2.6047452113897,2.12730841963964,2.59817868764541,2.28350458439002,1.99858426706422,2.48314823581857,2.08995907915226,2.54936220118505,2.44950389752796,2.40092720535645,2.23399005443453,2.52760777408914 +2700073G19Rik,2.18378129190681,1.64981466997749,1.50391798840523,1.80075972915951,1.79371753028173,1.74150786191566,1.60884040080815,1.23012600919472,1.53765899423547,1.93568211080356,1.61852618100306,1.05588293432999,1.5344120599062,1.27389311017438,1.3786880153127,0.915335005452536,1.58675616019387,1.90248241663904,1.23314730868888,0.461844038957252,1.40962352746745,1.28885337179662,1.53587959113309,0.944627352305527 +Adck1,2.65024888825897,2.82649560215442,2.55999391513116,2.44148132867099,2.48498188614575,2.32123953058178,2.69206538683319,2.24241764986351,2.4888328928218,2.83562805385064,2.66446536083264,2.65748927110418,2.30775875853087,2.72989856799795,2.54425260627547,2.6973031870355,2.76495783501154,2.70787408526003,2.92889900867367,2.88263009337805,2.55592670751463,2.80626572909253,2.91579094374856,2.87006077587502 +Nova1,0.954691025776175,1.05806364422724,0.365727573130693,0.631056931918528,1.68159620336892,1.49263275006838,1.01729174727788,1.31782588275582,0.672678693460203,0.647406197963367,1.32593507262418,1.07046430392613,0.26367233225464,0.270266870982398,0.027307098883822,-0.207136448138391,0.417845448849453,0.129166174437434,0.437319255016479,0.0204245072160512,-0.0005523718579643,-0.235507174794467,0.41545036697135,0.244143062844158 +Mthfd1,4.73605222392905,4.558205233033,4.65820472565832,4.66016074151148,4.52913543663433,4.57058690902497,4.65591539338068,4.66245964218948,4.73409254219907,4.63470362019091,4.66559842457988,4.71091151305339,5.53393623390458,5.79815027386586,5.85554727339196,5.90291325430009,5.66491423620693,5.68357314325525,5.79645094487706,5.6047413196842,5.80805379781848,5.86633003114931,5.78686913788004,5.7652675227737 +Ppp2r5e,3.15270080171054,2.81889415815154,2.90892077616763,2.63688694222691,3.34298673835071,3.33497583981477,2.84072417598395,3.3767576486737,3.08109204002501,2.80657484897507,3.02246831561441,2.9315830058295,2.89803927052837,2.70651398325634,2.88303536287993,2.77203033748211,3.17431248485118,2.97968189269853,2.98286718231684,2.97865893171335,2.7843553563653,2.73965880942176,3.24563674262947,2.8212797603161 +Sgpp1,4.88720694702199,4.27746368041132,4.96954718356725,4.44515345676869,4.24006366145292,4.38954326674743,4.35723497139511,4.67030363393117,4.55211562646874,4.41781903422159,4.19213697130658,4.41752788755406,5.70275884234799,5.25941345801585,5.63928472371252,5.15799740815241,5.04067909952147,5.51879489125055,4.87869208159483,5.76203560566084,5.37791050418273,5.11888149053691,4.81545307894133,5.14136643872257 +Esr2,-0.263744680868792,-0.893683223235201,-0.703873162514014,-0.645109905741339,-0.935340697127201,-0.713322940522377,-1.08162171703743,-0.453483995486779,-0.541076112978506,-1.10109231908541,-0.98960162553427,-0.309446560991674,-0.137610523884448,-1.09666361253647,-1.54444418666765,-0.940957983256422,-0.866869864155546,-1.02915220264313,-1.23656755804074,-0.684631612914542,-0.823737645151792,-1.08254975713096,-0.958218354828669,-1.01280816152135 +Akap5,-2.18638644430053,-2.16075478574995,-1.89367193243982,-1.59567700611494,-2.63378793701142,-1.88765850153458,-1.91453529824026,-2.20541003978332,-1.53469951120144,-2.16919360834085,-1.28637044196947,-2.15753514483958,-2.42040628187789,-1.21293508144548,-2.44321818481454,-2.26742427887556,-1.83589547432044,-2.3195535428115,-1.02011950488098,-1.89193386578612,-2.11539158736311,-1.75927689069294,-2.40593910450782,-1.82817928005995 +Spnb1,2.52343601609968,2.44265508082387,2.77823728022551,2.52922027093581,2.50029123254462,2.80794725542833,2.56796527419216,2.50958662413285,2.64197587893984,2.70196527614731,2.64706226980231,2.53098611322893,0.781571140034906,1.21357308035962,0.809498132262318,0.958936159542004,1.08299537883737,0.525273687296449,1.35966826379574,0.727630521723748,0.334594388554632,1.26222091380197,1.261834492582,0.952397177652227 +Rab15,1.47580139253579,1.14805818979866,1.01548358815547,1.15338907617724,0.739805292961729,1.07253034864278,0.950764384855088,1.39410191619092,0.963505895049407,0.945525141957894,0.825637220059005,1.00687456187406,-1.26278277315613,-1.07811766866014,-1.87861854217923,-1.275132338768,-1.89122787379704,-0.923335343537369,-1.46923609003355,-1.51048361739655,-2.09243483980089,-2.12567920192856,-2.54467105451381,-1.43550440135286 +Fut8,1.72729568427176,1.61495650077278,1.97739248006867,1.77219986084797,2.13967578880863,2.15911061182374,1.90608952396027,2.0962391848298,1.82588015978024,2.11271699299113,1.91503038797868,2.03585643646089,2.8500979744621,3.06251948120306,2.95555483050194,2.72507567961201,2.75481853698758,2.88129598276486,2.84762188803901,3.07236035441537,2.88044284570977,2.95711783905213,2.56837985938197,2.64826806577633 +Atl1,1.26653631579413,1.36296051610561,1.33389377437782,1.46089798192885,1.40212057182875,1.36362874243972,1.46138223785467,1.14758592097962,1.44816463972392,1.54429445812064,1.16566598116444,1.39039290606949,1.33384237737132,1.20758242006093,1.52683849540814,1.11724880904316,1.09726522435645,1.0544190160387,1.50131219323255,1.09383328372925,1.45033306108864,1.13484692593904,0.973259251655764,1.19219031428781 +Sav1,3.0467525640359,2.93516323995666,3.14820692414348,2.97724649949301,2.95158789506744,3.17380457368193,3.01444006282218,3.20215244298552,3.1236922289067,3.01324135996365,2.90810153956688,2.91664219706454,3.15420756131152,3.12509402316713,2.9678199916193,2.9218239159956,2.8564048490381,2.7178484382209,2.67560437666057,3.22046680828169,3.05757050867401,3.00031028064943,2.85099096435615,2.79617512732178 +Nin,1.16449855535471,1.51118920634695,1.16400638135992,1.20690183995486,1.09464476166918,1.19452076021381,1.26322103968823,1.02979491655801,1.5031575387543,1.36503158178497,0.955748439074621,1.05897972774823,0.645346691125925,1.47834966131261,0.801015714389897,1.32247352472967,1.14616959047372,0.484843213030615,0.983935574007928,0.67580018867721,0.986983666999585,1.14108749139581,1.08562355812338,1.04546917947596 +Pygl,2.72244204264887,2.8563765268231,3.58309898087333,3.06706810159603,2.08810637259672,2.51955851669256,2.32275451023616,2.86323011348359,3.20021602770202,3.17037091335595,2.30264151551474,2.38460529334743,0.329789374377513,0.0309284943606758,0.60744804015605,0.18499116684589,-0.470263615045518,-0.153577078406426,-0.0706708620900764,-0.281364239577907,0.285463360598708,0.374018101880139,-0.371758296174987,-0.764845036110348 +Trim9,1.90248436568189,2.36281735398163,1.69903474254454,2.22089378374082,2.34956120840875,2.49062718329818,2.31836180708386,2.24763024052718,1.79279047324436,2.13035482050528,2.50073591398524,2.16913390697869,2.0458413462784,2.25978657639124,1.76065037811422,2.17188028238621,2.58819111714029,2.37704624353196,3.03570596521511,1.42422104381772,2.00843986635109,2.37591170708946,2.86930452117345,2.33834115421736 +Tmx1,5.3022163252175,4.99017564116832,5.36824892798339,5.22336760223182,4.81487717152078,4.82248510750363,4.90943824216363,5.36777647502989,5.22464521920753,5.2316247689754,4.93525375730371,5.09411152609219,5.55992628139224,5.32820788905691,5.6375322602028,5.39920311507556,5.03385379784603,5.36414722266757,4.91606443733365,5.80757208040098,5.62291119071932,5.49020514478537,4.96496743781148,5.213337596755 +Actr10,4.95353146031662,4.49005753135993,4.89589850524848,4.66735167538702,4.09610754362878,4.22662254652384,4.26965874761761,4.75121803209778,4.78898486855493,4.61334508077988,4.19036071341698,4.43296606023941,4.85124066815093,4.48042147739585,4.72285570551537,4.44529141643799,4.20197372153971,4.51007908117193,4.15925525981948,4.72697028993395,4.704921053136,4.4855985084455,4.14467283531839,4.33854256470216 +Timm9,3.61894156693407,2.95928524142254,3.28798397229049,3.17437534571008,2.98631358061564,3.00128719328874,3.20738955238976,3.06969719893677,3.4542960541042,3.15616010239113,2.84408848442815,3.28096815057689,2.88875000471015,2.48345435480227,2.90322820837983,2.4531529380542,3.41756001213082,2.98897023436966,3.09296512428373,2.68614782125423,3.09085222675569,3.14626338378127,3.01743381643949,3.28313991229338 +Rtn1,3.53329781135704,3.47143361833815,3.83034379406684,3.51724461160668,3.65730814993763,3.72365793996147,3.17120765877867,3.80391449958194,3.83820737405853,3.44063190313551,3.43007089877589,3.43118036113566,1.37019551537493,1.44610358869693,1.89071958836181,1.61948041674348,1.5634812703935,1.48085950934446,1.56648952327106,1.21489721645687,1.53882868475294,1.30279048114337,1.4221049607216,1.35418740992018 +Lrrc9,-2.54517052088883,-1.50417201011994,-2.48767198029376,-1.82857778084538,-1.70861780917214,-1.81853323841515,-1.43229264178641,-2.21026440555717,-1.99717830224269,-1.00711400374455,-2.28040545996342,-3.06606700448204,-3.44971858720022,-2.84492059826421,-4.14374344844792,-4.43348441093258,-4.5614203999814,-3.73462406288757,-4.02344355049596,-4.04841910146796,-4.12735257800026,-3.82790031297497,-3.7967198991613,-2.6938771940118 +Dhrs7,4.48132896942085,4.08767077016542,4.64359721082962,4.44079284494035,4.06205362505146,3.89888757113321,4.09587820031611,4.49726184395014,4.49439831678387,4.062280290719,3.95321464391424,4.34060777801949,5.23877167431231,5.01599987404575,5.0876247943967,4.9487277784914,4.8002864287818,5.11439014145836,4.75703931841392,5.24704836995138,5.12650727160631,5.13223666461427,4.71112296109776,5.14959334127312 +Ppm1a,5.12595697026457,4.9589270159535,5.21559446758779,5.16609365338362,4.83409775314832,4.8708360486443,4.98229488572546,5.1395697504767,5.23159590898752,5.07637642601097,4.89181062005116,5.01195160212463,4.96383202286551,4.82700917423715,5.02163361320347,4.90754901309556,4.6655048252053,4.87873184265537,4.62470675406527,5.16477244061716,4.98676133477957,4.98899655386418,4.71454539829281,4.7697402033847 +Clmn,-0.867853365203852,-0.471440994634596,0.0040504292627998,-0.316908587591152,0.0319161692228134,0.120374428981174,0.236011675454899,-0.154127983580784,-0.588133884771767,-0.697841849075528,-0.0170053865920989,-0.438446720233098,-1.75539273911639,-1.36309111326191,-1.74535133563941,-2.17979744113031,-1.24147392425674,-1.29220816145837,-0.89743723299488,-1.73543882685447,-2.33941068918987,-1.7528069846324,-1.13126268526338,-1.51388832060036 +Glrx5,4.52389821674134,4.03875012385978,4.5875465740129,4.23610380778529,4.04074073710806,3.95853187215141,4.12156842313573,4.28204199359092,4.39460375659272,4.35937210396952,4.16482856388464,4.08368941679517,5.65155852024672,5.37834281118628,5.84332463218766,5.43742999460595,5.43241073314467,5.7102892140058,5.47253269836023,5.51045398958768,5.45219112635366,5.48329733970914,5.36211022419062,5.3881762425186 +Mnat1,2.98129204800068,2.90294345781882,3.18617893475432,3.16885969000972,2.82253621974136,2.86511179451374,3.03945895294196,2.93109393297996,2.9935194032696,2.9919430264064,2.8108011448431,3.10071281569888,3.1704596716724,2.62043347808287,3.07154784387682,3.2174164959922,2.98605337445566,3.10472304288085,2.75033139235075,3.28664437218898,3.37749489084373,3.10697791888056,2.90627981850145,2.99538490539605 +Hif1a,4.78228475265756,4.46389205217325,4.80539289591389,4.52503228783155,4.15562715769467,4.31689313187163,4.3655618561993,4.64462793742732,4.66721110960036,4.6565541751235,4.31020234253446,4.46163878345725,4.26693674217416,4.28336258763387,4.23679266446226,4.39877680482615,3.95562258445796,4.19973660848291,3.90772803255481,4.54971133079092,4.23465105534951,4.32966987233236,4.03884923683936,4.07033348189005 +Papola,4.99844240692473,4.98275274679336,4.94153943714366,4.84355419349438,5.07468986922886,5.10245010875938,4.91805966615856,5.17017175113106,4.9016998414499,4.91362309130163,5.00950431869187,4.96851842329716,5.0197950924982,4.98952601719736,4.99292570368579,4.82386779470295,5.10711417614679,5.01798012136765,4.89214373236894,5.20197625601066,4.80886926512729,4.79948019875305,5.03557931776361,5.00573925472532 +Mpp5,3.49153182948184,3.53716135071718,3.62484397608656,3.49389761670058,3.40053285473502,3.41705937393168,3.38368855863322,3.5433853857459,3.62319785786241,3.41092405587294,3.35771014383943,3.46830582822156,3.46969803118199,3.47186990686635,3.70379862435095,3.59184629803264,3.2958961615747,3.47785096851863,3.0253724619871,3.68063152263343,3.41642354061234,3.48113269180637,3.31157492098135,3.40215362712542 +Snapc1,3.39625398776757,3.22730609803664,3.73587067084084,3.25233348025482,3.10570276911211,3.32197310705559,3.14312669631485,3.27507886531938,3.62420612708115,3.18142155238729,2.98759990769358,3.33041525050279,2.73307276514691,2.90634106012294,2.92124214502938,2.92065707455122,2.88910984691067,2.61130421564941,2.31999820052842,3.04284329700272,2.78903949776647,2.5410506741567,2.56960392379226,3.00292788950424 +Atp6v1d,5.38174268903526,5.23971296341876,5.34291040083448,5.28618083394788,5.00580226227348,4.88420842496251,4.94874151549502,5.4104606440496,5.09314653964931,5.30733993331061,4.91332788587227,5.17916937282796,6.36929582640152,6.29497842080401,6.33233104955691,6.30399119104935,6.16992586912212,6.32573268549448,5.95499171267719,6.58958350819055,6.2378152986348,6.34763834770363,6.16041906139652,6.18529292673124 +Vrk1,2.14837606079889,2.241280240311,2.48363537291689,2.33677732013317,2.21784301958079,2.05003169440908,2.28106312161203,2.24552713428842,2.25507093810891,2.39988354095209,2.29868667803145,2.20880401663969,2.95122929336808,2.88138267538152,2.98584600938776,2.92386108441027,2.92878452585443,3.05421552383062,2.91980116894127,2.6393111251291,3.09931500877677,3.01001756999428,2.78854101935776,3.08214558911529 +Eif2s1,3.93879521479399,3.16977780682421,3.68881368419167,3.72973809044444,3.38148828534234,3.35481994272535,3.59509275259187,3.34945924002083,3.58170889047727,3.56329327426008,3.4580475649117,3.46736144062276,3.98107137192167,3.35322237890766,3.92332115506709,3.55629670515084,3.41604377151417,3.84109167158859,3.33613216032193,3.70015878371527,3.73847343542467,3.60093868879316,3.5910519321126,3.43777772899585 +Plek2,-0.002024847630798,-0.231221201928155,-0.966121326999639,-0.521981768681873,-0.649738225525071,-0.120627286391466,-0.346879628678963,-0.769087383054862,-1.06852335697876,-0.73608575859289,-0.357163383420126,-0.54556547379971,0.0143204267412175,0.401258780454614,0.211555430324249,0.442343129514011,0.593410516717915,0.342066622849628,0.168951739879392,0.453381579011287,-0.100702145845855,0.541065356539349,0.0901276152946657,0.107852347192941 +Pigh,2.53864402454393,2.17127625631992,2.49337194134183,2.29165692585925,1.84332501341574,2.00256075475017,2.03778933040566,2.26628960007317,2.20599377227131,2.34195426849274,1.76866238404388,2.15048364742472,3.73617417900276,3.64069615271974,3.40412286536714,3.68796865997967,3.24846493180908,3.54829753194421,3.1775771501299,3.80127528166032,3.5598324459429,3.52971386601358,3.07313067635381,3.57207471848382 +Vti1b,4.45738994564438,3.9992112278444,4.32031336755103,4.24422339056481,4.11144267649974,4.14701227746929,3.9950996015286,4.16006990077674,4.22863412000898,4.30618989620745,4.11309646678972,4.09699998444547,5.09917263804413,4.81904352722478,4.89263187019874,4.86110371774969,4.61393424555424,5.0394684929201,4.67745586793992,5.24943881710967,4.89358500861537,4.77272043802841,4.75058028279076,4.7633571541285 +Erh,2.2795739451253,1.03633268197631,2.03450758147887,1.99838363896856,1.91214825038078,1.37179932850961,1.50420063007697,2.10148271020918,1.84089316058283,1.97197280150633,2.11169266012545,1.96410645071073,2.52228403714518,1.78433619706725,1.94727504332712,2.40785756529207,1.73276126303608,2.2398271571595,1.54188001484451,2.27892597539173,2.26844985104004,2.45134161324894,1.93518174990631,2.20851856531452 +4933426M11Rik,3.04837568858003,2.74311595910289,2.69186756055048,2.9128575451761,3.28352867798465,3.25785590869629,2.80076284668605,2.82883410277431,2.80070479345849,3.1132114708199,3.08258419262322,2.91279963381462,3.16336016501078,3.32880910669261,3.44987226352926,3.75605033595138,3.77560342234414,3.44456250416619,3.43197267598798,3.44173061412933,3.32964999243427,3.67417549081673,3.7644021355005,3.51278163954475 +Srsf5,5.3101137458288,6.26046088709938,5.35621615627727,6.25023283216549,6.19022994365244,5.88924880039303,6.28106967933644,5.35812655403676,5.89059456574676,6.24335153196099,6.19674547647987,5.84298013894702,4.91491023547505,5.93463349665488,5.03220222451336,5.57670663107383,5.81147524531939,5.07228912089977,5.86695639793871,4.61203626915309,5.57029474767284,5.62271230945024,5.82036690425146,5.71295303188909 +Smoc1,0.198658516341709,0.131938255175979,-0.1292885145433,-0.29494452153043,-0.255119165241117,0.438668400826683,0.398229327782702,-0.0330640928814216,-0.257151847842546,-0.917683511246752,-0.186994555014342,-0.367236911246716,0.671849613434253,-0.282277022278813,1.05202106002863,0.36057255430157,0.197551587104127,0.41638820509693,0.593720610158678,0.355028081089345,0.817037671649288,0.17034400133138,0.442381113062024,-0.106561208154723 +Gm20498,2.87320778522953,2.58826336108561,2.73030437489766,2.74673526002031,2.7993933637084,2.80091066225317,2.72112032156509,2.84002203364024,2.70875736694654,2.71830906458429,2.80821384330442,2.79998375029781,3.14712110689367,2.72205390304758,2.81032179193409,2.88000537347056,2.91746187249248,2.90938400419392,2.66632871016868,3.02622789947366,2.81416432927664,2.71156122060866,2.78975677449103,2.79921551008933 +Pcnx,3.10105257029988,3.32265391279612,3.2208547089406,3.09565411534943,3.76293605425947,3.75670050357033,3.42884948543679,3.50080969454108,3.2602886359362,3.17444158496049,3.50407546780274,3.31149914259575,3.30899797176671,3.79472670505265,3.48065806134481,3.69034046856561,4.11425640968131,3.71620454277006,4.07397444346436,3.48701512177048,3.2271535619774,3.64201981395448,4.04022611160712,3.88797029251537 +Pacs2,3.32476601589226,3.46603500120312,3.24672198314374,3.28974635096657,3.53533995216836,3.53579988514977,3.49031222034609,3.35082022212159,3.23879700180662,3.33676405996666,3.60458857316974,3.50522386628325,2.52396723245144,3.11855283066768,2.40437080368995,3.09744843503826,3.30557253437605,2.76640846573879,3.35348359272557,2.56458680387126,2.52522141377966,3.09655218974737,3.24798659278575,3.19781181840568 +Mta1,4.20974580587509,4.35826386987217,4.36175268402381,4.4575465626403,4.31792072304795,4.45582253062467,4.20437696831502,4.50547271664111,4.37968661481628,4.44180838363546,4.40953381420929,4.11935564365315,4.23412616197306,4.36789703396166,4.18551066005407,4.35252357347682,4.43937718117836,4.42558031557683,4.61906876804584,4.41175248790687,4.25461699106777,4.44026260430427,4.38778047634757,4.28305858593282 +Wdr37,2.64453017977248,2.58540111841464,2.68465814351213,2.45354687166664,2.53257337843789,2.46300850281728,2.40515302473643,2.57864897342257,2.4821231063408,2.56313464957358,2.51304654395119,2.37326421093676,2.79482937643107,2.46688854426042,2.8366834311638,2.74503195933555,2.71540049951554,2.60377232722215,2.44465745502588,2.72563211001067,2.76772238088048,2.67111613984651,2.68248255737221,2.61330569106945 +Gtpbp4,4.02989550899531,3.5217519853088,3.80290052913445,3.78533360038925,3.56420463448533,3.67179846728904,3.69830843788413,3.54325481668223,3.80909402370006,3.49002601309576,3.68164218742205,3.66456211797818,4.00921095500995,3.55485758510147,4.01392737000686,3.868415194751,3.81095942704094,3.85382155163135,3.60399510532323,3.82816250056136,3.75606077653002,3.75055248492993,3.84639965412278,3.64418058311765 +Zmynd11,4.25096810591793,4.38900328927109,4.09379411543017,4.26308018189303,4.47774024436231,4.52935769838044,4.49716354550559,4.20654801825719,4.23791957867918,4.28920143989107,4.49015258438756,4.50755287054783,4.55072460120864,4.57196414396952,4.49969276270577,4.47327205918751,4.40875755176883,4.45807621741524,4.44551749968211,4.68068628556593,4.53327620010232,4.50309653728404,4.46303796409541,4.47835617713526 +Esyt2,4.36460406877777,4.26319449188818,4.34362098543817,4.43957581949101,4.36477850799591,4.30326585124175,4.2518320388103,4.3065198298006,4.37627090096518,4.41880068138143,4.36812086941492,4.35106518789534,4.60021421271497,4.49011720767889,4.56991514348096,4.54786429594647,4.56658061321522,4.5278723749847,4.47598470619009,4.5438518611498,4.49399351087731,4.55992455484574,4.5368038727872,4.62690146895037 +Cdca7l,1.43331735804751,1.21963573047373,1.40838740083008,0.986390126145731,0.990369709884364,1.01143198521739,1.35667618513714,1.13567863321383,1.41918275180943,1.03198509030102,0.874409379800964,0.829876505488943,-2.76029563853953,-2.8750127667305,-2.3769809729485,-2.36168014900542,-2.86974231470099,-4.17452504176722,-3.5129540740948,-1.57303374466872,-3.58320202784236,-3.59674016472146,-3.57940361772317,-3.09766937737113 +Tdp1,1.27698179497097,0.826945517040437,1.01889585841917,1.05289126295142,1.57698105973094,1.66043321232023,1.34980152154256,1.20375251097945,1.10074543691691,0.847348228770291,1.6398838724862,1.24167345053858,0.890882432547014,0.852247343351756,0.650921667119656,0.639079188360796,1.54399307734994,1.32941145388147,1.64295260439866,1.02969250573099,1.00170545600509,0.593762504990652,1.44731562577101,1.347474237732 +Psmc1,5.42061447700534,5.15712459490125,5.29034036419699,5.40872010360222,4.9710393269805,5.07957969936759,5.19501716159797,5.17411874866523,5.16475351088101,5.17392192262852,5.30004260689454,5.19583730211144,5.68058571294291,5.47470210411127,5.52851297879854,5.62716027575135,5.44660284656342,5.35731390688868,5.46865877084983,5.49773365584343,5.61760787893763,5.6166033729048,5.59016257843494,5.56735684455774 +BC002230,2.47238140363957,3.20661699004394,3.16272104788094,2.92815604434039,2.58081082045338,2.59616222992474,2.68017156857211,3.37260566679931,3.19293687773451,3.11767514306295,2.60612745731242,2.81888398440046,2.72446761537097,3.0490980078714,3.34314993263061,2.65362153622384,2.54657783997009,2.98123941459272,2.82935890419206,3.26167265853778,3.03712419570828,3.02895922493171,2.61761778126008,2.76109475052342 +Rps6ka5,0.726167452523112,1.5973734103757,1.57471284225598,1.12400863497531,0.256130840089913,0.79902458542714,0.821695131888775,1.26194031260877,1.52486654007456,1.2902137005094,0.197882188146993,0.418864809188738,0.733077292153774,1.6812432447387,1.50794611107997,1.57814823621562,0.493688923600026,1.19782927522868,0.755959146835127,1.92620362314825,1.72731597711753,1.58631918018584,1.21530317258031,1.15360659360279 +Ccdc88c,2.35900376460796,2.42690876628691,2.15081362684185,2.6504541911344,2.82227932491366,2.73397048941142,2.79604703136239,2.21148878295308,2.31751852126977,2.55358524340679,2.98813268651655,2.59850506580107,-1.94680487450652,-1.47409714280833,-2.22869981590726,-1.71877507499115,-1.17652056469978,-2.16777206067299,-1.54605026800929,-2.65273623368526,-1.59076089960573,-1.72187628238736,-1.25788435421047,-2.38813251338681 +9030617O03Rik,0.501557903417409,0.642652819908149,0.0660377965873393,0.400040375220068,0.363632710292955,0.717093306677266,0.215639645217281,0.881365694260319,0.085362341708235,0.146502529278259,0.471038494932011,0.413958171925167,-0.413506594479573,0.21147911109527,-0.679234271021306,0.063114758453612,-0.511516349270293,-0.308338430367791,-0.0038243047148314,-0.342251728077265,-0.0259972599645537,-0.237731177370622,-0.40643176177559,-0.467020913441318 +Fbln5,-1.33246102179316,-1.16955852168578,0.0023670937889401,-1.1714366864619,-0.277356268086369,-0.820938814665549,-1.6241814228479,-0.774704148276965,-0.588749665496114,-0.552840198924746,-1.3560574949077,-1.16614568106392,-1.52116470842923,-1.35408507015123,-1.39365003316186,-2.65066508968443,-2.02260008538607,-1.7889538405296,-1.62265514267027,-1.35603636604964,-1.98128929201517,-2.33770821374146,-1.79045953087465,-2.79085850417246 +Tc2n,-0.657805812282285,-0.31529275064403,-0.0371111207459918,-0.524294933669335,-0.676503889165704,-0.218215399723352,-0.670702865478163,-0.406130601833973,-0.310332557746523,-0.687741351288001,-0.667148947236636,-0.961040657170138,-0.398970530277256,-0.361451979880121,-0.427850900038472,-0.613241462273975,-0.82642968361283,-0.417364303975982,-1.6034600023467,-0.103262417472505,-0.27859071132256,-0.667896765832088,-1.35654454822934,-0.399819818992557 +Trip11,4.11374496127416,4.1818022295039,3.97142603878055,4.05341393589306,4.40098376506996,4.36447038745777,4.27131126263796,4.06866537408987,4.07365901328316,4.03560171130356,4.35787965526998,4.18355489916673,4.47110020707211,4.40349244789514,4.32461842165123,4.46394516218273,4.7054410447361,4.56294784640093,4.76355775695911,4.14107443938946,4.39977744335091,4.399797584112,4.73910443826699,4.68877217583393 +Atxn3,1.93401866340908,2.15983016515917,2.31887290157607,2.38136528824733,2.05412276900661,1.90718140433626,2.18983760159506,2.18092978070148,2.3540470920941,2.23834282014469,2.20464421672295,2.25587491812201,2.13452888645496,2.06739040476676,2.06664139765027,1.98944825134646,1.99550629701277,1.8014479380667,1.7686032989347,2.16201178533251,1.95729121327546,2.16528582452093,1.63455040508228,2.14671735454949 +Lgmn,3.77272093198443,3.35731092525576,3.75626087118277,3.48132739000208,3.2014532164812,3.1934467941592,3.12797067295424,3.75678323500695,3.51754377292263,3.44645800264737,3.22454118160262,3.37701913004851,3.18655876602811,2.82011246480342,3.03103815787882,2.6298482454199,2.48179903693323,2.98727694828681,2.74678705789971,3.01037182703804,2.95709157796841,2.83583937382099,2.32271731848001,2.85599992407702 +Golga5,4.28660716978519,4.71677371678828,4.44733498583878,4.79331904082548,4.31933155987834,4.37851512123397,4.76684881103496,4.27516565099738,4.63010892458732,4.66891707094879,4.51099911706188,4.39986444553048,4.5784733590264,4.91204666805223,4.37340823045327,5.04759562984562,4.81180946642389,4.46393162631691,5.01039338138013,4.47004843194391,4.86276395217551,5.04677308695293,4.86214393251953,5.00339159713007 +Pitrm1,3.71462503877544,3.94680338620029,3.66928423730867,3.99398833212306,3.71426980314975,3.66916487847665,3.74615404940241,3.69464995029651,3.72038733926297,3.83967945785739,3.87830570930878,3.90012188823196,4.54156411445577,4.63095963374494,4.35262270629161,4.38601996773769,4.27456583962347,4.59461476174221,4.5252440422157,4.54734826484243,4.15546355555881,4.32139409765086,4.50620158589591,4.67476079944309 +Chga,11.9090937409437,11.9365607057364,11.9255866228587,11.8907708568475,11.6339785560281,11.7142663914846,11.7427036374475,11.9364462473793,11.8943781753079,11.8249194750713,11.8410933784153,11.94273052662,13.0051758454934,12.8856096908623,12.924799128671,12.8542961100353,12.8572383472117,12.9367245159825,12.9807872318051,13.0079659311324,12.9547165467129,12.8545977031365,12.9333735080538,12.9563575510884 +Pfkp,1.83259731759207,1.79074062730369,1.75909973286332,1.67440660144739,1.76612564403294,1.8121337213328,1.56615298378596,1.85436982595208,1.83701769873073,1.65903834849267,1.90409536575718,1.65815955857661,1.79486262216734,1.57396950609521,1.54278647420588,1.02716634565347,1.40059681429833,1.51448053777247,1.67361823467787,1.4099794846633,1.21342576304245,1.09262285900852,1.62658004937885,1.39447969432582 +Unc79,3.66583808655047,3.67542150109248,3.46016123533611,3.50207300938218,4.22506589157566,4.28704247758492,3.8895823985979,3.79623304194778,3.60863358083837,3.52654909813954,4.13341523280917,3.90619107534348,2.6977086180037,2.85813088250929,2.26010815624768,2.37599068333029,3.38931788612736,2.97024310712808,3.41587554578082,2.42054633717513,2.65286058868519,2.45855075345043,3.46649462680643,3.16199836368122 +Otub2,1.37319995328239,1.1471755574486,0.997623466834972,0.930931443580729,0.695986266422582,0.556535291815035,1.0144558934502,1.01082736668692,1.0773638360621,0.799193840244293,0.859098615283159,1.0368470383897,2.1686515420367,2.40931375568768,1.68200003204409,2.28808887946686,1.85402183072099,1.87122127541864,2.20733572365523,2.61675093042445,1.86976934311437,2.03543061041748,1.83811143338892,2.06071775414588 +Ppp4r4,3.01999218465788,3.23702892190958,2.9107312126608,3.07229393256959,3.23099516983185,3.33118080224351,3.13090866166592,2.98695967512432,2.85698483929985,2.93461265086287,3.35814103114209,3.26628557817479,2.35799237167709,2.54066782919504,2.14499677442669,2.26315495473229,2.26848824112272,2.37162100807797,2.33138931114795,2.32848405575927,1.95635452152503,2.25200496942197,2.33454651219724,2.25451206355284 +Akr1c12,3.14661055471943,3.9030501414356,4.37562933315652,3.86512852800479,3.51802686114437,3.32895893378552,3.21490332881836,3.97762558394261,4.1019268097907,4.30161958289991,3.44020394758096,3.46706343889937,5.42973440037071,5.60852682606961,6.00682974921295,5.89723118536808,5.09106906862164,5.31306463180142,5.03658759573698,5.8865341862627,5.8102504602985,6.0344176033808,5.19686688577634,5.26562748312538 +Akr1c13,3.29385720862865,3.72252207035547,4.05581373480847,3.7943380637862,3.316648705285,3.05614265829109,3.41140607816174,3.92771427926553,3.89040292292162,3.9311699820759,3.48171637714142,3.35702756303357,4.73767303794361,5.0901726312014,5.3850066105121,5.18179289495499,4.37259059192745,4.74747690001225,4.39811852853289,5.36053378819606,5.3544897319911,5.20574379150879,4.40722830229124,4.66406405627291 +Net1,0.811811424837296,0.930845335556817,1.27236056762418,1.19183578924374,0.993355758891286,0.883749882598941,0.607035534684892,1.38324613822625,1.13441538490484,1.39658378483418,1.13093329651579,0.590691906334664,2.15350397884401,2.46884501475877,2.85863794795768,3.10963550605156,2.43737114922609,2.26019008077061,2.11350416234996,2.56628911205908,2.55111107354614,2.92582700774832,2.35278236605849,2.18966880319046 +Tshz3,3.25041010260294,3.11301501988046,2.91146075481525,2.57452031879339,3.58434186536499,3.54310924994097,3.32479323952901,3.54862357218123,3.02725912160836,2.57034911154314,3.37603776592789,3.32342128030455,2.63697411815826,2.80111115157695,2.55834567369045,2.66275123060888,3.31621826049182,2.91702867059096,3.25445417206173,2.56770359662527,2.31958649489517,2.50017709766468,3.19808487361214,2.76169513863215 +Gdi2,6.10131733338933,5.82165975710174,6.22176137740072,5.90335898495466,5.75780223146073,5.79304708401555,5.58700601513634,6.14365185766098,6.0321637091793,5.77694634474638,5.78548998194438,5.76673899460595,6.76730143807674,6.26443359827885,6.50585565977937,6.23768551284614,6.28781679002976,6.63319985125542,6.1127759666756,6.76743122877863,6.38518131891943,6.19490258486592,6.16714877655252,6.27913110967987 +Dpf3,0.925088916428085,0.7881554709889,0.784039318424826,1.04125619243987,1.31478015911764,0.930796564115817,1.48497703678329,0.903740887150458,0.997832411087966,0.875689335513028,1.65406939690759,1.29121510410904,0.258834114075143,0.430240574821055,0.190292729042778,0.12158080039628,0.889206527026913,0.731720675941847,1.02082273486023,0.183502967105946,0.278349466917778,0.515968860004859,0.611348456455924,0.682216289068736 +Dcaf4,1.69071107370678,2.45106461552418,2.58758521691894,2.42441099348808,2.23349955771887,2.34559294697531,2.21255907868252,2.19924177980501,2.34844655736059,2.68911400665089,2.01958733334155,2.15561560082171,1.85721060105051,2.2859346253358,2.54505750006588,1.98969043707531,2.04511920160824,2.11924522760113,2.59067392184844,1.99678584498518,2.35484816192556,2.60439573316543,2.10276423485557,2.1873292433657 +Numb,2.65540599351509,2.58377302815151,2.47341016510335,2.65299577412841,2.87599894899508,2.76063308260384,2.64680745541059,2.50918240347921,2.71392086724451,2.78058224816526,2.72471903272961,2.59856386547903,2.68622803138783,2.78554316747924,2.59713575283339,2.46470981410047,2.88484322280993,2.67349210365809,2.99244279811046,2.78724348578536,2.56820790035303,2.61315910054482,2.92376801085162,2.79506433247291 +Acot2,2.27542417989525,2.21919813947645,2.73929823671903,1.90073761766791,1.84443916078421,1.87486985116753,1.50962059415621,2.79561840074797,2.52032302064765,2.31988306567786,1.57194795530558,2.07801451155185,2.09407098388437,1.8421115102316,2.17672598965295,1.75436295053784,1.17657501483356,2.02453534571208,1.32872298344805,2.09801903003673,2.06146199441643,2.09722495393142,1.26076559043733,1.45579798237178 +Fam161b,1.0772202685681,1.03373419646893,0.237571487921087,0.776383556124467,1.23650036972843,1.1190383874376,1.14477516215653,0.81829559959408,1.05072462002825,1.09487528665972,1.1652047975961,1.02395186603046,0.10788995463607,0.501507800484138,-0.112593127684085,0.280296897611115,0.856388232453707,0.536263055145584,1.08211312629349,0.158706259758074,0.749147855902082,0.673013939942881,0.795779644973008,0.764119067683783 +Coq6,1.86905483989358,2.12599184282662,1.74230189376872,2.2456511003088,2.31997331265692,1.97657753665261,2.44944749527864,1.58449851356488,2.28672426736121,2.4775616194209,2.40203397986658,2.407789209563,1.84271899402452,2.24719868049458,1.6394342837661,2.0048620530292,2.37840373215257,1.92994712595739,2.10260320121692,1.76370735972054,2.27537082669784,2.03598963082029,2.53399297656309,2.1167571488739 +Entpd5,2.64229678268976,2.36387001374652,2.4059641277646,2.52906482176155,2.39140114314493,2.44971720999772,2.54198472874827,2.38687200991699,2.43626012981385,2.61665620688982,2.40746205936617,2.50497015232306,2.00749798351695,1.67952223633624,1.94950296999575,1.97819261460899,1.69535238148013,1.56660233535432,1.63547831746263,1.82176256203674,1.8112947747996,1.94168200430207,1.57405904308959,1.54108378781008 +Aldh6a1,4.68933274211384,4.6093474748129,4.99570439242287,4.56519005951626,4.12230796319033,4.31447181721365,4.22994663348525,4.9174302165557,4.72939047295892,4.44527982262754,4.23451441131167,4.41375935078652,4.03009133766177,3.84246946885028,4.00763877267268,4.03132502246832,3.61821171976067,3.88793541907409,3.42387883434671,4.18565253561959,3.85722479960731,3.8634420998862,3.37292186474312,3.48069725513409 +Abcd4,0.345856970418365,0.634472178382823,0.0726030162457285,0.930483871143858,0.87313160791187,0.619314045324058,0.744387564250506,0.222394765666178,0.356608344019725,0.904192690829971,0.974940508148839,0.571154934595472,0.613826137536346,1.04635056289881,0.902683337536487,0.82420855646319,1.2506731518673,0.673963157174421,1.26712387588376,0.857562004296189,0.842902648126931,1.08765601548501,0.577778502140031,0.936501259809799 +Isca2,3.81079046374092,3.76777572696626,3.92965170690955,4.12380418821005,3.64681181701225,3.60710296426617,3.76816143039572,4.04515918973518,3.83167698487671,3.8453170847641,3.74627909152501,4.04668744242142,4.29550027686825,4.25691252981587,4.43654029738806,4.29749775763357,4.02397722614817,3.92649236209926,4.04691431983593,4.26043189058379,4.18351238542165,4.24769957251495,3.87261881640962,4.19038041032283 +Npc2,6.8087095132287,6.40318600685993,7.011056220425,6.67992747904423,6.21666313608994,6.35346726875864,6.37012920304282,6.81816856455089,6.78233542874582,6.77109298745536,6.4070298431229,6.54314482348399,6.02341810961762,5.86442391395197,6.26438206692555,5.85589255281072,5.5646165490815,5.93654829116214,5.51351561443148,6.3373760297695,6.13527150064079,5.9031770760533,5.53809360750138,5.61526174808045 +Fcf1,3.21709095711363,3.27955613590278,3.16890509457475,2.96057834801346,2.86851455015423,2.64501894845282,3.06105107609658,3.02589054965107,3.49557188916953,3.27005400972697,3.00361302407462,3.19806646891272,2.89273461396442,2.86855373945791,2.76933658397221,2.72961181905972,2.75478425164277,2.69422386627104,2.49765747247928,2.69025232396986,2.9893916149079,2.99694670552905,2.69822840743192,3.0003895510972 +Ylpm1,2.42597650313198,2.42358423437804,2.04575377761173,2.04682192538854,3.45220907667281,3.56116605975181,3.15653571465087,3.00170252784704,2.06237613586555,2.22925850326557,3.19901157018868,2.75917647490428,2.2440452992223,2.24882147752814,2.05689950192963,2.14492760988891,3.22974986852349,2.70338349438699,3.06089983576313,2.06613595416604,2.11290473085937,2.01148913922428,3.17470335479162,2.89003818810734 +Mlh3,3.15371149712747,3.40791907651416,3.15858167098965,3.16374295971231,3.15786496769196,3.02232301992267,3.01341701013834,3.51035194283509,3.17921902057347,3.06988041305403,3.11094406425131,3.15791919094192,2.8940854456808,3.11888510411426,2.84859110811003,3.01722198443514,3.04746812565579,2.90920238746399,2.88252956355008,3.15237665222625,2.76687865110887,3.12894105178871,2.96835102375627,3.01847646131346 +Tmed10,5.30993631229649,4.97261201684384,5.31716942945349,4.96061836665224,5.08124028736257,5.08337305333076,4.78374619473637,5.46949776166453,5.15185242277478,4.83878003929532,5.04251535770084,4.93165469578878,5.86138007075857,5.3500566473722,5.65230779528499,5.32707541712966,5.42126001196815,5.67044284878407,5.4556628384909,5.72095165790195,5.49237622902138,5.41457320830307,5.35559908784554,5.48489947860867 +Fos,8.68544956831824,9.05428233515759,7.06025831714136,9.04582403158806,9.01188940258952,8.42361334136253,9.13595027891056,7.53791331092036,9.73809775747952,9.26415147749277,9.04260461410324,8.59186142274148,7.58704385605304,7.91549852114525,6.12397869845159,7.92863264313239,7.7548588141879,7.09214708351232,8.12482499700607,6.93669133218623,8.86948656911149,8.02759929773348,8.05655027378423,7.64622512608459 +0610007P14Rik,2.05875595036717,2.03993861650829,2.42021477469161,1.77284918710612,1.70087307574349,1.97014964183035,1.83775208738396,1.89091705457419,1.87737647725052,1.92357267176057,1.86868339724836,1.74207951170128,1.62343302448143,1.40195941762066,1.54268914508819,1.52378618193247,1.56140264153013,1.82549712133283,1.45738895044892,1.67962361314095,1.32976315744133,1.45380987249694,1.88989342199304,1.36144126529954 +Tgfb3,1.30574323835261,1.30160411791465,1.33820408101848,0.644890100793399,0.914391786835328,1.12336150754279,1.06435908851396,0.97224994327444,0.622942170930221,1.13818169486336,0.756423365821123,0.947517004813074,-0.907964107728528,-0.293516773382575,-0.418022433410506,-1.11836864969973,-0.715220558144312,-0.44734169294332,-0.150081606227807,-0.531387471790081,-0.551266642216762,-0.647472726578851,-0.540887294019705,-0.21465364608156 +1700020O03Rik,2.917925626738,2.85052165827104,3.18730410826666,2.79903247174612,2.83240030700917,3.05682952391603,2.92786323942102,3.19029166180077,2.85922524428611,2.70086811388051,3.07251268857608,2.84968732557749,2.71204867654674,2.71639541804433,2.74527555446596,2.72395987156032,2.61017394868784,2.4369442130431,2.79738863813215,2.82053869862343,2.7882451099859,2.75309822523847,2.81497492124133,2.68690105755684 +Vash1,0.572100456738837,0.657798642426292,-0.422568777475469,0.24643907616564,-0.191558980883213,1.06415302237635,0.908804980476197,-0.172769575715504,-0.0471890982793024,-1.18977844813035,0.426045025386245,0.140299878820888,2.30375306624124,2.41342263488096,1.58706975408308,1.97552516570105,2.25475619077915,2.27264618764757,2.68594751688222,1.93667783766271,1.84908875942403,2.03380029704885,2.23292460667526,2.39689772041516 +Angel1,0.934737614698855,1.09192331804752,1.18291821953699,0.807204206461671,1.09448684271639,1.04968923047543,1.00638939860585,1.12701407622841,1.19109899534158,1.02552612969754,0.958640894155281,0.941079877625328,1.99627561285403,2.30770954905456,2.08060599672609,1.97812439485657,2.25925646643812,2.30263405393179,2.52787625891999,2.29759548395635,1.87383607431905,1.84932075535334,2.34665135206017,2.2494068526465 +Ccnk,1.28276915597776,1.71552952249912,1.10057343583978,1.47292402269521,2.84194665031723,2.54502747615067,2.43943185547519,2.48400805205952,1.21930191623087,1.11094896128305,2.53314052381817,2.00137301638065,0.597580012585109,1.33798710084649,1.13877017666466,0.881900175235807,2.49298133346463,1.91312876264383,2.41469923153112,0.801571468107332,0.848346866754408,0.809402767956201,2.47470241148802,2.02147513099632 +Cyp46a1,-0.350185687904413,0.475567305244922,-0.0535995973362524,0.579122444873664,0.544332833783364,0.306411378427599,0.759467875183627,-0.815256641930788,0.378901022893606,0.101209076915414,0.529215474741674,0.342321161569952,-1.33031186476391,-0.477601740031907,-1.13385899491285,-0.853428999257299,-0.661995736555986,-1.1715713542229,-0.557299299318733,-1.51266256606968,-1.10764796071821,-0.556640461721999,-0.418278330511226,-0.861648200706778 +Evl,2.30938863313545,2.24706021632657,2.2212707145912,2.24068223560607,2.6410680907255,2.55822944956242,2.28476389677986,2.46748989671215,2.20257446858888,2.08822589660505,2.63393702404577,2.41769531313711,1.78143377909331,1.75623954575086,1.5979085273298,1.72786682355308,1.86576082620611,1.56957335284219,2.101316002975,1.50867646559422,1.49479296861217,1.71384935538962,2.05102857060531,1.6929650921924 +Degs2,-0.906280511838555,-0.995633471960506,-0.484325437552935,-0.420438965502792,-0.488568859985399,-0.344671514109769,-1.34569949621669,-0.419179981356864,-0.651491996099258,-0.652946969753907,-1.17494537773677,-1.4029418183224,2.0048883097388,1.51908588993265,1.99693566980969,1.86660638852066,1.21596912637072,1.57389225671002,1.05788900749452,1.95899614922848,1.52012426262253,1.82413306385927,1.36982875919093,0.853012057971777 +Yy1,4.26104869465745,4.35108754037814,4.54876488508323,4.53882878172588,3.98878024283442,3.98327821436115,4.18706807985022,4.42063361436807,4.50857626892748,4.59437996971807,4.19896360543764,4.26326735279049,4.25169243984677,4.43478842305279,4.54520787319409,4.50687367340979,4.14442184030245,4.105952152557,4.12013705258942,4.37605535175482,4.45810321606569,4.39964109686181,4.14571088749326,4.21079524107023 +Slc25a29,1.70760598337651,0.453184718020984,0.577501426541336,0.644425751297454,1.26371111540092,1.2972902233174,1.18611735184597,0.222213903172262,0.347445069463404,0.538284467637187,1.20509930419229,1.26115361292918,3.28276050429042,2.74317197474099,2.63548004763832,2.99228037969563,2.90782497055449,3.20732081176571,3.03545178699964,2.87792585300443,2.81470594840198,2.70296307100334,3.18158278140019,3.01244539269247 +Wars,3.78915887788697,3.23629487547924,3.24780243609692,3.29091694473233,3.42645536315973,3.50603369695615,3.34001618316607,3.27658437858543,3.32014917699814,3.32946893088987,3.54590758304195,3.36798221320947,5.16947299705656,4.78748447543773,4.83199744456459,5.08107514330984,5.23930939364023,5.0375395205679,5.15320712873123,4.63560054771528,4.75183809809038,4.88202814675464,5.33162761035732,5.13779402672441 +Meg3,3.44046128419326,4.73326389660374,2.40388312732306,4.59261544370627,5.93970382781961,5.9349512976771,5.83580053959635,2.69605087100746,3.77223670368847,4.40343473504193,6.01014749619679,5.19762779081714,2.92378143464719,4.33690191084081,2.65727115753285,3.83868376322054,5.68626879380817,4.59474962021296,5.85363092616758,1.8495647359271,3.80302322488881,3.92273069662021,5.54912090071873,5.26462046679846 +Hsp90aa1,5.75880216267479,5.46953065872845,4.8683152023348,5.36084761319812,5.5661156887322,5.26520078895681,5.52342817913588,5.11393647377075,5.26393110498005,5.13492602020894,5.87687612981686,5.93060365209655,5.66755754708559,5.92136246289686,5.14780978511753,5.50366118502189,6.15515019867521,5.96375819069673,5.69585401796939,6.38325813158263,5.47952038945713,5.39027009185236,6.42271063693127,6.25946348024688 +Zfp839,1.55234257874478,1.97895417714658,1.91433888278844,1.96397470652135,2.16671514203688,1.95721129602176,2.07840800919805,1.67641778647497,1.690356427106,1.66237654832775,1.98137318840787,1.95406142889387,1.21475531279361,1.98538590991518,1.31887874044081,1.60754718912065,2.03854210152964,1.5671199716132,2.27617909690942,1.58410427351071,1.79619768819375,1.6923475067391,2.09690140266807,1.79493501238194 +Fdft1,3.48008606530299,3.13069575113516,3.21556662626176,3.19500413146416,3.04660206649855,3.32319551720509,3.24382957279129,3.25330062237757,3.34614407858701,3.25024544415857,3.1234574261392,3.37403757321828,4.40205576163279,3.67393071997597,3.89678514135307,4.00903886695999,4.01881587858509,4.55517425693779,3.94376249108696,3.96602016002124,4.12163685840995,3.8823919250406,4.05659544327064,4.14830856661627 +Tecpr2,2.99501392602329,2.683103359893,2.95066082157106,2.98534182167453,3.05458308006464,3.05876056564329,3.02194291692701,2.81092969920751,2.90421045188044,3.02029418423874,3.01310277212946,2.91392328697012,2.82071633073474,2.86195425329486,2.94147340476919,2.99370664343472,3.25765908929484,2.97006725929888,3.19706784587853,2.6325381447073,2.73410245076695,2.81977988608273,3.17005734544992,3.11765654204733 +Cinp,2.87373759381506,2.33330732872499,2.83307260055879,2.65973552968922,2.18766363235221,2.44680353183907,2.2123582487088,2.22182685382168,2.64356717001878,2.4339922549264,2.30110892061933,2.27290271101612,2.22470576466072,2.08889535641241,2.37250420793025,2.34986938846106,2.04922045215876,2.25435240884769,2.20656893427963,2.1432312232585,2.19100554333086,2.18159606731509,2.00490628071233,1.8509148687962 +Traf3,3.53895783934206,3.45201925718668,3.13651936508226,3.40048662753344,3.69155306762836,3.72062990770771,3.60125569515794,3.31835396810778,3.2872269572144,3.30420674444659,3.71194821621279,3.60456557160864,3.37276459713288,3.55902964609685,3.16003299120734,3.28924349932117,3.83423210973723,3.37735963915344,3.80385480879432,3.15798093463279,3.21114901768176,3.55631455852339,3.81279893842441,3.7460235169427 +Cdc42bpb,4.27621330754794,4.21674826991866,4.15206595829665,4.25419488831788,4.49419900614916,4.58181382226877,4.50039922037201,4.20204409663341,4.23011844580309,4.31567046170365,4.57099465003893,4.38130826716677,3.65192602951777,4.06008049292094,3.8310275745286,4.21394111476971,4.27765167805234,3.99478948369745,4.43527628864865,3.531557223935,3.77524819327012,4.03008642527071,4.40459595199973,4.07628318458575 +Eif5,5.26238431673196,5.52352203235357,5.6320091238858,5.37395504981243,5.20330121683722,5.27398823692198,5.04730079012418,5.52715300164705,5.60007902871047,5.46055585339686,5.19273550597224,5.26393237909722,5.93297929310097,5.81731200218424,5.80056831684688,5.78273737374483,5.83195035192904,5.8534666715736,5.66416099300917,6.04207665866881,5.73851401548431,5.70615665960058,5.73570790047735,5.78878025009244 +Ppp1r13b,3.5910152727181,3.67704794708933,3.46688591594569,3.63945672594831,3.86328048232085,3.98476797082746,3.57747831280257,3.69031816640029,3.45077000501035,3.51090507326612,3.95968714070745,3.72099804969703,3.24484551503109,3.38989932632267,3.31807123642796,3.30534337441488,3.85175028959974,3.40470635481798,3.74527326558993,3.36803255398876,3.05249008424594,3.45260201636438,3.79999061010534,3.66884563910044 +Zfyve21,4.08359572062237,4.0125921934791,4.27937736940159,4.06328126089969,3.81071794001597,3.90329662014554,4.06482521811791,4.11974142483003,4.24518404398643,4.07720269180086,3.91820426418875,3.97944033872488,5.01371179131667,4.65047791433352,4.87558259222809,4.83409118481287,4.93814654271525,5.00559713854059,5.06649463362896,4.87524135474968,4.84535037501506,4.78208626682639,4.83754880962623,5.01650675655565 +Xrcc3,-0.537123031405631,0.503355835869838,0.297561359287461,0.679369731576582,-0.150586125113507,-0.215787974095228,-0.231421059715754,-0.622390484725782,0.515114243222792,0.303520794038566,-0.325498498622336,-0.832092495458146,2.20700727463761,2.6116113134469,1.896377743115,1.88299137301801,2.17196775858866,2.30631460075864,2.59659676067462,1.94672055354215,1.90905560991515,2.03666857448081,2.07023644826861,2.25803066471052 +Klc1,3.05476298563427,3.71205049282679,2.98951686076829,3.55935875466071,4.12536064967756,3.94552508051965,4.18106992488243,2.63762190633209,3.29394374858687,3.59602770214164,4.04551542887587,3.67826422205323,2.77280016449732,3.48182194557599,2.79297754270947,3.29493068986305,3.76068450330443,3.12206312686534,3.98983976462603,2.536855636148,3.26798492965802,3.3256645795807,3.69173408192568,3.58631148331517 +2010107E04Rik,6.75471598225318,5.868253764787,6.82722385258326,6.36825052207432,5.95456372815848,6.01348943155573,6.26873681760307,6.83219457571952,6.63220660335846,6.74376291684079,6.13801357752427,6.39930384551691,6.95345389544742,6.33143508005193,6.8862834444624,6.44787524283091,6.00668098251621,6.70723671260459,5.91647453594626,7.0646091827558,6.7151481128888,6.41984179866322,6.03552620255937,6.26925919861652 +Ggps1,4.24226889791699,3.88952747896686,4.04554587391647,3.90066544544393,3.79524352058118,3.96142938343254,4.05895319937473,4.01567260136067,4.12039479285295,3.86100791665562,3.62364557754314,4.04877780799459,4.28366118814677,3.8973372427787,4.04717948459672,3.77276059452981,3.61020481214093,4.19529915696546,3.90285699415323,4.26700525490543,3.95358480730102,3.88576066957382,3.74753499253524,3.91081224091635 +Gng4,5.10121770516434,4.67996847583944,4.59523327779064,4.57365927438275,4.96800565163508,5.1163695464804,4.83033778671274,4.8815080127232,4.64530712535751,4.50207171996759,4.86549112112412,4.94166262586966,6.28576927596224,5.69580071038956,5.99888835512171,5.75905899604359,5.97217832687495,6.23036727562716,5.81658456004078,6.01049722429193,5.90849324659144,5.8866112036792,5.97260242516333,5.85650324865122 +Gpr137b,3.0590679119273,3.28582735320822,3.31041288218699,3.21195796020066,3.34388995866607,3.23022142365554,2.91159429116548,3.06816936260265,3.09711517760705,3.29809496131182,3.03979485872646,3.11137932403118,1.18768505362304,1.86024721557223,1.95761234965236,1.69015508925373,1.60602104821299,1.49634316323871,1.42687255806569,2.01447208327385,1.78332014308192,1.6429668384277,1.48611421098002,1.3800353243608 +Mtr,2.90385900807154,2.78577397372548,3.06255119081852,2.89996207774477,2.94016368998834,2.97431755183386,2.81476689187765,3.1219972928443,2.94211664050329,3.01708047739894,2.92847966649313,2.85821350055674,1.92712457580234,2.288969370093,2.31256123652296,2.33224706985244,2.51206205179716,2.35967225163679,2.29830025620324,2.48404998213809,2.17976180515465,2.32950810465993,2.6893806411794,2.37783905365493 +Amph,4.06494051763066,4.1826276498499,4.64387246846633,4.03073716331397,3.75120760218005,4.0471774512273,3.85605685905361,4.30811227089569,4.21197928659637,4.01403848389076,3.78211896944192,3.93873070230251,3.54818731220584,3.67449084590804,3.55732382711225,3.4958568332203,3.628613663332,3.55389639560306,3.82872839863786,3.82819588335163,3.41301775928407,3.63910830185652,3.70804414115436,3.59652045098909 +Trim27,3.65496995097612,3.25644340993004,3.68394628665642,3.43540218156347,3.18676021912452,3.28705119477487,3.37855861935738,3.29589772400559,3.47744304107005,3.41820595495255,3.1774239328615,3.27429774245625,3.63498018050716,3.14271983789294,3.51573150268297,3.32210591462684,3.53659739238565,3.45217594062558,3.55972980299309,3.00245236873766,3.61407255940561,3.19755180846888,3.4241460315872,3.46443916611027 +Zkscan3,2.94722076207919,3.08682651317556,2.54606133223883,3.07893861107162,3.38608690556883,3.35975063446737,3.35678821706612,2.69663650497913,2.70386560678743,3.06417371261958,3.47286546564473,3.32819101077665,2.2439141267478,2.61756250862486,2.19745326864599,2.67609772897971,3.05276040227222,2.47528569741258,2.96396813788154,2.31047928514715,2.55507727871246,2.73256271171753,3.01048331133118,2.87110885966493 +Scgn,7.40883684302265,7.41996507388761,7.62154216679531,7.3470224865107,6.94383704691058,7.15061417282929,7.09003241696616,7.68511024817807,7.51225535326692,7.35378637755684,7.17216201863198,7.3634233318977,7.25311193856918,6.85570065243492,7.39251853517239,7.20538972702786,6.84556832976136,7.07332168805251,6.66377019035956,7.36464026948135,7.16864595501268,7.18750037449458,6.81958364842225,6.69973990784972 +Lrrc16a,2.5407857044406,2.69836047021027,2.57200225751088,2.78252086014844,3.02122325358998,2.97138941636262,2.88939261048764,2.70038704343289,2.62356122792555,2.67659584793558,3.05508267557801,2.73865780401384,1.6988067930969,1.88484625736947,1.93534038723715,2.0423388527846,2.17397129587629,1.84974243347332,2.25497837355613,1.844569713393,1.64121342453516,1.99425928478421,2.27966737237887,2.17933282654555 +Mrs2,2.88521174291833,2.61241033808038,2.70038986020042,2.98599948538635,3.23097869017621,3.0525729948777,2.90276290063756,2.67016460255422,3.12230796247291,2.6801571380069,3.10111002235979,2.75337119338689,3.84536280568216,3.7361421818292,3.2652784688103,3.51750858048651,4.30952133923606,3.74970895087898,4.01067525380555,3.54543297197383,3.50891469390468,3.56937241915643,4.07828010446,3.90192539333754 +Gpld1,4.93051355531317,4.75629528892215,5.1156399087828,4.84876026102218,4.42727314468684,4.4351035460789,4.47161011108543,5.11171452530907,5.07196765824196,4.86567883655238,4.50251423725423,4.64441064300201,2.81068568580496,2.36718345572697,2.57129217957693,2.38958134473023,2.30002333423039,2.71528567098938,2.55259994660396,2.63257274565997,2.40078242730136,2.33019840604894,2.06529116610237,2.45307180266536 +Exoc2,3.76095260639393,3.57018564387412,3.7730163639025,3.63373394549216,3.38280775967591,3.44937680873331,3.64989851788028,3.7238100193091,3.79896501043934,3.57880350915166,3.40057139231049,3.46830582822156,3.44951314832589,3.57563668156485,3.68466494357155,3.52517773301437,3.4270234571365,3.50946224707479,3.35605137944948,3.62920309828583,3.4235249018312,3.57919259657588,3.43947028199668,3.46127792610694 +Gcnt2,3.57213749086172,3.28931424220355,3.39555825551063,3.42392236915677,3.56442878844084,3.60833415700289,3.39433339101232,3.48643659489214,3.45468830609669,3.49213972374922,3.62201025975797,3.41627625317949,3.79672591475803,3.31646846887559,3.60817056987601,3.50254058888731,3.56707042325429,3.79888850058962,3.28338455936301,3.57073524900377,3.55211414955443,3.57132051727951,3.60911863443143,3.3994040419903 +Tmem14c,4.79791237041945,4.08916754821569,4.23904861112985,4.20621045411004,4.14023495761594,3.8761533179763,4.17557425177882,4.35794739535509,4.47403074002572,4.15386807427558,4.13422081433178,4.36749582312806,5.51405332417661,5.1216584916499,4.91111379743406,4.96623704971245,4.98631834960193,5.19077935130838,4.77623945354489,5.31313793737441,4.88372579688046,4.99332163961453,4.80552479961661,4.89129895244369 +Elovl2,2.76620889983118,2.51005834094051,2.9138729990029,2.36448512363252,2.64978075474874,2.59592859915536,2.36350400657601,2.55202440880502,2.56294953189014,2.47098910606476,2.39959874071122,2.21664900087042,3.17371912126514,2.74846174509986,2.97393626437477,2.61946150158695,3.09072479267675,3.23313534546551,2.71712952479871,3.19470694236529,2.8917583951768,2.75896370558463,3.06735768857706,2.59637399932187 +Nedd9,1.93922458882279,1.71874313410281,1.26174861777898,1.57799244861427,1.96212341835626,1.84581941777045,1.94854293232822,1.49483180700435,1.91817812320253,1.03657117207521,1.77791390100733,1.97545959967738,2.27077790227557,2.23841212886646,2.25114406012105,2.28194755872645,2.12858379875593,2.31089373338745,2.10943990185612,2.00527030328997,2.00077450101726,2.19328274344748,2.51256357374293,1.88436624482768 +Hivep1,2.99430594678034,3.21275254677301,2.9968647173578,2.95138425048788,3.77604224102316,3.71307604292261,3.35716456692958,3.32869828606488,2.76877354659149,3.17716764126662,3.8693268791243,3.3547705974923,3.11032368360475,3.19244536772813,2.60101629720176,2.87896023474381,3.63118921840731,3.32650949708545,3.64436950093007,2.68281000753796,2.70266998056412,2.97507145024632,3.71020107553749,3.38110555446413 +Tbc1d7,2.75716478422563,2.76174682436029,2.72107558995507,2.55029808063473,2.47120561817372,1.9749157345721,2.15484211387067,2.52810829563272,2.49083231553446,2.58676479834412,2.29573831163813,2.44786710978765,2.97746840489543,2.64471128151778,2.78471708317515,2.81764790820653,2.20930808847322,2.98972552911852,2.03963167682928,2.9173409533182,2.86406176570262,2.77700751847504,2.56459533494858,2.77450021532809 +Ccdc90a,3.20921000533443,3.21865906649553,3.40457407176169,3.07561518533951,3.20125773970926,3.19661108310615,2.84303653096185,3.58851987854024,3.45339557916455,3.25000455669643,3.20483746060529,3.14769550388004,3.23738589779457,3.25497897592251,3.26210684242924,3.38475567688928,3.18251081527864,3.28506912584807,3.02490129926439,3.37510280435121,3.21243651433251,3.2675221073954,3.12132836289628,3.12601988552186 +Cap2,1.14772725930103,0.914413669700902,0.829922858508335,0.812597088107688,1.24651639566627,0.998474563574583,0.860205205468535,1.02000662877357,0.938602761919419,1.04112107934465,0.902424624460216,1.03318159704339,-1.83846754405197,-2.56691119848262,-2.55113781268431,-2.59837023031471,-0.982494381548465,-1.8537225128758,-4.12694559678391,-3.03848183540089,-1.52613408480968,-3.13772546802168,-2.78678263309423,-2.71327008056755 +Nup153,4.15382158308859,4.14642457766289,4.21267316166222,4.15906660574035,4.17647759954707,4.15052514103586,4.14355113476777,3.98971586939675,4.14537833798473,3.96612124295551,4.00130122666067,4.03774826878115,3.9336696081433,3.83288853714342,3.96707512202647,3.86722232005065,3.91022150672144,3.84155624684868,3.80580489342027,3.84752535080094,3.93327687142085,3.84397710370388,3.8286505390961,3.97287145808628 +Kif13a,2.22962335867562,2.4733977270255,2.19539914826801,2.43852697228279,2.75631853762931,2.60771125503883,2.54058162586431,2.34174605916137,2.31157424249559,2.36835212455357,2.81104390655905,2.53437868643858,1.20752336873413,2.03085107023395,1.28098635233122,2.09801152966192,2.35208836622019,1.51838474468852,2.39883678318726,1.3815464283796,1.26417817211275,1.98403490777528,2.49193745650971,2.06284591065737 +Tpmt,-0.733488674184375,-0.62929910431074,0.171658509032896,-0.461353515512024,-0.704073045078079,-0.518705188774051,-0.339528654794678,-0.686641123136325,-0.153730161888183,-2.4432698405167,-0.112132388409553,-0.366065204773028,0.174922963522907,-0.367773346044037,0.372437747325109,-0.327908468964115,0.358583349149038,0.40009140785711,-0.534654869466329,-0.46630739116817,-0.498780048228439,0.312710806366462,-0.937909390082715,-0.384536148953095 +Dek,4.25313816149171,4.32651700091335,4.28762904391423,4.38005450017351,3.97592207910811,4.08430299741447,4.23959897457822,4.16596492178526,4.52134454648161,4.36990304209859,4.15963964453009,4.12157655699538,3.59178191912631,3.83514426547338,3.45720546432508,3.65662148549685,3.35362189290166,3.36611247957089,3.35272118846546,3.54422309087321,3.73771613071762,3.71101090337085,3.40347562767607,3.8223477613983 +Id4,0.455881713198734,0.845456484609811,0.520372281319637,0.714037022044749,0.15867198276741,0.692450814295291,0.0080513320976931,0.952683933822186,0.392508948020392,0.655935654761922,0.462666240848595,0.456523454034502,-3.55170964204752,-1.41090962703478,-2.23801817355839,-2.02313427557833,-1.40404949669312,-2.92156796982019,-1.584902433419,-1.2464214434284,-1.07671562740659,-0.570627607413952,-1.94650033013639,-1.63577426878368 +Ippk,3.96154363771994,3.72383815676696,3.81559801207282,3.80258931355833,3.51681758937516,3.90981632584749,3.77176107276612,3.60935223457359,3.86783509793146,3.71570892960071,3.61225859711323,3.76881085441139,3.94856558838709,2.98633498512267,3.37592174057547,3.55367679897388,3.56332492794195,3.76805101424477,3.5775585824319,3.00113581513931,3.56817088143329,3.48837076508965,3.56198692301255,3.62284580427637 +Cenpp,-4.02231784878155,-3.20512656804031,-2.84257457745842,-3.49588713479402,-3.18138851186372,-3.00145642055485,-3.41758706084395,-2.61486336218142,-3.64399518505032,-2.86581529216334,-3.05530588901086,-3.92716161363923,-3.55424819224586,-2.9436008097736,-3.54978931405903,-3.74398330962726,-3.43688340024738,-4.09548519278377,-3.35730167279852,-3.53699926935156,-3.07460751195801,-3.69333604702583,-3.27188807943886,-3.41483123458394 +Nol8,2.84343237655715,2.95745449864384,2.99209550389759,3.05222882448582,2.69777645864724,2.7593481735144,2.77480519144894,2.84956731564736,2.86220557153001,2.92939613838391,2.68892068201856,2.96887487983636,3.82298066533416,3.10894313580669,3.7928013190753,3.5366256670573,3.56965853566341,3.48568318775036,3.57567310865316,2.83823174718038,3.55004758209171,3.40574072228769,3.58680742786884,3.70311184089739 +Spin1,3.96191845468402,3.88542035001936,4.20499040206633,4.04418894565745,4.08249967405797,4.05966139182902,3.88752039838447,4.277894533423,4.07749849123406,3.85694489117569,3.95635588193129,4.01801566406199,3.43770851511023,3.11082464951774,3.31863698624719,3.30175725123388,3.2655511761704,3.51273726522992,3.01564448317374,3.87799671539438,3.25708346924713,3.22999119083723,3.30474404365443,3.22026095942181 +Wrnip1,4.5034047756141,4.5213870290124,4.67156153870659,4.68269461033839,4.29237084875125,4.38512397258187,4.54019152843079,4.34782691840787,4.57725324914943,4.71908211260622,4.47162147611444,4.56269223808507,4.27156700711604,4.52185795184006,4.1765508570488,4.54759998258043,4.4635853359114,4.20572276634333,4.52312364229308,4.16783408121036,4.34295905061936,4.51263191278424,4.52943624379039,4.5711232266087 +Ripk1,2.59202151893625,2.7088969031104,2.50132043215374,2.74419672819538,2.64873112537486,2.6497279651217,2.67057492104273,2.69634565689136,2.75052724290705,2.8713749499094,2.73186301889142,2.72285526511755,2.49345276543258,2.45808624882458,2.3188110352015,2.61581692528586,2.53729376516768,2.32872508935086,2.71969900188004,2.25563255627702,2.63691022371536,2.52861403469209,2.51572620207659,2.66419407446543 +Prpf4b,4.49807116150306,4.74539638415711,4.02612161335416,4.70219024961074,5.09559207728728,4.90954354729134,5.02791734875932,3.89782916895603,4.35585077546751,4.52226345432925,5.08802521169721,4.78185342231632,4.71651179473291,4.95516596191586,4.62228232225642,4.93958193757427,5.21780128141051,4.86389083648444,5.11819843806084,4.46034699387371,4.70956649029452,4.70268786263183,5.02683768651652,5.09409658922635 +Eci2,4.40036238278412,4.58391535648769,4.9765889133892,4.89661201541752,3.98638751533898,4.23189276724031,4.14443949900819,4.83762200826467,4.65857835073383,4.68410918377783,4.28397774637601,4.42300422824267,3.99129110124959,4.18853272943613,4.54159952909758,4.57429409352993,3.73952394966173,3.96239918138869,3.80411215947619,4.16600811961878,4.55235645234356,4.84692888782607,3.82188115890113,3.92403546772202 +Rpp40,-0.147989721465842,-0.365366520980415,-0.163675140290004,0.0730094450007948,-0.678739530682598,-0.489549700354751,-0.330030451553006,-0.344430246144265,-0.174122392900279,-0.411155116200106,-0.448232342951019,-0.94442819885065,-0.253189131017141,-0.434340371508655,-0.302593276698884,-0.13846105357274,-0.425830106780489,-0.902442467459171,-0.776615114351974,-0.659509393452128,-0.80476962962769,-0.363599369690643,-0.341149478540941,-1.12372396808998 +Fars2,3.71987773450778,3.39136164403802,3.88006317133626,3.66831446859931,3.53467758038809,3.6918360662841,3.65507326710358,3.78941996475551,3.84821423395962,3.30337775635853,3.60622632736023,3.50554544294489,3.84548277525782,3.70858729714538,3.94259534950789,3.91741096119583,3.66729945161015,3.80584884403866,3.38237022426888,3.95548436083379,3.79881719670634,3.76803454107787,3.64186253251455,3.7551616783002 +Ssr1,5.19525529628228,4.58274630891963,4.86017254246664,4.76942951630591,4.8076465730844,4.69548467711067,4.72669235497236,4.82364987146825,4.85245903917556,4.72995099091431,4.72749127975815,4.81192397408101,6.1869517810904,5.32357240909538,5.65934510680406,5.30010546357747,5.66583669913604,5.83814908824521,5.59603341006791,5.61695864744589,5.58152469527609,5.34241183805165,5.62248191926074,5.76340781118193 +Riok1,2.94075756352114,3.06219774681335,2.58905832235157,3.10140057351979,2.93651569309161,3.0112569858815,3.26432369158873,2.53376254327728,2.96874954776338,2.84061014827373,2.77357330996139,2.90649973586668,2.5979454248974,3.05196074093462,2.71559697296446,2.7935363704983,2.86125519599507,2.86706229056269,3.16059455796722,2.89928474357625,3.12001394429476,3.02504106272349,2.96048754167555,2.83040455622959 +Snrnp48,2.63855275304962,3.14434558945128,2.35834658552201,3.07237594940305,3.36017374883168,3.16250474405726,3.51953769368459,2.26364980902745,2.29643421999518,2.93925656648264,3.33518446787457,3.41211551747232,1.66461401433439,2.86291418409293,1.73228205007531,2.75895296490054,3.03920234734678,2.47480862558605,3.01807828545004,2.31680490176368,2.57822997030103,2.67700701635453,3.00115454860472,3.19674369641809 +Slc35b3,1.17433360409947,1.4775798740831,1.05945175095047,1.19150348221599,1.71699154361857,1.63297135220349,1.28483842868948,0.675134656455481,1.08992855043388,1.44747846618534,1.49419929587704,1.50949269412332,1.05300502819684,1.27086916892174,1.20362084550034,1.24107890428801,1.55863473891948,1.27987258019222,1.08452069564598,1.31969070907976,1.5912670153344,1.38022817328116,1.43976468535067,1.24797350705189 +Sema4d,1.49325943917195,1.37202068279579,1.76317704614471,1.20653524113051,2.0976682543057,2.1163606637988,1.52374789171995,1.95574504689643,1.48550382672266,1.37533268936192,1.88051028867086,1.32185473116412,1.22399332217177,1.51043574318047,1.66012070219793,1.61790753942344,1.95236367649627,1.57925088697686,2.07913977844399,1.53012272925494,1.12420002390074,1.4965953258602,1.78210249650649,1.62074822260748 +Gadd45g,5.10585870442037,4.75653029567471,3.42644630822866,4.38690593099389,4.21746656140676,4.3292547872946,4.9740473778691,3.99748494600284,6.14521638067433,4.49542416038689,4.75979932421296,4.79609830585688,4.95056141358882,5.71302249265175,4.12947156131621,5.47470578058752,5.54218873318029,4.5501412319279,5.75812519237171,4.50961021652577,6.04572164014664,5.62043735291919,5.45812609807832,5.77447687783002 +Syk,-1.91780408550622,-2.24865633977575,-2.05884627905456,-1.90176191534808,-1.93002766483497,-2.78428055908801,-1.88363739440623,-2.20511350564404,-2.25951516605033,-2.04222410042437,-1.88346555222319,-2.12081169943392,-2.36698975567542,-1.97888630073569,-2.07721839656732,-2.4939860761563,-1.33003002918379,-2.66743819406468,-2.22241386456533,-2.43680329064849,-2.57159070575677,-1.96426905445872,-1.80529564579078,-2.8773566346865 +2010111I01Rik,1.06470720462207,1.54154114523521,1.19474856253209,1.19033415080502,1.69853568157176,1.50069183097644,1.66840490681424,1.56563744018714,1.2432065219698,1.27133953783003,1.59749036644561,1.50052002060951,2.1655888089926,2.68739365144497,2.62531239221744,2.69779981567341,3.02499944334769,2.57357534567616,2.85715087009782,2.35542735774271,2.51596208262667,2.78427793757485,3.01319545190547,2.93202802894114 +Auh,2.37483901008458,2.62160776219495,2.7520036978121,2.2107660572904,1.99888084390953,2.27848533929313,2.20387866461576,2.67402604996174,2.6935872964966,2.1690894730148,1.969018270699,2.26438150139223,2.9467074341702,2.8666319918477,2.70470219739661,1.98239378686667,2.02244100316261,2.50392644428016,2.70757079235276,3.11980782580928,2.73065834691569,2.26390403961123,2.12978538511508,2.63900770513167 +Fancc,0.0602438648099475,0.459555297069029,-0.382856332807466,-0.196531747797627,0.283095239186002,0.479600255946934,0.364175228945672,0.247541825643544,0.024022413851235,-0.566557794539108,0.362361763728313,0.115680292881322,-0.964404805774806,-0.267666091663517,-1.09772879511877,-1.04574642955075,-0.922780409356941,-0.859236641663024,-0.63872298000291,-0.943976282416879,-0.406918027266634,-1.32339104545948,-1.05524625368331,-1.3820014038166 +Ror2,3.1796729955933,2.9299881316052,2.94755009361186,3.04544537221016,3.25375148660774,3.40475348647877,2.89785553655784,3.441557292669,2.86220557153001,3.0506820705353,3.32005617680024,2.93761152853658,3.26221578616838,3.3960337747084,3.41051435378879,3.60657270275367,3.50254956613622,3.49856949095142,3.49600441210404,3.50955963707826,3.25223058610321,3.40574072228769,3.55840468056842,3.39297650423972 +Ptch1,3.40017196458138,3.46407651657406,3.39690188499293,3.26185559744569,3.82693145311651,3.78600014129121,3.32585414947466,4.09607439415097,3.5869596573703,3.43856454002293,3.73199876948861,3.46505280553036,2.28914765608589,2.63994746480625,2.68884292856297,2.54582097397636,3.01579746553978,2.47031067895502,2.69204574108371,2.57952870576933,2.23086989474663,2.59324496278188,2.79145957599816,2.64704460046115 +Sptlc1,3.94838832238975,3.87986864823658,4.05083502553367,3.87208139717941,3.54070768117116,3.49120654962326,3.65146424200686,3.85599230109157,3.65226068145301,3.96259233210767,3.73984039126551,3.67949353353812,4.61886755388668,4.44332542731341,4.69218629997613,4.64324589065688,4.36771630012851,4.60215042419473,3.96608322884154,4.90181715367818,4.5953631400786,4.5298013556082,4.24979267840903,4.3832904743819 +0610007P08Rik,2.46024115312675,2.5794390367221,2.41753907736446,2.53752954356699,2.89213784709475,2.63584906590292,2.69651680639859,2.50830083171026,2.45542716852535,2.37604541293984,2.63859581644022,2.58868125934452,2.79871131888336,2.91252961671834,2.86846388058705,2.86481967699499,3.02184056777852,2.77080098020842,2.89523643762986,2.84000812305711,2.82474909951777,2.68696586775981,3.00823411661925,2.89370409495584 +Sfxn1,4.23550105541027,4.02685755704596,4.13684652336138,4.1080648121073,4.04884286176635,4.26766465368477,4.05492959930822,4.02367961108211,4.00619051259706,4.18192779673971,4.13262611151351,4.02212230868818,4.89589876759721,4.81567365488512,4.77764248258848,4.79586346477723,4.7717327899697,4.90074096606283,4.8351806342643,5.04174484104194,4.72487437257581,4.8228848641048,4.78131969813617,4.81854215876626 +Habp4,3.04864082902527,3.48290396362705,3.19438044726262,3.62031099059641,3.67081465878606,3.37315250159391,3.50403714231141,3.31445642772015,3.23756316582747,3.47520525826637,3.82202151816862,3.43660979854655,3.64798566508275,3.90347839929071,3.83144099083536,4.06643260011692,4.05786238744834,3.81922187821928,3.87583296528706,3.73524654694706,3.860208566812,4.31279148548557,4.0640814700811,3.85432843777867 +Ctsl,6.79939284536459,6.32506589848379,6.8848338028198,6.68912041188905,6.16611514007283,6.33780635876831,6.18669882132527,6.6185947275495,6.74370258570126,6.6939635178614,6.34869666738832,6.54089735525165,6.84159113895979,6.4431245712122,6.78034603655332,6.98262659120865,6.54688087891767,6.87452734428143,6.26166741384272,6.78478200492941,6.76012541880006,6.92748047424639,6.55020485688915,6.67506541351367 +Zfp346,1.48529514856833,2.09648555384828,2.13620943076677,1.9925490338266,1.93242275568379,1.90345715543316,1.79505442242386,2.0323819051599,1.91970693005613,2.22083375742124,1.92094168782912,1.89223447448956,2.52679323469915,3.42171614115691,3.35719160174105,3.43586344250636,2.88780643033485,2.63174759647483,3.1469785088069,3.05103768751711,3.561174253025,3.56053592807709,3.0453513109442,3.0697106521088 +1110018J18Rik,4.49624552666682,4.68511008557363,4.65307925494104,4.60865562590068,4.57987352914258,4.23006720691073,4.41739183301202,4.99045734392955,4.61432549331542,4.75066216390549,4.42953160863091,4.42121071775064,4.74306513391254,4.73639318274533,5.04864150359275,5.10132263678526,4.60819789323661,4.78840080361466,4.30231716059679,5.31421287448013,4.85880414130414,4.98421968880795,4.50340523513403,4.56731230244211 +Cdk20,1.96430367020745,1.83110857773692,1.84432609979907,1.58456286349114,1.25467304256955,1.78841609187748,1.67947978770142,1.47023457998171,1.66648147750094,2.0138581032076,1.67596530207942,1.83468779464137,1.74847232984369,1.66433111935211,0.92684099190339,1.51200440965562,1.76447165331669,1.62457459965155,2.23108731093292,2.06636505419841,1.56957365249014,1.97766150135143,2.04730618997986,1.66933293793708 +Lman2,5.98267861011085,5.45696603753955,5.68006241761817,5.56686037637693,5.72724359705601,5.64029920431684,5.55211216029968,5.98620729074104,5.61436257482256,5.52563519137422,5.72277008226459,5.69178351845646,6.92810377057709,6.40869175782551,6.56770953956059,6.27752828065519,6.77812839532863,6.95817064431641,6.74984690712918,6.78876351730724,6.39996544524314,6.31011626669823,6.9151082050008,6.71343914121621 +Prelid1,5.1457963530323,4.83650113013868,5.24793729233825,4.99141193761805,5.02378089677196,4.98463161490543,4.69716150603061,5.11615082840937,5.09115313060893,5.10393187389758,4.88399506721286,4.80682704290575,5.63571591749876,5.29650737657236,5.45157982184452,5.41101704037899,5.367927012366,5.71133822806796,5.30430362589427,5.60989846903445,5.46064345245004,5.45535919190882,5.48956799773175,5.38715848993114 +Nsd1,4.79530578171196,4.93227582441565,4.57382227339541,4.67109077474548,5.24755248153074,5.23272487545511,5.04843668414814,4.9735822914911,4.75128790782787,4.61936672382875,5.11201385146032,5.00232912519924,4.35846648614183,4.54455182537295,4.31981035162198,4.50356977781207,4.91699611236356,4.51105743501327,4.80787675879904,4.34771217587798,4.42787265239629,4.43954511935362,4.80434578496521,4.65314614891781 +Pdlim7,0.604000032921535,1.17325678150999,0.52292608681287,0.604889109957417,0.90221861769261,1.40137972223841,1.46227445098207,0.653852408904576,0.954609689421478,0.842848959363085,1.05665528259849,1.04193588985079,-0.0687948811802639,0.699302310840467,-0.128689367625544,0.103003921243516,0.441576152628883,-0.266298432277134,0.503578514026702,-0.190211429087655,0.0230009751688445,0.625222187042532,0.694188881811418,0.506271261624397 +Ddx41,5.16677384558294,5.00237070153099,4.95372606561861,5.24235141482432,5.07460354226425,4.9816849930729,5.18698359647859,5.12464769847764,5.08840986737776,5.14884832449597,5.18625550226901,5.11255284568821,5.12385181045972,5.15557501651123,4.79698295473334,5.2528266222536,5.27492924791447,5.08222497827536,5.30085009142545,4.93119267152484,5.00860918943529,5.26085388388772,5.37036023659183,5.14109444519448 +Fam193b,2.63025864026473,3.73164825327693,1.90115497709229,3.60675680162509,4.34336840543839,4.12121905157269,4.40457203863903,1.82212501418366,2.70487635464428,3.57719534853849,4.45203310895633,3.94201725938995,1.95583538912977,3.4556986708433,1.68790483891493,3.12538938981794,4.0965700609944,3.16807444494486,4.44185011355292,1.31945475504377,2.71535218740556,2.95947369952939,4.11016501635885,4.03289356671867 +Pcbd2,2.65028339164003,2.71970399636002,2.95745217867127,2.85094062284858,2.58553927574198,2.86184723982045,2.83498783596077,3.11178221875787,2.70333644375882,2.98277502179114,2.36682649544813,2.5042519179499,2.92648863873029,2.95730911786949,3.08419767029816,2.64169433055457,2.54088733267447,2.92545219720276,2.60570986213455,3.03377444236624,3.02792275122054,2.79339034453523,2.63882399099501,2.51535380966445 +Txndc15,4.92172442172999,4.55289765905755,4.85817581770991,4.71596175339121,4.46471981473861,4.39156035067994,4.4529788642199,4.81085258431705,4.55389427626339,4.62059027742342,4.4579497979957,4.61973229546059,5.58686811797916,5.27226057419574,5.64555887385652,5.44689986466232,5.18985404370076,5.52882464187518,5.14613964741139,5.62907870120973,5.49545628380265,5.50984025077477,5.15648107857653,5.2190236912345 +Ddx46,3.68482439655849,4.03755406757455,3.99003533966302,3.92585496786401,3.8186675176414,3.87336388145639,3.93260926244031,3.83754157014741,3.86782686617545,3.92818831759634,3.87422511023787,3.80433900892695,3.61919915155995,3.9685690020788,3.82827693959574,3.85178787770503,3.94202119796594,3.70225168212354,3.81157469944761,3.64245156729475,3.81772678907828,3.93023726903717,3.88744175996868,3.96048833381633 +Caml,3.88681541130227,3.63834684847079,3.88056633700936,3.86737036704956,3.79467781327325,3.55788850277803,3.71041952095309,3.63241657312194,3.83715503688724,3.944737992813,3.7130443640262,3.6478519238703,3.89550810668544,3.61007819590285,3.68999872354035,3.86126293169752,3.65665902486574,3.63687396929157,3.77172907939121,3.35450846966557,3.78847719985995,3.6944044595532,3.7519488347764,3.72380988517875 +B4galt7,2.72444957390291,2.5005990224259,2.73290341693801,2.66545464395043,2.8230865673875,2.77733679382249,2.66571773308941,2.66331646592819,2.69764101332513,2.72766657748865,2.7681468419819,2.52921555182645,2.54174407806078,2.44191170318457,2.33357928948668,2.47615962100405,2.52572578637813,2.39842039116816,2.79071727697319,2.2661413551382,2.33495220040304,2.59769706248964,2.26546123766811,2.60635388571691 +A530054K11Rik,2.12654919859421,2.44575048635703,2.3868506847979,2.36371566683998,2.2547362487235,2.18806253515055,1.96646644632721,2.5768453883142,2.25617033604977,2.13203538859109,2.02819211291639,2.22566002042882,2.61456475353392,2.68970271330303,2.50849104063573,2.35045535766526,2.43144643184449,2.45739878750775,2.45536329565756,2.72536297941279,2.6051663895532,2.1996865256601,2.23375807215974,2.42646475352438 +Zfp369,1.82609112758902,2.04548380100762,1.74729650051209,1.84333141591091,2.19403994073729,2.33228986774329,2.16968047224564,2.07746514301513,1.85450419513665,1.84403965593953,2.29403908524647,2.11094197524665,1.02139763617428,1.24148698581512,0.960148682063922,1.13081080627081,1.93305135199057,1.35833090395652,1.57096269252213,0.975528687771423,0.955506205239355,1.02334483513739,1.69376776918963,1.29263958024222 +Ptdss1,4.00753775072474,3.7561654592724,3.87894284036469,3.72959582629137,3.58839657881962,3.69499760324159,3.70136318355192,3.8953866482242,3.86038808369611,3.76889507590599,3.66990431122722,3.75429270723986,4.42258634753968,4.09926941772586,4.32694952682348,4.26556233045902,4.19843917288206,4.40343015741953,4.12513744127781,4.63607528896276,4.31439174721833,3.91280896711754,4.12188995362633,4.09168835286017 +Mterfd1,1.7502389805581,1.71918061111155,1.59355216759801,1.71075473949633,2.17222011529394,2.03211936253955,1.96281550319056,1.53953681401391,1.67826976831771,1.40358624561383,2.03161018351319,1.88643152073331,1.9235342176038,1.94331365326118,1.87946918988958,1.79634525261696,2.21510473939182,1.80999195223616,2.03593237116029,1.91141935437175,1.85054133740922,1.97597275856471,1.98778693004725,2.05372736266613 +Uqcrb,4.94588276351644,4.19636774877949,4.76659281436993,4.48002873992051,3.95539464297233,4.18347599514904,4.54783005470179,4.67016726929423,4.84729532148469,4.51655995737562,4.38522247267914,4.62174623374565,5.35582806373132,4.67445078408829,4.99765399104823,4.74689761156697,4.43723335802215,5.0001580578802,4.24181955909398,5.14369481383034,5.04061615466117,4.71145278628211,4.45469234411093,4.76360488304484 +Fastkd3,1.76403129308784,1.98305199127169,1.60248746561397,1.72111537998121,1.78813477124039,1.14963853837281,1.54637621692124,1.29443315275022,1.55009855118139,1.67903411666598,1.46681704491362,1.40298173210016,1.21609253997115,1.80484253717444,1.61401340227349,1.6008080078331,1.9554563778465,1.6138440873572,1.51729869693241,1.49581200243517,1.90901183599406,1.8692768367969,1.71347891567171,1.79258123209725 +Adcy2,-2.31386476611777,-1.1625216250356,-1.19721716129062,-1.55558559509235,-0.777373775292115,-0.684367909369325,-2.63213684999135,-2.04464361171375,-1.43720327480769,-1.01477476803004,-0.589915670820277,-0.3093004386343,-3.35825168576833,-2.29477371091519,-2.85976594182834,-2.90699835945874,-2.28791358057353,-3.36832468372932,-3.32213441357292,-3.79103683491602,-2.2508509143082,-2.1309323009456,-2.60653660687394,-3.35871806153185 +Cetn3,4.68014722880179,4.51347361478613,5.0984828052416,4.81846409814147,4.33544531481302,4.3203255893391,4.50563778860802,4.64906501634654,4.93692454180315,4.6079412020629,4.60322886502074,4.49028547615149,4.83651930873518,4.71524386516219,5.21436432369412,4.89565209836126,4.34806315476292,4.67621642911791,4.34141400393056,4.96226775860115,5.03281556852312,4.97582764269839,4.56428382618849,4.73935270074668 +Smad5,3.83695643069852,3.77234693717297,3.80392321510793,3.55724483019125,3.70335935447373,3.91812590794622,3.60071059791677,3.80397718930764,3.82322619157834,3.60557367772928,3.5218626629973,3.71935430616271,3.66242246105592,3.67547478274097,3.9574407947102,3.75201457667844,3.73534431982504,3.68896413244401,3.39981724866352,3.85529234147947,3.73335653842597,3.74237944566651,3.53725370696556,3.56197863236668 +Trpc7,-0.348963472766943,-0.193958988228386,-1.58994421781272,-0.756525557475861,-0.337093207451585,-0.113621178830345,-0.321448703505674,-0.189103498467121,-0.14846209657955,-0.471272109490629,-0.0737425907526432,0.494737994628149,-0.19112660848361,-0.688580918455822,0.0332016962582924,-0.477154973474048,-0.359023864185929,-0.416913684234214,-0.71905042220292,-0.761701415462621,-0.466668285469229,-0.0501645169761402,-0.303997865170679,0.330298833889676 +Hnrnpk,5.85157866373485,5.6914175419975,6.07376419314653,5.78739099587257,5.23504903080263,5.40698376245037,5.5143767842258,5.70422243228755,5.90799711325178,5.83822497510894,5.36786018727985,5.55819884460287,5.71821864436882,5.48821574136938,5.82049884060918,5.58155977461545,5.0394630092973,5.40781880196183,5.01917989732067,5.52367731657995,5.72880234624835,5.58127499175396,5.07179443609126,5.31877449169774 +Ccnh,2.0999491037036,1.87333127930337,1.90298063995222,1.89686563658495,1.55553124503822,1.72137463625972,1.75193990532168,1.94097544449392,1.86503497908395,1.98877192117461,1.66359098908962,1.76605183526145,3.37125631360832,2.5872861517934,2.16074537964534,1.61910385611305,1.63907460796061,2.4299752335441,2.41490232972757,2.95967583226823,2.03658227963502,1.53198891510039,1.63702446163237,2.15963545075407 +Rasa1,3.29567491175944,3.48159442383614,3.29185786404076,3.47226478906512,3.55412771942194,3.40773405962245,3.31199021542759,3.28694920584863,3.37580766134263,3.3779688717412,3.50107799037688,3.32126354967674,3.37957845952114,3.49494417147097,3.10848141039803,3.2856993263481,3.09359040119055,3.20992048035609,3.22217454492804,3.32942577544975,3.29890467528677,3.14066451381699,3.20895726559495,3.24134984528834 +2210016F16Rik,3.43531765545002,3.3412363347127,3.6018894606856,3.22336467190274,2.99223313749134,3.37154067064045,3.41021404443334,3.7127612126709,3.4123074446259,3.37572072729666,3.19212573409058,3.24766196086899,4.19284900151626,4.12682974825315,4.11116540677365,3.93333328564415,3.73903684668986,4.06722324729042,3.95561766760757,4.24671422190677,4.18593629771229,3.93731057670653,3.93022068538622,3.74621059533763 +Gkap1,2.35719322470498,2.70091698320422,2.43323707188995,2.4478914741088,2.36049566336905,2.33632228971256,2.46011470341176,2.25821478793627,2.40451797204797,2.66713582079164,2.65571376119797,2.80477299337665,2.89864440862251,2.93022274990961,2.79110128227144,2.81874463089014,2.43466597105452,2.41253600502989,2.77416824608699,2.48947534160389,2.99762297217028,2.95764546070263,2.80758908457546,2.92504526390762 +Naa35,2.25510977842711,2.11051987099988,2.16668387201468,2.3870927210291,2.64720885874412,2.56708996475217,2.36024073766577,2.26232223506031,2.17618663914049,2.22513953061688,2.47460413107515,2.36330673314028,2.77314721029545,2.74257593979364,2.88824382092289,2.73446377852437,3.00968587814272,2.84570776577831,2.84858419736979,3.06323476522077,2.74113123106877,2.85746801563081,3.03852579815987,2.94315251468987 +Golm1,2.66067753632886,2.2002633151142,2.17836821905429,2.72257947946436,2.66115488106228,2.69236614016989,2.53190151073633,2.17042316076261,2.30111507555049,2.50604733506534,2.39747011641051,2.6650151737739,2.99621418003333,3.28249513570041,2.97375343433223,3.49953239206362,3.06513487969912,2.92874000511104,3.09506779688748,2.81906689065374,3.33111449884541,3.28301805900321,2.84453211122136,3.09246871938101 +Agtpbp1,2.964413133597,3.01691962489713,2.98178019244691,3.01084829796308,3.16514638516125,3.12275787076696,3.00502434625248,2.94826630269377,2.946799014423,3.09671782675291,3.06563794982595,3.10209245688764,3.37991089701856,3.20355379558316,3.27174505048865,3.39047418339105,3.28680805184216,3.22250773197095,3.03760955485113,3.18630541978321,3.23197843325524,3.45679179059985,3.19890502156398,3.20965493227475 +Dapk1,4.40652958640193,4.58120093969174,4.29723097260153,4.59223312283702,4.81596006595458,4.87457621030176,4.74972749091507,4.63925651966409,4.43635939382591,4.53091600606406,4.92131845019659,4.78099897153034,3.32306147742143,3.81838446829419,3.78037679431006,4.27200812868155,4.06608953234471,3.7725089963476,3.82291817918721,3.71261813359578,3.39458430570112,4.13146284443299,4.19122935548149,4.08792565004861 +Slc6a19,-0.912437086080055,-2.00977780971518,-4.80262871368304,-4.80262871368304,-0.509858849596583,-4.21899053767864,-4.30174039781941,-4.24518278929905,-4.30567203268632,-4.80262871368304,-4.27067177593256,-2.44764559808672,2.83913905742369,2.62355565660084,2.97809545038673,2.39482350317717,1.94373308239602,1.87442336011184,2.35095781004382,2.75623625802318,2.62564922428629,2.67569673573451,1.86395952644181,2.01112779311937 +Cep72,-0.649976822777572,0.378556313164118,-0.0204083925908227,0.0435716110425155,0.137474755196825,-0.271698481800229,0.0456395801119585,0.0199044686541423,-0.317022708384589,-0.354961617897172,-0.376516997942097,-0.255537064021547,-2.80794564982207,-1.66844056802759,-2.64636726895017,-1.96818089066884,-1.92315302952828,-2.31968277382535,-2.25536784442123,-1.62068375595126,-1.5056438475265,-2.06905372873138,-2.02865622568138,-2.10837430515688 +Tppp,-2.3642836812459,-2.83595705848434,-1.98555811090447,-2.55085467812598,-2.55470445527442,-2.59676618463114,-3.43216013801905,-2.4234072191399,-2.29650482116514,-2.50335597923943,-2.49106158454869,-2.35520604750227,-3.36578073968937,-1.91635412894635,-3.47713723124054,-3.24010012257833,-2.37674403469534,-3.15045273611572,-3.0861378067116,-3.35119654129521,-2.5779510006992,-2.89982369102175,-1.85608692025284,-2.60993934650096 +Pdcd6,5.10532987941586,4.83845742489467,5.30935792281612,5.05612485158323,4.43440758284356,4.56592984016442,4.6733233370008,5.0048670987639,4.96412310084868,5.21231891260312,4.63447041438532,4.85091525707796,5.38552212969899,5.06209066600941,5.39205335122483,5.22325539011222,5.09225513050945,5.06558569602235,4.83699218238428,5.17056132043943,5.2832812461451,5.43331511337032,4.9916054857132,5.11070354716114 +Sdha,5.39344330854951,5.21140537087634,5.43985693368787,5.19761353745425,5.06249719852732,5.05653733138317,5.00501864671495,5.34617297948135,5.38291853513157,5.30606054378197,5.13540489120914,5.04221368676973,5.93766522778209,5.86465515848763,6.04776003590037,5.91927601015448,5.80579170651194,5.79992207113223,5.68293810524295,5.87188536404498,5.86851158487502,5.96320383179125,5.86236601780345,5.73410351920609 +Ccdc127,3.01612249329718,2.56716391740568,2.83547684629689,2.70711773559151,2.56738532697761,2.64689240912407,2.69705894565529,2.73867194611023,2.63975473504124,2.57772374509117,2.45547075608944,2.65641595227858,3.82107664204297,3.18346075020119,3.51010701363086,3.12198300041438,3.34320052710922,3.59913688918,3.42643650918068,3.39239457468809,3.44917870497677,3.26250923315438,3.28691165513907,3.34822080564081 +Lrrc14b,-2.53240644931377,-2.03258631243139,-1.74241154588584,-2.11823485670022,-3.55947125997706,-3.18852263811996,-3.34118752028617,-2.97867177067135,-1.75162587836541,-1.73710814071994,-3.97610913478991,-3.96474810204497,-1.67910232278704,-0.117588257951828,-1.43273224896182,-0.961886189547413,-3.52233969165638,-2.83411719584474,-2.77375031672435,-0.0591793974728776,-1.16902853532119,-1.06829452741461,-2.31454724517202,-1.37614161945143 +Erap1,4.74753841733235,4.56074010136858,4.59737297419167,4.43404969206243,4.12903135083096,4.34725778787436,4.33572015823766,4.78792068712922,4.65242451034367,4.38225546623469,4.2728281299952,4.5481078150059,4.71470251482752,4.56329525104317,4.93496583804384,4.70055875889598,4.37145410760593,4.67318204316387,4.20247174352871,4.88721373592063,4.7920644478743,4.69675617801522,4.35896921837399,4.41963885875633 +Cast,1.93152666931838,1.82101127194992,1.62350989881524,1.73041320814447,2.23108033473538,1.84308901745822,1.89671535314873,1.86834488577793,1.83960110416629,1.94634563837621,2.13250208226679,2.02323369218044,2.7222217862317,3.21289578055873,2.9310947550848,3.35155836228916,3.23690831714916,2.92929879348289,3.24727167142004,2.94107846118585,3.26904710945717,3.30803084399017,3.19084611219332,2.94046578216313 +Pcsk1,2.43128247060407,3.64006950395807,2.06217285975364,2.17513329750153,3.32588516607568,2.29577406833099,2.43124514569712,2.4363102297871,1.89314460461958,1.2582016562521,2.5400710389809,2.78604289531629,8.7953359667469,8.27855439251081,8.69988762298782,8.42239282918768,8.31554501740255,8.76984054821605,8.40135594511825,8.55441593253603,8.61734661187363,8.46076203886183,8.43988767880176,8.53799733544942 +Rhobtb3,3.308048281534,3.0590921590971,3.29719722514569,2.95204753967738,2.92627523070145,3.05968522170588,2.9820612339152,3.25982850682971,3.24326764831168,3.0262625561798,3.01251120915922,3.11472795224532,3.54890148416505,3.19669363448849,3.69558950824492,3.39474211816952,3.13693179606138,3.43926475645926,3.24074056429592,3.65509671296412,3.28181644819398,3.32837355772699,3.24179446866745,3.32887747113339 +Glrx,3.20763654667348,2.79545478322486,3.15683097408616,2.7062300557497,2.48392708451728,2.87950977055123,2.15986840494744,3.10546203319352,3.07297436109316,2.86969953961639,2.22052003863666,2.69971475133526,4.88447690028522,4.31324859256377,5.07993063117722,4.50401621682288,4.26465598524318,4.64089524931478,4.28581965894035,4.75250637585415,4.63501111424578,4.59461217465021,4.40090951203323,4.4258330924914 +Arsk,1.91854384108817,1.68086387177242,1.68409919822763,1.82775944316549,1.36892450695375,1.45044549029368,1.31025349008056,1.95588090850186,1.89175903533983,1.41235864087536,1.63426099720696,1.63443700958152,1.3362830411386,1.00241328700317,1.79830521442672,1.37603693621954,1.137619708108,1.32815877649802,0.854379209686857,1.24413759569905,1.34100826800964,1.45092251298261,1.10473633750577,1.18678442326665 +Srd5a1,-1.10393801411751,-1.50392807850577,-1.22489642283955,-2.06341634512907,-1.12131480563454,-1.87979909347432,-1.11592541086018,-0.631948855828574,-1.53269126581424,-0.914859837680403,-1.53163804186822,-1.40253809786617,-1.7548174845818,-1.64481227932195,-1.4029728977423,-1.33394254614254,-2.63264731125208,-2.52459788764846,-2.23173955571559,-1.59705546724561,-2.60089115622325,-1.51639737192908,-2.00502793697573,-2.08474601645123 +Nsun2,2.57417843649323,2.42435679472536,2.53769218176943,2.61047115437517,2.47893363263007,2.44371489458482,2.66266149809959,2.41478010546632,2.52099092303081,2.557250360278,2.66015323186764,2.64707786454658,2.75607365294073,2.58641179786258,2.70112871449059,2.73511529309521,2.91476468344579,2.85723753554801,2.75964532433402,2.59622306291999,2.57321485234076,2.72113150555735,2.9926770288703,2.87365223276488 +Mctp1,-2.11093064921268,-1.15375232929687,-1.57958751871832,-1.87492826279722,-1.59510317968487,-1.26159572492783,-2.07676395811268,-1.57568974208212,-1.76204026733321,-1.91414074402467,-1.15888503598398,-1.26084561823328,-1.17773212519526,-1.17353240580521,-1.23993132596356,-1.83165783007786,-1.52315659289024,-1.48692626599029,-1.01681768195883,-1.57499543800553,-1.20857065161084,-1.94351113838323,-1.2605681322448,-1.73415869196341 +Ankrd32,2.28860441125737,2.23177717191119,2.18662241686982,2.10406509539338,2.09234384949795,2.35934741068332,2.26690163101479,2.15882893580953,2.36444641453622,2.14881159285174,2.16161376697568,2.19310056038035,1.82421090136487,1.85266670124259,2.04616330680794,1.74834342380595,1.4117431291985,1.82007078577505,1.47824156094099,1.94626380429603,1.82244596769855,1.80255751014936,1.51331727100235,1.38009237513897 +Med10,1.93148130454665,1.78404759157607,1.8707289659337,1.96653328049656,1.61895994126326,1.71849807816167,1.89392714221894,1.6798578844346,1.91662096408097,2.17153022223151,1.90196732515489,1.91191389262528,1.75106608484176,2.14087015679682,1.60636184340518,1.83532288092259,1.5916118710966,1.62020102924285,1.64685502426555,1.78088201218003,2.0179585023575,1.83476679515658,1.45080796914221,1.55857279805355 +Ndufs6,4.94989372606832,3.93930169809893,4.70911426761116,4.25224432103849,4.28267391923826,4.15619565422804,4.47019114846751,4.63515145611471,4.69388655037135,4.64642899505783,4.40494381680973,4.46070691216829,4.96577830607144,4.7899596595309,4.73435560301782,4.65939688382326,4.3276609567228,4.90158634933874,4.41940974663104,5.11422282069745,4.86794034872005,4.60524216749109,4.36290318807128,4.65651468587374 +Mrpl36,5.53552821264418,4.89432415848836,5.43461733845072,5.221266387244,5.09326827494754,4.92779909604185,5.07599346780818,5.45325792505598,5.12652352420668,5.0897592548136,5.07916429601556,5.19167948755416,5.41377481409385,4.97406442668145,5.44384616981689,5.13074555292381,4.81357348649109,5.17553963618704,4.78373494159333,5.63209997650297,5.10109239987299,4.93561409495884,4.69872281426483,4.95772841098157 +Lpcat1,3.57887257091048,3.56347728717982,3.87072976545332,3.63151811937785,3.35513196233027,3.40192035203187,3.47942874232275,4.00601359750787,3.78470914518296,3.63185304440091,3.4331606712147,3.5931386635992,2.9464086254067,3.41889196376314,3.24374813047522,3.24179155803367,2.86737235514234,3.04924675497025,2.72190849450136,3.36299079548869,3.40217379442252,3.18527827737525,2.84133024318788,3.0629597991288 +Clptm1l,5.40814807194119,5.02492998475033,5.17278242768036,5.04817755389827,5.3287303246839,5.1127936540638,5.21097163452983,5.32163996058064,5.00687897067739,5.14404556703115,5.36983855490328,5.16428011794688,6.93658403752351,6.39776280192458,6.27521300880198,6.18869215028669,6.52947442493219,6.81486359963571,6.75192491729987,6.6144289751997,6.33263154741728,6.16812388133425,6.62548364973619,6.58223977097714 +Tert,1.45745712107302,1.59002122958907,1.2223098521659,1.49929876906065,2.17647626678985,2.18006524185137,2.15126654370717,1.42347666370885,1.36710425516266,1.79747583042093,2.01190447125828,1.84381522658697,1.13796241470185,0.975326952578081,0.93617929264766,1.15956717904784,1.61526060100088,1.38288824863328,1.55183725322268,1.11656993160199,1.20251820531406,1.30035018081065,1.57824751619719,1.69562195128452 +Hapln1,5.41397286636765,4.48124897831455,4.72071958144612,4.57928770456166,4.78653760220625,5.03653940230802,4.50834084837432,4.66542652061599,4.93479392082777,4.53604672876227,4.66718740702012,4.99909237333651,4.3573751329154,3.84990624573168,4.38987403299026,3.69939055915768,3.88555198597159,4.49982411365325,3.42483213204264,4.32820011470788,4.49831309077035,4.24313176715216,3.28212269533095,4.17717012434988 +Vcan,-0.618314051841749,-0.372759686987242,-0.316518134986674,-1.16054161759963,-0.946112606116424,-0.408106757190777,-1.00987139413648,-0.562114806201335,-0.242995580040606,-1.00638673984269,-1.03857916309649,-0.783489823871578,-3.45787692191132,-2.3220201491251,-2.97728521794507,-3.19259913235018,-2.85346704868867,-3.36605125025855,-3.1886479072564,-2.88425002409315,-2.68445379282835,-3.21845582603693,-3.01180452756309,-2.98299145464749 +Xrcc4,-1.91334484367176,-2.27253547120578,-2.02407785894102,-1.99990889491662,-1.97179995061587,-1.9360810512549,-2.17842729444418,-2.02454448010509,-2.24772710554016,-2.06041760747719,-2.16170590612629,-2.26890608060181,-2.15306675213272,-2.14724834019432,-2.06196955624521,-2.56412944004859,-2.20310474946162,-2.58772038254101,-2.40894448739093,-2.03899830011013,-2.54580351370687,-2.58562890349919,-2.4506603002703,-2.13005434737031 +Atg10,2.4072349371044,2.18425171453971,2.89876487252788,2.6273443137766,2.00311494148393,1.94953205164457,1.92109338705507,2.42565810584507,2.60241513816758,2.78104377391018,1.9599547010968,2.36976042236067,3.33261872907821,2.94278813137754,3.31418353121567,3.09891279819375,2.45573045389959,2.85176459582962,2.75957390638313,3.44198224513167,3.29058298614452,3.22876319804196,2.64335696970049,3.01891008851597 +Zcchc9,2.91435556124995,2.77678091779126,2.4154043413799,2.82764012990321,2.66081482400311,2.37551612099411,2.81153194579654,2.42429603336513,2.68208235304262,2.87680306472076,2.74967563472871,2.83404069396715,3.0848573035343,2.69070653530839,2.61830654346336,2.70583344401784,2.85209155126011,2.88293408588282,2.57995755426589,2.70640087943146,2.94869575303153,2.78480025582541,2.64862420599264,3.0011364227545 +Slc30a5,5.10181080525487,4.65854295602175,5.00853146364237,4.90455757358882,4.47336887927136,4.53635948568981,4.77395821117358,4.8038452815713,4.8984789173238,4.83188858903434,4.50608749798509,4.90134361417194,5.91786985093355,5.30801119734128,5.668399527905,5.35209125855215,5.41349618169927,5.68112414524547,5.54851624809254,5.50288577883395,5.54307223078433,5.32607244606619,5.44363513945807,5.70788589896076 +Mrps36-ps1,1.18162408188567,1.01127974053005,1.29031139619627,0.451791473906746,0.929003077421348,0.635408725561501,0.427918396633383,1.56305514945619,1.45636561529999,1.44882323453655,1.34066616175527,1.29115440692926,1.14562480444506,1.28385375279081,1.82767027359519,1.78307629010174,1.46111226992715,1.43236646622745,0.816043432691275,1.46808537951402,1.03319226021496,0.758410707204968,0.926887981333474,0.759666723530882 +Rad17,4.13065616039256,3.88047123089719,3.94753282056462,3.99109056530313,3.5173999074301,3.73672202700059,3.82231756948176,3.82066020494655,4.12713512357078,4.07026431281563,3.5946510255749,4.11255279999965,4.33510775608431,3.80652461808715,4.14109214783637,4.1408216743638,3.90844789601154,3.96099130284815,3.92839986299121,4.04217841289507,4.2439795282066,3.95359743879395,3.83572871144416,3.92262127386049 +Marveld2,1.56377755603445,1.86641337702615,1.5416239134179,1.68011538909773,1.60452667212076,1.81038308362444,1.66029050772467,1.64911433087299,1.55990379432525,2.08041893518314,1.7404734698438,1.73273107833248,1.47639597478741,1.95986440770109,1.95274305622122,1.77530846583551,1.92768465866284,1.52043124271185,1.52678983518099,1.73369264274081,2.09416934443721,1.82694094594344,1.68693001711848,1.59864259172866 +Ocln,0.787710368876839,1.38468110476959,1.17497455702539,1.32715441323553,0.648749598956841,0.601200728538377,0.36701238872682,0.80057995765938,1.0124763797237,1.21937913371323,0.791899467156685,0.958425307715616,2.07595905630123,2.32434811396884,2.17640482543773,2.28765882267682,1.88105635806006,2.21436020315373,1.9261552752272,2.51236404737291,1.98031666162553,2.1391592824555,1.83846060939007,1.9277429781771 +Gtf2h2,1.43910756343871,1.51940003559886,1.54004753655625,1.55221099377397,1.55686178053261,1.76375901734021,1.65463206370075,1.10024361446479,1.3097470846116,1.49077438756101,1.80647247707044,1.49204697699907,1.50400478791345,1.36819728326288,1.18331064298625,1.37271189919023,1.6718273288377,1.14682787293245,1.20006900363477,1.47360517512343,1.52899884680829,1.13294705604021,1.26791565926911,1.45196856076046 +Serf1,1.09916330577613,1.09283816314798,1.52460067903402,1.62974792298023,0.787853438350497,0.649585046122545,0.528406893755252,1.09511532521391,1.41546301289951,1.61253848852633,1.10366340058736,1.86354658271276,1.52073934532062,1.73747526108672,1.6400622242443,0.956970190114638,1.14711285341879,0.0504429091207923,0.975795241100034,1.57854016278219,1.43308553726656,1.10937469901383,0.801376382709194,1.66500176231477 +Smn1,1.75625481533292,1.56159688141023,1.48892494159711,1.22386790263213,1.27148248108442,1.47010779089042,1.42911291762272,0.884117070511722,1.25740559373985,1.03086649055989,1.19188341923919,1.14000160195956,1.34127107364418,1.0356810340413,1.05861787858598,0.481242821574086,1.5940921501992,1.29872084621307,0.794878700390254,1.13053476713619,1.14085149637199,1.24356374933643,1.12662685608992,0.867295344365123 +Mccc2,3.42881983665051,3.43795074171225,3.5294875957986,3.25369195026187,3.17671952699746,3.25590538951288,3.26928691627912,3.32080801462286,3.47719523592326,3.54368397571337,3.29559057707722,3.37904326927784,3.58462448476201,3.59735903422913,3.46365706809056,3.50847010933699,3.56840853427099,3.63716961484231,3.59585038779033,3.42318121642526,3.63743114161556,3.43189313836728,3.55405432192033,3.70682476388344 +Cartpt,-1.66222979014555,-0.453085530963252,-1.12822470500186,-0.982970253698435,0.331124524806271,-0.84757260083901,-0.755506244035574,-0.637721733390392,-0.555392494106664,-2.16711603525944,-0.942046349874622,-1.62379806476401,2.2239698223465,1.70475334933217,2.5475718720953,2.09755136652019,1.66417212371175,2.54410245790011,1.19869771564602,2.55237864670831,2.02075808454177,1.76684540399475,1.44561316976338,1.13673318175774 +Ptcd2,3.49365099409696,3.0766415409776,3.3965850115152,3.31050965016399,3.27474686444008,3.18512290281549,3.228857691706,3.42584603107703,3.17799167429112,3.46702507684174,3.00756672140737,3.17667890556672,3.99234599643099,3.42712855885919,3.78165655162845,3.54227632179504,3.54550095889013,3.92574519147289,3.89254795206735,3.91658904882969,3.75875200495518,3.68676214888972,3.78862174936251,3.75714094038239 +Btf3,4.85108542489475,4.42880513935919,5.25145573016854,4.77522742803889,4.26336367795412,4.39133380206446,4.37081252301478,4.73160461840631,4.79874163693234,4.80354990579459,4.35577102333901,4.53299543610618,4.25718837936853,4.06577699598343,4.42224347782397,4.13266162374107,3.85712366445304,4.02115231543254,3.52695757857729,4.49951132249848,4.35100176561496,4.29251008887663,4.00574057462507,3.91196768033435 +Ankra2,2.4813922257205,2.67879474685179,2.50302179460038,2.80077802588139,2.57509724069803,2.48139240137843,2.51516995432817,2.25958888320415,2.7469369478952,2.6051257787163,2.58812783171069,2.79740942326464,2.17555206275455,2.42656952741627,2.4355562814957,2.55411437083206,2.4280775370559,1.89908996960638,1.86230780446468,2.28225724164784,2.5041407501062,2.71254950655264,2.16988895307036,2.40992355239962 +Rgnef,2.78589637973082,3.44744457939985,3.40680948654471,3.63983679360473,3.38410290651325,3.43784038562961,3.32666459169199,3.40856620042022,3.3353572203524,3.55754457927532,3.54550615441375,3.232847540022,2.65828452673961,3.16468331598042,2.73385450229928,2.60113975223991,2.81271575234237,2.69335340728097,3.12630159924295,2.72967103669249,2.50340323972622,2.59683531540284,2.61895659392889,2.68474885866027 +Hexb,3.60502061986332,3.62057715284647,4.18894332777785,3.89293637082694,3.32012246983551,3.12241342506553,3.26347002758103,3.78982635449627,3.87786674746641,3.91400972505371,3.21379473046161,3.55726744482261,3.56602161044681,3.38983093675141,3.83491214066706,3.53263232421689,2.81375536667091,3.40304117742236,2.7533010913509,3.80136360498127,3.63421126675777,3.54831152689182,2.90591986981007,3.09367984302739 +Gfm2,1.86865815623522,2.01123046102657,1.49790021616241,2.06432633000079,2.19398497437825,2.16809074797802,2.13956440413533,1.81084606514505,1.67199504492135,1.74776429948725,2.10182409784723,2.17792593222807,2.02007054959815,2.16023001147365,1.9718480903271,2.30397922827621,2.54407379075332,2.19587980485498,2.35205214395439,2.10000857565671,2.07453461976123,1.93764776301281,2.51551813991541,2.35533612520842 +Polk,1.88550407845097,1.7758413548641,1.89331984622045,1.8350063575807,1.72333491375018,1.74778515375886,1.94373043902869,1.82345591376226,2.04460971770975,1.90710340055291,1.89868709674864,2.04655755062021,1.62548623335218,1.47461818982656,1.83123687528528,1.57484817727221,1.3526806391523,1.35241311402396,1.62069626915827,1.56229823970913,1.56396544523127,1.51281436197546,1.80068803464355,1.79996193648762 +Col4a3bp,4.20412172755784,4.23095245074899,4.35101530410382,4.25658276217751,4.27120098277991,4.21416359196721,4.11895527983086,4.35669281511206,4.28545894029165,4.28217221056013,4.18420071668661,4.25349091624588,4.58036119327469,4.58337399312343,4.64061914446436,4.70104787440858,4.46390623074498,4.49060180198883,4.27665655074986,4.8082439839096,4.65668127175502,4.63377744348121,4.38572062986608,4.34795126136545 +Hmgcr,4.31299486319584,3.95859634283445,3.69459108282517,3.84912418378589,3.96112432314874,4.17893890372432,4.0668874540226,3.80536443338248,3.82954382654819,3.73598766033359,3.95051901680811,4.07965541601326,5.02161803175228,4.92485227615211,5.01278982688321,5.28241517292279,5.07115518125595,5.33541335065904,4.99686464136727,5.0662523486704,4.90901595678957,5.09275422427121,5.20302414832062,4.94700234215009 +Poc5,2.7159264666049,2.88381097523813,2.66070008042467,2.88435997813459,2.74145801851082,2.88565054304549,2.91606351054932,2.68919085304626,2.92795920603715,2.79009509964679,2.66859289284134,2.91579238497001,2.52663576427283,2.93133726966828,2.8507599415002,2.94934165445118,2.89204237846147,2.7679626559471,2.69705910944803,2.57401620002072,2.96357498620928,2.8990305721467,2.7543180286057,2.90741663826688 +Iqgap2,1.01039677790587,0.951158913871351,1.02358034632587,1.21284673033978,0.799717054261227,0.926101104615694,0.41345249503586,0.88208587293867,0.9907232270958,0.592673450394077,0.471979906472329,1.25708368009494,3.5430843151421,3.53996199031351,3.88364723933661,4.06264883192696,3.7163576427541,3.92481583391543,3.44489887331929,3.96384240505147,3.71505084905325,4.14126652977459,3.38855884937694,4.15764632023534 +F2rl1,-0.105802337242723,0.337144299484241,0.0031617196497981,-0.39610990248413,-0.0621978020082445,-0.303007851485936,0.245147941885462,0.382725027201327,0.335766986398376,-0.0550564190145044,-0.118177346646203,0.100868528044767,2.34793502658791,2.70976109495672,2.57286015011446,2.76019964587541,1.82136412769975,2.31784037803659,2.04985510408898,2.71323313850992,2.69569594191353,2.51323757608203,1.97495992978125,1.43127762423979 +Aggf1,3.63527709015517,3.6454931174863,3.60014311804184,3.62154248168993,3.61374283619318,3.46252195929641,3.51274779989525,3.46286428284069,3.58772942535397,3.68713195726317,3.60725630714184,3.62965923160525,3.7540734341098,3.93639312789627,3.64843069920365,4.07503974151047,3.93309549402228,3.61446403558933,3.88886432689184,3.61675339273448,3.87968820562701,3.99979056416919,3.99671703367719,3.9863415534581 +Pde8b,-0.633354556918816,0.0667157580927635,0.191017999069591,-0.355448528774351,-1.04425623925661,-0.827691539021021,-0.361524498376635,-0.528989935301276,-0.446674349381707,-0.681564458030389,-0.699013114708923,-0.375859289884228,-2.58965423140867,-2.25815884236862,-2.13840541354741,-2.77938934879007,-2.88572336581658,-2.11259408976487,-2.86640307522124,-2.18626623035675,-1.76844602308565,-1.96499866554324,-2.54914289297509,-2.91958276327811 +Ap3b1,4.16168587905747,4.16977532217826,4.11674721081403,3.90494887096635,4.13766268165779,4.12818143962138,4.14495417822787,4.35098435185287,4.16306307128117,4.14479866754479,4.18776229812796,4.04010878630258,4.46764089240149,4.21001435759199,4.27429763526219,4.15089923746951,4.39056112972246,4.42269080369452,4.43485141693716,4.59381740086313,4.27356034715576,4.23302173789304,4.51455395532887,4.4667561598412 +Scamp1,4.45725186810789,4.31187764235963,4.57315862856995,4.20416977008918,4.15991575769799,4.18851374153555,4.09207140540611,4.67032030814173,4.51976675462685,4.28279279575657,4.01248918959255,4.20291574201831,4.84575242814681,4.7134551735267,4.96706525831687,4.7446131738739,4.30424716550054,4.64668329328097,4.32782957941413,5.07055055916024,4.88679816824439,4.73048151162374,4.2655991041002,4.54488901527857 +Jmy,2.70555128101877,3.12382118350302,3.12008776443688,2.90410438225394,3.1894373625668,3.00024847043132,2.90722588625642,3.49315561320631,3.15377313452914,3.01651847656922,3.082685085249,3.19132712216961,2.43578722120746,2.58069216911868,2.77374697530095,2.68757139020689,2.79544115313144,2.63537964963496,2.61086074794141,2.61803916188126,2.52329250999098,2.54620390232099,2.73665498438602,2.82111459553789 +Dimt1,1.46872024559281,1.39102276254185,1.34258999068973,1.41722254734314,1.37901052134094,1.21781475925519,1.6864448216734,1.16373714602066,1.28380565566142,1.80387748967782,1.30046055511759,1.82307544251227,0.861226716253008,0.869629948042386,0.322400976608532,1.13122484316684,1.21736437439813,0.663723165156139,0.707975611937657,0.847322012277906,0.863707020844513,0.627897819992115,0.992438520201156,1.16328718597958 +Kif2a,1.96865794005743,1.76969376453894,1.92892321808073,1.84858607341171,2.28915195527034,2.50827987085106,2.00908320122902,2.20037805358264,1.68336521722506,1.58634148507845,1.74240024111741,1.94258231952162,1.51210940069922,1.35613705180359,1.36458094523243,1.5181130689435,1.8620068338574,1.82751852154246,1.50039169768775,1.62958793614322,1.38171990795588,1.2867797239513,1.58651269901859,1.39113925876177 +Ercc8,-0.0235172516454605,-0.105211994188533,-0.341321652438154,-0.171891053665356,0.138592469456389,-0.279676400109849,0.296347856493906,-0.571918867730373,-0.113668658718077,-0.252011052693747,-0.0164704737626535,-0.314491518215435,-0.0642324701168961,-0.0493681722800492,-0.610972911630241,-0.071547109152942,0.0313786111122689,-0.26399269287386,-0.0195634093166128,-0.707663925832065,-0.235369998993316,-0.231727011057667,-0.0592817627710138,-0.0439730735967969 +Elovl7,1.2023990930951,1.3418090129254,1.16663165100448,1.23822435953121,1.33144169005982,1.45917074310045,1.10180477996315,1.21142995935487,1.1663579350462,1.01248108476839,1.17309866598118,1.30777284874354,0.958805407966423,1.17057059069685,0.752701682912061,1.04305922478937,0.577691832321813,0.997770382336042,0.853187307359224,1.66068001300502,0.706740765476545,0.532751929514709,0.717761164676231,1.02986706745384 +Pde4d,2.24896830107341,2.09780659517519,2.37172176024687,2.35395778958192,2.76352262984323,2.94889564587128,2.5914620527484,2.58462348887335,2.24034127246486,2.40431915055328,2.59766460887318,2.38033749838377,0.713900474093849,0.394181202176048,0.640093529399548,0.239604441931917,0.788529992098786,0.743578721217333,0.576085977910514,0.437070492933526,0.434523705291042,0.370614782342416,0.804822752364492,0.199871852740742 +Rab3c,3.89738911300081,3.83992864229607,3.81881933367314,3.81080035329264,3.9049773863675,3.89919920088802,3.60836910941877,3.88387456029344,3.83657177201878,3.92226412033843,3.96259690217356,3.99148650557461,-0.812684961971756,-0.65220481464434,-0.97016046810053,-1.33311322203643,-1.01681540557535,-0.768140682698474,-1.43747579064863,-1.11616062604507,-2.03935683789281,-1.18399464778065,-1.09817919508604,-0.984255208444844 +Plk2,3.65337171779394,4.10238006531309,3.10477449724129,4.11023297175858,3.83907540514668,3.65597208684254,4.25736463374944,2.88890194587009,4.77619809309809,3.52768380348364,3.82685726832739,3.74514612653882,-0.186093829900482,-0.422536919839023,-1.53693236297149,-0.863880750397013,-0.0165796472184667,-0.732162394653915,0.264041186006495,-0.104652001582219,0.214380038405727,-1.05904227847794,-0.428140881840546,-0.810253946864148 +Serinc5,5.37865675807322,5.22137285180594,5.4990871834561,5.31846454383429,5.02300878146398,5.16238480367765,4.95860429315016,5.54181084339582,5.40593040884673,5.31501618141259,5.05682277948173,5.00955785933904,3.58059578361719,4.05030918220647,3.95767773817177,3.92328527075847,3.51253225039478,3.71030471104496,3.39147417589712,4.32008158667955,3.65445824274452,3.74582457099901,3.4030651057217,3.45435978862047 +Mtx3,2.61480215739836,2.65808252609099,2.3506583416816,2.81579665015654,2.55368235102179,2.36439934724059,2.60128697906791,2.25405743910803,2.55697661582946,2.61196889698225,2.39450742422313,2.75260096820947,2.34816972783617,2.63459785393325,2.14022296672404,2.41446153378828,2.49959841400132,2.31929325578909,2.34056096873745,2.07233322689451,2.41300182796427,2.48315177469465,2.25265900424379,2.61373072973624 +Zfyve16,3.03398385557082,3.04219115259079,2.73949260440129,3.00391040509057,3.15090406463429,2.98039450726654,3.02044536586241,2.95213369568978,3.0646847639008,2.82732365021465,3.11320952140109,3.21159522163439,3.25700731314032,3.10567001564831,3.07684733824612,3.01930302362873,2.95576804876151,3.03558590334968,3.10910186081381,3.28494106123023,2.94188640542334,2.90661228778699,3.07821712958902,3.21408660711031 +Dhfr,0.779814529289176,0.463839090044421,0.667810690948569,0.396236595152719,0.381394195416276,0.421278454224374,0.616545668747582,0.894231607691341,0.912561377437899,0.479277146190434,0.717431894112156,0.664048908530865,-0.128489843060717,-0.0728785942542824,-0.0230332717360726,-0.32272447241314,-0.0918146531626314,-0.0839455637874358,-0.652769580564075,0.0152197591123482,-0.018472474485403,0.301784523912498,-0.566153737754063,-0.097493845783875 +Rasgrf2,4.21776597579529,4.22827033464405,4.69248545562918,4.40296851715399,4.22695521677135,4.41582746861095,4.07516664201206,4.49683447826237,4.26148258993912,4.43707602706369,4.2216095659664,4.41387880816304,1.98912342018194,2.04329082617739,2.33750204430799,2.41998480600323,2.70686755897307,2.16554727779941,1.90153309412202,2.04532550398426,1.86262491575382,2.4494366535364,2.22653496504575,1.94298448842891 +Erbb2ip,4.88919618418459,5.030751636472,5.16784119683147,5.11484825807176,4.90491680402538,4.88781647898844,4.83221744644314,5.17438903724035,5.16771322668489,5.09957612255818,4.92167295409759,5.00197841531356,4.89995185099247,4.93449789389343,5.03298898450575,5.02708408336228,4.84217239644903,4.77395954726439,4.58038549811393,5.16389802153982,4.95039421730154,4.96256041213861,4.75567792520771,4.77941233040035 +Nln,1.15716951143287,1.31832478382498,1.71459171053679,1.46403854139515,1.23241755192886,0.945151164644429,1.12988103567419,0.886233597850342,0.920947039540112,1.37891947795195,1.21663408955515,1.23802618344962,1.85734213822273,1.74930432411814,2.28402249310812,2.15405872335989,1.39250990667116,1.74440922893487,1.67647878580642,1.77191299832901,2.29358899767722,2.39921137525176,1.57011635213573,1.75025527930078 +2410002O22Rik,3.40129892354175,3.24615552578582,3.16934037552024,3.1673493605492,3.13393187796316,2.94154138462676,3.11842597927775,2.99953180315564,3.22222499234511,3.15790238966447,3.19505322686348,3.36043854806928,4.23211033377701,4.01670706726986,4.32593420954286,4.17391637376582,3.89913484269577,4.07316124740665,3.89055959294228,4.05381125193654,4.2162787397061,4.17424142149616,4.05462432939883,4.1672266760145 +Trim23,3.50539487157118,3.45136453564564,3.90832601515714,3.58966558425985,3.08025290090034,3.15073760399144,3.25963495016813,3.5845039307065,3.6831079857297,3.6507685395788,3.18473827037604,3.38191963835561,3.4182717716875,3.57618162570938,3.90295703397856,3.58133227653671,3.06448513783136,3.41175151512579,3.04077378262849,3.75474305760474,3.70458406742537,3.62947334993254,3.08843750514668,3.27347927406473 +Ppwd1,2.8846617851873,2.95096293467262,2.88080234980136,3.07898800565531,2.65845755978002,2.53116065192391,2.47049587048582,2.77993801074374,2.78903420723769,2.65730332192242,2.45180305042374,3.01625099798919,2.97921224969782,2.86618658015618,2.79978963158053,2.82938525173371,2.51699476285037,2.85638663307581,2.62221376596691,3.03311861311694,3.04369343632248,2.5034830160102,2.64456055251116,2.92735176551039 +Cwc27,1.55528855636257,1.83173207704033,1.62281381858112,1.92612668316728,1.91344608164641,1.94916498100738,1.7519322482714,1.66017207867517,1.70271270682641,1.86380678662442,2.02933477018479,1.84457749553202,2.33389694236316,2.11557114184338,2.00323247600771,2.42940836050138,2.8772878093704,2.42924355264898,2.46329004115448,1.93385970452306,2.53500279264017,2.2775980875496,2.89189996174077,2.67730555083847 +Srek1ip1,1.72747370509824,2.01997839486908,2.07161054723274,1.96660751237927,1.73671187598508,1.60916492174523,1.53835871564652,1.8539957435366,1.725416592732,1.92048036278781,1.6586689806949,1.87666984693179,2.70824346495381,2.12845229707751,2.59407811420694,2.52830504731649,2.24255876807956,2.42149270928841,2.15334926112971,2.72363895093751,2.36245138393682,2.58625052667235,2.31444583198959,2.43965951130656 +Rgs7bp,2.03238312846757,2.29942425665222,2.22163423286318,2.29417120377624,2.17649993449751,2.15233740537398,1.82373200287156,2.42554841188273,2.11022076357679,2.16187220594916,2.2488550928717,2.13772475270479,2.29506630085559,2.44196482291682,2.12085839864864,2.13663292415658,1.73251977943883,1.9606197366809,1.77131839087667,2.5883186925343,2.21248061249607,2.47495582372526,1.71050341622018,1.87333004215882 +Rnf180,1.74514736780126,1.68264878772539,2.04842419733264,1.74298951175107,2.06891695240186,2.28010646651078,1.78754929350863,2.02032716885469,1.92936009687082,1.70363417791915,1.95884763036357,1.64262008726965,1.38102737755802,1.66270625210964,1.25524738438813,1.70646797219865,0.927167620459593,1.26266100360939,1.20065564258411,1.63844877102664,1.69395507644278,1.58193041311002,0.943363482864672,0.839647877614243 +Parp8,4.34828823677234,4.49088301802913,4.07706845410852,4.26494535539304,4.62171056823427,4.76950017802371,4.69673050223183,4.51292852156015,4.24057509122899,4.10906744744044,4.71741212204376,4.72426472344942,4.63389836440614,4.72264216913232,4.62937435459762,4.48003067075067,4.64863381466979,4.79415788860936,4.81307557240573,4.61789144876821,4.64557612024903,4.46201213299224,4.716299997802,4.77055397150978 +Emb,6.32760076842137,6.17446187964538,6.19598509712008,6.02542624386415,5.77134331944983,5.97314498868863,5.80792441913847,6.4076865447453,6.13517654492202,5.97081474698285,5.79413543557197,6.10135684598901,7.90979814206213,7.67832595725072,7.99956375032108,7.67274411224159,7.40812820699124,7.84450112199469,7.24001632541417,8.15075728821417,7.73767070478106,7.71131100481965,7.35075037136269,7.53046601560202 +Hcn1,-0.994917912552313,-1.77426523885663,-1.25031743606892,-2.29902183627471,-1.57164257764743,-0.815910326265887,-1.7992104240763,-1.47176809727313,-0.702117417985289,-1.79615821100404,-1.62444455982719,-1.2242193314268,-3.48979410266489,-3.00708174452322,-2.57741929443248,-3.0385407763553,-2.78019560200901,-3.16485734286109,-3.11009326692408,-2.26182794420537,-3.23375923761549,-3.57789601406227,-3.22695317913482,-3.49026047842841 +Mrps30,3.3769970631162,3.14996317198728,3.06976013654352,2.84516736987147,2.75372702092876,2.91160877602714,2.81470786833657,3.0466655018457,2.9479040337451,3.07770866512546,2.9865467580304,3.04198882867024,3.45625309184582,3.46717541348796,3.40374515046287,3.19333009533326,2.88729537876169,3.2987203510255,2.99766971451109,3.554306880251,3.2352768419799,3.25029712828561,2.9220294966195,2.72603958760199 +Slc4a7,2.93370557364099,3.31636003259365,3.03917252545529,3.03797583103941,3.00638319282842,3.01134121064416,2.93054884313801,3.13484552249731,2.95994682595441,2.67661360425214,2.79801170112429,3.18517625318663,5.80885617279145,6.03138504592203,6.05913359679542,6.02188004130664,5.38942966895803,5.83739034164445,5.28283645781218,6.13927601324982,5.88789349440524,5.7127903984681,5.2418599982181,5.6312951539994 +Psmd6,5.01346243371683,4.45622566985055,4.73804395140696,4.78749095295517,4.39057253758868,4.45843568996808,4.58352316714561,4.43754004396073,4.55119291259051,4.56815706553062,4.48008210927367,4.77217219022485,5.43067464442039,5.09407973189368,5.39285329540945,5.21507886490988,5.11663053815964,5.19397758918941,4.93101794039371,5.10386190762264,5.32843951024817,5.24463460613587,5.13743053549244,5.21044959066983 +Atxn7,2.25702729394946,2.75914156340327,2.31446787761788,2.75320807253656,3.22631954113154,3.04897870659689,2.90840524459407,2.53422979264974,2.40906642051622,2.62811140644954,3.21602110462345,2.82235167379688,2.25128377138262,2.46960799766493,2.12091565838312,2.77615231579401,2.93256510210868,2.53310254125286,2.7100543495281,2.35132890059442,2.18120334551129,2.5762882231975,2.93492727441798,2.64884977676211 +Ptprg,1.2317780733059,1.64240719215095,1.27074669611882,1.00114675779787,1.35888886544513,1.62691842264226,1.11387143214761,1.78414032593933,1.01319408403022,1.03506964206671,1.23973172078843,1.3831761934521,-0.501214050277892,0.0519159042269051,0.338327519367056,-0.602653774345582,0.128253991118594,-0.338988427294631,0.0382174674146754,-0.153968044572359,-0.130359136693246,0.0325323690342287,-0.105749744640174,-0.874032647378386 +4930452B06Rik,-0.211983839469218,0.412250582606558,0.81288770104108,-0.357352562331727,-1.40984818937045,0.0194806341376323,-0.329738904554288,0.0442995778809601,0.120970274923764,-0.122977516037717,-0.610094579331884,-0.441285258343705,-2.09701779409065,-1.64338205472865,-2.20837428564181,-2.60998528693588,-2.47939934267518,-2.71693302754279,-1.81737486111288,-2.69571830835838,-1.96323164880406,-1.47954064475906,-2.76897038519585,-2.70732640534532 +Pdhb,5.10639867639844,4.74046478475622,4.87924654481115,5.12373418225327,4.57868015255364,4.66779641024053,4.74916518942386,4.87001296971886,5.03510733895621,5.03696741662104,4.6350258671288,4.86476947038036,5.29512162163396,5.14964859047482,5.02309422730674,5.1545959610097,4.94644767702985,5.08784153320327,4.85171486225106,5.05940333010796,5.23934274680332,5.06616007082432,4.93114951978252,5.05967966098432 +Oit1,1.07789274016473,1.71267348673267,1.55803501174452,1.26216949449097,1.70746931553703,1.83526581432476,1.61407824784934,1.84957475383931,1.0528700793074,1.36295495252178,1.24798929032678,1.14964088673908,0.252982384607246,0.529878884844004,0.390841183653911,0.0499512902169674,-0.123398568163868,-1.01054376322901,-0.34175901353357,0.555601991366349,0.238877320125506,-0.379851214942323,-0.661734839996645,-0.570691892031781 +Fam107a,-1.21913566656402,-1.61912573095227,-1.24635751235496,-0.367082282374981,-0.242508376415918,-1.61666882275931,-2.20248707484894,-1.57823553164833,-0.668211391803886,-0.44653098163803,-0.940281079555675,-1.61600544895276,0.222452253490899,0.758326917964644,1.33098674594207,1.54867173383036,0.386579226978842,-0.607791569415103,-0.20183542459446,-0.19822131130217,0.635372011793664,2.39274082458298,0.781715134302852,0.0378194441488087 +Kctd6,1.65211896519298,1.97625533752726,1.51973076979732,1.75844134540059,1.96294208508858,2.05184006862751,2.05553022251088,1.48374891309325,1.34738264125202,1.38707738066805,1.94392987881654,1.89753659681679,1.91790546042647,2.08960844631203,1.97855461117168,1.73552300741686,1.90858115264731,2.2662821164001,1.94618006454265,1.67507487343508,1.96675096736068,2.14428681185271,2.08559305885118,2.2645865394051 +Map3k1,2.89295521233619,3.25911851999768,2.70711929582116,2.73166679391517,3.21304378273144,3.00240871541746,3.03069687679513,3.01996091921665,2.93251154562924,2.8844000970201,3.0589758250985,2.96676508188861,3.03933977105572,3.50212125798447,3.02054155426727,3.17637655066921,3.27746596780955,3.13746608451316,3.43367027304693,3.29912291682173,2.88756476401392,3.049031640581,3.37016965143486,3.4344033467805 +Il6st,5.574660245766,5.40137836617552,5.08216530701529,4.77995357068288,5.29499154400594,5.36268817987166,5.3285783581686,5.92931568963921,5.38153743147837,4.85044867555075,5.26171791785177,5.37507712980343,4.24931243921229,4.25820053971186,3.92037361250992,3.67677562870767,4.18950699083111,4.12574643865082,4.27232537254763,4.33198835054932,3.58313682579114,3.62887816024704,4.30236393289416,4.24527689360058 +Ppap2a,1.04545090231336,1.16118675362029,1.0891189808114,0.615764213978428,0.690040121741275,0.879775085105241,0.633888734920281,0.709069017299181,0.984743372579055,0.796511949008298,0.982941617554645,0.335797867318468,-1.38353721049353,-0.103508788045182,-0.49719148693973,-2.36730303422589,-0.63470078161546,-0.14991206473817,-1.61367861024387,-0.469210189045786,-0.247047272453864,-1.50013012115001,-0.87718265877591,-1.38414844373511 +BC067074,0.0848367764654809,0.802072737612321,1.40410714052623,0.715739605809297,0.0489967458567206,0.59599051822469,0.173361697882385,0.759549687494455,0.850046969381113,0.653829754579162,-0.219507668396282,0.0843066174155469,-3.31903407753425,-2.76479069856751,-4.11982518241221,-3.90494128443215,-4.85805418803177,-4.36626760870274,-3.97649377500093,-3.50138477884001,-3.09637017348855,-4.12453410102534,-4.09335368721167,-3.51758127763751 +Ndufs4,4.82809222859936,4.36133415119495,4.85925907615595,4.70665892506242,4.24817203978539,4.42247899623271,4.55499079166328,4.67898655587188,4.79306075643928,4.60100825404849,4.46427549346283,4.69730075898858,4.55916326244127,4.07147769036902,4.53508862255964,4.01332875567233,4.05890621780462,4.34669182172322,3.97269978901546,4.69205641368753,4.26898155511583,4.32171413348058,4.08474967880051,4.24687506136669 +Myst4,2.47679610622735,2.80756417908291,2.77098074245371,2.48564234043803,2.85882255261024,2.87768111476976,2.61771468287283,2.80151142217079,2.6712137685995,2.77282599677141,2.92770106787491,2.67285756039395,2.90015239959473,2.85180495556863,3.05387581881852,2.75646942854919,3.01188276593924,2.97020101194689,3.06298046074442,3.04537782215882,3.00191436897719,2.79966121846603,3.06040438637587,2.73320782714016 +Samd8,2.64082192984001,2.39801388862624,2.70290369884825,2.29028309282179,2.69529095971641,2.68254489922297,2.32665574758651,2.66031393913136,2.47674259892115,2.32223415815037,2.20018456588762,2.3859936890061,3.04262456673885,2.75700294647711,2.92881102923403,2.77120182151121,3.14532286317971,3.02347579798175,2.88172440735473,2.88819545560647,2.86442796350172,2.87082907576251,3.08329130903307,3.00731903787365 +Vdac2,4.72559712491489,4.21600854966047,4.83648770814103,4.64318709393841,3.90129082116727,4.22387493691783,4.21968363292048,4.47823890831705,4.68807004057199,4.62432361334464,4.18620857234156,4.34839959794971,4.66472381335593,4.29877372162217,4.84808790972586,4.50602925809296,4.24978580861596,4.61488903479162,4.07152579596082,4.64838134712304,4.68458606733509,4.56218252546145,4.3378232232525,4.24959351753743 +Nkiras1,2.54087571721074,1.6411628469856,1.9422185201659,1.52227524678278,1.89611207453773,1.86923104749115,2.03739503079139,1.92281814224066,2.02921750694513,1.72254110029321,1.9583764017095,2.01204199793963,2.73468910309249,2.00663938828485,1.90076766783177,1.83654222997402,2.47760239110915,2.55828511851561,2.74133475481631,2.13138371920711,1.96669143247266,2.04696858323217,2.55405848490757,2.5134025073488 +Comtd1,-0.0815808623659651,-0.351760456683702,0.141666146128052,-0.0239898608590787,-0.0283538843207634,0.110243035338495,0.064439601865943,0.415698905488002,-0.333086791363413,0.351116624725054,0.0020661530123331,-0.0066078393005364,0.969871697530457,0.733931048626366,1.07862324342807,0.877889431216307,0.924519340612057,0.516716717320328,1.08828173148233,0.990275063108685,0.760267264690495,0.856076752949518,0.0979758191095272,0.941947915462368 +Ube2e1,2.61783687681347,2.27367870476724,2.14577891097806,2.02356422553294,2.17278546974313,2.34111143948929,2.20136938314183,2.42457970165506,2.30098465235832,2.06744786025097,2.13019021513719,2.05244009676526,2.78183368646207,2.49062462496287,2.54340589606493,2.41001376943805,2.54767729848554,2.68291222992429,2.48771885809368,2.75639284651115,2.59029645620442,2.44118963276344,2.61098270857189,2.73452976870425 +Nr1d2,2.06361104697652,3.90367753049444,5.00774874699031,5.40434216760604,4.49723889403775,2.97775145116363,2.30716544707114,3.80228015245985,4.84772776882064,5.37189059135408,4.41233438127011,3.45487294195235,2.96613750123163,4.70618509077462,5.80794345659184,5.71783961367406,4.46888484817595,3.32998541167552,2.76244372020493,4.94636393869092,5.62940185169512,5.71996340837114,4.48229323637831,3.44577172605119 +Thrb,1.9336803611297,1.90938624645418,1.99826382556546,1.66478277053302,2.23164956131689,2.30734418932919,1.98152137578881,2.49330475462893,1.55945372641169,1.79104010441712,2.03610077129371,2.18334188303865,1.8383149878243,1.58031721448241,1.63675731688625,1.71377147496465,2.01235552016835,1.91718014124171,1.50685759613553,1.70568490802767,1.45220011882152,1.52802761799424,1.9840490135003,1.70486494867475 +Dlg5,1.81810320835382,2.25658685118016,1.8122243404398,1.86787364513381,2.95066845198655,2.89933711090346,2.53585040850598,2.35926413978861,1.94999757264097,2.06891673616936,2.84147502796847,2.34285463200714,1.42826561168409,2.1734124861915,1.39806241596939,1.70976023566436,2.57720431150028,1.91649796587843,2.78792104711894,1.27434341974689,1.48158209543077,1.85067214955891,2.72875341413581,2.36988194581782 +Ngly1,3.07048122758523,3.03917590564791,3.26417481825702,3.0701508220324,2.76020063816565,2.89454083641449,2.86409683578275,3.19728774084751,3.02081967690653,3.01552592523351,2.66860173131606,3.09220696981025,3.22302848056631,3.12805268516286,3.25446356721303,3.10352523237611,2.95819210019169,3.20389319890793,3.00761024072414,3.22298393589552,3.27662347697963,3.08967519917594,2.97832418941162,3.10711678611586 +Oxsm,1.45014318151473,1.2442235989215,1.86502073865019,1.22690328409665,1.36912219160092,1.18127467370228,1.16042954258886,1.58766015731825,1.51136429133739,1.25444907469415,1.29782661946859,1.16997094178787,1.36164201978268,1.16272463525067,1.55014192715736,0.928189931483394,1.06783085357876,1.37083858849414,0.841405239363477,1.437991533243,1.11450072946403,1.52001522139229,1.29893538131752,1.24269665186334 +Sftpa1,-2.0642835658419,-0.906152286097412,-3.26641980447352,-1.6093316908748,0.694542125190893,0.288743588782052,0.509664995717311,-1.94009316215349,-1.64442725492724,-1.90922282997689,0.549570002906007,-0.0432924707608491,-1.96083890585179,-1.44864853695516,-3.29703359354407,-3.1740275455062,-0.902498276817585,-1.44935443710211,-0.88073905653509,-3.23288910641268,-2.54406909221559,-2.30685463243032,-0.326206041578563,-1.96149062416075 +5730469M10Rik,4.57275544199833,4.24150214927525,4.49523359595213,4.29326422049296,3.9717472029751,4.16500303125394,4.2664977933212,4.58361629837473,4.48238740882758,4.53626436902803,4.04094031518286,4.33207601795141,4.23463015996823,4.04706965600646,4.07077699463755,3.92649038774894,3.74378969180702,4.05529859546227,3.81598845622359,4.26685042381842,4.05777678470137,3.9821139576011,3.81978074525598,3.86458526475917 +Glud1,5.7778458460936,5.69975156305421,6.01390145278508,5.668716946282,5.66020468842647,5.67567069192719,5.57517523440485,6.01808043809245,5.91191292791395,5.78349239761084,5.64080579726806,5.61394682675212,4.62915076059158,4.522103560306,4.75550258151981,4.61521052531224,4.37100684697556,4.64947450742049,4.26780701158481,4.81452118177051,4.68379542573461,4.64323282015728,4.35642350166925,4.33749336704188 +Sftpd,-0.792832002644805,-0.416476155191951,0.20515871563313,-0.50039731932164,0.596069498233913,0.03545543051136,-0.0005859071232302,-0.377561511657242,-0.414509338913581,1.51304077609273,-0.101582903395533,0.0275170406065074,-0.851904534298621,-0.627691610858682,-2.18809922199091,-0.955646733109628,-1.78276524498741,-2.13834995364409,0.000865715821042,-1.06674315182652,-0.947541204934085,-0.32674197335817,-1.1632823139603,-1.69163596147535 +Bmpr1a,4.85700330709928,4.7117346339222,4.89090251802241,4.61032036548558,4.53584698566402,4.6214753490198,4.48144410276435,4.99192461328948,4.80469170998509,4.61439708582806,4.58995986190246,4.69295335182918,4.67728041116714,4.50261856826551,4.78200452925802,4.50568374893885,4.25358581210388,4.53856589015762,3.97930089179878,5.01422347187762,4.59591706882437,4.45406125015074,4.22604924535158,4.38106165810613 +Cdhr1,2.21132912428076,2.32084239194929,2.71275205286044,2.41131453748066,2.17773916686216,2.20878863141298,1.94708027434234,2.82463172801721,2.40827770110652,2.37370186570321,2.07012544563028,2.15396786377549,5.02581038187886,4.74841855528589,5.39985582827025,5.37222526778535,5.09798507258804,5.1940092651313,4.92267664735316,5.07876986258005,4.94775044810263,5.39808714444065,5.11901893063096,4.91765083113432 +2700060E02Rik,4.66680528111586,4.05216234858847,4.87534368390143,4.73237823557733,4.0486419207179,4.26409228344516,4.20349759588094,4.46018921573083,4.64297517682782,4.86585864568635,4.15605105546531,4.29550417067159,4.62018303057529,4.4118509615421,4.5964136117126,4.31962810824187,3.92248278100865,4.65461905112106,4.10007713844088,4.85890171621136,4.62899306513959,4.59237006495981,4.14017092020494,4.33240563827871 +Nudt13,2.1506077333248,3.03641216791371,2.30972197567798,2.78945648224218,3.14798538404106,3.19432354257491,3.19181405244254,2.39040124663096,2.49259857761447,2.97555226925336,3.18937518824182,3.0276400110632,1.94282833793679,2.03477567949084,2.01787617180911,1.92935863685953,2.24100691631336,1.73554671084451,2.16184788342966,1.66064394447851,2.07698492068459,2.27083606275723,2.29901860782155,2.25808374527638 +Ecd,4.20818763186905,3.97656287542518,4.24616166285589,4.16946500387774,4.00675832883325,4.16319764446082,4.15960618561926,4.14685853144417,4.13993228693693,4.25609692994866,4.01248682147572,4.06859067303104,4.52439144013456,4.23574939280145,4.37333756018369,4.54009621889748,4.6561112220995,4.40660202344566,4.47241969404354,4.29525241225248,4.35574749149853,4.52197219193016,4.80956454138522,4.54927788246671 +Dnajc9,4.03274531862864,3.82938783983818,4.47677722201297,4.11465702494626,3.53652048980747,3.81153253647245,3.67782304333627,3.90459029872566,4.0059121862817,3.97805928698823,3.7745757053899,4.0434052688304,4.40005741376229,4.13393350268955,4.44271547687924,4.37405362291299,4.17579306714909,4.040616917368,4.00142951662987,4.16412951322275,4.42339927511383,4.39512905298368,3.94013922780644,4.12597130947434 +Anxa7,5.29780804745259,5.15633479120462,5.49924778650798,5.42674530897352,4.9547455991969,5.07921266671477,4.90454706299862,5.31855199085926,5.3174623646435,5.44802682832028,5.05663847126397,5.09688812438277,5.3451317954433,5.04150398591362,5.70337904524342,5.45081864535297,5.20556737685845,5.2557489196639,5.04691715627725,5.28918977285323,5.53867671584829,5.56759902933091,5.28688451825577,5.26313783131071 +Zmynd17,-1.25680630228093,-0.347647107487267,-1.17451514661117,-0.352477794671975,0.195799128171283,-0.148511303239723,-0.0149727266706867,-2.27394013504758,-1.27691717659029,-3.23246592550756,0.140997411727381,-0.753959293411245,-1.11798335214046,-2.65991363556727,-2.65207352162703,-1.41962103274576,-0.25753820490055,-1.83020712554415,-0.34497078669528,-3.23246592550756,-2.22293564065684,-2.24324579674533,-0.299309471757477,-1.31653055224372 +Ppp3cb,3.87201327559147,3.71121785547415,4.01771326775722,3.60790627236545,3.77268920471437,3.91662814051651,3.77828087894931,4.06778781032268,3.86029990031635,3.72908530139859,3.64063281968921,3.73651979647223,4.09442996629501,3.81361820080619,3.98580331210539,3.60328332414827,3.72977187619736,3.87467414503091,3.67864644996503,4.16122024841224,3.93067766430924,3.71350862782758,3.7279055726857,3.89462379741907 +2310021P13Rik,4.58188272339641,4.88428142453859,4.44733654220525,4.82634259618837,5.03246870185859,5.03525962888992,5.07418950074486,4.35963668782903,4.64959178739929,4.76375123150647,5.05247736253671,4.75176168874603,4.35930675273739,4.66867940077175,4.50649848530959,4.72752145882054,5.00422934468677,4.78889634960171,5.19366057537218,4.23720959175829,4.39412261947714,4.62675126809607,5.02447945442429,4.78038115794129 +Camk2g,2.66180505396641,2.9537305845451,2.35722938120484,2.93171925748652,2.94049702188388,2.98911824113422,3.05656757961758,2.25907351038559,2.64500336374163,2.75206241830995,3.11697907429157,2.89350560289139,2.04833466752417,2.58917976860758,1.91624034241558,2.53558205825683,2.65807919719215,2.4575092197963,2.85553047265989,2.25955852831901,2.46219722012815,2.37232791674152,2.54143442476003,2.7688658172033 +Vcl,2.62080893343053,2.52392030122271,2.64645064837394,2.24351801651789,2.47048675128982,2.62649200339389,2.42953382196453,2.54677606780259,2.52842064061538,2.46493518878692,2.42344351752516,2.33268264108171,2.18858984851714,2.08824232635262,2.29169725704431,2.14650596623832,2.34901180161303,2.29144447936994,2.26230781292559,2.25338749821778,2.04520427197705,2.16266921209831,2.58696907040735,2.10928459435751 +Ap3m1,3.46861113383649,3.16373048097379,3.33723327405522,3.25480370771667,3.02069762937329,3.11189454124784,3.20781763350486,3.26972597191851,3.36863765581956,3.23692710436632,3.06002720855646,3.09856539579804,3.66675931403279,3.17008310853725,3.41990709209359,3.22812079430334,3.26101782530335,3.55551348125319,3.22596093302114,3.43203409257043,3.3469378217853,3.28432457538764,3.24633857719792,3.34822676328195 +Txndc16,1.65722486086324,1.88349995715067,1.97134826035305,1.8197255272667,1.62002575369605,1.55121681431502,1.62126551826138,1.98672544873168,1.76973859224351,1.85898507502104,1.5885204623301,1.69418376860825,2.30652051526061,2.11624098942519,2.62651734196352,2.37018125930566,1.99563173137746,2.19584896087067,1.74794806515002,2.53265258831082,2.2714045838493,2.2924094888514,2.06607601726133,1.92319825117309 +Ero1l,3.67523979330584,3.38176022112681,3.44978991868119,3.54783074685314,3.41212867740948,3.43244821016683,3.19527109934669,3.45190184830997,3.4519056891158,3.33710199674996,3.36842678055847,3.21104307373429,4.06918681438826,3.84093087789077,3.87328559736095,3.84489238368796,4.06440416279591,3.89236569474947,3.96506694176281,4.03447573515299,3.8994752128012,3.80841146351631,4.04073970507432,3.94769777987058 +Psmc6,5.1800816526414,5.0487635645252,5.38728860163757,5.15104139715271,4.7408578436231,4.81911224896547,4.85516267670312,4.84026508938301,5.07645767610309,5.0437105241535,5.00861827388284,5.16883217819559,5.41505838950266,4.99211162948557,5.2323054272985,5.15771706277358,4.93631776289419,5.17694570094267,4.95920314030822,5.25468156376647,5.36984112590022,5.0933195462264,4.93338183566525,5.28987481553163 +Samd4,0.235477863527866,-0.757172236855214,0.102413264422879,-0.0989284409191065,0.39337284407704,-0.0048230536151363,-0.277828518973895,-0.329246768402982,-0.194677362879689,-0.959417144231876,-0.442112951106509,-0.127010129646581,-2.07627687556768,-1.80148046277758,-1.29412844455095,-1.91134972047331,-2.23997622439319,-2.46924755108207,-2.48032600159378,-2.05690415548585,-1.33336770897347,-2.2335783022434,-2.5591501261785,-2.29065694166382 +Mapk1ip1l,3.25200866617579,3.2538805486395,3.40571377659795,3.30375680843486,3.27562288092935,3.37300249875709,3.15293149595246,3.37851041107982,3.3871319190208,3.28082045477965,3.02490320988023,3.15180053694931,3.50343012774973,3.16855646752517,3.2787350425265,3.18440221901251,3.46385901357268,3.42027627758653,3.44980343572812,3.31284738618453,3.20490293585853,3.0495417202854,3.31007291314702,3.33180254410077 +Ktn1,4.11880527962265,4.37232233313958,4.09918686508085,4.30283664478881,4.30300569937357,4.33711351138863,4.217079330685,4.1563547141803,4.17828849147033,4.2387007503307,4.36823241927332,4.22188303716761,4.19778432842248,4.64210499408042,4.15182585961642,4.45013449844081,4.48956200076636,4.19556633673142,4.50573866292546,4.16087512368352,4.38150432891596,4.49932710354834,4.46256003590896,4.65540003957135 +Peli2,-0.158325773751784,0.366335618668601,0.504452087188633,0.140647929672926,0.36705684404273,-0.0795461696364343,-0.0236894209277669,0.781660834249401,0.258579237049506,0.227823467229401,0.253429110340919,0.275258789190701,-3.36854343759751,-1.56498291831982,-1.83819707077125,-1.52313040227443,-3.30659426672353,-3.18539708530035,-2.28844358828081,-1.73650764315461,-1.74421265345084,-1.60465544962789,-2.93894013620027,-2.06468419176142 +Slc35f4,-2.34788796683806,-0.952031960994039,-2.27089477427774,-2.3331720176407,-2.94739974975017,-2.13310448142774,-1.58210613574518,-2.52138803499416,-2.03817884981204,-2.26559136911183,-2.18007189804473,-1.90324148646494,-0.988520809045971,-2.06935660283319,-0.879610693285838,-1.342963703146,-1.67016466615759,-2.01501260798657,-2.14905416212001,-2.18943202011806,-0.974301456336905,-1.35607422138986,-2.31045990836298,-2.59354363209312 +Anxa11,0.874825824007897,1.07050954131456,1.01491769135589,0.726452021988002,1.45138998096988,1.29669263637644,0.845896952271323,0.584651222421755,0.717895562764898,0.646332022959611,0.946547313932219,0.703834389967424,1.56850679265344,1.57441444429332,1.97026880462361,1.98060572288511,2.33991324285594,1.66033087524365,2.1649954736985,1.97923081996353,1.95876797259374,2.06257144812956,2.02237845611471,1.59298930597867 +Ppif,1.40667764349348,1.55104166947432,1.49337642962483,1.51809003505907,1.63706539970072,1.35532324106764,1.35634552113538,1.65724882284062,1.5083312852535,1.63931117206284,1.63407017680875,1.50583170472143,1.6086834385566,1.73729323645784,1.6187197033886,1.07175758968732,0.768823677856394,1.39481423722579,1.73053027947034,1.5426386645016,1.5742689538128,1.61097038951748,1.41861756098674,1.42874134785916 +Slmap,2.1729010116405,2.27638365296568,2.07156083959416,2.17794594157175,2.89699516610631,2.87990091816275,2.41609015664138,2.48807722987999,2.01168539137154,2.1670104580656,2.71916247340569,2.49260620946542,2.42876278268131,2.76161280158589,2.50185991121497,2.63048499405569,3.01923094419944,2.59386151576063,2.97625666362316,2.59778683430476,2.41780013222895,2.72946245992023,3.00464564088192,2.86326935256074 +Pnp,1.287047412171,0.828949841885577,0.824121437590477,1.119750959532,0.647410940280086,0.921574597646733,0.849300239991495,1.11423572618556,1.07622398220515,0.348292200804027,0.920791337464226,0.895844371114236,1.88874208462355,1.22701196992852,1.74506494994401,1.63983554351353,1.66367121298,1.58930218495756,1.10573173967589,1.85179810671612,1.2290785223252,1.54865874478457,1.79779903965946,1.63011424178085 +Rnase4,6.93086146040405,7.01638527110316,7.690718376653,7.15448909374741,6.43954696230089,6.41982800957281,6.70586333159419,7.09043395574961,7.22065105750442,7.5221708125787,6.70612827728941,6.88011818025323,7.6247758211023,7.75585477950475,8.6440387408382,7.95003593450396,7.19729653829773,7.42117134929145,7.03655193874798,8.30568503791544,8.21803201434641,8.12292773735186,7.25299466049047,7.22959189797782 +Arf4,4.67808840164989,3.97278234405071,4.27123557750697,4.14975442084754,4.29411110567059,4.17501333428379,3.96222113584306,4.31282114064961,4.22013877935242,4.15312329588757,4.33419879019216,4.07532741978579,4.87423082956123,4.16738465411868,4.4754178846219,3.92768805423672,4.59254755723358,4.77850383014462,4.35700370052079,4.4495580355354,4.24627283205993,4.12138583384196,4.50071443660439,4.53389416135753 +Hacl1,0.725795752759995,1.42285107800411,1.52803860155361,1.27301680993646,0.36593823632184,0.511651468577729,0.494576889222367,1.39301092365252,1.3769283095946,1.59246922564921,0.172956502980283,0.522723367648065,0.782468503453046,1.39047397794464,1.58482181237192,1.06875930572591,0.407783817599713,0.886958818163127,0.790713409539057,1.37485605618008,1.3527034983226,1.60601138338797,0.620746802115556,0.795839275134731 +Eaf1,3.90089853551557,3.80475147207272,3.87727364899148,3.73627580855567,3.74086144005714,3.71111419531119,3.63852574890444,3.83542717060621,3.73968222589817,3.6574629616741,3.64792239740122,3.75781729605748,4.43859444447858,4.51631481616223,4.40101614782977,4.53871843959933,4.54059220978682,4.40750937193438,4.38431691672746,4.33763107847021,4.35387999990027,4.44350307868836,4.57267520923627,4.43091096089448 +Mettl6,2.88302913653601,2.51804849152634,2.64900147325596,2.71911030111707,2.75041053954815,2.64476986514165,2.89554003587226,2.66324788959651,2.66030733946834,2.42067179925418,2.76809291553388,2.86332895200481,2.3602964918198,2.36148995520666,2.44904579310565,2.71260047724991,2.46534746227107,2.42604686689197,2.45188128934561,2.19513585611475,2.74788506496656,2.54218210397628,2.5131947711726,2.44409704487992 +Sh3bp5,-1.2952680471079,-1.27730438937942,-1.29778007251158,-2.0516086269924,-1.35420516912316,-1.84601435596291,-1.35449431313993,-1.33528719298974,-1.8727005591507,-1.46640160471256,-1.07992318950754,-1.60590576629623,-0.699742467519019,-0.348058293893507,-0.937883534540167,-0.656372828780793,-0.613483094744394,-0.4945827640081,-0.635188308679748,-0.0917142794111885,-0.950157275163595,-0.278351184012983,-0.735790102915334,-0.547786636532558 +Capn7,4.40392943566292,4.59160444390318,4.50281503849603,4.6792585499579,4.45362105813576,4.42628276519261,4.41324600647317,4.4225249800711,4.55052920320103,4.56786527736211,4.4830443185246,4.53910921827321,4.77977571987795,4.79251034649895,4.69789801289752,4.72650561111114,4.56129303870101,4.55474787797994,4.37233624654602,4.69083296698233,4.98285421756127,4.67325455009006,4.51611065056944,4.67647699711349 +Arhgef3,2.50235963862942,2.84202123783938,3.01557920891566,3.31725384267827,2.51608780360734,2.69975684808086,2.4022827265016,2.73206487565671,3.03142380643792,3.23074826114418,3.19248987770552,2.90241819515977,2.74446009492969,2.69524381418224,2.79655054553582,3.38559200346978,2.78712060204731,2.77476872131404,2.31434755675646,2.4431203429473,2.5948852690748,3.35002664966026,2.97923829404257,2.74984478052727 +Btd,2.98652195945423,3.07185484177728,2.98279846267454,2.41985178996434,2.16559160035546,2.13062740112792,2.25926813945933,3.28068109070444,3.06818241220154,2.81142426250174,2.41817003642937,2.52714264022173,2.8727708729891,3.00507838675817,3.22552687706332,2.98017035203527,2.28611741275582,2.80187549499695,2.31062686034301,3.10657606395941,3.0947298866925,2.87037081479881,2.2144719103562,2.46195264046089 +Bap1,4.32359842237842,4.39843659634639,4.28243132274064,4.28825024930571,4.2559508363139,4.31981608302328,4.38237878887611,4.31013210725559,4.33745718528636,4.22469020206171,4.18149280969726,4.31389394464655,4.18311238489887,4.43110584149649,4.23183781903961,4.39140398697615,4.39456710948424,4.18148882434893,4.34584094589523,4.23159549202249,4.38331183582881,4.45625603813197,4.3845074819452,4.45246397425067 +Phf7,1.552819516529,1.9803443015993,1.97289776226716,2.11803683853296,1.65713617358217,1.89423279918345,1.88005131258959,1.73833181446915,1.85092124826167,1.89413284280495,1.67954734509841,2.12414016981507,2.22381993024344,1.86155001015647,2.04613924135436,2.33013239023271,2.22199743732188,2.11842288446505,1.83960842636443,2.13986511097982,2.14448439578188,2.28717940797248,1.74563667494775,1.90439415798788 +Sema3g,-2.91350133048624,-2.82943695513499,-2.02093043485034,-2.40833704021614,-2.04522689936547,-2.54644890140778,-2.92268258211011,-2.79573300984628,-3.38403176184065,-2.98673400421526,-3.06653806897848,-1.74745879295324,-1.60599243489927,-1.25529506866114,-1.74789359282936,-1.95210202055747,-2.56493119698439,-1.9755685016379,-1.44527469502291,-2.08248925677456,-1.52683054971715,-1.24100150522197,-1.81737806686187,-2.856914417022 +Dph3,3.92596091399509,3.63962081905764,3.95549822889471,3.73746562107021,3.37652122570865,3.2980433896087,3.57119247327206,3.88025335141609,3.71051041755975,3.67664027445324,3.44351955866094,3.58489977076268,4.04768075123704,3.56417270871693,3.94540462285222,3.44840410206348,3.43454099738505,3.90534770623272,3.49951845567469,3.8076629248694,3.78179297115775,3.69151593345608,3.4681745816328,3.73780150445227 +Oxnad1,1.77649546066012,1.75390805856193,1.62079334419597,1.76365141333167,1.8582470078289,1.6609224733943,1.7329769444685,1.43650214133726,1.8530587784505,1.91357998937575,1.734510949653,1.79010123345708,2.10522293012887,1.92479075554234,1.83811007114585,2.32613056774575,2.28144747051977,2.12945258231118,1.99930858640292,1.9599818883648,2.12347131471099,2.11670005685705,2.07102436597675,1.91689301103011 +Gm6768,2.51081241042275,2.21955539575007,2.31486157124225,2.34363301693817,1.80737320089355,2.10470360639362,2.13375379554221,1.86070382681079,2.13630188502084,2.12396692098282,1.96508119156848,2.13840313258271,3.3888493459266,2.75675496062666,3.00445959600039,3.05273123923627,3.05555767050342,3.05207620931123,2.99256804049035,3.03547597719037,2.93483362190605,2.95984210700297,3.12890629923969,3.0535130417257 +Nisch,5.21418418842313,5.32571950064424,4.90243453147516,5.04611295261338,5.60921003447883,5.61300764463901,5.43526794532153,5.16405633427141,5.16586305990564,5.04620715591038,5.62460700462127,5.26942221836159,4.84466820360617,5.2343272916508,5.19073902800836,5.067377349882,5.44435627384864,5.16948461119735,5.47604196895491,4.88918685395839,4.91027879738932,5.02597267001403,5.53099132300989,5.22043467459637 +Parg,3.16256719598895,3.01314234032519,3.29145684004251,3.1288014974216,3.27235301591767,3.23143681354029,3.25113830269834,3.1975209518799,3.19016807055012,3.20714335697668,3.40342576958419,3.27037147062367,3.04266269038256,3.3576575294233,2.94187832402509,3.43875756355534,3.44277231207732,3.07175359219596,3.28750451437088,3.06111606308723,3.1619121835639,3.35150571361354,3.41616875334124,3.37050542551308 +Ogdhl,4.93775290739916,5.03875819812977,5.26779365916937,4.91792169819718,4.65931864046334,4.67181042459601,4.58727858374826,5.06872496486291,5.12352431072785,5.01694497393751,4.59442327180149,4.60355688146582,5.63684422155777,5.95635770211716,6.13730344792101,6.15183131368422,5.91121062535414,5.79595100086499,5.9542086688438,5.87032399932803,5.61537989838959,6.00196583214978,5.96479708338489,5.77273529248668 +Glt8d1,4.24553385295838,4.35524477617493,4.48470461326135,4.30641335790421,4.1287782238028,4.02966690523147,4.11702080567124,4.3295788005481,4.22351621324679,4.00142110347876,4.31757539866367,4.18812376948925,4.76544855307868,4.7344993454748,4.60600774490356,4.5102454470649,4.65740693944104,4.67894677168617,4.6520448178737,4.64848590222434,4.61356521736496,4.67089880923861,4.58513764614768,4.73244218596828 +Spcs1,6.01295386224317,5.52003480246088,5.93839776727354,5.66179965170565,5.22309195070112,5.35259817052343,5.50541764030316,5.95808403777778,5.75658086718174,5.6784048924728,5.31494139194185,5.69219707983686,7.10825076681108,6.56499959261591,6.69761794050704,6.44109637393402,6.32125368042141,6.79513605345865,6.40073018435201,7.02325166980274,6.76627208674034,6.69233765059001,6.30939161839546,6.58278073614281 +Nek4,2.29182048532799,2.8660534719105,2.41264773158926,2.65622609300757,2.56540998388607,2.72002101206328,2.81788591578127,2.52851446531513,2.82837781845315,2.38300280468224,2.74138873643558,2.64963758985635,2.85760406045598,3.02247048963714,2.96433047646279,2.96274804829349,2.96240946226517,2.89971706976265,2.81114409494427,3.01971207978591,3.11476586633261,2.84911730225746,3.06504802764697,2.99791340106805 +Ebpl,2.44241119446986,2.05632855790561,3.00733901089618,2.34600025358871,1.83767768414376,2.06429632784603,1.99204977884589,2.62043476238625,2.68639469191956,2.88094487133939,2.06593282733344,1.98756242556119,1.96446257895706,1.56462530486628,2.32026896620237,1.98463027386291,1.10080160567245,1.8511542763011,1.50616928877122,2.25185592583546,2.00790665152801,1.88479495552601,1.49709390634161,1.51648820261196 +Kpna3,3.91595188933787,3.71907899699259,3.60440630892681,3.65119632192427,3.64266599414022,3.74052422436475,3.49446735444241,3.64291460422386,3.71215051020659,3.55400163364219,3.44014849583142,3.52281962605543,4.70871674582224,4.31360102431187,4.30900974274539,4.07306811481306,4.08818657833311,4.60108190786868,4.16170439267836,4.57121565393382,4.27801214202916,3.87993538353985,4.08346620093281,4.27205360429025 +Spryd7,2.67472914760136,2.58862731451761,2.95731015962654,2.75945651212873,2.17809989490679,2.45410555751371,2.42141961183976,2.6096259135318,2.89672966964265,2.71456628109417,2.26211104580832,2.6393891752024,3.17574057803846,2.8148877402744,3.04625937579063,3.09980372182338,2.57519419494041,2.90803014950728,2.45429352647511,3.22658798983982,3.1365405352843,2.91098670681722,2.50075990854097,2.75810047935922 +Rnaseh2b,-0.13435920030914,-0.618548513434225,0.10625274225508,0.0840501903763022,-0.271068705193441,-0.35277088914727,-0.872602664222007,-0.485220497023283,0.006292106458102,0.203588954285332,-0.620269768453242,-0.201386806933616,0.530020502639572,0.456235872641876,0.716982752236406,0.801048923524935,0.56743856005691,0.299253668667548,0.201761720877135,0.721030680938237,0.761977928800013,0.747363327114471,0.310221018691185,0.825208117563127 +Mapk8,2.4780807000223,2.35985676410033,2.21211927893318,2.26859070310554,2.59546070915188,2.37276288615141,2.50281740077056,2.2271903629839,2.54391430495598,2.32849277197796,2.38527514222355,2.36891258317662,1.79242120980026,1.6294572946435,1.7545375148353,1.60715993256013,1.73076313823618,1.72891055787105,1.61112218475712,1.61572815203835,1.87769732209622,1.88257118290867,1.64824022092833,1.71672119773321 +Pspc1,2.59956923752002,2.82185159339023,2.70015546736585,2.90545337435943,3.14039672504555,3.15909112696153,2.9942097896349,2.80241383145864,2.89133719143264,2.99216067813743,3.20488980342978,2.79398134752839,2.29748273251718,2.56456411506121,2.32165518876694,2.35485985591513,2.75600632729928,2.60782131334292,2.74191305004717,2.15136470485622,2.34883192567037,2.29237646398924,2.56400091904869,2.41310509986188 +Ctsb,6.12611412793102,5.8703993397556,6.21513803476958,5.83522708726913,5.52060811595337,5.6783223884634,5.67064580174429,6.31444420532191,6.05250814534184,5.83831816547955,5.52294919936737,5.82283630928927,5.79548949827527,5.53203337875675,5.86004247834235,5.59057792239189,5.24032882566,5.59819480636529,5.36056889430221,5.86375543996702,5.66447144299791,5.63858420940901,5.30229022389194,5.25188139056382 +Zmym2,4.32265603549479,4.38922496017479,4.39208166474819,4.41093682479111,4.27797786230967,4.34189286672902,4.39779011480216,4.44714187650462,4.44651686708489,4.29632599687582,4.31496552728716,4.34777051792321,4.25066734423803,4.22678784427913,4.39114262198683,4.32052972920181,3.93167022799899,4.06243035186528,3.89375788057751,4.44010776519956,4.21472486541454,4.11734376098925,3.87590998491666,3.99950191121561 +Cryl1,1.88670365583774,2.40348401296056,2.65481664490624,2.23638762586798,1.28318762294161,1.37882711084692,1.44048802219236,2.24685492577172,2.24184390389877,1.84197349851377,1.15416721850772,1.36187297238698,4.36954711582932,4.49153729389307,4.84741437869794,4.85686702967538,4.0893370382182,4.28494495729353,4.30283860546565,4.43897696524722,4.68781734252958,4.74161098238754,4.16362956249754,4.16811767736078 +Prkcd,1.6694209321024,1.81991850802713,1.38584324530507,1.52164774381395,2.13662517984745,1.77707481802314,1.76323257396398,1.6221404931724,1.53491325133316,1.5649769306253,2.0220197105695,1.73345718653281,1.52541337009676,2.09813837736828,1.55592996405719,1.51650166007233,1.74442694579615,1.52802942584503,2.08490334039601,1.68099359008133,1.58825175888693,1.65775156153346,1.76087777273498,1.69831790403735 +N6amt2,3.86498256410451,3.30673957976808,3.94986885772792,3.37863268641589,3.3944547512443,3.30252230527773,3.11084218241946,3.52873383971733,3.64219472044559,3.5557308649795,3.30530802252112,3.45740362052129,3.90323577764525,3.79081969324419,4.11226329191727,4.04157669143758,3.58312178811332,3.79439308289014,3.57043377970859,4.23650289363893,3.7983354530596,3.73373028288111,3.51161737190846,3.58293281709641 +Xpo4,2.64760983780939,2.54344177655141,2.88180904578054,2.50382125833499,2.73651889928099,2.86886273963178,2.4584667546965,2.99044348895919,2.69863823535782,2.78488585474211,2.46156703802821,2.50726578770177,2.62788925484601,2.30231594964217,2.66157723105713,2.46718737479371,2.79869580670768,2.64643371343855,2.51062417768485,2.51824566809991,2.36997392110966,2.43888756905641,2.73238168367357,2.57399958191779 +Tkt,3.61769292980386,3.36513854818917,3.4497488461898,3.30121170034371,3.07795874310519,3.29761249523604,3.38136355743659,3.32378587240696,3.4898852175234,3.38323274860536,3.27274308863528,3.31307746611099,4.03552313563188,3.84039568006735,4.02955716974483,4.13407928957293,3.72371756244243,4.00331828266419,3.93854033782727,4.07947333993499,3.88081252570625,3.92969662187879,3.79199342873222,3.86827700241002 +Pinx1,1.54615785244529,1.24975758705702,1.23068849469289,1.1109873912955,1.71898741259887,1.33009539645506,1.72809108266979,0.520934541327772,0.533273924335943,0.488248401579182,1.25820457861441,0.943075045916899,0.425799334710845,1.21370417178104,0.776921207830275,0.966561601811357,1.30680950335732,0.78402398179216,1.49864784670779,0.753184360931178,1.26680931951086,1.54153580162949,1.48117649175912,1.25175696212931 +Lats2,1.69392841256591,1.64359447514885,1.64149829811126,1.58010537571914,1.62467017393743,1.69001600868616,1.4576719200542,1.79573678038112,1.41389554846346,1.29420027061543,1.51654621528906,1.49395816923339,-0.0899408437725278,-0.224551006700751,-0.568412629255998,0.151314607504642,-0.047837905738902,-0.108742330522466,-0.18347011404341,-0.0861939675584313,-0.378289386595062,-0.399263358963978,0.0803559397766205,-0.451925369567019 +Dcp1a,2.96913768279885,3.25497545452513,2.74776544846597,3.19572310939134,3.21878263331308,3.16635811230331,3.2045977608558,2.92160926392319,3.01539052176767,3.2831342960297,3.32268429386329,3.21643668177354,2.79451584898605,2.9065021934252,2.5797175487578,2.90522689692229,3.08698432325537,2.72419878417258,3.05728891053393,2.41686974078706,2.88532447026295,2.83488917650654,3.12321044214834,2.91599966411813 +Sap18,3.70344778709942,3.34883572866216,3.82343963514665,3.4740573705762,3.06205393154726,3.27734523989775,3.34659302254454,3.42643645332516,3.55195392136921,3.45806093894367,3.12079296648965,3.30865105530134,3.32016143199785,2.9855243555382,3.20123600966741,3.04636266794071,2.87544298751716,3.18517275787859,2.85484964363818,3.30355101517083,3.12164767296217,3.20533191388868,2.83125101884933,3.00742341144177 +Mrp63,3.57993455346498,3.00011541448082,3.26810267266382,3.19393812848125,2.93495034092896,3.18808685761306,3.1744055153851,3.1859101339609,3.3288862613073,2.92091230208987,3.01510726878972,3.09074773956496,3.61238287601862,3.28142453134529,3.50822162827813,2.94910853681079,3.30228480787661,3.60968222504419,3.040924929644,3.70300789526351,3.49798117611672,3.32124515460009,3.28039186868604,3.39258499529211 +Zdhhc20,3.86187727683223,4.2162487536583,4.23293519933678,4.10600856619777,3.90122463299715,3.83157789972563,3.67926507082963,4.08143903391177,4.09731623929879,4.03570233493077,3.72300959576224,4.00024116289836,3.87527157509567,4.027779423993,4.13955959631362,4.02888495329784,3.71471291314396,3.89459726797193,3.52708252497323,4.02018060364869,4.2054102265917,3.94470420359494,3.40103150550309,3.82213288069976 +Hmbox1,1.4556577821948,1.89376437118281,1.4363358454187,1.4188856714914,2.58894043991754,2.64390677243561,2.2824705719727,2.00431145434592,1.42439888357839,1.55629555603656,2.5617678889189,1.95999046689672,1.17479352439452,1.46752982977096,1.46544481674401,1.18635271538381,2.61464978140778,2.07972233313474,2.35591641526543,1.33141976973154,1.27986516574292,1.51857683481907,2.51443688931169,2.22010858768294 +Efha1,4.9128135158467,4.93344337348542,5.09972136824218,4.89595173088572,4.56236075241551,4.58408055434852,4.51401648497319,4.87618533267482,4.94221817942171,5.07124251620235,4.67959451670804,4.80219085062583,5.03426850804521,5.02986095498666,5.04815425556228,5.04938162779043,4.6405071147912,4.94336481576872,4.77010671489628,5.13735005481326,5.11853293586942,5.06195454456023,4.56937688838975,4.78460827052828 +Fgf9,1.01228323493078,1.13235588004431,1.37529574902947,0.640777880947314,1.04105052144703,0.884993243353673,0.907898150985958,1.12820652116994,0.934488008745984,0.709901683562458,0.572411020248386,0.696244122863719,1.0363332319167,0.86848039520141,1.03068565150531,1.03688277572829,0.940539720668992,0.967380794835789,0.448145260461919,1.13693399026149,0.805537380570861,0.947434493511686,0.706851557463401,0.861019774186115 +Ints9,2.21462558047669,2.07642616465972,2.24772379858738,2.07169001033346,2.46332220425315,2.50866685940721,2.11344259532755,2.60238057783758,2.31478811227651,2.2204668935678,2.49768345274539,2.30052047457783,1.8248574907766,1.98845065284562,1.94594333450985,1.8979272769788,1.9711686134441,2.41368654049893,1.97136731430293,2.21983254201102,1.80642825425545,1.88325495789013,2.05505667265796,2.03742763580966 +Extl3,3.64718696314287,3.32162955424978,3.6494523720182,3.25491959461953,3.50356957910611,3.53093559670869,3.34984831109077,3.53746323735014,3.41460404636113,3.14089026327097,3.49242880622441,3.27958548806779,3.38180892093457,3.59535909612447,3.54927746323025,3.65225984032955,3.66172787299372,3.47335490223021,3.74480546953299,3.56810376166899,3.43345909973615,3.64120910533763,3.74040944516606,3.55062697115123 +Cab39l,3.39713571555623,3.48545400478971,3.76696894042113,3.60369103277105,3.41162089654762,3.33119891575367,3.23261515825378,3.78503629337833,3.60394516638749,3.40303375736684,3.34336042981601,3.43542559990115,4.14027132163013,3.96720535713203,4.33964422426262,4.12241198353037,3.81795307396905,4.03418509437925,3.5797127636503,4.45515187821565,4.10199282269959,4.13072387637784,3.67707848643713,3.63616324824308 +Cdadc1,3.006765984891,2.92097888715838,2.6821531542706,2.7813390889106,3.29467525895737,3.19975133219776,2.89788813734902,3.03806487274976,2.86808408832458,2.97360449600848,3.24176511636835,2.87023474335725,2.54625964735256,3.04105839388259,2.93666443604957,3.03682730430368,3.54757560100922,3.01151139504364,3.33743856472363,2.86977725162142,2.77493677329947,3.08276669186512,3.36384300016041,3.15446071156178 +Atp8a2,0.770703311017735,0.83643921791497,1.23194156459225,0.497271550142422,1.41302948579742,1.39243334714157,1.14220451254787,1.23296167003535,1.01164989074095,0.933267026098159,1.4384446254071,0.970847442937363,0.771717576943582,0.838702343247573,0.953703818822839,0.938163147290257,1.09894365277237,0.851729127008796,1.29244647952956,0.697240448719749,0.859807439850509,0.810842358045599,1.34637951765892,1.09930756793761 +Fam123a,2.56598533573045,2.79964207024988,2.51021966887177,2.63346122380724,2.98706389919458,3.14046654178403,2.82481681941509,2.79219311783587,2.17552613782634,2.52904991907328,3.01517757747887,2.71971124794649,2.52468749052479,2.52527146976376,2.20487015001346,2.73111778773298,2.96851358399956,2.4131594970106,3.20723637887844,2.55546270799747,2.59851996507183,2.76708576461684,3.28136557795766,2.82809188332852 +Mtmr6,5.04617767688377,4.98568293417803,4.95179206253051,5.00965279168724,4.68193899249748,4.74486586533481,4.82964464095963,4.94362006795698,4.99012513216172,4.83890167328548,4.72510210290804,4.93788179085244,5.67926181976225,5.44201389778745,5.4796639063001,5.48350205283574,5.12463715976689,5.40775322495859,5.1327836254859,5.66178153210322,5.53894028209768,5.41968042535559,5.12474074580494,5.40416838017214 +Spata13,2.53595081156921,2.86146161287716,2.83954458856028,2.597185479018,2.81764380179687,2.80819061891323,2.69248813825688,3.12998041768103,2.93933354790329,2.57992707257303,2.73681201603091,2.79573677529238,2.17221771244983,2.56473109072005,2.6626995045988,2.45299395428953,2.37802884208566,2.17944811583953,2.37739924549571,2.56313988266218,2.3261904439029,2.41099059404418,2.36518635288057,2.49947752705896 +Cacna2d3,-0.623412611905752,-0.535566701761689,-0.222953083865659,-0.638042803836208,-0.809998439927848,-0.378413573609932,-0.393018570110535,-0.441239857219379,-0.220845517792558,-0.939289937930046,-0.649823959422509,-0.853148513543134,-3.98149837641788,-4.59857319295396,-5.31769306411016,-4.36951010152149,-3.46208476346186,-5.26794379576335,-3.5553518415996,-3.96595359592935,-4.07713504705334,-3.3311344296668,-4.55792250430101,-4.21153242558151 +Mipep,3.29566828102275,3.13732235677405,3.28274833046077,3.17160816008031,3.11547671783425,2.99917271724843,3.15730413061563,3.21510215772599,3.3033380578224,3.0458558270998,3.16411699737566,3.21189028635117,3.64755752724253,3.34211755838286,3.57925981646807,3.22371621438441,3.36765332747588,3.66928578167535,3.35868007048404,3.54430153539278,3.43152598526365,3.35790582458543,3.51754305981919,3.44126247731472 +Wnt5a,-0.665609473267849,-0.42442069628056,-1.06288810518188,-1.52080636393811,-0.915697873991054,-0.818447446492412,-0.73434334408182,0.0413265117342339,-0.805133291904411,-1.23860914552261,-0.998171460763971,-1.20098558539029,-4.0343298706835,-3.4295318817475,-3.41055870311609,-3.67127800125822,-3.74295788388747,-5.09135247410692,-2.62330138192599,-5.07695725532234,-3.38434766892146,-3.56837282201588,-3.1112672196925,-4.3078186301179 +Esd,4.24987471249259,3.8244358440856,4.27014116192843,4.09162892883726,3.81668152896902,3.82317278081286,3.69960677088571,4.07512140385472,4.12999149803498,4.17605152661495,3.67430285647258,3.90396467725716,4.57120732725104,4.19441138889219,4.58119221421072,4.26861995817678,3.94377921645158,4.5025211149392,3.91260848089927,4.66257890667058,4.4456600745617,4.35982900676246,3.94837122542846,4.22671440236429 +Lcp1,-2.66085881359654,-1.85220313218841,-1.65677905208435,-2.31412194943562,-0.655233335113012,-2.59895144959392,-2.28415266582118,-2.43651197709728,-1.94554335262969,-2.9119481400413,-2.0283424970381,-2.15704187373769,-1.63487757997544,-1.29242825727319,-1.44800533983186,-1.24095197151467,-1.35263111494887,-2.17110630941782,-1.47703472550524,-1.88025165375886,-1.80722925742258,-1.74894463260757,-1.48438123685559,-2.22545594480608 +Cpb2,-0.544401874496065,-1.01832122148937,-0.397631256213854,-0.216790997503095,-0.545834400423739,-0.463989450085699,-0.954626937586872,-1.1724338312098,-1.30844473964191,-0.951965113346987,-0.594493405816608,-1.20357180091891,1.30956187933317,1.08897441607087,1.97342894676245,1.39090470423877,1.66703394527735,1.59765407495619,1.19174071140146,2.07884210252765,1.87950298743851,1.41680604591932,1.50098692413837,1.07778826213797 +Zc3h13,2.71524074184527,3.05325579072016,2.5859676155192,2.98567727036164,3.46985275196787,3.44006787746245,3.16162302339993,2.89394208885884,2.68250438077175,2.89425641949422,3.34085276333479,3.04938698306139,2.64745642783283,2.57286678073364,2.0755793294621,2.44851957529975,3.25361513531862,2.71846460762124,3.26350220774184,2.08303917725574,2.3897975869614,2.50007314213799,3.18747796865587,2.8071229220641 +Slc25a30,2.11106963999957,1.90933076940768,2.38595717402867,2.26499802535481,2.43781485079058,2.35593646118534,1.8361164810349,2.81854117205464,2.35988811247094,2.49868996488882,2.4065311424341,2.34193454888365,1.53600796374456,1.22454406916896,1.14032829955109,1.85840297555342,1.64767107844728,1.20211740526607,1.07384284927939,1.96520332051404,1.37798356027987,1.37084025174821,1.51172305389535,1.50330927743628 +1200011I18Rik,2.90770361006966,2.91902826248884,3.39864016785178,3.01968540586996,2.63562765338669,2.70066029288639,2.63311037392737,3.14519014316804,3.28469619223548,3.06337753144572,2.65421444426686,2.75478906092692,3.00464360127642,2.95637739784646,3.2098284774557,3.28598682828025,2.76794789598564,2.69429270270707,2.51327968040449,3.16485084851111,3.25070769804346,3.25078693732412,2.59798609826041,2.78065715980203 +Nufip1,2.11679880701812,1.93505805236654,1.99991848757458,2.28303016827204,1.94545148585379,1.55097761287375,2.01906240332364,1.73494958035759,1.70080703875226,2.04888365239002,2.04684814741085,2.02060691631625,1.82994373380967,1.92380319226391,1.84388343160151,2.00652273790658,1.67502552189345,1.69628403108351,2.00327391125339,1.50316420509121,2.02431712538863,1.93041310220132,1.67779389160442,1.87252639492693 +Tsc22d1,5.36804565868934,5.21840094352211,5.23196742846981,5.06867531102812,5.12736092368646,5.1086063526883,5.24529591218104,5.48417979930937,5.5516349868664,5.02049190098395,5.03283213147705,5.18214762497303,5.19530884083675,5.40327393116506,5.36539761258627,5.41375638983715,5.42251800854571,5.18600942552128,5.40664419780125,5.49114956153029,5.66790325817769,5.48245085925963,5.36289954562332,5.26186356970383 +Enox1,1.45798175123655,1.41819777687447,1.44342756657138,1.73102775202236,1.18097133484198,1.42350256081596,1.70706702737418,0.980792668668875,1.1880208313201,1.42391422517643,1.3403740329129,1.30052047457783,1.34368855641844,1.35086980872959,1.63064349886192,1.72341921299125,1.39912703495188,0.789525736433446,1.3400832675896,0.98635626630534,1.45588520003812,1.57163322024482,1.47665597042032,1.51553672666013 +Dnajc15,4.04725905304001,3.71995938919469,4.28258360337254,4.04221134044647,3.83436677922425,3.41040609194052,3.74297383060201,4.11250496884706,4.0316578042113,3.97765703543302,3.59501887328179,3.89317890252674,4.90549551623177,4.24992092947615,4.64325141332183,4.45945051587124,4.30235518036545,4.5027276720986,3.87060845885155,4.55294704099645,4.6669997029546,4.57407024461614,4.33872835045337,4.61208163988268 +Epsti1,-1.19790248832504,-1.22165342394419,-0.924458012066451,-0.967427446453301,-0.345631034244183,-0.876593300592359,-0.293191065406224,-0.739443068969499,-1.00446908794657,-0.0276653795772381,-1.88238233994747,-0.981385769496918,-1.88650461897291,-1.60174351490405,-2.58052948022061,-1.52345274954762,-1.27464687110219,-0.87830534866271,-1.60686168599514,-0.972177597525163,-1.23652241721086,-2.00309752962939,-1.55091109469565,-1.88711585221449 +Akap11,4.88970672997362,4.8310271103707,5.02033918205468,4.72119750679582,4.79073468346446,4.96557103195068,4.64496460913407,5.14384568571481,4.86437790906612,4.72462923208344,4.59545764764876,4.74046367285007,5.10485740143538,4.99301762552414,5.35577365656807,5.06499099510183,5.10989839961452,5.11186430903292,4.89116749160315,5.19860913443185,5.15755823119998,5.01301990269179,4.96073661532341,5.01830431356549 +Tdrd3,2.95968703337375,2.87449520136347,2.8442187981232,2.827495058321,2.92357240853319,3.07185711487643,2.90264049383815,3.00374614923392,2.93009402214139,2.86795577772353,2.87546310510679,2.95059096587974,2.52070106312701,2.51842231102879,2.47718578337079,2.68406848448963,2.26338809898022,2.51597341523677,2.22936217079922,2.47268002163117,2.67672152740082,2.57593735754718,2.2806988658332,2.44576922612876 +Naa16,1.59464899819631,1.56408799238924,0.996063364627262,1.50126959725949,2.00627588991238,2.05301031836927,2.02965129617845,1.15705084635402,1.59272806646775,1.52943126835593,1.8208084532283,2.08817685374369,1.41731132605225,1.33090234551318,1.03252411118342,1.33793431641004,1.88611448901964,1.56635152207765,1.52149076657356,0.990798851012856,1.35135500164716,1.34662015359129,1.68269287562154,1.59280473648253 +Mtrf1,1.88573920049063,1.70085916246565,2.12038475541068,2.06427127181957,1.6847075578973,1.54525658328975,1.78444672233249,1.49348821313471,1.63831516992637,2.05778760401114,1.77110629792649,1.8065214870668,1.97569371429586,1.99055801213271,2.08587115639433,2.19218359909209,1.59667119453353,1.79984911343603,1.93116737919251,2.03819874662384,2.23604334860997,1.47579001242836,1.85858243390138,1.50044908293391 +Wbp4,3.52217788974799,3.56483675286229,3.61054916269976,3.7334892018357,3.45432545435737,3.50183584906022,3.63902557878387,3.31047711560501,3.68144776880825,3.7974579502711,3.46149992238567,3.73138486659118,3.25831881919904,3.63713634057615,3.31321380089049,3.57989969408468,3.16694103245401,3.16667042856297,3.13433672826213,3.38393049732189,3.66773141037657,3.30537170848765,3.1386134167929,3.25271196305891 +Sugt1,4.57270164750431,4.47326814432554,4.87757407145583,4.55151233269835,4.33834788842601,4.42196128234371,4.2463447396024,4.73005797976037,4.61744777066018,4.67090512157054,4.21387535970637,4.54335850350024,4.0432930575634,3.91318967121028,3.76924601591195,3.95580159538284,3.83570851998589,3.90299222679428,3.67249526969082,4.10251918917636,3.90756541926134,4.11638237830339,3.64691101537272,3.8675143135772 +Olfm4,-1.26196423368159,-0.380487979425944,-1.0171558863679,-1.24949349731471,0.0021252934452837,-1.27059107195482,-0.59848371831564,-2.51766074088029,-3.07510666526429,-1.51837321004837,-0.31030219818084,-0.720123549667963,3.28312147241477,3.67558462472402,2.97743482302546,3.38986716787198,4.10585260813913,3.58641786311497,4.5474429980547,3.02478788792959,3.32736960633377,3.38731181494231,4.14477739618082,4.09042561699057 +Elp3,5.5493856152345,5.25328048635475,5.68352488361413,5.37961262688807,5.1736758073903,5.19448660026149,5.21831933448913,5.50375596443249,5.50314995563749,5.3819474045151,5.1959117308865,5.29479003629109,6.28480820225527,5.61061266728008,6.22256194475459,6.04080343199497,6.03980942936257,6.13699273271751,5.94650449132184,5.92609203077645,6.11113031863637,6.05909869481704,6.11525086220777,6.04376908828469 +Pbk,-0.513514853650571,-0.507557501906459,0.32720514867143,-0.0230115512375735,-1.27998755894828,-1.0353431704692,-1.23663484453698,-0.46666730260252,0.293625985016322,0.218622770153093,-1.15910332353813,-0.72366955564849,1.15023087573278,0.620870908351486,1.10668877590612,0.964946692514795,0.526166296765851,0.674873466596535,1.0484768157689,1.24671048732271,1.51653547098873,0.731785251509387,0.284794834598248,0.845019299469038 +Ccdc25,4.12453814435606,3.42356784883358,3.86355683976925,3.58739353593723,3.57427567292935,3.67921039849628,3.67197287262096,3.38867855013625,3.82148660667706,3.45249615275722,3.51910740844892,3.56998987597386,4.32000318864906,4.24051927797576,4.1597985329767,4.00090068929123,4.09518789893707,4.21425490490464,4.2822339667299,4.21668777826728,4.25394209451305,3.92549459812462,4.02928841257759,4.21753202648459 +Clu,5.29503366945723,5.40777007662688,5.36517065503294,5.17824565866822,5.10009775839664,5.18060181993252,5.00467077298084,5.18130081636166,5.14910500044689,5.36911244511592,5.0462934163256,5.24220815414321,4.97755003536438,4.8209464785671,5.01070783275499,4.79505177470086,4.62281086349833,4.67471752273842,4.72796596330139,4.93839094157957,4.7948418733174,5.02400492078799,4.63875882410435,4.64492167282281 +Ephx2,1.29847312251321,0.946869048173988,1.59471866496438,1.29149533748418,0.644326069189131,0.364766171646159,0.817822668402188,1.05671001508116,0.80510766245177,1.32749305822486,0.318322418335152,0.848942062840094,0.799965183997354,0.787513379621864,1.09227357865829,-0.402452589119805,-0.0903066221557631,0.257653865992004,0.337979991182774,0.905372690683404,0.916992404639433,0.500262923495891,0.100531377430599,-0.348825785586939 +Trim35,6.97539305506357,6.83743439916759,7.17289062369397,6.91027607189289,6.58320635612901,6.77455764148251,6.77688748285581,7.10792017974774,7.04296163973845,6.9549516984226,6.67341954989812,6.79184226331028,5.55271591081881,5.54638174401586,5.71133995288169,5.47030903725214,5.33357407783383,5.64939525733815,5.41727353252624,5.54226898301559,5.56698250609662,5.52490117915578,5.36778247299151,5.31608055617714 +Dpysl2,6.07398356152701,5.96020818240464,5.97151589685055,5.61186237442997,6.14184391727179,6.19173117207677,5.74372526638876,6.40327144355477,5.9253112674512,5.75736821352079,6.13277482186011,5.97838484320687,5.91949466403314,5.5642959000757,5.98864974476173,5.62206613341418,6.02090407001543,6.12213787806899,5.81254798021478,5.91761863777757,5.60730663049836,5.74271042302899,6.04662025970473,5.87817503256489 +Bnip3l,3.88537000973537,4.25177118725334,4.30995520829428,4.22655431466726,3.83630723819511,3.90556736215455,3.79123863919487,4.24121511462169,4.33087457542524,4.1517533718666,3.83855247161647,4.09533197286087,3.74736622909304,3.52641290350108,3.90547290926241,3.35353496118684,3.26915114225363,3.52862222720476,3.16974029966336,3.87557087680589,3.82563607938328,3.77993573415595,3.0602918739355,3.49769223314365 +Ppp2r2a,1.7140131041547,1.42625914727974,1.37338349408469,1.09352268981347,2.78844465771529,2.79163900313128,1.91486552068482,2.49638206214849,1.5573480741235,1.28437953795402,2.16945348001969,1.87360044835402,0.794330742613677,0.655331939218619,0.897665550406423,0.616094447765356,2.32516690234593,1.75520026322502,1.78348079213882,0.83695533534682,1.15204078039686,0.754383264885638,1.82543660263485,1.56733578732601 +Nefm,2.549835541884,2.18014013112706,1.83953954572127,1.95876258979462,2.61203583777278,2.40300232171985,2.59256402379475,2.06481613643436,2.10324177066732,1.96162980921375,2.6291574588927,2.21847635940496,-0.47082884793503,-0.385133816874222,-1.33963883937416,-0.771296698837646,-0.468119100753515,-0.785906613320454,0.366634564556704,-0.998630176307256,-0.680433280774992,-0.806886503855922,-0.27565677161113,-0.248537841820109 +Pibf1,2.40446774115863,2.75175883914822,2.31756143306555,2.51378252431298,2.78502147241118,2.77666428158688,2.68497105219648,2.34548466388544,2.47617657867333,2.60096071614689,2.79837320320337,2.62786842839889,1.95978281006118,2.30959928986465,1.97059367413003,2.41420983326459,2.42404440990397,2.18784624593354,2.09838367258197,2.3176651098648,2.39058195967947,2.3253240034608,2.43451892172364,2.27641559868453 +Bora,-0.42679414205651,-0.506818587109583,-0.806220346497361,-0.60070605149469,-0.415309563896578,0.123308730601574,-0.271807796874603,-1.1503328918017,-0.337643312376428,-0.0119876971226185,0.0203339581495374,-0.143767351790187,-0.74147815536468,-0.354539801651284,-0.207510955087119,-0.487574172328095,0.237588677702194,-0.268070925557979,0.0662710653834382,-1.17837939090342,-0.370353834223466,0.287233276128458,-0.228650732155889,-0.0569927433626354 +Rhobtb2,2.65314524521563,2.55866208923095,2.4559923245365,2.42901723175179,2.6272788107518,2.81774370507485,2.4276145562824,2.67577242778822,2.39755430671279,2.5709071573562,2.67627631361625,2.57890233951644,2.34182446306487,2.37317481244749,2.18451818450246,2.35734702353966,2.77014259501902,2.3748424530053,2.59691718986202,2.44301727256521,2.3079222285491,2.41902957411039,2.48046233720936,2.45424272330023 +Bin3,3.36543521818559,3.36851134836887,3.49346152356679,3.37596218926199,3.05420011401653,2.95702003591748,3.0814934325926,3.40166191318517,3.40386822872887,3.45014579661601,3.23093636056029,3.31302121409481,3.51188011798002,3.33356358448965,3.25870600784828,3.52872221256674,3.09198315588682,3.26891065915259,2.56885017686519,3.26137885409464,3.38949169878967,3.22523094584886,3.28513193603176,3.08743556577546 +Sorbs3,1.16654054958777,1.77748462817293,1.87152489762221,2.03991554771481,2.42436001188279,2.08285738535053,1.85371425989644,1.82486296657066,1.59468497321412,2.32175002287257,2.46910666296871,1.96001687572722,-1.56752692296463,-0.956879540492369,-1.43774620352238,-0.389491654393405,-0.282913718216286,-1.73803311881883,-0.729252093331866,-2.30950772868203,-2.67789929751794,-0.446118740291567,-0.228324233046927,-0.973642343401427 +Ppp3cc,2.86780221887467,2.84056894735033,2.99077144755682,3.17619050019512,3.28716503468507,3.12387546638995,3.32937314767949,2.85093985689638,2.91372430100161,3.06080887656424,3.26117299297022,3.23567937528999,2.45376810142944,2.42109125345883,2.54571878315342,2.5545093732204,2.20311085511991,2.39043959861202,2.3985304352462,2.60029529763956,2.60216950197082,2.57417816463416,2.30615531857616,2.42339448084689 +Slc39a14,2.08878113387391,2.284903733717,2.06737689337296,2.37552474908587,2.51657671482441,2.51157867976126,2.53582443595542,1.90383792466528,2.08526586279187,2.48702143445564,2.47129921858182,2.30344788467269,2.2567937177343,1.77949051766651,2.00708663289725,1.85716103576931,2.08736843386163,2.16477014140578,2.0936284204433,1.81115376728634,1.97600284238376,1.91136944600675,2.00425171167916,2.03238584190506 +Fam160b2,1.45273818544423,2.24380524777059,1.56018899075076,1.88391792868035,2.48867869151998,2.46828379468922,2.44253862413684,1.57730541296705,1.58728884926527,2.04410460298641,2.16361488017272,1.91743892107875,1.14903265359758,1.91158380845404,0.988354190177966,1.56502762955532,2.27075527670872,1.61405057751812,2.27762243412784,1.1343957721366,1.24525741608668,1.73468931633894,2.31491531737848,1.7400646334562 +Bmp1,2.25140105491026,2.56924336930867,1.89213282553287,2.10881320713242,2.51395757324628,2.45977841732818,2.29596199799137,1.92207437199519,2.12955269326853,2.37337435334935,2.48407442840978,2.25267558807211,5.17640663281719,5.29234358740509,5.47349325440732,5.4091041113791,5.2928127356648,5.13526809567363,5.4826154492224,5.3205467730269,5.26859904484759,5.44210234832802,5.47605655410635,5.29225059034087 +Epb4.9,-1.79260783150977,-0.741408473377384,-0.693344349880562,-1.46212764205235,-1.27419761124769,-1.25376178861491,-2.60657006984291,-2.31712669020957,-0.879933027098992,-0.704897977898148,-1.71563401016318,-1.59761806081318,-1.26746533176504,-0.653017997419085,-0.337210681020831,-0.878525815264438,-2.78519087223524,-1.45640600151499,-1.80275407135826,-1.84258604525725,-0.747107200831098,-0.592390201751573,-1.84602202048142,-1.53449755372522 +Xpo7,3.01471752129899,2.98571275069575,2.94928192421409,2.84740884232793,2.99517212092334,3.03186392259038,2.98478132501827,3.15424190010653,3.04407531966131,2.86751639582653,2.86748260978866,3.0052656047797,2.59107239719703,2.50344420902583,2.34291635853516,2.52134242011949,2.75828492455898,2.70509864650843,2.77643402552507,2.32083861385706,2.29968394047187,2.30406286472064,2.75979469105936,2.79452628469092 +Rb1,2.45528529894152,2.43922819986728,2.44674029729999,2.47034916377025,2.80409591391072,2.55464152482679,2.4886617701878,2.56513985711291,2.49056663739099,2.29886950387933,2.62847273930394,2.39719578142287,2.60689745674901,2.33287246565901,2.66347290494189,2.38151402973128,2.20622018530199,2.32083072072298,1.9106664755946,2.67848539630383,2.51305893187651,2.51159590705726,2.13275746552837,2.1662173101239 +Rcbtb2,0.513071861680547,0.697036403562356,0.56686897873515,0.699248751702443,0.379597670819018,0.502407086817191,0.735304129107336,0.526645859119257,0.876462957190476,0.704003947632792,0.56945991119161,0.663408486775442,0.952971925644079,1.02821379901306,0.993384887110924,1.13679924250051,0.730676252279274,0.958701859906805,0.840793199825813,0.923013992412867,1.14054445582501,1.10018801307248,0.814644425808548,1.00125127182725 +Itm2b,9.44956333642814,9.034948326413,9.52848731747642,9.25789338852197,8.92778544458986,9.12484373283693,8.90106980178782,9.50805478288887,9.35969621168999,9.20890263118345,9.01036335313206,9.2138586073933,8.39115301228786,8.23300482500048,8.59813054406136,8.51937575874082,8.19416874056483,8.49002807534056,7.98654982412925,8.56771180972283,8.49827854383752,8.53412388298812,8.23120559642186,8.1501295098876 +Med4,2.74737666398647,2.75538797929372,2.77363095111588,2.75089235896261,2.96022834366915,2.71119077162327,2.85018324423438,2.53113380100626,2.66620959406207,2.64036059945004,2.70868068693646,2.98722257593487,2.55206554920729,2.59404569500572,2.32976057450058,2.89979605093165,2.41757364224819,2.66932363321955,2.30000561504139,2.44483555970466,2.63173490884046,2.55647747564253,2.28497370722129,2.57143520871182 +Sucla2,3.89154932975622,3.62849838130941,3.87487464293802,3.68692135039374,3.40222951245816,3.63117492606315,3.59700973924116,3.5033694421909,3.75590809317052,3.62125515341067,3.54200971735248,3.70471213143662,4.2148281095197,4.14461253093704,4.32446962603054,4.13168001912767,3.83825019318203,3.96182884453723,3.83189508883744,4.09930731206169,4.17935607148878,4.19063532718387,3.89031710481343,4.02512836736696 +Uchl3,3.1248792735912,2.52393169440199,3.2121367959226,3.19880721508729,3.03502964892034,2.93079567484311,2.85844969911948,2.70768096462929,2.60102141498425,3.09563053173609,3.07533408978376,2.95928606158663,3.36806256616839,2.91776442894809,2.88122105086977,3.08771939848147,2.76142072242014,2.87240805425891,2.31106693342939,3.37239928041958,3.12092827668889,2.83235407003176,2.94419613128804,2.82072594995748 +Spry2,1.73954064927679,2.13531977877686,1.07808704509602,1.85446316717214,2.11985848775691,2.20400220372113,2.09673500520604,1.70615985241893,1.74665604381525,1.49157710052678,2.03157717283551,1.70128488512928,1.04400672412833,1.32372884351156,0.923013793940398,0.795261156126685,1.52805143248005,0.284494613284644,1.07210923101706,0.828259909361869,0.881973815461017,0.558262977208291,0.85515678275278,0.807432576825291 +Rbm26,3.05741141404252,3.45606891755842,2.75413743347951,3.28395277195119,3.79211790672593,3.68545581463486,3.59202509670024,2.85939450965117,2.98402037894146,3.22103764692839,3.75297540853105,3.52399121188645,3.04012853155244,3.31759397835591,2.83006319747485,3.23435205646786,3.80455194501583,3.39293138064794,3.48509791443228,2.69358735949493,2.99253254248548,3.09456226622242,3.76832995896284,3.61677338125969 +Rnf219,2.59672443452062,2.29595336015635,2.82043707529015,2.4471021052153,2.22172920757845,2.25494708909651,2.29801689332265,2.43858474186788,2.63054224298592,2.34655560727089,2.28595953144254,2.329473292028,1.96368863820643,2.20470068387189,2.22821391404298,1.96819091115993,1.77545966861757,2.00142128734334,1.76462486988231,2.19897415144831,1.9871534448928,1.80547101280886,1.93458258025897,1.92771179567753 +Scel,0.0730550451563603,0.425527686691712,0.593650078825098,0.0141681204310611,-0.115162319969141,0.0690203726119825,0.326932447808379,-0.096036754952276,0.2199088673986,0.380180613174974,0.0427374429304965,0.490199980862946,2.73979877135199,2.37496589300559,2.9095414988508,2.43041332290902,2.40940349249089,2.67418960203924,2.39385426436758,2.10436503259504,2.89894521199763,2.62165298016793,2.42458535551888,2.55150874206949 +Fbxl3,3.7895060508219,4.16072502455656,4.09344985127947,4.07118332506338,3.7696558189936,3.77713337639782,3.7974701210466,3.98953336511344,4.09198218319004,4.14262606027849,3.91192971079777,3.97260064761918,3.58465348688347,3.98955755762525,3.80490836655117,3.83017836093968,3.51131407412272,3.52157668850778,3.5022342868936,3.99972026211051,3.91167259604012,3.92743454486977,3.59586115753766,3.78977838345861 +Cln5,3.19119153232122,2.93339473261845,3.20891811130696,2.98815778638077,2.73391655946489,2.62196452342079,2.98232364595975,3.23113051251335,3.23263190519727,3.27827337975334,3.09072440169293,3.01865705014711,4.2660929860926,4.02358540486996,3.87998264342973,3.86031824772647,3.7244853529711,4.08623436013818,3.70362047462141,4.43478759988079,3.87663379440126,3.83217626487782,3.73895673649128,4.02285095572521 +Dct,-1.4166628827002,-0.843753156672027,-1.90178377648208,-2.35422606094937,-1.29959485362701,-2.21882840808994,-1.9175869651893,-1.79063739292548,-1.30537310001301,-3.53837184251037,-2.61862883614155,-2.60129827693558,0.733420397450474,1.5126540827555,1.94003437414263,1.87000641005912,0.860550182504217,0.979450513240511,0.755714529281942,1.73726497804979,1.6298415581102,1.86675899652921,0.490019753838265,-0.155678936805004 +Tgds,1.93737290566723,2.1124557253784,1.99425817938259,1.78752884481868,1.92644632538178,2.04890638159133,1.9511124756443,1.74102771873613,1.88993470817922,2.03321704605082,2.01920298827035,1.84003758864278,1.69007411616109,1.52587919509883,1.71922701279675,1.73091933031035,1.7779994100665,1.77509326083649,1.71326160799483,1.678175456296,1.81610266701043,1.92974998571615,1.7814150429613,1.7831154523237 +Gpr180,3.98936412054709,3.47423444943075,3.855753258545,3.79641668537642,3.68580202897514,3.60592439004585,3.67968517015833,3.56559042011816,3.767017279158,3.68640065879303,3.73747543481776,3.58961912500296,4.31404227991417,3.6876877749663,3.8585570223134,4.01193604248517,4.01323101814782,4.15789413578393,4.2506541493398,3.91801792851192,4.03983390905286,3.90946334356451,4.06004393799478,4.12432193784418 +Dnajc3,6.20340734880619,5.80251006994769,5.8801785428401,5.94766331317261,5.9452924934766,5.7775338543877,5.80225400186385,6.11609654430294,5.83786666497972,5.82395527099552,6.03286602991987,5.95198910236837,7.46694770993403,6.98997427818285,6.80177435700342,6.78893939929258,7.17979880965733,7.26815218487007,7.16043837935485,7.28324867613055,6.91575010815253,6.73157079860567,7.22477249339484,7.29928954429889 +Mbnl2,6.1897021720494,6.16956691147204,6.42486224508046,6.28922328325234,6.14823090482008,6.12782585601299,5.94900136585958,6.47150168673888,6.28986936256653,6.30619858259503,6.17873919567405,6.1679583876593,5.21759857066651,4.9781077846676,5.10717179196482,5.20396898629032,5.38540133302141,5.31710190618019,4.90099138653694,5.16124215585499,5.07867440304597,5.16072168803858,5.17214833040255,5.18038963993694 +Nipbl,4.05537521415425,4.41483358950836,3.97188415668063,4.04765352910607,4.77770425740279,4.58012807755421,4.4052868945355,4.39181840500423,4.02436060716759,4.04109387302236,4.63444880530792,4.43813725087747,3.72989173044256,4.17364536981864,3.64477012502408,3.99388687913998,4.37309765001592,3.84666567287586,4.05677095667075,3.6952722555513,3.83387853262073,4.00742350480277,4.23621653713762,4.23322907725038 +Nup155,2.70902983954807,2.65481294205604,2.59101934755782,2.62447618346598,2.57354883145268,2.49138668933083,2.62349022856377,2.7280146161868,2.66231998896414,2.32715798898871,2.73217579496894,2.51849722499511,2.42729151892859,2.28906370641958,2.40171848376919,2.27603729848434,2.39097285446204,2.35284476537704,2.24324651589551,2.53180218422267,2.25971389142907,2.09339668746795,2.48201782392001,2.53951712781011 +Fyb,0.469583203946639,-0.165224471191062,0.0223472488693894,0.320883029987463,0.238450290184495,0.102129157861397,0.344334253199603,-0.0693377235606945,0.198300275788531,0.123226561493787,0.191775577558037,0.202094319596366,0.514769364934599,-0.0237968602750755,0.221815100115089,-0.0920652135438726,0.016562210028642,0.533073997469018,0.0922617358831674,0.304275741083238,0.253944330086564,0.129216466881358,0.457716328044909,0.396116558592834 +Ttc33,3.09073378710456,3.08169944277719,3.43346820029506,3.20311365956106,2.66905442207293,2.73226439085392,2.87731719676338,3.38778058203122,3.32174944603801,3.25992189108637,2.79682175794525,3.03053149778416,3.49494464760953,3.34369621460232,3.86340504240138,3.43012156183015,3.0228186565061,3.47087123552161,2.81616265073952,3.66089616026344,3.50183564413788,3.50314090391924,2.84295872156652,3.18242352903432 +Rab2b,1.82046202885722,2.22223919109716,1.86641833985222,1.74161762534638,1.56962741102808,1.64826805072033,1.79149006504576,1.50565553030168,2.12429980653741,2.17761262904281,1.73644607967892,1.92954778573984,2.04854279470008,1.92239786232377,1.78645836380104,1.23077602359457,1.38769054157238,1.71813996107178,1.74867875254813,1.28664535321576,2.25250256679865,1.87819189366094,1.72296336244731,1.84094927823109 +Mettl3,2.21599968175804,2.44861315920123,1.79659320479275,2.37953967702891,2.81912303041482,2.35030751344232,2.61976196519802,1.85995876098962,2.0386973053679,2.38185925688287,2.57046414657042,2.69978340353531,2.19934676385822,2.3754142985907,1.67920252267375,2.23741497425284,2.53618810446589,2.08908562552219,2.7662702476777,2.16006768644541,2.40843011669531,2.24682836125354,2.59986578476767,2.42946337084228 +Dad1,4.42463945597125,4.09175320595515,4.14662834704829,4.07977351150673,4.20139594948665,4.04894797281557,4.2183236116567,4.38935722004712,4.22239103534044,4.18135865138824,4.20828870406824,4.21853355970423,5.40375477905915,4.74936441887415,4.66950163336957,4.47372208002633,4.79538745996491,5.26098835278661,4.88318357348895,4.94007589901755,4.7229693896112,4.61195200661964,4.72316984721455,4.88081155898852 +Lrp10,4.29218106673543,3.93168268157558,4.23874925128844,3.97842149062391,4.06519676775847,4.21314583258716,4.00739873894287,4.16337177472223,4.18740410311426,3.90913651350926,4.00668966631622,4.0036383096181,4.50940610213871,4.53599937571349,4.79013952181248,4.60066134675336,4.50356537273101,4.64747163446025,4.62837014891513,4.49251272540357,4.57692123774727,4.63636789339851,4.56240192163967,4.46218174994606 +Rem2,2.60871797900682,2.8606788368248,2.64172515692846,2.56460692682243,2.56446237616955,2.84779844770227,2.80985463144667,2.6041785492243,2.87557346267443,2.57582491493207,2.41383964154369,2.363737591004,2.10740248745893,1.90705573624793,1.58394695298418,1.37026348639921,1.32295821063817,1.8055779894877,1.37924519869843,1.30589736174481,1.92953067673594,1.22853456519085,1.58486945000602,1.34038678548848 +Haus4,0.594433693764394,1.05680436134423,1.56935679218846,1.35996070703041,0.781689834819803,0.216657016948531,0.532047995551193,1.47668059727569,1.37490278970061,1.1020558805124,0.677049084653579,-0.0532196263564676,1.11402503352827,1.32885958765207,1.31675904943724,0.86209079721053,0.70062950591663,0.176389317693093,0.696706657501202,0.990868665646628,1.54507054897239,1.34400146064782,0.0864867425966649,0.568546661732725 +4931414P19Rik,1.94878792940506,2.0690210411838,2.27469790145198,1.90565963994235,1.64188686148904,2.20702749598055,1.97040098679147,2.27298576862147,2.04641219683336,1.78137886543858,1.83440186528577,2.08440376986891,1.54432328558355,1.75525817256284,1.94143976345586,1.67680312160835,1.71611945274739,1.66344559587195,1.43466822360794,1.9284889935097,1.59072575489673,1.51413673998484,1.85264100848874,2.03005088065205 +Slc7a8,5.72350219326613,5.53816517686194,5.5219968460917,4.92773485165146,5.79240910281921,5.96705808817247,5.50694968095402,6.339053651641,5.82879856009247,5.27073524174449,5.5616574392386,5.54730746834606,4.95586355024763,5.03735096021271,4.80776222926933,4.42718888971598,5.15937217353483,5.19372698470836,5.28175999117879,4.95561402213049,4.6680652878544,4.54030443936236,5.25035274676389,5.10501264109206 +Fbxo4,2.59223307975372,1.91879325043628,2.32420006804594,2.00210456964969,1.96226591348995,1.95875054651918,2.21195639600148,2.03060040266912,2.24710901850082,1.7731447233463,1.951472393227,2.07904109317853,2.8622369468454,2.29616066222424,2.46192503009544,2.38740531928219,2.37132605816828,2.4065393152273,2.70288432022853,2.68108151977841,2.50639919811707,2.40400197307159,2.70098481234998,2.72992067475741 +Acin1,3.9936752154367,4.24930874229845,3.08716533549884,4.25870312129052,4.6383131618807,4.54480156269798,4.64098335910698,3.42081267539027,3.78028274170414,4.19677953845042,4.69001444449529,4.46457450388457,3.59890594148329,3.93723418338708,3.35134296948866,4.08906899486724,4.35155820359477,3.78071157479121,4.37369442095542,3.24438047346543,3.77147101313025,4.02739979968986,4.3060665898574,4.19607982035284 +Oxct1,4.57499690025918,3.91592978926799,3.9881545265223,3.63277024646442,3.94919953973918,4.24112963502819,4.15056492099151,4.20006375182041,4.17599130935021,3.73002811828107,4.0266429613453,4.21981000882228,5.60436323815832,5.13159403716142,5.24282838867408,5.01573515628592,5.06754479583027,5.39200167206757,5.07174987357399,5.4810804672146,5.21130079670931,4.99972138183175,4.98672711920674,5.28187007457311 +Drosha,3.09399309468287,3.09247603290472,3.04689992573586,3.1389244405109,3.50819727281593,3.53118526560326,3.29373425786694,3.39080526889613,3.05774957703821,3.0661139726993,3.31636625417999,3.2243815222524,3.12658834615403,3.03499200859972,2.77357234428232,3.1120341000993,3.49218825401696,3.2693968050439,3.41932327891995,2.94106003415978,2.90867769836956,3.08144954651008,3.50063969871303,3.33783661474762 +Psmb5,5.11579412422529,3.79493252059597,4.52855307131731,4.75187181383508,4.28119014926314,4.24330568266111,4.3269395424161,4.85233308411881,4.5298969074973,4.45393010136604,4.53209098203317,4.2651417909776,4.92990502767567,4.35528253341706,4.81855239647055,4.53019881034861,4.73420563393858,4.88119292612982,4.37584022294013,4.72922260238909,4.54315983006618,4.44578047471112,4.66225520233974,4.59353785266174 +Pabpn1,3.66882922112124,4.08237831105587,3.19525158183613,4.09250059679836,4.75419669985962,4.55452728172227,4.70561011310427,2.95901549077021,3.91335950528737,3.94870963502298,4.66645972110587,4.13262131816964,3.31586303067322,3.94493525683688,3.41123846995056,3.52431010765788,4.43245340790128,3.93600278482148,4.47882116919412,2.6246644647038,3.66312418310332,3.6592169420175,4.34783174977269,4.20018579371265 +6030458C11Rik,2.97571488776746,2.99209678456422,3.04170284189274,2.88764352910511,2.87487865003866,2.91083304858828,2.92408808175608,2.78840254738135,2.85560074319387,2.92764182680959,2.89317467280561,3.06688833841169,2.91661837130307,2.5994259683446,2.88226175485774,2.96396810278025,2.56790925164661,2.866038140362,2.65266837583585,2.65128077372104,2.98880543437788,2.96634096947994,2.79178783569939,2.91053489826328 +Pdzd2,-3.84521650093955,-3.16814358101717,-3.69844588265734,-5.03683712567717,-1.92821304315172,-2.76516595053822,-3.13836155375425,-4.11609917628857,-4.12004973570007,-3.45002497541772,-3.04689541682866,-3.1648981037326,-6.22098290723818,-5.23963848706772,-5.22784349283512,-6.22098290723818,-6.22098290723818,-4.81872410727477,-5.55941193956575,-4.79353109129565,-5.21145262238746,-6.22098290723818,-6.22098290723818,-5.58433110520827 +Slc22a17,3.79454499108016,3.98141593007602,3.82535278153159,4.2070080197119,4.43180791102868,4.43111618438778,4.29479397140959,3.36844670879442,4.07293427098826,4.11262147470187,4.46343327304548,4.13277513055376,3.59594414118584,3.83801634352109,3.61688901769432,3.86621160149795,4.14009102071739,3.77594502298431,4.35531881369523,3.34572669811671,3.81715870263075,4.06665003197484,4.38674376771824,3.91608963267012 +Golph3,6.14097270287347,5.77825218803724,6.03559671863234,5.87825115995332,5.57951273755491,5.70708040911088,5.63964814191505,5.89548608509333,5.95237048547485,5.7630781928238,5.58360526093078,5.6961623006,6.85444269981106,6.46478055320544,6.66454709690262,6.50417353703704,6.33137634686871,6.61997120810836,6.31039635660707,6.75543217853598,6.65511429000447,6.45913107369832,6.30518801349959,6.43848517107992 +Zfr,4.97710482049975,4.97493683752386,4.79835743194453,4.78118198269539,5.06975188517361,5.06880856849731,4.88234633243529,5.15624753355963,4.86307475074792,4.73811127857295,4.96004370653417,5.05528354753984,4.91854968117406,5.09549300267121,4.88338224925756,4.85212547635233,5.04685003863158,5.05525878119886,4.83987026104459,5.33131166594981,4.86982171292021,4.80754510742044,5.13344888939098,5.0908870136866 +Ngdn,4.11956171107645,4.10472444329538,4.17511338754108,4.33694247889523,3.89640530976146,3.91318624359854,4.345017978153,4.03606200793016,4.2015416774276,4.16867660122777,4.03444569247779,4.2559099748054,4.44037241659432,4.27735418826228,4.12588588704942,4.43950959854551,4.31528745405737,4.25648692251686,4.56649300858936,3.86062033842029,4.44666536907499,4.28131229402167,4.44691711069024,4.36574494784445 +Sub1,4.95252702612693,4.28016234939771,4.76443227377997,4.56140846071655,4.06942285962132,4.28762716334619,4.31649906814121,4.57864363145506,4.72797332043269,4.61594451230306,4.24573868851938,4.44250768493569,5.19176507815829,4.67097045654454,5.00567808023905,4.78090379311367,4.51194856587737,5.00480336674567,4.51878014298782,5.02047188553408,5.04935148147962,4.74180650219636,4.57843161993332,4.83041667914885 +Jph4,-1.21174512657069,-0.945708234549344,-1.75094604610255,-1.65951134400324,-0.410155153106957,-0.753610478920917,-0.518050362969046,-1.31365923927494,-2.21999338236084,-1.09469329445087,-0.976728377280017,-1.09347840339038,-1.14335320077687,0.0307848941922795,0.0539319844650499,-0.180511562557164,0.337600601014067,-0.132262236601403,0.595610000363994,-0.422646204929553,-0.569357359330893,-0.355648356708679,0.116143581529136,-0.0901783441251953 +Dhrs4,1.61969097624649,2.03541869578698,1.82211030778267,1.71668597450165,1.87002277470811,1.44513405519157,2.22426933929444,1.63760084371143,2.22905262533361,2.44395819845227,2.13253782146563,1.82102848791705,4.45275025428096,4.51419313024074,4.16108469576847,4.38545192867226,4.12939508673744,4.37089103568635,4.77321919541716,4.40557687173363,4.44916627362451,4.59319907064765,3.82282298577538,4.47220341465146 +Lrrc16b,1.69915886058741,2.88898345587842,1.85893006632106,2.59095411579845,3.1876256764634,3.09033642706521,3.24459596445913,1.95242046157291,2.14102047282608,2.42338809549394,3.28149592682202,2.69902862754401,3.41030034475938,4.59681030043958,3.71493411148191,4.17499102225377,4.69652825718222,4.24509182162249,5.33579095916083,3.25086702610795,3.79533640455493,4.3285366743505,4.65336365355252,4.68820169592496 +Dcaf11,3.47859336161541,3.60977123929908,3.31728293773519,3.55590438421154,3.72948849140688,3.61910947861089,3.69553025563264,3.58911851384182,3.55731022516809,3.50138544315985,3.64870687704233,3.58916722806979,3.76937874234279,3.65414485603389,3.62713654349337,3.77971679679435,3.96082049050086,3.62025167310774,3.8833640567099,3.563624096099,3.60155482353186,3.64353417169759,3.86423460805004,3.71504411365752 +Psme1,4.25535614762686,4.02880182514702,4.17519939122132,4.38270515981159,3.87490820080619,3.86193057185549,4.057692535883,3.8831831137591,4.18025471498499,4.21439252908798,4.01379898046221,4.00739217748897,3.46481764247874,3.1722480111504,3.24312037648293,3.5836367986604,3.32473663670239,3.28366473762356,3.19534870252794,3.25778830417391,3.66887941495083,3.75446581614706,3.31309187951547,3.10283262945241 +Emc9,1.37459770984612,1.04233646813976,1.49902569394393,1.4097673995588,1.32294512866244,1.37753966062026,1.46780629486961,1.61249002397207,1.21352381871094,1.68779338685347,1.65142087621729,1.45974462219603,1.59208193293197,1.69266900159421,1.89339407156146,1.9991655923096,1.81674299088726,1.61470627440994,2.22404936610711,1.5482938631879,1.91018676182224,2.19837316785801,1.61440530869881,1.74991033829858 +Sdr39u1,4.37225470332605,4.19630679835293,4.53979504762616,4.28878185431682,4.00910061024876,4.21105229814181,4.11726915248684,4.31095667394628,4.60349185785761,4.42132846930913,4.14079462366295,4.21695844464744,5.12761417727457,4.82298235000446,5.02442993650988,4.82190889569109,4.52558944395379,4.91419990820285,4.70134760580532,4.88615356960735,4.79814732537678,4.81896509343986,4.82593478284598,4.57555190206276 +Zfp187,4.31074100643378,4.93098641560696,4.41251466615817,4.94478362858756,4.86367313699078,4.56119803856205,4.79226389156715,4.37251423646544,4.58826215147681,4.89741121694407,4.82115121499554,4.78768062948602,4.63103078932832,4.73120586849825,4.56331267264714,4.95012486708521,5.1333492704843,4.61045159286946,4.99730222984924,4.39936234922963,4.95580624603662,4.78904527983147,5.02427229226359,4.97360533967122 +Sema5a,-1.64497507562539,-1.71105466296854,-0.743905505495159,-1.19118735702085,-1.08905349482897,-0.390063999789331,-0.771144590535397,-1.01878121426261,-1.60402469554257,-0.978656001054163,-1.86309007265535,-1.16442963545816,-3.50709395017486,-2.50739961213675,-3.22206200370223,-2.93096778470522,-3.35957129837796,-3.10020845694583,-2.27546732473978,-2.83972938579635,-3.07904079738353,-3.35382235039353,-3.18534507626502,-2.85886783073005 +Cct5,6.34500442478135,5.94107488422398,6.3775133885033,6.27587313099285,5.87524907460432,5.92592013702126,5.8943157453107,6.18207755614411,6.27246499825143,6.17076217350365,5.97072597295891,6.17601037722118,6.23131071802339,6.08972513305415,6.18327849689359,6.20401096546264,5.93845692224413,6.23264942720431,5.99441538683521,6.31241879085711,6.24699789230166,6.23935083141343,6.16033483328467,6.13267100301413 +Cmbl,2.80688742272447,2.04761355403485,3.00244455857308,2.41504448545389,1.85670452655438,2.4469418378395,2.58802257321934,2.76780094432235,2.27815362824797,2.82422565238924,2.29062582739024,2.12492701334073,4.70634363918802,3.75636891689017,4.10343789852406,3.94420404074757,3.72332052132749,4.34922794917479,3.97636209370906,4.05925466437888,4.18128854622435,3.89072279812035,3.75588881125473,3.83019395731096 +Ropn1l,1.11173024451182,1.03415880767108,1.27892279924141,0.776174371832105,0.165933824566887,0.805161821122382,0.690172206968342,0.857336607224809,1.17304032544705,1.21655829957501,0.292016447419739,0.405429667928008,1.57907502455029,1.70591743066852,2.16896574772035,2.09144688982112,1.60754245070944,1.56089781807233,1.46125385661858,2.21535620020209,2.27460423320915,2.13583739461106,1.02106775941695,0.732037770127795 +Ankrd33b,2.99021872388159,3.18051788271345,2.82671214095848,2.83814751637496,2.89195366986624,2.96588449791392,3.01526292223868,3.14513665433821,2.88464030886235,2.8005897099508,2.89869859221139,2.97316899233291,3.50618034950491,3.55590962530019,2.96229605619202,2.92724864718773,3.46665715482021,3.67574681494553,3.82492474738266,3.56916455651136,3.06300301356041,2.92336169571445,3.54819353490693,3.64483079016479 +Ctnnd2,3.21319651352269,3.4615062882203,3.36177333495952,3.2284774659767,3.78509303712002,3.87479656747513,3.5015051948505,3.66007606853641,3.22286408712971,3.29563689085611,3.86105244278913,3.6224297037751,2.8207628591203,3.20270064383673,3.21673898135932,3.22406696754661,3.60222117569525,3.17781618797884,3.5627765721707,2.96198957055709,3.04348063392479,3.23057289391892,3.58158658050025,3.43928631717292 +Tars,4.52326921518334,4.22466958828579,4.41475971942821,4.5052510209209,4.05185788878443,4.16109104330068,4.19670454305578,4.34618406944588,4.38543810636569,4.3011301835617,4.2874743912243,4.1673040717142,5.13880871021432,5.00205024490007,4.66946803444193,4.98049233085803,4.92414498346147,4.90473172399867,5.06009278553461,5.1276305595619,4.80993326105446,4.8714970258556,5.10648824810519,5.19870892852843 +Amacr,2.36236684630311,2.00197394871513,1.91905938307535,1.92349252595446,1.92620409049626,1.87003503580443,1.90526361145991,2.04931533750323,1.93961555574506,1.96019835519776,2.08882994218225,1.9678535099459,2.28023819276819,1.6967572588285,1.87525461704804,2.02302064705357,1.8606279386112,1.94197253081952,2.02741202098577,2.21104094171422,1.9364934145465,2.23000179801439,2.04518844303298,2.07923080256116 +Rai14,-1.66359815442624,-1.48232839985163,-1.9199908860369,-1.98226812939986,-1.32108428858612,-2.51881239541586,-1.83239442410782,-2.58076168174186,-2.22004488237443,-2.71744224524376,-1.74297382969415,-2.78109517509617,-2.39716735995953,-1.63126875045689,-2.23745725474232,-2.25312630307989,-1.31926077791676,-2.11774645489818,-1.79815027387918,-1.83852813187723,-2.34849893527866,-1.70456337805789,-2.20140479449557,-1.08938577236471 +Brix1,3.443547433244,3.06904891422088,3.32605740619697,3.24329057658595,3.11870172981993,3.38488264251879,3.141785131021,3.10566077769835,3.23555786960664,2.92835866675992,3.20005357867146,3.1275302345218,3.43685689952978,2.71424927473815,2.76051233251865,2.93317004984727,3.23214775487085,3.15244939762466,3.05679716129631,3.03181132515559,2.94269025559217,2.955618805993,3.13206525756146,2.82925418752353 +Rad1,1.0148696768576,0.933277365806426,1.03626839627781,1.20950640037596,1.20974518526385,0.802429567745823,0.977669904179631,1.05162979645226,0.96440255461302,1.03097827311338,1.17260591447636,1.33098764024682,0.987130618890747,0.812095749613318,1.05941075797528,0.775433987638983,0.852070924350825,0.594415854328327,0.535248094206946,1.02905395652399,0.878312807502383,0.763178830958864,0.68771988129199,0.887329083483689 +Nadkd1,2.30034615150193,2.48431069338374,2.39243433948604,2.7078103818532,2.04498494457204,2.19452703188989,2.37985211509945,2.70535329282028,2.56260722539961,2.36932203348293,2.19027899595951,2.45696393099206,2.62310199578484,2.70176845389861,2.79146515651402,2.73106487835849,2.02358431997765,2.4765699161202,2.0840144949328,2.69072826590328,2.8185793663658,2.57555484116771,2.04502934900022,2.41869228651001 +Mtdh,3.04205694670647,2.93555705363192,3.15932039334107,2.98507711615379,3.07644958543316,3.08279206772956,2.95784143053694,2.9192607943951,3.01273834953436,3.00453726787347,3.01349819599124,2.92823843711549,3.24663845531533,3.27185235758037,3.32656750183956,3.25878415664221,3.08225964003529,3.21396542065,3.07212382992629,3.48783890796346,3.26676148311726,3.16063223390472,3.16091477356489,3.03802091114683 +Laptm4b,5.26790831619339,4.85203279669496,4.94871625509865,4.76817596362732,4.69004578737607,4.69675048953872,4.63471101268226,5.12278723724538,4.96317216075499,4.7059038596975,4.73510328690611,4.91971902912557,5.67261484883633,5.36914944319894,5.62149689770221,5.34960806066815,5.30830496445536,5.53081511128923,5.05945345055465,5.97782293671855,5.40093260952993,5.30983296834187,5.21672496833339,5.28844472009575 +Sdc2,5.34106086042722,5.11084531648542,5.50773899963626,5.08194868598786,4.83683318205213,5.12897929024732,4.88998097982357,5.52982380086341,5.24609816807521,5.04396718510465,4.94249010496982,5.09769666530252,3.87359586978131,3.71463698668999,3.98294625769009,3.43871731282801,3.05795612435689,3.59961682448018,3.26836649058603,4.13030995571864,3.89412655086003,3.64654788774216,3.05032763498668,3.33621570649501 +Dnahc5,-3.54815314210491,-5.08370948315694,-2.34899673102654,-3.29033904178513,-3.82941616358016,-3.42421190414131,-4.916046932422,-3.93672660943168,-2.73032773777017,-3.77806768754517,-5.40791371727705,-4.61106024377008,-6.32765672364587,-5.75510443370558,-6.32765672364587,-5.62425827172747,-6.32765672364587,-6.32765672364587,-6.32765672364587,-6.32765672364587,-6.32765672364587,-6.32765672364587,-6.32765672364587,-6.32765672364587 +Trio,3.69324646170146,4.06298023629871,3.66309531990235,3.8932105348513,4.20776486774762,4.18527932333466,4.19510530267251,3.80977986294208,3.76042570203335,3.86606564297444,4.16682379094673,4.03567088653107,3.98912818886032,4.62995815073251,4.14575010481162,4.40219388368653,4.8336214184356,4.42583899195804,4.82659866656804,4.18072634269446,4.13264479655313,4.27593141454334,4.86755347714044,4.70273266372735 +Ank,6.05669271206891,6.03229179605762,6.1910844993865,5.85554855375741,5.9893970181751,6.16008424129706,5.87003230600743,6.40457224394115,6.25085495310064,5.97128461275608,6.14484731242183,6.05537124883875,5.72011639094988,5.85118804196701,6.08709666026102,5.83260959964868,5.81739536155132,5.89102901928817,5.76980416189947,6.00344557932525,5.74153360874305,5.94194090843348,5.79704998856608,5.64871036228941 +Fam134b,2.32341136160582,2.08739944141677,2.43149529305316,2.23874470825738,2.26839497970356,2.03178291262017,2.0739609476839,2.57432552348593,2.22470204569752,2.31352056335393,1.76700213774122,2.3835115556868,2.6892860548807,2.07827529440123,2.83087688009554,2.1983549965335,2.21654549136886,2.52611060221711,1.8524275748765,2.86741319701268,2.42273695515246,1.89721402788243,2.14518281320742,2.07722375723117 +Myo10,2.51073616154882,2.72472810421482,2.61969981732812,2.23323457210594,3.28819210838646,3.16656180111328,2.90112575785016,3.01309170342271,2.43763477641473,2.13559489026229,2.9755053890691,2.78476360149293,3.70170325318018,3.88187338359412,3.0770623003448,3.29286933024717,4.25998230400267,4.00746813711308,4.47789239575351,3.75675836050572,2.89598978668175,3.17700527846514,4.22590683113331,4.14428214657523 +Rnf19a,3.81562142076135,3.88603741239562,3.80865753398308,3.79936175235954,3.84095021889975,3.79575152585493,3.74020570606498,3.85072658487342,3.79647140338738,3.86622693521584,3.62795752462451,3.79986893218534,2.85190747329905,3.15241991935726,3.19397733761085,3.00426303600863,2.89751522402033,3.00844168120747,2.93445394232934,3.16029702683012,3.23719006223547,3.10200083622918,2.84852311695165,2.9812598548584 +Pabpc1,3.57391823225499,3.61144964680776,3.86128895464757,3.32286816878069,4.42487346568154,4.31843636798987,3.76295721604635,4.56076167295402,3.60897531482117,3.62266825175111,4.00494753283793,3.61331135171346,3.72842914906823,3.63339604686656,3.84498902118172,3.53971467474548,4.43060071211895,4.08252424469447,4.32166357903532,3.78571247827993,3.58067319819102,3.64544105407322,4.3874739333298,3.96390355912268 +Ywhaz,3.66799475389489,3.50143423242139,3.48685888041896,3.49775360753374,3.87886999921292,3.83220350241264,3.39669929671102,3.59127756536998,3.69110010322766,3.68401803751652,3.65421950538006,3.60611587273153,4.52233875104062,4.27037277534486,4.51548931802885,4.28278218111944,4.30032813072618,4.23566316769404,4.01166149718073,4.42873819881641,4.39599595378529,4.28269859225864,4.14283601982523,4.15247587641098 +Rrm2b,3.31476591255056,3.32108055925284,3.76243466110676,3.42497519199391,2.87116628137992,3.06172156708131,2.97174103443798,3.4987125471435,3.5728171830573,3.46713060316255,2.94878764055914,3.14509969443482,3.45081471822951,3.44508311914424,3.76689846986346,3.60638179375324,2.98264844709342,3.30214683446953,2.7901086100208,3.79264742244441,3.584564272003,3.60785156460678,2.90388293379605,3.09870159195965 +Atp6v1c1,5.60348238260101,5.44654735392655,5.53256232042017,5.38577945645208,5.16104266370835,5.23518042969872,5.33984810987536,5.41256035475605,5.41813087969561,5.57491439731596,5.38407669388248,5.48618816437151,6.13966986146182,6.04451150246562,6.11685947456945,6.06552058725093,5.87365392656131,5.94829846839753,5.7132627928627,6.29356975208128,6.20026097697058,6.17070088056891,5.92578570606665,5.99365127503312 +Fzd6,2.37715035530441,2.76329614910636,2.77579512332782,2.5936274204993,2.65701985278774,2.55289027528608,2.46927061974804,3.00320984246367,2.43543228027877,2.72870422304598,2.73979137219137,2.452071998138,2.07984287347155,2.60906368804886,2.93932459063659,2.41724519927786,2.05453591857376,2.27580438331005,2.01636576192898,2.82234790650919,2.40429461234689,2.36402214957737,1.91555458817379,2.0700220789235 +Slc25a32,3.48497441097089,3.26166359402232,3.45581653154023,3.75973262140884,2.8773869497747,2.87728050227489,3.03294681106846,3.01917985732659,3.56133670191266,3.42173095098038,3.05587097859074,3.37864563000375,3.31212396611795,3.18258713128993,3.28582883088011,3.47919959947547,2.86567038768231,3.04361107767213,2.82028235040144,2.98532445541472,3.37532217784197,3.33028476603477,2.78271785602661,3.25695993366607 +Dcaf13,5.02397584365622,4.35049598422748,4.73400245795793,4.76434517934426,4.23830925409003,4.44354948365657,4.70669922599866,4.47623656272808,4.65494298976627,4.62865711428822,4.25169292626159,4.38055439139722,4.41024803959658,4.37063202737229,4.34953159332191,4.2490609408653,4.04245469772711,4.25134438986696,4.18848501940446,4.19528839347482,4.72293830819306,4.38645645296157,4.10604966034404,4.24487376195868 +Lrp12,3.3153148378132,3.07491013929987,3.05676682318966,3.06979277388989,3.00629369124503,3.13466235171952,3.00762958882661,3.18151914788802,3.08925583833529,3.0394209692986,3.00181844382368,3.04836205657798,3.66139782349264,3.44389577638125,3.91523321121449,3.58399949186145,3.82166985268396,3.79053114235119,3.44745283199343,3.83557269599364,3.61888269521511,3.59849301395442,3.78136449337866,3.60283195748847 +Oxr1,3.81668210268236,3.89414556890734,4.24798903309412,4.0317709287547,3.68813766892024,3.64731656453057,3.47386211303404,4.05785304369956,4.1086721717165,4.01717565278966,3.68194018355599,3.89341811406857,4.55876988447962,4.65874653835071,4.8667182142416,4.87179852588663,4.13207163590799,4.40634046036446,4.03127605027118,4.83991525971008,4.99447106197923,4.89887253648966,4.13502631757293,4.34983893772478 +Eif3h,6.40963050618952,5.98845436450979,6.85950082328521,6.38441190682065,6.0031532800279,6.14054209424448,5.91721514299563,6.50179657072224,6.50436139628274,6.42047244626712,6.05070064793381,6.09014728460579,5.99880225426416,5.76960816445281,6.13868274482766,5.72387225265377,5.4694877821034,5.95808890150977,5.3317981573343,6.1066584288892,6.06686607711938,5.89153087509924,5.54058203224863,5.6424443333329 +Utp23,1.67766414242827,1.19545028110078,1.62443159688586,1.09341967955873,0.789464708143869,1.42863773028509,1.13607532386697,1.38473191699437,1.39655979692916,1.0606277644183,0.941925718185889,1.47080715683925,1.48991707908669,1.32466709796533,1.19386137736479,1.56881601603791,1.27747897023009,1.47115732756299,1.26973142053349,1.65178690915429,1.39793318151043,1.14499439652677,1.39076596032011,1.03519043033441 +Rad21,5.81504667019359,5.85452639511872,6.0890877338597,5.76962754821866,5.86241630630634,5.92136739122165,5.52497529974131,6.31404828034558,6.0085741703745,5.9101240262798,5.78629118763774,5.70410533545984,5.38657825080162,5.5875265616636,5.62778064413543,5.74027618443081,5.55718364036052,5.60069895926618,5.47695126781731,5.64535697661764,5.56951765367401,5.78348213616488,5.61931218138016,5.60308535332245 +Slc30a8,8.79950540692102,8.89768972059139,8.86986979411445,8.682802475625,8.71374267627184,8.88960478172461,8.82842383490536,8.87771295408093,9.0329345161696,8.80508778087211,8.76226464837789,8.82443662105373,9.36864869063985,9.54553105491784,9.75565803623536,9.41626697531218,9.01143800309212,9.11953386201829,9.16608289508988,9.59154923809492,9.68085679954717,9.54519565933084,9.06346528262636,9.15721713814717 +Hrsp12,2.37015986548569,1.99352529492949,2.7054894342103,2.27624485945203,1.76811811323438,1.94889926711991,1.9090420501696,2.02073274548548,2.22466153413296,2.20753085308648,1.98120739638465,2.21206597123803,2.15706264926585,1.89296587263566,1.9729549545585,2.06972887871197,1.86665092106223,1.80748047350966,1.44424203413708,2.05212696497298,1.88970252783082,2.19070198111784,1.62314460264088,1.78358412322809 +Matn2,-0.499636939599902,-0.260698409428135,-0.712086004258177,-0.281977638565005,0.523689293927112,-0.309622287752231,0.412201896768898,-0.858990863040832,-0.568531802337614,-0.258446929123243,-0.0037697155541529,0.351629699717077,3.83293657155245,3.72278107451918,3.68883381638832,3.71228400354231,3.64566994231381,3.62917652012005,4.00207875217635,3.89872515510072,3.58954013666416,3.49910911863796,3.57286313075063,3.76518276933192 +Pop1,1.38301588376125,0.735724759473907,1.07473511794707,1.14026772278157,1.1970026606964,0.710637072843656,1.06668712819556,1.17133487470964,0.915233388345718,0.994943195760308,0.945726160201012,1.03180140671529,1.05109771964603,0.608917999033503,0.160794963124413,0.891881602530752,0.815910089047333,0.842058670338736,0.758849598969641,0.494387595810907,0.433200922671858,0.394126457811798,0.831335621157347,1.10849031119158 +Stk3,2.8457670384766,2.93663406051162,3.21493998564616,2.76361727685622,2.71666281624106,2.66791317846491,2.68892245983898,2.84343432707257,3.09003552736241,2.78438734044235,2.79684834922045,2.5713421976353,2.22187891456676,2.4842034122461,2.33122080611726,2.42928422713819,1.86990552057187,2.34993599534456,1.80233072419679,2.56510557136339,2.23881066650213,2.4223776825719,1.89256455483817,2.21064713392823 +Khdrbs3,5.97375141582802,5.80948310029862,6.1017769808509,5.80277492945098,5.67598029096994,5.82050101762527,5.75021052024398,6.03932629416385,6.00126955702537,5.99515864514437,5.79594625667558,5.90459630345822,5.50402073871995,5.38547034503378,5.50156222925751,5.51274621515449,5.17568534094344,5.31307172422561,5.17164615731949,5.46753175711478,5.44535106582937,5.43899715179526,5.22435022414443,5.24039384827444 +Zfat,1.18676663552368,1.07036618285229,1.04196504470393,1.00764311626831,0.862987708427007,1.40646780865431,1.22872785721641,1.07572129830615,0.792295310578749,1.0643780650992,1.05451599975511,1.09057424391275,0.669493317673046,0.958318781677161,0.647844481962297,0.659795364081356,0.608718523856505,0.838520275601605,0.924366242048482,0.755672706834126,0.64320200513773,0.486782008854068,0.915323156695618,0.925390996825397 +Eif3e,6.09113372160549,5.86700170841403,6.72529331564679,6.36810712916369,5.57739106934516,5.69550395844205,5.7168939130855,6.1143306364125,6.36341189704286,6.39219207123886,5.64753414936659,5.81108858125726,5.94974251776637,5.69150283462243,6.20678498841912,5.81517543360707,5.2715275089831,5.82010933232326,5.4100464143194,6.13018832020848,5.90712418431852,5.77285035614271,5.25920521534964,5.52386188590695 +Emc2,4.31251844048839,4.0429798265068,4.39297212141452,4.41742611600949,3.90528804865048,3.87309799449991,3.96326873296079,4.03346387716251,4.25202896399682,4.44006328104948,4.07154189887174,3.97630338489121,4.5381741759643,4.42470902305231,4.57087432867278,4.59216847410548,4.46887973924719,4.57198246091195,4.30072929718459,4.59636775559948,4.64510272468338,4.63632786824028,4.59091444260849,4.52104085057587 +Eny2,3.87305684094305,3.70903451401417,4.26078929870932,4.01452174768259,3.4362818628858,3.70265216971664,3.55861074733992,3.84819684457943,3.98438809964458,3.99852531605005,3.3622026700538,3.51530982658533,4.02788972071398,3.43167761851888,3.85686428305184,3.8726430595478,3.3705897292302,3.51941021093055,3.44228877557206,3.33687793990875,3.8291669001876,3.84901817597265,3.40851299364304,3.48510714492663 +Ebag9,3.34396496880802,3.25767322670526,3.26168047473931,3.20448992831678,3.12167471928919,3.1214818886671,3.03510779408036,2.79605398242174,3.1689139245824,2.70925221633973,3.24232477839638,3.14525604760627,4.05252609438845,3.62427378430443,3.80903490214647,3.5697719295797,3.67506514018997,3.62607751027755,3.25604142908912,3.61729239959465,3.73603692088258,3.83264666400658,3.53384875059757,3.73692352252515 +Sybu,2.29352181766201,2.14394467377803,2.51086320282841,2.08762620732744,1.86768943553668,2.11798276507832,2.27340609791423,2.07418946046988,2.28665084156553,1.97783401264873,2.07070448946144,2.10676008413472,1.12760150302413,1.1805868230165,1.5189643712259,1.52304215129299,1.72855102036493,1.51981455874999,1.63485132203183,0.839949874245978,1.34874394649691,1.33966671782754,1.58889238699149,1.5228110878772 +Myc,0.241268069141165,1.11275219453316,0.398341244478117,0.696669019284734,0.796475418537184,0.747356250596358,0.400836897333822,1.18107283851797,0.968404290325295,0.404219880828629,1.52707002594443,0.688046296989238,-1.88683832440801,0.684234321258677,-0.423546381092375,0.552606874997372,0.0278627429903764,-0.516031205980189,0.573791395098417,-0.74648017893554,0.214392535209157,0.424008324533898,-0.190696210957997,0.46752611651226 +E430025E21Rik,3.85674961348237,4.10974427403323,4.35651445695244,4.0049248324244,3.7467484585542,3.84713187624063,3.78149582482984,4.21555520037178,4.1040653314625,4.17710898767758,3.66701497366018,3.72282219581277,4.62611591690453,4.85521481342199,4.66593363521376,4.70923542647007,4.67393650040549,4.63023293676371,4.76265143256118,4.82650421627055,4.51023718039653,4.63753999069712,4.74609139501993,4.86676809740177 +Sqle,3.39478237914536,2.94819337676663,2.72730133519531,2.53084767270201,2.87989678489203,3.07307454777765,2.90819321045103,2.99021716300823,2.84352578669688,2.39165504319273,2.83871484673306,2.81710870719127,5.13387638717797,4.59928145473238,4.55321999895117,4.74656423408585,4.82848471561672,5.02896619760093,4.8469386690195,4.74492283450469,4.6486150802348,4.62227744210732,4.7596089913776,4.81761028243694 +Mtss1,4.06250929331097,4.10606259476828,4.16659745198021,3.81267691024638,4.16482075613322,4.21461089167505,4.09638125355622,4.32625844128609,3.87523201548772,3.89537723816939,4.13631500290333,4.07180337419472,4.09000827486886,4.55022142319986,4.14120837018962,4.16932481820371,4.41709875084464,4.18932118702064,4.43979242509169,4.37170917905796,4.21611784949607,4.25793978557599,4.51182564721464,4.44500145566396 +Ndufb9,6.44459271678311,5.67693310949146,6.29721776744574,6.15566755550157,5.66944297582474,5.67175887624142,5.82352094273198,5.93895367834749,6.14689517806324,6.08585552965733,5.80081324009267,5.87123249000479,7.12932966065046,6.62768397362087,7.11295786451178,6.86264147270415,6.45326841545127,6.97962316637121,6.48970068841847,7.0476480314609,7.06797801180794,6.94879777994796,6.46544043327276,6.53129416755935 +Klhl38,-0.821918190282803,0.753622711877352,0.732059789993198,0.427123600966435,-0.38173971388794,-0.451682907669773,-1.48219953620742,1.08340909437631,0.537331001666732,0.510807069817397,-0.0653457199167775,0.314080098435559,-2.20386366751544,-1.61794243096433,-2.18140627702921,-1.20004520457355,-2.34468157489297,-2.0642701599249,-2.32536128429763,-1.64522443943314,-1.66868750655695,-1.70351619253565,-2.66330460119338,-2.20456875930262 +Fbxo32,0.345227640726306,2.25919723728994,1.94973777890236,1.76929194050712,1.22044263930542,0.681706505545146,0.915090255853275,2.28779766689234,1.86390378284336,2.07397339452676,1.58922232046003,1.84164502174099,2.12424116994907,3.21207110851248,2.96084537682419,3.06634147304822,2.3738296928721,2.10515778966514,2.30056369939881,3.22084491216982,2.92782983944526,3.34210413692839,2.61844202226191,2.78046741131534 +Wdyhv1,3.05855055575549,2.9680390142459,3.20621028100981,3.01848690598485,2.69527286228938,2.51493177619943,2.67433238325303,3.099689736543,3.14854404320539,2.75621909315281,2.9572494639111,2.96079495354734,3.73915852280153,3.35472486237476,3.59933260889737,3.5485326914672,3.44099727700119,3.43033191417343,3.4387993909381,3.86433959980816,3.87569693282538,3.67987194023597,3.47387510099945,3.34065020513607 +Atad2,0.582790351893316,1.12045870612972,0.921519050548779,0.953559452390393,1.19865912563606,1.18330212309817,0.98659519661484,1.13649733377244,0.899070807044595,0.845070038266311,0.876499008355168,1.04964589866084,1.5846145092614,1.5126783338961,1.41297926782205,1.32686351870453,1.61135959850212,1.50971170865698,1.5572514353031,1.43071866220791,1.40807557015361,1.41435225939966,1.76180513660859,2.11972014058191 +Zhx1,4.0588170814599,4.09962648622089,4.31704272924507,4.06917802389391,3.7456130341168,3.9012746242485,3.7445537941416,4.21639417057568,4.15246437547161,4.05773280838856,3.79498056795788,3.92227438550047,4.55304166044773,4.43872032941991,4.65056845222696,4.48102470020466,4.29279614993959,4.45389852693499,4.16157318951448,4.7385819962276,4.56031862290021,4.54243986681878,4.26201571212265,4.31964939587358 +9130401M01Rik,3.98786738770491,3.98322258836932,4.23530591672783,4.00624401515448,3.70535407201783,3.80995271019004,3.73565315314115,4.06392066796411,4.06826702734124,4.00900883737521,3.73302714696734,3.84282631745524,4.44134180303637,4.32717260092337,4.5465827731556,4.36911554878463,4.18740809114005,4.37273973824312,4.1072481920646,4.61619431610363,4.45127203551623,4.40715547095846,4.18247229199329,4.21137687168504 +Wdr67,0.145998744919947,0.330720758834235,-0.466509488604042,0.195953066192922,0.579804762311787,0.650803213547432,0.611480524351381,0.261152505664985,-0.217175352676948,-0.0730024773341222,0.688566376973676,0.268871307250452,0.60758138727717,0.964650212613686,0.397709196310367,0.935760994516106,1.31490063291726,0.811553968096081,0.840996506588024,0.89190181808598,0.659255245350684,0.980316944726618,1.08548898417286,0.856829897687162 +Derl1,4.80925738330599,4.41763215660004,4.74334713746014,4.57828217904435,4.39286939637221,4.50316378109866,4.42161764141177,4.5810445434421,4.594479144205,4.72770846492614,4.3618526351432,4.49557965362063,6.32964220258234,5.8152930489804,6.22267705779957,5.82944852259647,5.8440904766537,6.27173947452607,5.85044018002902,6.31707391856531,6.0699256795776,5.77207232956639,5.92865205063901,6.01478460895404 +Mtbp,-0.390361414502356,0.543776290323056,-0.1303253877783,-0.214357830020008,-0.218841641387941,-0.693208554366356,-0.0558446268311816,-0.375592815912328,0.0577798398291152,0.0470335362695811,-0.0954197903356526,-0.161218254619185,-0.923784566835481,-0.154395650040467,-0.583841743876041,-0.756240726075272,-0.524056125893852,-0.788752968500262,-0.0542059786875266,-0.526930140310087,-0.24595894833953,-0.553863432015326,-0.46804797932071,-0.0898983160075493 +Mrpl13,1.85215398664567,1.4258101081675,1.61505110088413,1.46986261667852,1.11646557054761,1.33273968506562,1.36697926179762,1.61105167402709,1.5846213614076,1.23741647263028,1.38122233823617,1.39296893669806,1.60696367781553,1.36116831097011,1.54942719008028,1.33373936594383,0.996875764166307,1.53540287476031,1.19717738117158,1.73353666023313,1.56383430432855,1.41009414529745,1.2347119796785,1.29027147590194 +Col14a1,-2.14939532016664,-2.95445462157608,-3.11349179953548,-3.18278613716403,-0.779480622970179,-2.17492152697854,-1.71699941324475,-2.43593369328958,-3.37758796537736,-1.88775565176816,-2.72283459199594,-1.33730905176812,-3.25485548685906,-3.61140818013059,-4.59105017455134,-5.17144257843187,-3.60554312533983,-3.26895029920746,-2.82870895204078,-2.71046437577525,-4.58011956450701,-4.18222244966964,-2.97792375106349,-4.53479077640196 +Lrrc6,-1.16644324193869,-0.726147442199006,-1.03710539464244,-1.28563570882231,-0.511964076761297,-0.723690534006045,-0.944143181088702,-1.67303167845245,-0.754910629507481,-0.871177091936656,-0.858882697245911,-1.06578301244103,0.674877847008448,0.498327287594297,0.814134603992551,0.795953262180202,0.359967229390295,-0.0546273992916997,1.03505086668825,0.381888290065549,0.120151747682123,0.603307945505041,0.191963076985469,0.36148371189752 +Adcy8,-2.62926870237348,-2.39896219150418,-2.69302688328727,-3.10920959820655,-1.38641653807831,-1.2951607054837,-1.98307194343546,-2.12143986598343,-3.34774600832924,-2.78277449473595,-1.31674163419441,-2.53109291265623,-2.63649508881655,-4.17842537224337,-4.75097766218365,-3.57678087937813,-3.18507820909162,-3.34871886222025,-4.08940669451123,-4.75097766218366,-3.41762075697465,-4.17319278513789,-3.14576835027252,-4.11432586015375 +Asap1,1.38312513164218,1.49325005628217,1.64277280075455,1.56505474083237,2.17557583109025,2.0954569370983,1.74851385086373,1.72723596200888,1.37312722971203,1.77354009142952,1.9473602657429,1.65277285981954,0.122908760364067,0.973828845188315,0.266265235011997,0.818386413712279,1.49618451960372,0.787821984464901,1.10922585692845,0.311931951092998,0.435901174215406,0.59187170993042,1.25080177324279,0.912958569539378 +Fam49b,3.40257003158389,3.02414087988609,3.50249550806006,3.43104562148693,3.20203639746568,3.21389721691748,3.09855244271847,3.4889903570443,3.44399537991186,3.29215399568181,3.03443446604732,3.27478475864384,3.36780942616835,3.24725752414603,3.4480859359504,3.39795106320515,3.11132147814628,3.29056355826689,2.91491952373561,3.40393093927338,3.36734428097584,3.26309056447804,2.83286984952958,3.20637417776923 +Trmu,1.60627560875021,2.08689912051416,0.851904557761454,1.92897926340486,2.18822918956287,2.05345843401031,2.09652823823644,0.869794706102062,1.56011104795733,1.981003502591,2.31084443480335,1.97202309585978,0.794228218620507,1.40554298171654,0.492700783648384,1.51041342761246,1.60844835317636,0.945929223907455,1.50639621715629,0.169441226002602,1.17437508225355,1.36823086080109,1.37812557998375,1.57659058488597 +Brd1,3.54433088024284,3.78207455258107,3.50909317878461,3.83617614454561,3.94919221828672,3.97626649016547,4.02082811416838,3.47242945483154,3.672274954999,3.64825700034447,3.99290478757452,3.79374302885143,3.25206614879004,3.80524141274123,3.36174399199946,3.79931273252496,3.94172117498184,3.49163901360893,3.8683074972063,3.28313360928706,3.55471491792548,3.67579349083955,3.92953374150114,3.80238659190424 +Tef,2.35769974769181,2.78384962001367,3.51452047186427,4.53566962077577,3.97855119541113,3.08753748896431,2.68096759155288,2.39313268097059,3.46522521733178,4.5078551629324,3.94109436224958,3.25925127946096,2.4996579811338,3.34677617255611,4.55929588131287,4.99105296073916,3.96653402235486,3.34697921210238,2.85535563772183,2.98413408999762,4.3518881270233,5.02953504400447,3.92457838127859,3.30040927010643 +Zc3h7b,4.79920077586301,4.82631164186642,4.9077938124706,4.75426699378372,5.03396227941879,5.06471095335187,4.88826575936488,5.01927180984918,4.87549319643265,4.85256223540551,5.01826496705646,4.82163874405999,4.4857023960215,4.61964584191577,4.76512752545798,4.63724714896976,4.80659377987931,4.66676169441417,4.78292833986701,4.54706948085915,4.56453208754501,4.87819433961108,4.75041342688069,4.59923399907699 +Rangap1,5.27464119408544,4.50121193039367,4.37417247600323,4.76154611097892,4.97646449463275,5.00008425226374,4.99471044772437,4.66762499806301,4.71857986769764,4.68129641916281,5.11814855337278,4.92906393677253,5.66928349934945,5.27562092901426,5.26488886921584,5.35474732517173,5.83979600986258,5.83511566792379,5.74944529601915,5.26151960393104,5.36039870000518,5.30464593069033,5.90838467724748,5.76253199567174 +L3mbtl2,1.86507374447227,1.48267839090081,1.75581277247519,1.71997747242639,1.60739063284499,1.76876534015229,1.80760366067419,1.49084729176518,1.77380841344558,1.43096966614032,1.63349770025322,1.72287912500953,1.74672984142998,1.79430607804438,1.94667162897408,2.23431209186278,2.0978188737819,1.89328393847881,2.06798712113601,2.04501860089191,1.92087552051808,2.21425345221048,2.13273437349717,1.94639776891008 +Rbx1,5.19866456929835,4.77988673609606,5.01890088193311,4.99018090304355,4.66549706712054,4.71193014393861,4.83899907591025,5.02754898974103,4.82560682413984,4.88059913061458,4.72448939887038,4.95342713845412,5.07593462085149,4.79620020277826,5.1001747297269,4.88735416780439,4.69697803511308,4.83059414842205,4.66064794120515,5.1382463439503,5.0930814103689,4.86748348050274,4.71667288047463,4.76480212364474 +Xpnpep3,1.94596317360836,1.66727208521029,1.73319469229596,1.91127303292393,1.80937768527016,1.83061590102658,1.65634459106369,1.85822981306914,1.76161167806154,1.78724425720033,1.93337943053934,2.04362415806418,1.33667759540686,1.4498855164992,1.23599359415687,1.32759474212221,1.60548658185037,1.39490162766152,1.56878717455865,1.06855419404225,1.34960838401658,1.35875493445486,1.61665212002592,1.43543980135528 +St13,5.93974973496781,5.62669296820747,5.80609974863075,5.75896407861668,5.58052781546534,5.59161087612465,5.53140002685147,5.93238597569514,5.66080071641978,5.76945438443573,5.8068105082928,5.84974855109994,6.22305717497107,6.00999040895765,6.17461856166142,6.03478438582112,5.97522220352368,6.19052740454062,5.77046899062605,6.59915034174315,6.03484090435137,5.99611871068784,6.05173475181837,6.07223192612126 +Slc25a17,5.13702008293477,4.93179752834204,5.37447969617491,5.15836950109361,4.46958275591558,4.6820113234269,4.81125104164306,5.11664212449904,5.2996040752467,5.14893842395113,4.57606011977179,4.84992600312115,4.85876088604551,4.68731470076869,5.14501409779274,5.04981780046186,4.31575519645523,4.78714303382235,4.51961913809655,4.92107013404641,5.02878914482784,5.11338626196128,4.23519087784806,4.47239310183333 +Adsl,2.4687327261583,2.53153831451889,2.44251786439239,2.61325232731472,2.53575249287755,2.45586201222098,2.67674820666395,2.32205418146632,2.54455651784446,2.87449775144689,2.756387437008,2.47383898665367,2.58799371675403,2.35720671937972,2.25276612399836,2.58741213681241,2.47329935746288,2.71776657623277,2.57765478906634,2.54820924390368,2.5764371584013,2.62294743108172,2.68850301628533,2.58169557959366 +Fam83f,-0.0503993709450912,0.182204227293212,-0.114489869004475,-0.118169067045272,-0.392782495200249,0.100067814029525,-0.380830024402862,0.189364105240298,-0.116895537523462,0.267054298261367,-0.50635497055883,0.259330241841143,-2.86326895838847,-2.3805566002468,-2.62689953005894,-2.76639421574255,-2.37469154545604,-2.87334195634947,-2.20627524273203,-3.29605410753616,-2.60723409333908,-2.95137086978585,-2.11155387949408,-1.8267902506552 +Smcr7l,3.17415717292767,3.17351364368423,3.21068972759798,3.20786281253038,3.08374205768187,3.04100004742322,2.98581516880592,2.93326563879793,3.06247520188733,3.20286488341646,2.99257354424596,3.15654863165681,3.56423381805735,3.06473348733713,3.50345937599303,3.39163013619864,3.55134899973501,3.45432230547191,3.40585705351918,3.14043118481959,3.57108859307359,3.24491354318012,3.57148214480577,3.38919933165045 +Tab1,3.3256592411598,3.47909882230762,3.5254471567386,3.18217889027539,3.13299800839669,3.37326384632842,3.43856021964062,3.2515177587868,3.19939564625776,3.12177820853715,3.28933604111281,3.30359718702275,2.82137715559981,3.29306572939494,2.78093360178048,3.05046450080597,2.94749407195609,2.59222300261552,3.19891376954146,2.50480587033873,2.93257639964549,2.92372423329495,3.05973182529221,3.06231362744315 +Syngr1,3.20139152083929,3.40863987061258,3.60699903779894,3.15620059802541,3.10812031162355,3.0380801790444,3.13090168180997,3.65556102299275,3.44086493207333,3.17627662281186,3.01604551835235,3.07157052734617,3.97260130646357,3.91501210132437,4.17321020297496,3.97093167423857,3.70868497857203,3.83965592031769,4.03411817839999,3.80182570371093,4.03595928543025,4.10143143132687,3.71847243014943,3.74408586122718 +Cacna1i,-2.14283282135563,-1.78706237341758,-1.63716408348255,-2.62597342139922,-0.555615394845476,-0.622752945615586,-1.30510750254107,-1.31717642053285,-2.66492065213971,-2.37960417659625,-0.614356681691779,-0.743545948611498,-3.37481305052803,-2.88806643445759,-3.67359425486794,-2.67930404746731,-2.60111308991416,-3.23521954293748,-2.89393376156749,-3.53254983387623,-3.64901918098897,-3.87136076927798,-1.88035913357995,-2.83508916308768 +Deptor,3.18841281834562,3.44934759961857,3.28727889884717,3.1555386614174,4.02685406463798,3.99230403886964,3.47837320455504,3.94720090628843,3.27026214089934,3.18490860306061,3.78536521512348,3.5344964719325,3.53493801832254,3.70369031178836,3.66702143284664,3.70131510627556,4.24475065118544,3.88094019165911,3.89904975329709,3.7880800061323,3.49521680583078,3.63132744059251,4.0666791574851,3.67943477224193 +Dnalc4,2.81811198723727,2.88100962859745,3.03493704857808,2.79188579330342,2.61252553737308,2.76570455917806,2.79754336251211,2.97981845492125,2.88119700955299,3.05644693952035,2.38887017142509,2.76060285120611,3.07692554163263,3.4516224711646,3.08496136083856,3.4253256817898,2.89940724250185,3.24973899062946,3.30818579194003,3.45903341358277,3.47532977769673,3.26714222369956,3.03449191715034,3.09174611685603 +Nptxr,4.93868274368202,4.93561633778865,4.93447768690469,4.80124172494397,4.97194548826942,4.9252345971949,4.85829485932796,5.18309238781916,4.93700483585834,4.74327540478504,4.93079599623073,4.81542287201895,4.76430536838522,4.94902374716691,4.78483152943597,4.73454458026231,4.94948626775163,4.81908966474506,4.99738658470528,4.79003707680845,4.63835120667886,4.81106563643804,4.91436133361584,4.87133735001307 +Enpp2,5.16242754836953,5.06114546589004,5.43968535133691,5.59167731298843,5.12372156451587,5.06123167959623,4.87813174648407,5.04723529562356,5.10388552998968,5.48465439368807,5.38300574072489,5.33132237980874,6.04078701278564,5.64959832245345,5.90748351511652,6.28092584768856,5.93462873505843,6.18933651554946,5.5262916463061,5.95143039556916,5.61376352955662,5.77571110266473,6.08635796631115,6.12717143137265 +Josd1,3.73019863982906,3.61414701848811,3.47551991729905,3.7836358718591,3.68123726846958,3.56164321308734,3.59976098594864,3.75466987573502,3.72145039173112,3.73409664106152,3.60893888980848,3.56445993828452,3.77047903352298,3.39666957348154,3.6033801958573,3.72717041899464,3.69566136374359,3.90744589793026,3.69679107321005,3.55035064940034,3.76179852012071,3.40482475666616,3.73545831812611,3.74585048163882 +Tomm22,5.23028602986133,4.85233461426074,5.34519304889315,5.12421378183547,4.54005625550069,4.60947039048463,4.82814656474644,5.32809336314782,5.25861782833751,5.17649447981756,4.74617480451635,4.9818027414591,4.89600774235666,4.65629042511991,5.01734996521386,4.82827484677278,4.33220922573933,5.04117187585258,4.58977142948956,5.00368468204733,4.83840706977847,4.85494186283909,4.59099393950252,4.62719573759884 +Cby1,4.1003289322038,3.48548340029437,4.13732441518915,3.89246070942009,3.77383332212706,3.58098465392297,3.82557477040806,3.81947533755141,3.75230664948821,3.80938533886428,3.73943518140117,3.67126601197472,3.70178299746722,4.0758305216318,3.89741314569444,3.86767179243595,3.57738615877811,3.51267588832804,3.63419693026878,3.94075001194329,3.87885538486283,3.93879759347136,3.4948567287283,3.64637924006663 +Csnk1e,1.79616716857631,2.19116975784669,1.59475955179107,2.29169866654138,2.30652522737669,2.11588963349443,2.26817548694134,1.49300697109152,2.05635246519801,2.0210443167747,2.31887463691699,2.13714955973927,0.657329190907357,1.31379029913957,0.861973698752446,1.13881326001059,1.09467242124813,0.743977826386372,1.00441551255636,0.746295082643445,1.12229810916473,1.18374699778551,1.2535161095835,0.919815561115669 +Fam118a,4.34406177613312,4.05504520865333,3.94962956212032,4.17179476530411,4.27520984802843,4.23354105171375,4.41027948808696,3.98306440478293,4.1760788545123,4.00459167673129,4.35140174405678,4.38053282634326,3.7179684607921,3.21480963891478,3.30631562655168,3.20355569038524,3.70232667535269,3.39984223738978,3.72846960862449,2.97780122900234,3.63286584493744,3.20133283868936,3.54128984135389,3.54413347324667 +Upk3a,5.24220113085894,4.90072915979202,5.06943229181612,4.72882988169898,4.61807039286369,5.09661187196174,5.18010099956002,5.47547426367777,5.32091967303627,4.4168140651352,4.98707266558525,5.1133334910654,-0.218284183261616,0.161963716340292,-0.0585740780444087,-0.693917343231747,-0.52822597354676,0.0611367217997262,-0.772446480177504,0.0947290611049513,-0.685811815056205,-0.20212081101121,-0.484004436065532,0.429941936183193 +Sh3bp1,-1.59718943792447,-1.07877121065036,-1.56918114919651,-1.66284335986549,-0.832449865886137,-1.54631043924774,-0.983070516555854,-1.52938293457252,-1.54446103958082,-2.57462832325337,-1.60015990770376,-1.07541557466419,0.274680864426075,0.278905370452839,1.02866494024168,0.297469859187664,0.287458497025791,0.106757915866754,0.282180397511023,0.266346016712326,0.645567178553568,0.41349956111954,-0.192136994115838,0.409255396434749 +Samm50,4.68666331312027,4.53915905308768,4.86438232650923,4.66804566547334,4.45731261161835,4.55753061083285,4.59747355535534,4.6229333025379,4.72121971116317,4.47586929151307,4.51306396362174,4.50277007947473,5.05192923902495,4.75660112455072,5.08701574226878,4.89674009521937,4.90649099840179,5.04397712049326,4.97186353129821,5.10077138087321,5.12940530312453,4.8886156234536,4.97887159690189,4.94019472125998 +C1qtnf6,1.17223411980611,1.33347608431881,1.57826027930549,1.72714781717793,1.50135497438507,1.52023565911951,1.04621201132987,1.48237431781959,1.20990535847997,2.06053463645007,1.67251514559822,1.18077481721846,0.214452340337923,0.468253027077633,0.820658697721607,1.21465434842426,1.34656837716349,0.542612017220639,1.36692290770634,0.289006975672059,0.250029812974703,1.37575065175166,1.35784752527673,1.13306600478707 +Ttll1,2.05188759808198,1.87039652700095,2.34924859251795,2.14478101676501,1.43433733187151,1.89705866903868,1.97898461954091,1.65502193187496,2.25815736617045,2.20141108846834,1.75164059037591,1.68169386669908,2.2420814365173,2.09005748633172,2.19899521833344,2.42986901351012,1.92339990932809,2.06841428368733,2.07667222711697,2.3505031495542,2.10099472882454,2.15975182247933,1.82373756931553,2.17183512992311 +Myh9,4.78712352606729,4.69296995926876,4.49254502962759,4.57646276176771,4.98456838950473,4.94089935166265,4.85986613873143,4.78460431089985,4.5597520904716,4.51182240031829,5.01542719752466,4.8235435584763,3.79294329579425,4.1245358100973,3.90287242910339,4.16672082233017,4.40522479209678,4.02569916382817,4.48944248971424,3.68407727446489,3.78057115782217,4.08897293696911,4.49178901427759,4.29785306015842 +Ndufa6,7.3186928850071,6.72895453417291,7.52468314155319,7.3241645797187,6.83625410984392,6.98485228144097,6.90424628825577,7.28591418218868,7.39821887086191,7.3574383407695,7.02622565994485,7.08983276918813,7.0495499595416,6.61009424435931,6.94720432228127,6.62994844633112,6.44086761538504,6.9122574251396,6.18842663517433,7.10792532398964,7.04862709927112,6.88814076411546,6.48537602864296,6.56978013393672 +Twf1,4.11445030224102,3.86358306347688,4.01344788840343,3.96398487126522,3.76081076069179,3.81211304103182,3.66518827726525,3.77496809751055,3.89111941018257,3.89445945629348,3.87243728110798,3.75978398465212,4.34964084459971,4.24748653558501,4.32213108626584,4.37536925367564,4.03447373578487,4.16840567767849,3.94901430983093,4.36903504531981,4.38629346860983,4.32030976768202,3.97305745574759,4.03960296216244 +1500032L24Rik,4.22327237510538,3.28519299716742,3.97808513367769,3.8395509679769,3.65305393746256,3.70368005037048,3.71769782161567,3.97072479052422,3.86598428686548,3.77719790795209,3.65727563306418,3.70762189529227,4.37560906967223,3.86632474760253,4.08407207677162,3.80007790525244,3.67905450534983,4.19771076239123,3.92553622455045,4.35540811889012,4.15861332375026,3.82587388573593,3.86376371247534,3.89937965103905 +Naga,6.11082628080189,5.97249056908942,6.27026096257483,6.16596523678721,5.48549233341142,5.70300387029757,5.76111875081883,6.0924038452319,6.11290189105832,6.15611367764134,5.76059712217477,5.68801423332433,6.95465107362714,6.76589370723055,6.95521045827225,6.89002392484873,6.54676819493741,6.78176441919088,6.79919305135862,6.99076534903704,6.86000535592335,6.83974014327288,6.6525942407884,6.54152758555008 +Sept3,1.57303849634687,1.98830492574077,1.94016952543071,1.92266921943616,2.01573708738688,2.02847365747565,1.82079922377066,2.15448545307716,1.88500361830407,2.16550860270891,2.08606275896,1.78269414942953,1.36817359677083,1.17078528389761,1.254038293135,0.932488070286356,1.27410297973846,0.701171692502744,0.805166582416821,1.1518685111262,0.851430851560611,1.01807292205149,1.0826729569984,1.04173292236511 +Slc38a2,4.40557059037328,4.66403576918626,4.29331901606659,4.53153523160282,4.5337507864907,4.29522048521161,4.55090996531323,4.5867740927433,4.87853882407649,4.52845393644891,4.4250185028889,4.67859781858733,4.93576744525463,4.99679668383689,4.49724447043687,5.01297832074053,4.80956756266679,4.73628224149536,5.13196908543569,5.08724817941289,4.86670106855203,4.83243060465143,4.75939359222366,5.12535138494373 +Srebf2,4.21173211620179,4.06574546026776,3.81951249096346,3.50824061571053,4.24536565678664,4.48957764754102,4.28701098694188,4.19901089365659,4.00308486049454,3.67965934353909,4.15748353043163,4.24569012900815,4.23340533756484,4.41608539341677,4.24774557738296,4.11865840047118,4.86662718603687,4.7004475594828,4.97263765887289,4.36631459077638,3.94650630230216,4.08578480666093,4.9142706803957,4.76363852595868 +Slc38a4,6.38419916530642,6.41696783226545,6.11965233034986,6.47624360441477,6.23040272652278,6.35593553671797,6.26338996245722,6.43876905644011,6.39342904227791,6.34903411609052,6.55928709813454,6.59612393952847,6.5400711496389,6.51253048288994,6.67671393469283,6.75487023685133,6.28599205072264,6.58185378660784,6.15985131943501,6.7432433467633,6.69736296847882,6.73930150925461,6.34580233367721,6.52556172653833 +Rpap3,2.88952603434162,2.84706823166906,3.03005033208542,3.13377005417343,2.6627112945413,3.13075413196022,2.79669601463594,2.77999516209282,2.9644839234626,2.9120458115834,2.86111724735798,3.04219013834794,2.28259292610362,2.68259594187271,2.54674624162851,2.8207918378537,2.69134308498541,2.55754075195472,2.70011550154797,2.35894243956394,2.77564470582506,3.07746921989302,2.72095033675855,2.81961870579757 +Rapgef3,0.14931449442048,1.1346391103832,0.424835964921601,1.40339836073436,1.58102666040071,1.24396655872004,1.05985615760642,0.0937896099068909,0.169571678502767,1.2745560237178,1.55952454568478,1.34798372244335,-2.52577244198564,-1.82148498991758,-2.42084706842503,-1.8173608650138,-1.74327274591292,-2.0881206877419,-1.3852377445924,-2.15381476357719,-3.77630047547862,-2.04127253505988,-1.83462123658605,-2.28145544051535 +Xrcc6,2.46627217570123,2.4105021257807,2.54555765665587,2.66614650049635,2.54274041375916,2.34969991887914,2.60847282698357,2.28047191903844,2.56273914488406,2.75257631181351,2.62514729757414,2.54738980430354,2.19301517738157,2.4054026848471,2.31859817605927,2.70290264497809,2.69157097781887,2.37048795609707,2.64372497420022,1.92866198730839,2.61603093586895,2.6312212067229,2.7475558487804,2.39254427132287 +Desi1,3.05055712533837,3.06642484474813,3.06830763759594,2.92664865102275,3.47894729518205,3.24545573379866,3.00657656609915,3.47099808983639,3.00746068814477,2.99847160039968,3.46580609124203,3.08515996557988,3.43886090197746,3.46941347055432,3.59757197412024,3.49873257447837,3.95188926659506,3.6415647568962,3.69854215412477,3.42909694774071,3.49225504923742,3.50437394971932,3.87084039712148,3.36288468323522 +Pmm1,1.88088221965585,1.77722557209005,2.45078609910323,2.19818054705022,1.64809497842097,1.51925408096433,1.45791367222796,2.19118563891438,2.11657605735916,2.33306500048553,1.88594596603134,1.71192129938551,1.8209375432879,1.97417763650621,2.35168798574396,2.10387346738294,1.99537222466772,1.68640583213901,1.94976579703236,1.96347724013778,1.84241731020062,2.44799740687273,1.93675330741266,1.61557843811507 +Hdac7,2.16138470232177,2.44910332508275,2.00226653897367,2.23918666557425,2.76756152181112,2.86431975938986,2.828813564546,2.23749099547749,2.14876103881735,2.17347748735951,2.7211456070079,2.39655652744578,-0.0111779757537658,0.673730938736936,0.386742886548578,0.421961524420966,0.391309664995657,-0.381557836321474,1.01516794383449,0.195509408163283,0.511763876275994,0.7199833396302,0.81567282130919,0.69273925645845 +Polr3h,2.44929938604047,2.56155585853727,2.9919296012124,2.59743329702915,2.39520610738747,2.07288526229014,2.35667245290836,2.49234023068571,2.7231267246144,2.75838393446544,2.38408324948657,2.3715490496359,2.46832128571016,2.3050527198291,2.79484913099941,2.55219718944072,2.12590854151529,2.56759335559581,2.55753268693897,2.59702810946057,2.68492434821779,2.53517798291968,2.40451126495289,2.38683036342049 +Aco2,6.00310857579544,5.71508375216919,5.82354782385082,5.80048642037916,5.62942979044495,5.67128419004541,5.68533543136056,5.88686720039487,5.95760105543109,5.73753896670783,5.7157189905082,5.68902492751907,6.25127352596054,6.16851328991378,6.29459933158862,6.25061649567147,6.1972654323898,6.27403672560032,6.17960842947315,6.27394088102135,6.19740640560899,6.3616499808297,6.33494479848432,6.2206489351697 +Vdr,4.25977277129742,4.18059330467056,4.13282459233268,3.49965802221031,3.89849902281899,4.42868963915695,4.09268865227567,4.35779575186149,4.11861905826715,3.49451776955034,3.70512835585246,3.87918208083422,5.15662808545397,5.48164801081885,5.32504113298196,4.78236606800895,4.88729175263498,5.12189142992174,5.57975660799702,5.02448725408381,5.54787773314114,4.88607925807278,4.96173201738577,5.0688980641873 +Pde1b,-0.16169529643424,0.121115435617914,-0.330272159212127,-0.237614976400917,-0.114677863109804,0.116578136053973,0.0327158485361454,0.281583760571501,-0.537494596381213,-0.0568672413710467,-0.489844648534383,0.239486491905078,-2.50985127329595,-1.4953032160542,-2.34827289242404,-1.189636746382,-2.61929794945741,-2.52182187656022,-1.58134705013254,-1.9919488044623,-2.10313025558629,-2.13215034254165,-1.73056184915525,-1.63630771557887 +Ppp1r1a,2.81013015371665,3.50122644018091,2.17266339752152,2.2637879155598,3.04540976079923,2.37030030063577,2.92084771010568,2.33364771590031,2.48242345890487,2.08255305351987,2.12813880936657,3.0339926862182,8.05650224264315,8.05703223657388,7.98702409163148,7.73964318230234,7.71725278766423,7.93330211617921,8.06248251551416,8.06579531025488,8.03281695487168,7.92304964034381,7.78372087932775,7.97282962298187 +Txndc11,3.35726694508348,3.0286236549839,2.97277897721301,3.21544342844123,3.55071030240324,3.49420516605185,3.38217216133565,2.99072546132423,3.07978926999352,3.11112395266881,3.36524869422003,3.31235270825161,3.58535666560674,3.02395788174546,3.510918738818,3.22069736639904,3.69433342301174,3.69674859277174,3.67500717932346,2.84652449626167,3.41970468513255,3.08110433837154,3.76636549307675,3.64208328606451 +Litaf,-0.102996394978425,0.648377516316912,0.241688658952659,-0.112155979030266,-0.210844702246133,-0.347187126873948,0.0975601621731372,0.500692995815995,0.629088700994146,-0.0057913169574432,0.0084393359508325,0.276041813549066,0.31323225868513,0.583484248548722,0.252098733239721,0.296291637438518,-0.483008714300535,-0.182427343100211,-0.41468468338792,0.589168246543206,0.0533739718319048,-0.0422504966228874,-0.388722670057976,-0.718360168847313 +Nubp1,1.94235952545857,1.67847109881157,1.25743444135289,1.7247659618296,1.97834146328194,1.94057423895904,2.26301845018143,1.63139698534948,1.40947770901401,1.77553971640227,2.02474689949289,1.69042037782204,2.19638493129509,2.32608203235686,1.89243024425065,2.0493696314913,2.13412824246428,2.23289006847548,2.39880141940475,2.13724591429177,2.16826605631214,2.10140810760083,2.17282752446785,2.36243704739582 +Emp2,-0.790742869402892,0.373160508834685,-0.827020708592729,-1.18302292258172,-0.433437790533369,-0.447050040126373,-0.48590860872925,-0.222588134978507,-0.406456696116236,-2.58708596013238,-0.709583387359053,-0.617955217224235,-0.0020814032260048,0.212753150897794,-0.156709893082951,-1.15983235955566,-1.58272534358751,-0.163030161839349,-0.623714737181291,-0.028296309859857,0.0033827399397485,-0.209857976094112,-0.592599459502271,-1.10620555602279 +1810013L24Rik,4.36480396073639,4.27729429644113,4.51494285489022,4.40722318684323,4.19703313522859,4.28520432390348,4.33997376846859,4.28087360730398,4.35041786722147,4.29704144136529,4.0886110798104,4.24145484917985,4.45008967071507,4.27448258126168,4.45768032678825,4.2768285174389,4.18255369492716,4.28530232617572,4.18169016443166,4.30007833870413,4.47942598205239,4.24264852045193,4.03532326995958,4.0795049291047 +Bcl6,0.3173723497817,0.622385285440572,-0.173409313485167,0.626800736874668,0.435744775856443,0.934905880402247,0.933417235825767,0.930439697375502,0.999886608137725,-0.753752892850743,-0.199509028168853,0.927458025306675,-0.205284471221773,-0.931618921457024,-1.2115142815415,-0.468844719863058,-1.37722946148069,-0.732772274113301,-0.0359973111523768,-0.0322757129025764,-0.765589807595613,-1.73282033960714,-1.17041471079209,-0.87668113507518 +Il1rap,-0.149915996620471,0.169816997868113,0.433843931104355,-0.121640190365073,-0.274069880479141,-0.460269690436783,-0.503806771059716,0.303008888483487,0.042043992812915,0.0811505395367424,-0.402896925032586,-0.284069882169731,-0.0371010496581952,0.15113861225836,0.131521442505211,-0.237164010121297,-0.698426764551483,-0.0019493187251473,-0.536700937048384,0.325331558046778,0.441362084169955,-0.0257848253784321,-0.782481742235994,-0.293311040595134 +Anks3,3.50363468450057,3.6624809140594,2.73325454234754,3.69021102756465,3.91231878538258,3.77787817155053,3.90475492035154,2.97106676080728,3.07482480098886,3.53216306003691,3.82033978964312,3.79838836503095,2.7607811806252,3.46912079872243,2.17097018265627,3.33271553928054,3.71583697962321,2.97233293006918,3.88370763899609,2.03399112658533,3.19082883901084,3.29372035298718,3.95652799369205,3.86779830424221 +Nudt16l1,4.45571224665534,4.53908247883278,4.40755021314563,4.1805499501373,4.20545389981717,4.19590657616449,3.95159263683915,4.44176339868348,4.51449509063244,4.31081882769131,4.34689006659841,4.20910194542005,4.53991741113971,4.31577836816213,4.5997224572797,4.34850917756943,4.13503448931642,4.46736296412983,4.27849963334291,4.66224843375802,4.64569234226585,4.42029103524866,4.32261693159437,4.26842529713373 +Mgrn1,4.08934803851909,4.19113278296365,4.05431641124887,4.1782560867576,4.39586351174219,4.27586886938812,4.22398759803751,4.06796800554747,4.01156148054673,4.11482277320207,4.31855665282854,4.14487638812919,4.60090888811893,4.53925682479477,4.5762372767318,4.56400570482719,4.83615282311211,4.73303956475504,4.77355524819012,4.67326334028777,4.51230332168084,4.54179592052339,4.83843312909358,4.66662362630053 +Srl,-1.40886586160389,-1.04495644066944,-1.63730281570547,-1.28751478715388,-1.96685732906674,-1.17889000512086,-1.53483203779688,-0.910197542843552,-0.684112072978569,-1.2144548266391,-1.77466234256959,-0.909021391314581,-1.03556003854039,-1.0526122842465,-0.844181897012359,-1.1820737825565,-2.314565308582,-0.998609726001452,-1.77746661593452,-1.55203013418257,-0.648228537453918,-0.686668796949,-1.7614596591521,-1.57181016332561 +Crebbp,4.12322036794747,4.34629395057988,4.08078920552448,3.89727380210517,4.87425264127284,4.83816737447626,4.43940270084033,4.76778790346605,4.14746161727136,4.10149047859188,4.74827521975072,4.34577931271204,3.52636366096657,3.76164623697822,3.49634951363555,3.59832736278412,4.31916715159448,3.77298608728788,4.30839888978208,3.48670833266656,3.34921489155618,3.55424921995011,4.17420133096689,3.94330503337122 +Fgf12,4.73698697261788,4.47936406109375,4.66150843359973,4.5289188630948,4.52189767700194,4.76020173929624,4.28245603595555,4.83049216378869,4.62250594493299,4.57271755259935,4.52144882937196,4.61197505290753,3.46712096126472,3.2474892137067,3.79691321444068,3.75571226108861,3.6452080542694,3.19764619373851,2.7860308405014,3.43184875719219,3.57297954033866,3.75270641311445,3.39707831784238,2.98504107086164 +Hrasls,0.0728535965724855,0.222544449080291,1.38955481735517,0.250254518953816,-1.46540130797928,-0.557811772301047,-0.623300165521801,0.863113016095948,0.694086375597196,0.739172671143709,-1.75206845573083,-0.801382875053029,-0.945033373210345,-1.11055063260981,-0.232563517887559,-0.881078314377433,-2.77296060364269,-1.64967177038644,-1.91076289475917,-1.34821796291543,-0.202066516269738,-1.09666129607534,-2.47253401879778,-2.16180795744507 +Zfp251,3.56162830754366,3.53671568192561,3.46725714502099,3.55886482805275,3.36130366465658,3.61641530469151,3.61762795048864,3.52347807077532,3.47955723737868,3.60389103522816,3.39597436770143,3.7459181628146,3.82176001544165,3.72285000449306,3.7166208007749,3.81166451311866,3.70174843170985,3.75130756941891,3.82822949188721,3.63282471468604,3.89031660535782,3.77670195481126,3.66026291913365,3.68205004787836 +Hes1,3.22378252351998,3.04343954459106,3.1879245068431,2.95473617332985,2.52034331399078,2.75796974704036,3.36825683131337,2.99655173651247,3.64501295122327,2.45296457994204,2.61925472089179,3.03175369480623,1.53899957459371,1.84236208815139,1.2427980901338,1.42044837773069,1.69281742605933,1.09505351307668,1.3454639795824,1.94937678593683,1.80054183852991,1.54540176695934,1.28506553493472,1.40011915440074 +Zfp263,3.26874879378331,3.51736215951358,3.14565584678616,3.51063973922335,3.46876572498388,3.33143169888819,3.5297283809885,3.03283728294919,3.22007940050286,3.40255805702314,3.35535271428612,3.32810535260583,3.14326486615942,3.12501430470381,2.89535570013611,3.31743446101069,3.43899465809291,3.10451351319758,3.40410711531562,2.77727534253482,3.16384799750966,3.18524181944673,3.37778161382752,3.20349004577059 +Atp13a3,2.81746406855181,2.64419139622369,2.633158151841,2.66649525880783,3.21828809862033,3.03239873171693,2.71573706718417,2.81742577997334,2.678002850139,2.48907518798237,2.97344747488558,2.83644003547965,3.54478681640915,3.54513714604481,3.57745220641575,3.54041263680913,3.73678724967304,3.55602093222738,3.31752941103385,3.55744948647945,3.49477062546216,3.55241863776577,3.68340866417051,3.65283075953297 +Glyr1,5.37792526472315,5.2856468801557,5.21510195394247,5.37573560243219,5.32891471405132,5.22335572190771,5.38865817955287,5.21957083328938,5.31499969252963,5.36059014377909,5.34773691260662,5.33374926837102,5.48146314022837,5.61683391097379,5.52089370710496,5.96348963860916,5.827354825313,5.48296760065738,5.7502648306114,5.41779577500911,5.69316464038923,5.90295681675572,5.76078240472518,5.68065214485712 +Lsg1,2.47358093261052,2.42553208650442,2.55397667005233,2.59387249648199,2.57638551271392,2.31060077350277,2.40173050726347,2.08130318018718,2.35626040913374,2.4263028571406,2.28145542914307,2.36783192865775,2.51911277398637,2.40361653754285,2.5261709663105,2.50894152783828,2.76561532956046,2.60839697996277,2.88611536359679,1.95702371461557,2.51459991130449,2.58207885981967,2.83516169412367,2.58983154934297 +Rogdi,4.08808048195558,4.06100413938133,3.98254850871326,4.115045961572,4.06122448934243,4.39451836659517,4.19142711919691,4.22303192780801,4.16907590403232,4.05525889612713,4.30291357346819,4.04290188173673,4.52462160320831,4.58217902347569,4.47995642481925,4.44195312311339,4.63062677988874,4.61997049951861,4.71974925322389,4.41606981346815,4.47699251212414,4.62586067917736,4.40492352914797,4.35190983360002 +4930451G09Rik,0.167579888614351,1.17704282899483,1.18557344677742,1.17509134104641,0.527922072751357,0.778786147211058,1.14532882335702,0.702820795744908,0.688703666013997,0.848975411790372,1.26837953119367,1.10142543975589,-0.119349097714109,0.217303969500274,0.184904788963696,1.02020142981658,0.993287766392905,-0.136704912604574,0.559684941436191,0.0457792446654803,0.469132537201841,0.232017173294845,0.479683803789372,0.544351845863616 +Fam86,2.84500455625406,2.78797997191551,3.11580786171795,3.08696996682508,2.7645173289553,2.92048166435055,2.98643332027969,2.88507911249264,2.82698424960607,3.11659656727406,2.94288116614541,2.89777462170708,2.99192334397871,2.67803813275065,2.60623393107613,2.89668220087219,3.1556108964863,2.77476872131404,2.99998420127941,2.80869579145064,2.768355620944,2.99010103825788,3.05570087141191,3.02759453968446 +Ercc4,1.41037566605436,1.75101054292874,1.65750886044032,1.85187338489495,2.03665015223413,1.83823444184341,2.00493049113625,1.88659516261252,1.56851330104415,1.83445390836389,1.92360246173903,1.70871644956455,0.736377635431694,1.62556157876872,1.07408904882454,1.49921034717343,1.61444855812947,1.13661662264539,1.58004051701984,1.03450423473121,1.12589583418122,1.39795890831382,1.4648214045993,1.42842825345455 +Gpt,1.4691852755309,2.11229634911405,0.904140783686666,1.99297402823245,2.52372031630291,2.16803055687652,2.66587044361146,1.2435831889869,1.28971269795958,1.54599156345682,2.6807549115961,2.58825892759263,0.672158202121905,0.84120155718507,0.211937895207948,0.298474095729539,1.35919038105262,0.597327356390408,1.16830913286105,-0.016516814858188,0.804035038871571,1.09693790421012,1.86138728753071,1.53040268698031 +Apod,2.14090598292041,2.45511009935048,2.48814892845583,2.79263590462017,2.86967031359124,1.99691557244472,2.21781016453233,2.25610286976458,2.29864349791582,2.64024210412052,2.54430440239578,2.58035731699279,0.414634624503836,0.0959437084778272,0.719202311567622,0.714850712728629,0.375144640823387,0.484449566031435,0.119038365766897,0.522614755834276,0.717281289925467,0.806772099699061,0.301288208730175,0.219874130435849 +Adck5,2.17656409013644,2.73662264843867,1.94913567028358,2.70826716893578,2.75851567908893,2.59540995034288,3.02312596133452,2.02550106979977,2.36640492946928,2.76314779751885,2.70962758062321,2.8423428479157,2.17980048211322,2.41390616805703,1.56558391360646,2.33650912816841,2.59091695999518,1.93482684536478,2.71879401088264,1.63437210055504,2.21865127079435,2.32161113111568,2.84696600463682,2.59196159532411 +Cyc1,4.4914858566722,4.11574953762521,4.15926876351937,4.37097704437599,4.46369797529722,4.23059320440485,4.3011660126806,4.0476091768651,4.21680477967568,4.28309845127732,4.30629287526651,4.33720544759252,5.09115757043413,4.81712031006597,4.87690293177851,5.05042445513847,5.1934267630701,5.15751641878848,4.9621018808693,4.95024452343838,4.89353257940529,4.98696465508192,5.16110450636427,4.9705810265493 +Sharpin,2.87778657138835,3.23807589390646,2.67858158811282,3.26765522115292,3.06064705499676,3.05290426946277,3.39525870905711,2.70849910935766,2.92549268863197,3.1834703155074,3.39751259821325,3.31895321741035,2.60321898120155,2.54669268814164,2.44702470978543,2.72508105801173,2.99205471915107,2.63108054787343,3.21469422234349,2.29671558809972,2.67551993985253,2.81298083612121,3.08693477972077,2.9407894003761 +Maf1,4.76874866522243,4.88913590785385,4.97043888601441,4.97844012464606,4.66911113117533,4.58356449879572,4.67992392020772,4.8935838475858,4.99542940637596,5.0907766706407,4.79602673406246,4.83989583285624,4.16220965138496,4.06230175476191,4.29424079576665,4.36540372308621,3.79104605800782,3.83447362702788,3.93444783320217,4.31092224722102,4.242144122971,4.39664917192771,3.94535818616775,4.11363668130463 +Fam203a,1.76025220900932,1.32245275458171,1.52387223870583,1.46122564863917,1.58946744170312,1.30851059071072,1.61735718012384,0.874136189068704,1.52465451909931,1.8749818840418,1.06524852531039,1.67287329922973,1.39816910530057,1.36027173047952,1.1788804885032,1.47677696042899,1.72809673766876,1.8184695616509,1.96856152071938,1.44837008384615,1.93490053581303,1.81736139674206,2.0378467236796,1.67136057498513 +Dgat1,2.06192351906554,2.0164113593842,1.54587475855011,2.23626040349784,2.36737045587353,2.18383949028788,2.36972062610397,1.73968982688527,1.9884421928743,2.09448587036366,2.19573616777341,2.03037103754435,1.9704340984725,2.17076733096993,1.72864386196899,1.79365089896288,1.94218481746992,1.71130375004069,1.984164958118,1.91086104445887,1.96543835914081,1.86460506816514,2.0800607167822,2.1179111159894 +Hsf1,3.53254462442812,3.68895332557261,3.0765631714037,3.60418276991604,4.08377000340394,4.0395621503007,4.07279057049781,3.4002149319915,3.66305628416874,3.36486180641885,4.25562422185384,3.76927397795666,3.46148338510901,3.62182083516569,3.35350516010054,3.66670762711474,4.13240468400839,3.77856612826799,4.21808535282359,3.58391396730815,3.41927569044319,3.63209514581175,4.18714718796664,3.88820059640659 +Bop1,2.88129076203343,2.51875448140916,2.11896328731967,2.3959878016887,2.75870119655443,2.65221338435173,2.90273910315307,1.9788575951561,2.67089626024949,2.58910335995594,2.79168852235412,2.67491564344366,2.76178827704945,2.34108696668665,2.15590709346095,2.47814554146661,2.93721030483841,2.61652442639721,3.30231621582615,1.95507316762033,2.46993924289278,2.58452226537248,3.28756238231523,2.82923597661096 +Heatr7a,1.14497339973718,1.60404790328182,1.28240262335708,1.57381018828091,2.12711971845255,1.81376138354387,1.95106979741681,1.45000325443512,1.27348572059468,1.49144913418223,2.08827980182721,1.53723027010913,2.27301708214028,2.81708807885011,2.59856511037505,2.88755813317692,3.402645339206,2.81137240054693,3.56206340814024,2.28428718231141,2.09608721033363,2.82237280114784,3.32284765805132,3.16509495707447 +Fbxl6,3.04581641222923,3.07205471740579,2.66617744742566,3.07952845492453,3.26718413601981,3.03889383575815,3.60230330557983,3.06524343577851,3.16162204372533,3.21318447270956,3.42042114721404,3.1786734846583,3.25012443119473,3.29338630211716,2.96829239985018,3.2324372140625,3.52798347981981,3.24068172230716,3.56305941948207,3.07665930510639,3.45156140082281,3.30094492133224,3.58636866011821,3.19067466004509 +Slc52a2,1.3324344977215,1.00849398966782,1.16249819759521,1.44961695641555,1.64241231948975,1.39158676928757,1.5430924401219,1.39048987459163,1.19851190468628,1.44958546125363,1.58330572702512,0.914513044980684,1.81251522247918,1.72347235260699,2.01229932890493,1.77539016975805,2.0229337839976,1.77718346813603,2.06402868246777,1.58251370383379,2.01870353235699,1.88484781078665,2.50229192724794,2.09425764738489 +Gpaa1,3.29419741149615,3.30189887600532,3.03230490011431,3.24242781580606,3.48088949542694,3.41110460597353,3.39799637050412,3.27487384250764,3.02973823858602,3.07612475133509,3.49673796193671,3.27326449053654,3.19804347535088,3.4232511135194,3.21928784775909,3.35160114975665,3.2959182543219,3.36876936891775,3.54163048848368,3.31143959573581,3.18742697186703,3.46129276813559,3.334636543068,3.44841321590564 +Oplah,0.861523824176557,1.17561998309428,0.806389155885703,1.11186726182481,1.54255870939692,1.00029621004814,1.22118961316288,1.22313023666854,0.857833271357429,0.987044596850374,1.30509505578998,1.53467053391013,-0.7581328387706,-0.934683398184751,-0.696838206169945,-0.54270382878294,-0.454854788801811,-0.443332046840082,-0.89538851646656,-0.692121104102673,-0.513794675420673,-0.588897769925783,-0.301252944092238,-0.251004900807809 +Grina,4.99559840968639,5.15851257716282,5.29761316783336,5.22898128448879,4.82455558901307,4.99916613416947,4.78892317273384,5.10116662273034,5.06144305586366,5.15851678500528,4.98345821360894,4.79791681494383,5.73154615345364,5.71958339540369,6.02136052436936,5.79843786576219,5.58170451728755,5.77509229112843,5.56056223831935,5.91466073177278,5.88238639871927,5.990547323118,5.56562246376466,5.50010477541313 +Plec,3.37152714548324,3.61150294379211,3.57081270552443,3.53259823121804,3.69428445223868,3.54563086617704,3.50781905180736,3.66313317751926,3.46723112134744,3.52533490892743,3.59975292401114,3.41574776776061,2.80379814601138,3.09793100028242,2.85884695383473,2.97140907691078,3.28570805614676,2.75377442229655,3.30219736430872,2.4267340840473,2.67595358046811,3.05951364391458,3.25954492825735,3.0807636349422 +Scrib,3.27593544912947,3.40438926740799,2.99263134597072,3.35948943112595,3.69709302411638,3.59031211543239,3.69615298238525,3.08997630153944,3.29893632963615,3.16361229462475,3.74485912562198,3.45780674434905,2.77626218188248,3.28568868254178,2.78081478306388,3.08329546570941,3.503567158974,3.07604130742583,3.64257020567153,2.86693969559464,2.53830990667627,2.98573847475089,3.40609874113455,3.43779822650098 +Tsta3,3.58084736457499,3.81033488718545,3.62751734454281,3.78093568065928,3.43921513019592,3.44367135949896,3.5971171211627,3.49573862540118,3.63435181082448,3.84965602145614,3.72106154769379,3.54702773555172,3.29104201449169,3.52372737929183,3.47275528247637,3.61745223024189,3.59462010433143,3.77024432277506,3.51875575493778,3.33591993097357,3.41640076188781,3.61885753829192,3.62654674408871,3.41792159082127 +Pycrl,3.95528189791312,3.45537866898124,3.56363252179491,3.63984484059809,3.7498493251394,3.59937724462825,3.7819588391962,3.78444087903582,3.48599093054708,3.81851288598837,3.71837143481474,3.88868158826239,3.73512667250121,3.35521742937663,3.6400424011986,3.7949901428113,4.0131942809962,4.02620187603808,4.22011223453773,3.54191590174328,3.72106266207196,3.46646814394352,4.06531923647017,4.02328012122647 +Naprt1,0.482588295222115,1.37418391774086,1.04095227600104,1.57770320494034,0.709330187047099,0.176019871832676,0.788290266911991,0.685664752631961,1.33139345870862,0.680346155106957,0.374766489956381,0.24606711325679,0.249536415652246,1.46538999273515,0.51479067073644,1.16215701547981,0.39418004628531,0.161009705255433,0.444622551227949,0.401425632356865,0.82555315050093,1.09191735437456,0.70273036027232,0.443080859772008 +Gsdmd,0.527094640542135,-1.12203709382177,-0.122655527673291,-0.152724750248208,0.174518691996394,-0.733863601399956,0.208710973931629,-1.91802840719083,-0.524186933579079,-0.640453396008254,-0.998759918045831,-0.970157682581528,1.16236463136863,0.53010517874155,0.32096678679453,0.817158878904388,-0.127864418763148,0.632198984026769,0.401430964615254,-0.234199814998511,1.25434224543498,0.743919007145242,0.967792823971942,0.406217208217801 +Ly6h,0.0619295942821272,-0.490222737279076,-0.38779147450213,-1.66307418382986,0.314142163318299,0.330164774318689,-0.228670548403999,-0.445220186751665,-1.22674690651317,-0.598568476242158,-0.5207934120138,-0.0964600178223707,-1.5374877173681,-1.00807046721004,-1.47147336949789,-2.31623532204542,-2.38791520467467,-1.44566204571534,-1.86706908912189,-2.06116326850233,-2.18172865550172,-1.79950042879757,-1.88221084892557,-2.45051609385762 +Rhpn1,0.262631985384107,0.925572643469941,0.46722895779477,0.961140076160663,0.903490782476096,1.11990930441412,1.48394229474539,0.0220812819398042,0.2019244556498,0.428011998890621,1.36048857943152,1.17129120852891,0.194508088812779,0.917637199611225,-0.0589326474698246,0.954784805381875,1.30840795916457,0.224046667691464,0.847894339111341,-0.613425771782532,0.208727441521845,0.880533532672457,1.15307308205691,1.07247853923571 +Ly6e,5.75634897552754,5.48902895841425,5.62539431984806,5.51886724282321,5.21601861252075,5.453339143441,5.2703181842079,6.00331157614345,5.62342126794065,5.52827788978747,5.31717601842539,5.41244825587192,5.36971139100399,4.8725853802655,5.05742003042774,4.59753342042589,4.59261321320117,5.04321098889669,4.69308110627908,5.17376980302233,4.84543889293044,4.75905026482561,4.30881265511657,4.46513031933152 +Lynx1,-0.263128472105945,0.0215968956956203,0.511406689388737,0.128806013419281,-0.354866525429144,-0.489714826652956,-0.0153086724758986,0.0991558626500948,0.217811371486908,-0.383850557369286,-1.24299675957032,-0.655776830966297,-2.05551574461159,-3.0444815223068,-2.76818601324393,-4.34399379734352,-2.55707325652803,-2.94173499738011,-2.37718658871499,-3.2555300359605,-3.01063689213452,-3.35477366858129,-3.74887237329947,-3.70734199531361 +Rpl24,3.95963506508495,3.69100686511268,4.11905284082174,4.08218055054002,3.81717316369823,3.78585448069156,3.90279790063728,3.9241178979819,3.93516555509741,3.92008577081429,3.80660007731245,3.93501538667837,3.88528368850228,3.62943137540437,3.76765852878801,3.68368782018102,3.71501789919813,3.66566279697133,3.67407006446953,3.72385134338127,3.88740071882208,3.80315631951426,3.70985482616902,3.54920529580538 +Arc,2.81257219184289,2.92854102158428,0.308641178093173,2.61775720595496,2.58816819955382,1.98834396766814,2.76025386344569,0.967328944159052,5.16069982979949,1.62863883325757,2.12090418607753,1.80688223640081,1.8181737642053,2.60401508076709,0.505185820924927,1.70642786373261,1.85626324035901,1.81369556363127,2.83543148543038,1.5867432736039,4.39192637290639,1.15519288710502,2.13310908125887,1.90152883035662 +Cep97,1.92722851490893,2.06254375870478,1.79982079132136,1.96464743912737,1.86612474985121,1.68674621481281,1.74944210978636,2.05944943185776,1.89018735090285,1.93960667206301,1.68794652605243,1.93311644168323,1.46262013269798,1.63908603982224,1.52714813161977,1.60268024742109,1.74068927861925,1.39971230487555,1.5113662793389,1.59057798363955,1.59605913995226,1.58618709647044,1.70165279427952,1.72085861894185 +Ptk2,3.31480467460014,3.11620893340297,2.84127466187073,3.12388387316378,3.43684492760958,3.35915012346638,3.33062769449513,3.22835563426445,3.31946387947441,3.21138139926996,3.57403523930448,3.26612070827523,3.22893508465385,3.37231725819801,3.1612767272108,3.36482860110245,3.49151368221213,3.22257731594764,3.33455622008253,3.32190649248948,2.96698089964854,3.10151421213481,3.4850667729333,3.53333252604779 +Lmf2,2.91278473747716,2.83251767125717,2.91708432861946,2.8298658681854,2.71012400913457,2.76095296915523,2.65382022887015,3.10347841355191,2.92313488258355,2.65735900927367,2.72379751008122,2.74025025530305,2.75648556767935,2.59379162524905,2.73698968897148,2.50160620948296,2.40214137328936,2.86641781459577,2.6820212332548,2.84710121382665,2.57776960447559,2.52110764478535,2.67639320646413,2.4858964060801 +Tymp,0.139142870916326,0.252986220669318,0.578524151285869,0.642504154919207,-0.133967895434366,-0.62672145771974,0.64457212398865,-0.240128399346313,0.98794803440283,0.58440278763638,0.0815195540745373,0.540324659255643,1.19426984595408,0.955463945591219,1.06397468692709,1.04947163842246,0.993082427016601,1.33673316114053,1.20176937903903,1.3240300702033,1.30201685961366,0.970716123784145,1.04967985648638,1.24912118352841 +Chkb,2.67940259870211,3.30287194343608,2.01795511566472,3.25347367022268,3.28956921967857,2.90913875855428,3.49740855296335,1.98328925307382,2.85954703638681,3.31581287435596,3.40668534125893,3.19110439743189,2.05684915823006,2.89010776968709,1.96735539989515,2.67326806530344,2.82237453906093,2.28341702616795,3.01631073613821,1.87159779313973,2.60499560098032,2.67639204841907,3.01942162605502,2.84372261464428 +Mapk8ip2,5.11132441037663,4.80995087894754,5.04822864776297,4.79348848034376,4.75690758519366,4.78275949233724,4.77528944747773,5.17409902679895,5.01271845531793,4.87628542207632,4.67597923598071,4.77219708212612,4.88177954621473,4.92852930607239,5.06735617872072,4.95368132436872,4.92948439260224,4.95768313013556,4.91487172409826,5.03818938602375,4.73156318257509,4.9165822486413,4.99469849030867,4.833767589864 +Arsa,2.9456867841282,3.13191930921861,3.14535799096298,3.08901480682328,2.52311661141079,2.63930082975058,2.73661554493354,3.10813448328094,3.12627906803008,3.33569866070335,2.54758739498797,2.83294562536848,3.37100895812521,3.47344925388089,3.56345857942278,3.44045276800335,3.11086441307942,3.3554924594284,3.17825311134055,3.60936365132879,3.46335448450353,3.27329765363536,3.12689623074985,3.50111896519638 +Rabl2,0.848976026341261,1.40315915146986,0.605783328117129,1.01253465861644,1.67080880602532,1.33590531546289,1.62986251909035,0.452182144675983,0.908544333669289,1.42378385760243,1.38741134696625,1.3568242269069,1.32807240368093,1.81748775502486,1.10405085984495,1.22511379396185,1.53679899082727,1.0581348919688,2.13355534119044,1.58065200202616,1.59936977898691,1.52757440267654,1.74651370095459,1.50456399617048 +Shank3,0.0819965537156131,0.268376485680486,0.202381995710349,0.146318255693693,0.728637759150658,0.80782362166607,0.702597647491792,0.297469348884777,0.325715405873123,0.0848816494807281,0.81716617072953,0.428428829357261,-1.35940031922951,-0.646775054060681,-1.77927844212857,-1.1877717831912,-1.06530700178417,-1.18437849635148,-0.324395579218261,-2.03585621848407,-0.946480560926747,-1.42441604771289,-0.456646267515213,-0.600040772151387 +Kif21a,5.38199030378554,5.57541810671064,5.41594930620067,5.55493484443996,5.49638474869434,5.55720233009592,5.49033305800797,5.62321007858976,5.44859285637666,5.46914004199166,5.59033936500247,5.57203676369071,4.64015719058155,4.95331327131241,4.6217152345828,4.84468255598302,4.93185534457154,4.79701622071814,4.916967107221,4.62210477244844,4.60563760006859,4.75339923770054,5.00185091601234,5.01150301673139 +Yaf2,3.95154522342522,3.84491450810444,4.04312284081633,4.00094886351176,3.45603337560956,3.59348194873056,3.81082659146812,3.7789641904284,3.91246775973426,3.95775175998916,3.59724217392089,3.7347594428651,4.2317981138204,3.93433938515839,4.07271564537733,4.14814101276904,3.5057081405239,3.70284640424969,3.57914987975344,4.25278737514625,4.0740464073845,3.99713933461534,3.63976493553623,3.6096388710577 +Zcrb1,3.54943252877783,3.61122857225135,3.5705470933431,3.75350682734945,3.56176206947314,3.63290112513069,3.70533522010396,3.59650198113265,3.62351409887922,3.66262870324071,3.88180557821382,3.84448787651423,3.33811278034963,3.53186612182804,3.4683207024684,3.49065448986445,3.21397760233204,3.43918998364953,3.21846656399453,3.40351497500513,3.42967508738572,3.58565898648681,3.31532868554492,3.41528627196005 +Alcam,5.91991001226503,5.80118553408033,6.04500012251205,5.78036107048603,5.54106246233019,5.72251532049998,5.62724151120823,6.08129207960192,5.89643303932429,5.6335727823866,5.60821962337511,5.78898261252809,3.7234194908799,3.93392694896142,4.09198529925573,4.20434696043382,3.83991977722606,3.77220748176728,3.40821157540399,3.8344003610249,4.02392023953233,4.04934645354723,3.71782438687361,3.66335124627492 +Cblb,2.64833046484838,2.54070515866435,2.44633909286923,2.49621689282774,3.0554932009313,2.98016072665016,2.64927042211591,2.83853168438083,2.48753439384806,2.38945215748732,2.96072969814101,2.61424757707014,1.95540529583724,2.08558198191567,2.00575972678793,2.02300594454499,2.69746783856153,2.46671777866166,2.57475123005327,2.07265305804916,2.14672551974248,1.96539246393421,2.5816855762923,2.56864514032231 +Bbx,4.49467773845724,4.56780666512178,4.65681896363421,4.50617900769064,4.52179623538204,4.56326112372312,4.35648589934937,4.83334250289891,4.61854707420017,4.55155003871123,4.55762515209571,4.47887087912523,3.78656827823456,3.98766486482096,3.81819560860805,3.9501139014889,3.95277428272245,3.84777271015512,3.94154656609749,3.93901634515872,3.82853719654054,3.91469995368681,3.97042707793724,4.02940284798329 +Pvrl3,1.85975311866141,1.77716862668411,1.49816621905184,1.26951260637542,1.7171308386394,1.79226691723838,1.54788344592206,1.97540183296096,1.6486765041139,1.20035287085948,1.43513719420465,1.74222399317931,3.99434519454998,3.72096748560431,3.65320568155592,3.34131352341796,3.09268238053416,3.6986860358887,3.24000984148231,4.24995969128151,3.62752940317023,3.38576294832459,3.07085385223912,3.42330276489621 +Cd200,4.92744357363535,4.6862385896813,4.89197017360113,4.72112994331788,4.74059224686456,4.83521770365919,4.55493907220306,4.86050723112916,4.85193300125074,4.88686884973283,4.88924205379325,4.81055110213397,4.26665117047821,3.99625646432906,4.22417727066794,4.13621300982931,4.33163486207468,4.27646241227,3.98889215820363,4.14696135285401,4.31177542991073,3.98080727268347,4.06898626199117,4.04491904696712 +Atg3,3.49262120665122,3.49354309867524,3.36147573776653,3.57155494830354,3.43569333035403,3.29938284558674,3.4724696273726,3.40945793700331,3.43898620532021,3.5684277703574,3.39827798360519,3.62148507749911,3.46214416431809,3.68549570236229,2.85651240382681,3.54746668979215,3.52272473070908,3.36474999691098,3.3432359037579,3.35179156523611,3.38399578922104,3.39868311130562,3.52325967762918,3.49230822331473 +Slc35a5,2.47958708338629,2.64772030089773,2.83838108893579,2.55055588180931,2.11553960606584,2.26687183964461,2.18543820549271,2.80266881816755,2.76916146561179,2.72203436364137,1.9907528049736,2.2730253283243,2.76992777350861,2.59917659006912,2.8057423618261,2.75864367186822,2.23147727131996,2.58993428408312,2.15452268221756,2.92287139154554,2.7393685719454,2.71715556931569,2.13369006635906,2.34250024657941 +Gtpbp8,2.59525040098806,2.64885015645697,2.74801095047623,2.67725805768849,2.51083161490324,2.40866924916697,2.55392883990641,2.68504041075096,2.66452909327796,2.72045971211587,2.52676486812843,2.64670606475697,2.6699205468916,2.54449388245434,2.71339937724179,2.7688129640854,2.72833217093753,2.89899922495685,2.61405620924492,2.67688968331634,2.56688799224187,2.49220428596618,2.69564182168534,2.52304503772192 +Mzt2,2.98950267089332,2.84712471326566,3.25386149130981,2.94534703527395,2.51638474130497,2.49896939103176,2.49749989260297,3.16902957563438,3.19490179063277,3.0725016886029,2.6950303541517,2.80687345229757,3.1951374561336,2.75565094788207,3.10076741372543,2.9950744956705,2.45478367986651,2.887751725976,2.61153710475057,3.10129466204174,3.07947274003348,2.88158407684789,2.93240001298399,3.03429158758245 +Prkdc,2.10438969053419,2.16698950150055,1.9185093996372,2.06897061326423,2.63851262493033,2.35884167950726,2.29387365090544,2.06833196631236,1.9699473334731,1.96582352291513,2.39308531185421,2.3482744716727,2.79757360791878,2.73660059971428,2.91671292365253,2.70012748564417,2.95458415137612,2.78898036611055,2.72617670800701,2.79185811509642,2.77346357207859,2.70808621075541,2.94163060062741,2.87749935423664 +Mcm4,2.40045173113254,1.93118086557555,2.37874185830364,1.98673424102943,1.91092287206645,1.75687859673903,1.91371912173593,2.17124742341754,2.44041010657551,1.88235363190559,2.08297480113572,1.98989412513503,1.94347939661911,2.15878131232453,1.97126713221315,1.77698010931494,1.84356217933099,2.0846221169856,1.4847804814906,1.9529538604539,2.15362223109585,2.17450377854936,1.97459711163675,1.90833611604599 +Ube2v2,1.7003941635326,1.423627643685,1.85684070497854,1.5277579392621,1.15426749928709,1.12373356185153,1.25609913018721,1.78149983253253,1.8109155493256,1.38348614024731,1.22595336571537,1.38187843396079,1.34874958310813,0.981697373041466,1.42396078649837,1.01369562384304,0.242988373349992,0.992949705683846,0.39698950070406,1.59437481277682,0.936247333031175,0.879107544768758,0.47882131593207,0.838220946940175 +Fopnl,3.44720292614879,3.42941857877596,3.82190293755639,3.55308190722216,3.19128502990681,3.21780042537563,3.36133029905772,3.5661017338193,3.62878349249463,3.54138768538086,3.24239510523429,3.41928495495783,3.76472435713324,3.35888467928665,3.81411614724664,3.5833918249324,3.13416253910245,3.65452142824421,3.25328194842937,3.98728518845406,3.76847604739499,3.62393708828856,3.38454550029275,3.66329841355946 +Nde1,0.142503030741999,0.830179221891744,0.760123242998529,0.612097238355771,0.739874721817436,0.654881034175203,0.532950862431584,0.088219896523432,0.494728510059371,0.50247220005573,0.90661203125432,0.535150498429827,1.76434964626265,1.89859297664579,1.81511177561275,1.72402660425362,1.72451280368558,1.40854976883837,1.84531265586628,1.60216870607067,1.90769072230718,1.97037974485644,1.91877572285303,2.13933684576342 +Mpv17l,2.24107877219068,1.87070388031102,2.60076094459088,2.0782801079854,1.89202990275162,2.00409909663427,1.88645041777166,2.05260026021804,2.31075704171159,2.09944541477963,1.98330279446532,2.18625125860565,1.04876424594118,0.508892646242616,1.0830441861026,0.506173331408271,0.566993454251076,1.16758562463457,0.35401708040532,0.763202783878161,0.945314753291956,0.784581817832299,0.488673842248575,0.692073679803969 +Pdxdc1,4.88321134422921,4.70640040712078,4.76062564369807,4.91113879676296,4.72040455669813,4.74689356889413,4.80874758069638,4.70829671066751,4.77866407661545,4.73699333401017,4.75861596119635,4.76978045689094,5.27359194548377,5.14261027826722,5.05678470490045,5.39639916547559,5.17095348090593,5.12163873100741,5.26100522792321,5.16936442596824,5.2255060314357,5.29818040150926,5.27075604690191,5.26637461877455 +Ntan1,2.4199048708085,2.24877146133535,2.4208421083395,2.48500567483583,2.09458023681807,2.22266787314511,2.34972971750884,2.44230972645324,2.33644517947637,2.6507679171652,2.12850506427782,2.28612529578795,2.78616841765496,2.51136509602722,2.73982390082978,2.62651285896307,2.54273200764676,2.37532039503992,2.36437493659382,2.70334428435965,2.45687974904396,2.887939742315,2.13778434601447,2.46657995961667 +Rrn3,4.21701667600523,3.92895831597105,4.16063986189766,4.11336337702748,3.73461953993154,3.93503733449255,3.85062096105891,4.00710206935007,4.15805938504148,4.04858666428719,3.69598213640357,3.94195478643012,4.47154812067771,4.07628642217042,4.23751191684454,4.3002958474188,4.11634055793963,4.28923877280691,4.16956233644802,4.19429208627647,4.31655264814591,4.31324436815408,4.05318115222768,4.16272859780298 +Bfar,2.61776635818508,2.69768401636226,2.56322952516021,2.90691062976088,2.51382407991574,2.45354462405722,2.32805610838462,2.41151067800316,2.77016506646057,2.90660094702119,2.5167407796561,2.70135525514621,3.01836242794773,2.57299505647466,2.72092055037364,2.78961375040728,2.91132272756058,2.85495167426752,3.11445496968463,2.31677121064052,2.99480536808645,2.70252964394835,2.9362234378322,3.12808419107147 +Parn,3.01345208407129,3.35797380397005,3.49524719507567,3.11362982720798,3.32842300322158,3.35497887277162,2.97976148910675,3.4101988262554,3.47217139235571,3.25895429577161,3.42109212185819,3.11842786079471,4.02638501607856,4.01542450891003,4.10743166080247,3.90522689692229,4.22777153972349,4.12733368831224,4.28511973675843,3.94498778762025,3.99697628840825,3.97177624003403,4.19239003753565,4.17855835704089 +Sidt1,-2.757565057446,-2.65465871356981,-2.58362287275359,-2.64590011611655,-2.4404753481321,-2.18288663561208,-2.76888698824393,-2.71973960320793,-3.11627865691079,-2.38644251067187,-3.02360252443007,-3.12939264988073,-3.93504799618046,-3.37735201968854,-3.35958055101613,-3.29906125433211,-2.78818332764736,-2.92120583908567,-3.6149616435921,-2.88829919675154,-3.52832697847081,-3.77870603441388,-3.0030870064381,-3.43334202614431 +Naa50,3.4853271932055,3.00790135200839,3.38412104206724,3.23254181223714,3.34282558380123,3.26976873399254,2.90970965881819,3.48021684995479,3.31850349600893,3.30441585871337,3.2630416626663,3.02520835358512,3.90986847224552,3.49047013046253,3.85947572511045,3.5414192492255,3.64368278855294,3.79624068445278,3.50699427271457,3.71474591665868,3.74469812816749,3.48788118485956,3.44364789281056,3.54277886928421 +2610015P09Rik,1.9508460330321,2.58478175262253,2.00185203574807,2.5047698608529,2.81765127567409,2.68255515744974,2.76930021026591,2.34001579135565,2.18549530352554,2.64425057103642,3.02461939803601,2.76370619870305,1.47208625928522,1.98723626610289,0.994985346106262,2.09971818522247,2.30832463330687,1.49138414681733,2.27990789429165,1.28496338515822,1.910389178085,1.81713885202568,2.14644783187201,2.1323991059375 +Hira,2.17950123535702,2.09728856828778,1.82568591891361,2.02751411943313,2.67853392522202,2.70844555330438,2.56535651275221,2.15830023439506,2.0502320737461,2.03410651739112,2.36786988466447,2.2896562835358,1.88058198929211,2.08227416591694,2.13865166783841,2.08886247771267,2.61314431470851,2.3330292003575,2.78498441460474,1.98578493057956,2.12419258621647,1.91152581668807,2.74567246799101,2.48353945469931 +Qtrtd1,1.95984430956715,1.77886625611659,1.83196322439129,1.87032486307162,2.20352728407607,1.91245756906557,1.98194876564078,1.60755223102658,1.85916082124297,2.0636557954895,2.12402383366921,2.07987218372069,1.75622480003534,1.80785555989185,1.77724667148128,1.74036923849823,2.13718225969843,1.88620432796714,1.70911719838344,1.36149932893892,1.97271067657794,1.69144520032124,2.03238960159584,1.78640671515943 +Mrpl40,3.92014009006303,3.38821752489615,4.07145555576531,3.71641397496644,3.25580675636671,3.36613309352486,3.51999058357697,3.60663788936725,3.86103827450947,3.88657742711821,3.49042700569795,3.51722485375012,4.19464113795968,3.85305790662621,4.25207253141236,3.84417317109168,3.71418213938435,3.95650787289301,3.55148267330459,4.26382366787686,4.21685769933352,4.10556417894718,3.90445786325397,3.82879220065 +Gbe1,1.81483616242052,1.74941548250435,1.96311395188373,1.7020994664592,1.53952413948977,1.44434647386403,1.50104875079588,1.72458289422572,2.00767993034976,1.93793269709644,1.18637436019515,1.3806963974077,2.64096101517557,2.59812385861294,2.97242841919411,2.95970055718103,2.59928879968369,2.66345549172844,2.26751025065865,3.08039204242992,2.96251778081283,2.80991871857984,2.64249812668692,2.46529335837402 +Zbtb20,3.38549162289205,3.42126935906753,3.39856022957153,2.94570729612297,4.1180903199303,4.29786332652454,3.5310684872023,4.26294233831577,3.28544374413426,3.18644822890284,3.71921154069201,3.70037312409891,2.69620354017258,2.88096432613108,2.75774960882449,2.70123310131914,3.56055958623981,3.16695602870792,3.37913269529262,2.69920769403428,2.67335105871152,2.63927768975323,3.35058674395606,3.20388314756317 +Usp7,4.5879464779911,4.5460217672496,4.51788845651429,4.63118811971308,4.55124244115265,4.65045805436686,4.60632262216795,4.41109208638533,4.61878144547085,4.50468102215335,4.53533479616501,4.64010835350511,4.04438535328351,4.23224044736491,4.04543360678513,4.21942815030011,4.2901569013562,4.16131122812075,4.24938854702966,3.97257161092834,4.13167461315265,4.11054114550202,4.30918642416376,4.34250488203149 +Pmm2,2.75603208637629,2.71038381783098,2.57219954259852,2.84107516497826,2.85433227220474,2.75325507827297,2.86439750059928,2.56388046472352,2.6540437637392,2.70571118608233,2.87190848844027,2.8620689513976,2.96114545639245,2.73360909733921,2.75269985275449,3.11678619805713,2.92590979372494,2.79780685732913,3.02867418343125,2.7779137031828,2.86084862752707,2.98409342288819,3.12205559517683,3.04621430930575 +Dgcr8,2.65650513859963,2.69956134520826,2.40057190241438,2.67127000892442,2.65217502506111,2.67338400017389,2.74908720566415,2.56309976995027,2.48706588718797,2.48599614367862,2.50377230831174,2.73269669114623,2.19937292773943,2.28685629177603,2.00772663236463,2.31053137089482,2.33363744255735,2.11843713734981,2.47877711359656,1.91552951208919,2.07310957323187,2.32179161942947,2.44382161065734,2.4421459910914 +Trmt2a,3.23143565926004,3.42744590486022,2.91472338590125,3.40673547253604,3.42590962915713,3.38731205417706,3.58249539842976,2.77825167304523,3.15825974405671,3.39146923935549,3.47422601191862,3.4190529738191,3.14235899007422,3.26184095108522,2.92422506546808,3.24361301367188,3.58043074428499,3.2912504820727,3.65173326827271,2.72531068045825,3.29201364344916,3.40967870677362,3.68267698508435,3.485471860211 +Arl6,3.85141392777572,3.41554179528504,3.65698382474329,3.45283490890891,3.08801853997298,3.41738136309239,3.36934184622925,3.44609637434942,3.59790649851908,3.61480139112285,3.08551859621401,3.22997176133828,4.0458219848208,3.6871040041013,4.17794248835084,3.72948558884667,3.24160291852973,3.7280195151281,3.309535306542,4.08468829074767,4.04789687720926,3.60337994101912,3.413354071424,3.46626623779341 +Crybg3,2.24522343185832,2.4694684371051,1.975156316937,1.9977434033547,2.41442610586245,2.44429656790025,2.36456845920402,2.39170460379141,2.38405135559684,2.08402974137214,2.57507129648742,2.43559993322188,2.72644529392888,3.14157717477814,2.8314404130003,3.01079068743683,2.68557317854124,2.86783612745518,2.71655281087782,2.94412673080417,3.01738796300003,2.96273783992478,2.64372943505669,2.74119949345599 +Mina,1.62692056846883,1.22186582712681,1.2354471170102,1.58369305005933,1.47677082265871,1.32942270476933,1.59362256393176,1.10908844674056,1.42567684438688,1.47187303889693,1.47255745987823,1.3697237217658,1.60220866324322,1.41616692045638,1.37635297913177,1.56950138029422,1.5437706145107,1.5290487846919,1.73013549428898,1.15623763035424,1.61516894945037,1.51776692554659,1.44729838117907,1.89678327546437 +Cpox,2.71969747036435,2.52227637388193,2.97372905427115,2.93562647514467,2.64447965955195,2.63533063773746,2.76122523504511,2.78425877779841,2.48856260427812,2.85538073053479,2.61693644120499,2.75212591350273,4.03283949441168,3.42934340805153,3.71802405906723,3.53290308305735,3.87196217855515,3.84930607758156,3.96588570671513,3.19814002840933,3.50930028844262,3.47670130115009,3.81075560940934,3.8908032988309 +Cldn25,3.5071589024877,3.20466762158819,3.41223763953407,3.39352999904097,3.6523892016913,3.43162509764033,3.19913537065383,3.20847862151867,3.34942265323695,3.33654951472067,3.30653585282779,3.2562991293089,3.64482072126662,3.4233715816077,3.77487228975173,3.50270333299156,3.83717921611188,3.67822831893516,3.44022550007634,3.63633237634938,3.54280309818708,3.49287932081115,3.64175116598848,3.65362845292478 +St3gal6,2.12559034244632,2.21131872901461,2.14962993432713,1.98362965063211,2.00207752013422,1.91931805200193,2.02059463434611,2.12086855965281,2.18897458973543,1.99230174668732,2.09444707203233,2.04630053806449,0.289598255866292,0.187828877021174,0.306520401181833,0.678668596831776,-0.0159725075188728,0.332449772826177,-0.509665179364189,0.577463920029896,0.119041545283404,0.583191496421321,-0.154947291326982,0.26761241022191 +Cmss1,-0.126435468149175,-0.159462425481883,0.131892313537975,0.0084441540629316,-0.0227817342815055,-0.0125775510627379,0.0520397126960859,-0.0028914380816629,0.0026693547640377,-0.0956900253504127,-0.191141121484697,-0.226076935498311,-0.960696868081744,-0.9995826631025,-0.93420377474925,-0.371998133839784,-0.678450403055176,-0.978735852562384,-0.714638988175752,-0.597533267275906,-0.375788041380341,-0.603087717842952,-0.622370392489326,-0.823158439198871 +Tbc1d23,3.4862931033112,3.90532638428738,3.76236852290503,3.99911620186229,3.74895036173055,3.61393455856241,3.76285761249576,3.60618364762258,3.82492741118668,3.87613610659513,3.72248507139371,3.8332559559019,3.43372592549052,3.66117115162334,3.62202610949092,3.69187975460386,3.65722476614246,3.3597935202771,3.52663814296648,3.4319369950973,3.87232152382128,3.81453573337289,3.63680724750916,3.64068770487751 +Klhl22,3.110188373951,3.19135299352367,3.06000252229757,2.92684498810819,2.77694318430817,3.09816327541672,2.73165269214667,3.16940517036319,3.07613227179412,2.98079934787713,2.83442392747555,2.96537314745683,3.20892483897553,3.37576387995884,3.15242900317235,3.41338047321962,3.27998426483583,3.18390958449133,3.29697045700644,3.40904909252973,3.22267373508437,3.2342700294156,3.32635271930928,3.24568143822529 +Nit2,2.39184422855475,2.08530958671866,2.74974348741789,2.49377546856063,2.088241611697,1.95105020740376,2.23133076750406,2.2882792612402,2.45055961725991,2.45051201548235,2.27187278446979,2.63247800978738,1.23025200520186,1.33458904186193,1.39876388673625,1.68207809035403,0.899927961967734,1.10468675548951,1.29384324037643,1.39796844484224,1.470319459155,1.12028838014782,1.01084406510259,1.63400920029322 +Tomm70a,4.61372471197351,4.40744293374632,4.76047434781824,4.55671132956108,4.28008245035007,4.32986848979285,4.40723501612047,4.44272791759445,4.59436037922217,4.59736547217313,4.43261280840728,4.3902072833614,4.70108455429231,4.5211219851268,4.79470074084148,4.7537714308515,4.48838137565863,4.56469629433044,4.57387254205121,4.51808020651862,4.66325308503323,4.65501937331938,4.47225931476413,4.54816183846128 +Slc7a4,2.20990507703362,2.7385579664031,2.76456905515881,2.5746026908435,2.15424706507986,1.88847788949271,2.39102639806002,2.80876125114597,2.47326305926471,2.58890442201257,2.25644066279416,2.26786857035194,3.48815852956043,3.63296254014422,3.67207952645886,3.36750731979138,3.08119457601256,3.25948772282023,3.34618855715045,3.63666537859723,3.37957545382322,3.40782517069732,3.12837169016513,3.34384433180149 +Tfg,4.84951018226623,4.3895666650259,4.52407746129019,4.37776727511883,4.24761678925534,4.50948264461781,4.31149862780546,4.42690709052063,4.5316396162985,4.49234399270395,4.37540997380739,4.44044499552253,5.17351891879073,4.48405198293989,4.81628669120297,4.64069523305768,4.85631899654277,4.87229355073563,4.83730623207728,4.53496998152788,4.85966790151039,4.67780030454526,4.82088303754684,4.83450965797585 +Thap7,3.31455522460399,3.16675833119883,3.2300134451827,3.05529164554205,3.04226875630885,2.93338703789174,3.13464978166408,3.16818422446776,3.15622215423346,3.20933435378112,3.06439260000628,3.05188230654445,3.48442823180509,3.26055699252669,3.59686269663745,3.51354394586346,3.67667649960146,3.63299775086772,3.47564876348235,3.54911059840799,3.57957896205331,3.26868872699245,3.54575263630575,3.39969411023575 +Lztr1,3.82500451282711,4.19848170231311,4.06953262412464,4.14391493274853,4.03461130830604,3.86564724302306,4.04590257172118,4.0638520707202,4.15537446269488,4.19830920980828,4.01317813608008,4.03098741962653,4.14008464965105,4.17715471864002,4.17003428972748,4.27747056010558,4.18877725466714,4.15460606275022,4.29753000025735,4.14646368024563,4.12250897246919,4.29617659039964,4.27779128234255,4.3752542687725 +Ncam2,0.693121059614421,0.671666188211791,0.800470554705544,0.187696170892468,0.874079170876553,1.02725373057861,0.236041047344947,0.958829801808266,0.422381441269382,0.187664675730544,0.367071272518424,0.558967174065161,-1.75164496193443,-2.00191438098555,-1.48393131030532,-2.07230398742747,-1.83400640491905,-1.47682853634343,-2.05960410233062,-2.59531284056351,-1.71725350600092,-2.2674655155084,-1.56932002087707,-2.94249029532724 +Aifm3,-1.81087983864013,-1.25081214448604,-1.19918857938633,-0.493139274339229,-0.688321527262744,-0.687204001577595,-0.322568787019374,-1.27401035376879,-0.685231075515922,-0.929178866477403,-0.461273698334518,-0.710716057129158,-0.59159573406065,-0.581240723315525,-0.211162017362847,0.281219828684849,-0.408054447580001,-0.512816349416084,-0.478474427984935,-0.622829979900438,-0.324451563664492,-0.566309346638699,-0.313768403337442,-0.643405902126779 +Snap29,3.59847997949526,3.18860778913913,3.43699577311519,3.3760059283624,3.1745788253379,3.15605791998549,3.11352232611818,3.19076138501161,3.23858313739883,3.5188951394111,3.35820062312896,3.45722833458656,3.62916821572134,3.29513524239514,3.533614905021,3.64405669246512,3.23742378455178,3.63553135111765,3.39554696368683,3.74609027680875,3.54859150879786,3.58409583283008,3.27890436722124,3.40638453489443 +Serpind1,2.55297024681684,2.12842892249507,2.52503985670791,2.18204597785747,1.50643906207666,1.80936910752661,1.65203823185423,2.69495399594078,2.3304836380943,1.85606972443822,1.59926573095362,1.85153853408078,-2.92482144153516,-3.56178964840496,-3.56178964840496,-3.56178964840496,-3.56178964840496,-3.56178964840496,-3.56178964840496,-3.56178964840496,-3.56178964840496,-3.56178964840496,-2.5465779638594,-3.56178964840496 +Ccdc116,-2.56595159144821,-1.80284173323809,-2.16512352667755,-0.701853990861702,-1.4596226908789,-1.36931092682256,-2.01046807404132,-2.75032771598728,-2.02180505272852,-0.919777560379083,-1.66365544419482,-2.20915391916207,-1.55495059375981,-2.39569828667162,-2.89011648243967,-1.82305633305681,-1.54320933602294,-3.28540175129498,-1.40565644186331,-2.75552867919705,-1.86400633756796,-1.06370199024631,-1.5734608300677,-1.55573609816942 +Sdf2l1,5.49399172323313,4.95512472484627,4.79571321646491,4.79364056936068,5.12452221646465,5.13772614400033,5.09988091784262,5.42637989751842,4.686142733728,4.65782296991239,5.37589729415698,5.28132754237815,8.36577046374108,7.48515777536449,6.95667693550522,6.91904997324203,7.39492393437311,8.02078434464496,7.95877615078695,7.86075349487133,7.236676583057,6.77850108887923,7.53906721601854,7.82458775262032 +Dlg1,3.57011890106598,3.72364069314732,3.80104231728854,3.74303832751099,3.79430059753187,3.71575860709683,3.60994270538709,3.98975741752134,3.71421683171303,3.67841492317502,3.75030098355334,3.70262898449699,3.62040576672004,3.66812593766933,3.61670643675778,3.63092810626747,3.47841872307372,3.64238303102619,3.54646242487057,3.84127240419165,3.54487616341822,3.56844128694638,3.5112662467243,3.57716029949833 +Ppil2,2.91317406141746,3.15726685351907,2.82165623052827,3.15707533058783,3.07208728675373,3.00428813377754,3.03853149004219,2.85827002796965,2.97813587935114,3.00663313292621,3.11172452600591,3.02963651389951,2.8734178378518,2.99645470340067,2.68100841522586,2.94366909057062,2.94035441949396,2.63704533715014,2.91240241476386,2.75560498735248,2.86015329248573,2.82835977722141,3.09419963855519,2.99048174596615 +Senp5,2.94126272730615,2.6681961015083,2.78094462327248,2.72199482205818,3.1766352712672,2.99077186622693,2.9483691474673,2.90492999243356,2.81489236389731,2.35849717496419,2.8800940079847,2.84551277241496,3.243029313451,2.68173270884672,2.92934412875533,2.89465834426417,3.3005563328624,3.26244968915495,3.28818264803333,2.81205281196,3.06931901057691,2.73327537843628,3.40364264071003,3.0922511871585 +Ypel1,-1.48764966892459,0.457601690152064,-0.217727577563336,-0.138262535256955,-1.16946435340239,-1.26145590005027,-1.10760245767783,0.540539724729056,-0.180809139425907,-0.0033401536129074,-1.11471758534967,-0.978759285748798,-1.12019988494871,-0.58279114876285,-0.338051453931981,-0.550149976490625,-2.15617878498943,-1.60156744521448,-1.52424901097481,-0.268386181682707,-0.611922621382016,-0.650168892619845,-2.69451505682221,-2.13412661932599 +Ncbp2,4.45358031171485,4.13490771680228,4.37134945349913,4.0460280522862,3.91839119501752,3.8603214083758,4.00579176689473,4.15093485885038,4.30776235697013,4.29231645528749,4.01422917631097,4.12906073429498,4.64469217917155,4.30631812050442,4.49158218305986,4.44499058557358,4.2318086629799,4.19404658442044,4.0392335829711,4.44413373012317,4.23081156851703,4.35478463893076,4.20203902356283,4.12591428428745 +Top3b,2.15137977124983,2.52345808774223,2.07271876160702,2.48657505306973,2.84919837610246,2.66469217201698,2.685947237082,2.16012852790518,2.35302403734744,2.51915259101009,2.66417199401298,2.52980098911644,1.67645970833146,2.32579359742029,1.50741467040151,2.18702454485177,2.44175760281155,1.86903639223214,2.50007756042183,1.64381276952732,1.86420377290335,2.12306996344783,2.55119917065006,2.30126504865229 +Mfi2,-3.23417181146409,-2.0565847434539,-3.3697088838758,-4.40860021413338,-2.89259321218109,-3.82496203812898,-2.78781533681231,-4.40860021413338,-3.91164353313666,-4.40860021413338,-2.0829253391553,-3.47152664855859,2.28747281959182,1.07823308939059,-0.0997352504824631,-0.0525679231551932,0.848854944701694,1.74333514113227,2.12939548316446,1.40382781096071,0.51665915465334,-0.219609630739591,1.4284844479242,1.18089146284957 +Pak2,3.97209122732867,3.67546526893715,3.79311690933236,3.64802294711277,3.82378971946423,3.78616159260408,3.52950839395739,4.05213143837143,3.89333896550793,3.55189006101763,3.68406343306273,3.59729608019995,3.69868919662256,3.65102789526076,3.80540355531428,3.69655683960365,3.76734565800698,3.71713928325408,3.50088166627604,3.84574531735005,3.5233130115725,3.53536779366828,3.79223224007466,3.68562688562581 +Spag6,-2.54245960624879,-1.26101044744874,-1.42581200142165,-2.67551212479113,-1.58693660734939,-2.20798973534997,-2.29935913280298,-1.56882052050759,-2.19856803574194,-1.70133367732269,-1.42051569266299,-2.94757208618318,-0.716361900210902,-1.4497970412903,-1.28428953117052,-1.11798868306598,-1.98796758541418,-1.64263187311324,-1.21914772785235,-1.81705128524473,-1.39923107797363,-1.22439702093318,-0.777989877633358,-1.72746439388222 +Wdr53,2.90999594282431,2.56021539878792,2.54965887885967,2.68114901642511,2.52911365683789,2.17755586833785,2.41289744926168,2.3924318896715,2.64974490428045,2.41638852719382,2.5840066554869,2.61975780812968,2.58840295126695,2.48681602188839,2.22774607911622,2.60143363520895,2.36124192659653,2.53518333654108,2.15039171984228,2.36890682441542,2.70850893629159,2.63982934904482,2.38311702304602,2.62116488473681 +Fgd4,1.92853402959097,2.09985308141222,1.94472467265016,1.94070801595542,1.97477085405304,2.04718506359701,1.8334797136891,2.03361922379305,1.9949656747298,1.89889654070059,1.9617592775655,1.93780502111002,2.05447005491738,2.05097378174186,1.6473679674383,1.45650357630648,1.58212661459783,2.01636674238438,1.9908917937234,2.20925896203683,1.81007391259019,1.59171021066771,1.62282042508019,1.89921102083563 +Dnm1l,4.33763540748721,4.47117671121177,4.10750176823609,4.3620622814148,4.62527123804818,4.48983748093869,4.47333405354712,4.14225638401611,4.21854273844399,4.47988074241471,4.54540866062314,4.55550847195717,4.43561493858074,4.47591691549267,4.15093625166257,4.36388875797142,4.564809541049,4.29582407650734,4.36931540178819,4.31684993854002,4.36765118596826,4.39749377449662,4.49489072648136,4.56379242573303 +Igsf11,-2.44318316678813,-1.12628640479374,-2.02634756111901,-1.98823129182104,-1.43973663822637,-1.93757792750104,-1.67593518720661,-2.15144186742123,-1.90234331141298,-2.28812243092313,-2.56503904369464,-1.77781896627452,2.72601848361049,2.78854865752252,2.44429757775729,2.07993414881602,1.71543722707645,2.71328255588075,2.5895860313845,2.7278301117691,2.45597702168779,2.53600849651023,1.83958116676141,2.22264571973696 +Tnk2,3.10714126337456,3.31483117255986,3.07522988815859,3.36553712835868,3.52321627286933,3.3593420350771,3.62940079513376,2.96548403470331,3.26419998605535,3.3739086556704,3.68754865935445,3.38311762108947,2.74058289482397,3.35163653049789,2.97209197577604,3.28809105239266,3.19179022611388,2.88611948401806,3.47977119192943,2.87344661995623,2.96519588670441,3.39476402792393,3.35701248862545,3.15319527299759 +Yars2,2.16660535649497,1.89777637678318,1.67364052292266,2.14154641154485,2.02007649384098,1.72126018185454,2.06751767275649,1.42496438339844,1.81475561039423,1.49664938850547,1.75205696841347,1.73989545937887,1.78978024563334,1.66110990393116,1.5551918230485,2.06272397378109,1.97781906711594,1.9458811692111,2.04425875957134,1.52664148622543,1.83525228107826,1.79532698541844,1.89609538507398,2.02594277267254 +B4galt4,0.812924482908199,1.01735566360319,0.339910203029785,0.431034721068063,0.756962161718858,1.04369833986193,0.511480206688955,0.617743989464165,0.681229393976392,0.561454565388192,0.841177577536343,0.993273175536521,0.901939802971291,0.83914620950594,1.0918261967139,1.09504794650922,0.65288385305207,0.418026775419453,0.815768576809673,1.23077951565039,1.02134010083058,1.01160529994415,0.710287662898424,0.788309276114108 +Tfrc,3.22123219472507,3.51799520471528,3.12246606931906,3.35226932187377,3.33378103924039,2.76740851071459,3.22391765460285,2.34820956790889,2.99095400353194,3.54857545227851,3.48886632853975,3.3852889336272,4.27009709400289,4.48010689831536,3.6507319226736,4.34447492559679,4.52612890812298,3.89257045543125,3.96603812582079,4.03458988948344,3.86797616001352,4.30562144647514,4.5636014678477,4.65629565764678 +Arhgap31,-0.573532308432242,-0.69849684053323,-0.768736488205239,-1.03090174854282,-0.488143094336739,-0.847122733863913,-1.33466809201475,0.0301704892576016,-0.808800685619481,-1.70170886490183,-0.940320606875933,-0.712787196403703,-1.63756192175043,-1.51887634712271,-1.63699736508306,-1.79359369207644,-1.07906417398442,-2.08711274557556,-1.65870115819758,-1.84148769592729,-1.60592211215939,-1.72036357831749,-1.6712559422074,-1.24216943473492 +Fyttd1,3.72425458884002,3.69292406794903,3.68933296130918,3.78564343874895,3.70442510016212,3.57874054846759,3.71789543779781,3.55460326942443,3.60652515613614,3.8591320059823,3.52927289156514,3.70779229520732,4.0055995439196,3.80510188379111,3.95186627310682,3.77832018752058,3.62808984848354,3.79867769264217,3.54823311719409,3.99808732776303,3.92965500268922,3.83517869295917,3.67966510659271,3.80797745788301 +Lrch3,3.52392721466838,3.59965712341678,3.52062165504681,3.48962134171095,3.61058560128342,3.72272949716354,3.51777941355091,3.45809861858765,3.54443918670739,3.41709049283496,3.64285713958976,3.52314630736889,3.18551485609464,3.15658588054531,3.15787083327104,3.07312967045422,3.15049799725288,3.10494123592057,3.13892200806395,3.27143733983401,3.23510439238579,3.00948650825196,3.22423106469394,3.19083743809284 +Lmln,1.10967355465148,1.06091155122928,0.978706773973649,1.10264698259354,1.26599933722864,1.26661374837895,1.13570977197161,0.916008500715904,0.922473575776096,0.635236290546015,1.01950428711644,0.98112754843237,0.374431143039915,0.821392007694395,0.441160244958068,0.477098838003125,0.896692058917279,0.245782460219514,0.559437069080841,0.638048069720279,0.629776008438121,0.859588179843291,0.806319816469826,0.631289825628508 +Spata26,-0.0926751948320561,0.300401030037927,-0.0493166252613677,-0.524945021443579,0.415755639236813,0.856646098669202,0.257487913384563,0.635998227840408,-0.118464658161599,0.364173430169397,0.335584839384112,0.0001105972050159,-0.653903995377794,-0.299065351326927,-0.806705034086899,-0.541660593434919,-0.668730668264253,-1.1827231757026,-0.4369529122521,-0.867639187224113,-0.0712904001286572,-0.21188757773424,-0.713383163777064,-0.319971093532096 +Osbpl11,2.02358573901616,2.03853916452275,1.85097041984578,2.31937686081219,2.0659544992168,2.17942668355398,2.31997916500179,1.81372025214755,1.84158744560479,2.21451782496841,2.026594523268,2.13565008837528,1.93311447022553,2.23240541910197,1.73409180891243,1.92724021007488,2.01884082049474,1.86827058825119,2.13799649563864,1.81175459630923,1.94865667813428,1.98775311922945,1.91844749072252,2.11831966742041 +Snx4,4.45178987021335,4.29544227108685,4.61685618671617,4.57724453943682,4.12279506121452,4.13446990040182,4.0460817309054,4.36995283584252,4.5811611232945,4.5512890177894,4.11377969450477,4.13823951645249,5.07450740624051,4.93877555484817,5.1000161698136,5.04774877402202,4.76071143699148,4.80806632336136,4.54560613793737,4.90987468173953,5.03836258718543,5.09048652365987,4.70487769706129,4.76667368573937 +Zfp148,4.74792719484684,4.75882554070012,5.00745015350341,4.76164130565832,4.72008134660225,4.84543654622171,4.68014202147442,5.05377042155933,4.97394494396781,4.75706389571927,4.67148185282687,4.73802277246011,4.36253291857674,4.24644027510647,4.58563462268842,4.15700858225636,4.2038084507569,4.37474592811812,4.11885739402364,4.57578851671171,4.34166720667452,4.24104349834543,4.24062410505347,4.24602463128223 +Gsk3b,3.82311522344322,3.88586145992628,3.81862168054981,3.52155594526085,4.09008974248419,4.07208927839519,3.59401067922806,4.21376688088422,3.76150662801247,3.63487251562882,3.95543427559635,3.81184249490655,3.87871292445527,3.85150889846851,3.9156030053114,3.66506754626241,4.10070631841893,3.95318369066866,3.83261244571,3.90827185709045,3.72899606831828,3.64912962476688,3.91065456815668,3.80028582327407 +Umps,3.99959873953413,3.75302381872382,4.121833298752,3.95474732615699,3.63329592469748,3.8411317684407,3.77767639083313,3.93027091751617,3.92035646179932,4.01164715072509,3.72522266173085,3.96456286858078,4.11179058432868,3.87432087367031,3.83894863830564,4.02183325965579,4.0056603958693,3.98623090776257,3.63671708972229,4.09503940788276,3.87158670254289,4.03685989366571,3.972942694554,3.84264153721403 +Fstl1,-1.91760378388919,-1.98971590711528,-1.90916922974289,-2.79391036981531,-0.633644524701637,-1.69861218881532,-1.44173946853724,-2.52758208824199,-2.5495680685858,-3.80368664332125,-2.11565808860726,-1.6492589966158,-3.70524477092355,-3.00193716125141,-3.7894273966801,-4.07916835916475,-3.47778408401693,-3.1086179343875,-3.04825105526711,-3.35511499514063,-4.78256681108315,-2.99063647710117,-3.44240384739348,-3.36889129486679 +Itgb5,3.13969233688037,3.11525397723639,3.45345464720153,3.12079598359309,3.01890063593932,2.99384611064239,3.06952033804478,3.2893932798999,3.11680369516114,3.19570906723135,3.0515462851812,3.0140942544059,3.74319640200825,3.88252649548587,3.85856367013474,3.79476288718728,3.82936202062322,3.85942674525185,3.91432393299305,3.86771609373484,3.70259829975792,3.7625379020959,3.78049216068952,3.86501417938915 +Ndufb4,2.96946807232618,1.74538931285683,2.94657396537962,2.50291251700523,2.2178768921136,1.86771660542155,2.06025308447763,2.11241281549517,2.69130967896078,2.17842367897375,2.03454976296366,2.24189042604157,2.74868907547809,2.35301237141127,2.84158782347552,2.58947295836281,1.55492468940973,2.66927058495629,1.25822237315575,2.48537685285915,2.31308177463227,2.49959604194364,2.02605933833725,2.04741839428381 +Abcc5,3.27381236054482,3.95161029408217,3.23362124136099,3.60103382234482,4.02693541621019,3.94481814771342,3.92038400190593,3.38925185291879,3.43697307458671,3.5421379041018,4.08542025486963,3.88893229733779,2.82692816543899,3.47464119437648,3.25613201108859,3.1827650406341,3.56369149658564,3.15280668769422,3.68317509581641,2.96349207157607,3.19075490169752,3.1720908451688,3.52717113925051,3.60606604419175 +Muc13,1.04993101049909,-4.28589084277995,-4.28589084277995,-3.77584439608182,-0.175288836420513,-2.11905782550435,-4.28589084277995,-4.28589084277995,-3.12645514518942,-4.28589084277995,-2.80896145232725,-3.74257287228452,0.559744228317168,-3.71333855283967,-3.70549843889943,-3.58249239086155,-1.31096312217294,-3.65574917055261,-4.28589084277995,-3.19742708139693,-2.95253393757095,-3.29667071401773,-3.2706791582344,-3.20903517838387 +Rabl3,0.906223287180391,0.837274708632982,1.10925699804627,0.767344982011685,0.951871441756231,0.98597472587041,0.769487138633226,0.98264312264301,0.819276781173206,0.925643480307327,0.72403342646555,0.906896407982969,1.04662164238406,0.644936789440037,1.15362868169569,0.629686366948339,1.01607723052054,0.967239385047692,0.950585238408328,0.382995938093979,0.806365183951284,0.485509019385831,0.791663064053023,0.842578510617056 +Gtf2e1,2.07774892146939,1.56294919251743,1.90827797580415,1.6581800821681,1.80767258422922,1.6551641599549,1.7260732626731,1.54722304854667,1.82588570287697,1.43645583957808,1.54419110430731,1.59392648008342,1.69045198022112,1.64297537541332,1.76095007232666,1.89817440776748,1.67250799825921,1.84491313240502,1.55151891070883,1.72664101502355,2.07162276821307,1.64472831407574,1.80457255356288,1.4923152262747 +Stxbp5l,2.14852680792968,2.27897687728943,1.78634308975683,1.99781779439064,3.01203066279873,3.01790642870316,2.60872648328425,2.24589336109978,1.83772603536259,1.96843007333176,2.72385431483557,2.68978914662689,1.34816490488104,2.13833903022867,1.75032546911916,1.89826554829971,1.97102336179892,1.29607382464597,1.59361409901384,1.23210218447177,1.45760746525456,1.52891315945864,1.42386952486707,1.72960780193091 +Ccdc14,0.398385323532688,0.77537874916439,1.24554686805424,0.559848673537704,0.607463251989994,0.550852335428649,0.606413701182355,0.910707877243146,1.02494980614604,0.64668325729875,0.814513184767168,0.884336455444157,-0.257757785615601,0.319244665709763,0.776953382062901,0.273218349857625,-0.141298211450889,0.185713911646245,-0.148842794224194,0.744447814557601,0.203678119908984,0.386996732450729,0.0556399381274906,0.329348362160495 +Iqcb1,2.57763531944894,2.68103344693957,2.60732959554285,2.72431176745894,2.57668411652229,2.66867739230111,2.71342401082375,2.56422236015276,2.84728616344915,2.70594462622676,2.67045908243984,2.65851744282282,2.19777042677396,2.31137270016866,2.37535752776047,2.23631889987391,2.0995199117169,2.15327311202272,1.90926005604412,2.56963682122483,2.29942714342621,2.35252505063419,2.05928563352865,2.21568408291532 +Eaf2,-2.5532397284706,-2.51780928512012,-2.99863759613999,-2.68705198593062,-2.21958342501836,-2.84390142231441,-2.36737064947976,-3.13268721275907,-3.29386619173935,-2.10184496365078,-2.98093975622131,-2.44124199400485,-2.81888472894385,-1.68302795615763,-2.33829302497761,-3.39385431631629,-1.97387134754462,-2.95248493273625,-2.54965571428893,-2.91832311090372,-1.8753616637965,-3.34320705371486,-2.81451375106472,-2.42740214128831 +Adcy5,0.712503430775089,0.760763714831712,1.0790923395375,0.836274685265356,0.689359780912689,0.369638532978591,1.1455072585377,0.603611090036519,0.665667104174018,0.84922008768812,0.971522800207141,0.89592714283508,-4.11900223996236,-2.6425897950998,-4.61593187624144,-3.66774891365277,-4.62086181725239,-3.52237540342631,-2.85359065373088,-4.10786051873895,-4.18679399527125,-3.40439394613999,-3.85616131643229,-4.11946861572588 +Ap2m1,3.62985408030346,3.4001925737395,3.37535655897517,3.42607204595767,3.38647999137086,3.34207595621433,3.62992291032247,3.41587224054299,3.36581721386598,3.3556665954106,3.50071331456726,3.49675963031971,3.6378578434375,3.37651129208779,3.44985084628244,3.40167980895917,3.50347327053408,3.58533448895938,3.59967857166395,3.39271110790404,3.52454846914967,3.42048881598819,3.68481931087663,3.54082187515752 +Ece2,1.65341545261896,1.85397258110271,2.02050732156853,1.88736426133986,1.8214911682192,1.69206346041822,1.80220567760165,1.47340203071165,1.70097335858694,1.73438751041146,1.78938461068889,1.69514300051085,2.00270496614242,2.12261247890326,2.22047658832283,2.13003931612691,2.0907903923057,1.77588812647768,2.17081034111436,2.02863331346171,2.15051904062467,2.25390480470669,1.94609869113073,1.91491985696119 +Clcn2,0.485313037816632,1.1938463401154,0.582839787125706,1.20619746095558,1.75196080841032,1.37533615927837,1.71886900169479,0.270143870627054,0.910337825812466,1.36387158354973,1.76110960175704,1.17876999654755,-0.415456888202006,0.454608793846918,0.164270301713655,0.728301707894905,0.634957662844467,-0.240435065323972,0.862676201130082,-1.03699958134698,0.406728383714881,1.01573356100886,0.898259878519484,0.569776028855841 +Pdia5,3.66024373574606,3.40067960650955,3.35993173114741,3.72522537738443,3.84765393671368,3.69504091240154,3.58228783112688,3.76008103497082,3.25893700122855,3.47699408889009,3.83863179727893,3.62112755416679,4.00350986448203,3.36223639339138,3.43355387670383,3.50911429537728,4.26290372903419,4.02438758420802,4.49017384553082,3.97815169758987,3.81587876954245,3.6605114605848,4.43991454933292,4.33183028354105 +Dirc2,2.52937591324227,2.80127868403023,2.99614127637346,2.57218401184179,2.30259632399051,2.15292185366773,2.41302872368822,2.92358860527364,2.91806954073229,2.63366091190882,2.25675242376546,2.46230884566858,2.80995020986647,2.86551512012255,3.00935656527084,2.65053944503384,2.21117035815472,2.76249701636316,2.40202891992417,3.13693083388132,2.7569367361439,2.508617856806,2.32235369359575,2.59786106897597 +Hspbap1,0.270675703631578,0.371873360137692,-0.103480166825308,-0.0731879286936055,0.416714423459177,0.324777907179815,0.616476895040383,-0.120772557679395,-0.0277199141620201,0.459349178417809,0.303536635755824,0.008705052867004,-0.0914074000771721,-0.156757927538695,-0.310696016874542,-0.465072462425981,0.151110625223792,-0.652845734719054,-0.0877839430970351,-0.853551313123518,-0.279365590573621,-0.6716098225203,-0.14818238774472,-0.0623917471526241 +Ehhadh,2.18640144281503,2.04460252916329,2.57097603366701,2.0917785301346,1.71258466069327,1.91014712517232,1.91064626025805,2.53395016144434,2.14310557268239,1.81136666654108,1.56117169234608,1.89090919431618,3.11630744168414,3.05067499480134,3.21515224339586,2.94386008636967,2.8371171916793,2.83285306695825,2.75077613051958,3.28996945077536,3.02527366461829,2.89259722380259,2.87694906204567,2.6028315946657 +Senp2,3.00321018207191,2.78444970358307,2.33948873309886,2.89093689809315,3.05828639617351,3.25618902230021,3.17030663381465,2.28640067774467,2.81064609717217,2.51421170212107,3.12469517476384,3.06881697263717,3.19637409697454,3.12858010426695,2.88576349449709,3.2398420141783,3.54106281104737,3.40405582435184,3.51006161020343,3.0407204941892,2.93081783273228,3.06216497065233,3.47067366142812,3.35623365157665 +Tmem41a,1.78374654622614,1.24123980561531,1.66155865283693,1.46179035756604,0.854243644109588,0.947249510032378,1.33382461219123,1.50830676500606,1.54143815386319,1.54786274661436,0.996248339625224,0.934557264475192,2.14898856611565,1.55261625971986,1.73746654668746,1.79586331734072,1.3388877631131,2.15601936378737,1.2074415944964,1.48785602906962,1.70605575083077,1.76027351232244,0.867766588468285,1.73139196807386 +Tra2b,3.58712051204141,3.60757173452589,3.21737136765775,3.8013461439628,3.82168906066022,3.46595835332521,3.61833452958963,2.98124539931595,3.58361686926151,3.80072926120914,3.57483998047683,3.65545603403717,3.27617533591755,3.38220506690487,2.8653776651344,3.60746734678852,3.2979372337009,3.05876042382093,3.06438908890578,2.81150701078121,3.46273372361899,3.46473256649043,3.36961942513305,3.33671713293061 +Dgkg,-3.66961543571668,-4.23881062681044,-4.44386653704179,-3.65714469934979,-3.24398087841601,-3.02657903659038,-4.0711480760755,-4.92531194291538,-4.07952621344496,-3.92602441208345,-3.15708299232129,-3.00425123520306,0.95151842526151,0.746967167084789,1.19710865597082,1.33542565056465,1.02802262148193,1.09851859247402,1.50878094556725,0.224728371221639,0.89356198109777,1.54016052774127,1.19826043909898,1.17329542318243 +Btg3,1.91140367877145,1.34541079726544,1.09218255012019,1.47166685808476,1.3361607266406,1.43167311752854,1.21687749556241,1.35560207920476,1.36859061453573,1.65772996482154,1.97602431520019,1.60499427047091,0.418168638786555,0.471903557412282,0.188856381079433,0.807108155287154,0.17570057084666,0.0343119789069768,0.110209498390364,1.13210420174151,0.523039411279314,0.793997637043291,0.310380652588149,0.89577239743573 +D16Ertd472e,1.09779141950028,1.6242794044781,1.17291975485947,1.57179298927124,1.35100096541145,0.863800369932979,1.31218689379558,1.0957940521359,1.82271440017306,1.79430096915158,2.1702380637174,1.42840641070034,-0.718483059784536,-1.10222359929428,-0.967147772053849,-1.22343897470488,-0.773898917637169,-1.08805912652317,-1.68915087568792,-1.52521681493272,-0.732588124266276,-0.767804107907431,-0.822623356683963,-0.352108867299261 +Cxadr,2.94634337978041,3.51799066699797,3.17661165508964,3.48907632757755,3.4022833925349,3.15463446511078,3.4103336697478,2.98743218774583,3.39866134720188,3.48563428792272,3.5960524118897,3.29578491921368,3.04717441048405,3.05228454645014,3.05758698019953,3.14870247583854,2.70081554926538,2.9291064321497,2.72616037923353,3.34226257624809,3.1060158260428,3.04176639869838,2.86618145525287,3.00691236282908 +Usp25,2.57933393472607,2.67849843714876,2.78773370145108,2.65347285990522,2.75505028171161,2.82859474343663,2.59674352214475,2.78419132981603,2.8017694747079,2.71227300319987,2.69492100049395,2.6077292599509,1.75431525827743,2.2991368511117,2.19089377887864,2.38588545891882,1.91174301572037,2.08666149484866,1.9126716557085,2.47487936548084,2.23022014423829,2.02264310094062,1.94492319558044,1.99396066986119 +Rfc4,1.44967172814181,1.14408589257952,2.00244897661506,1.49409047750103,0.830693480152052,1.06194947931583,1.15907158545569,1.40048083768936,1.00354547129283,1.37310971987882,1.22211484816723,1.25667237449077,1.16302867886052,0.793805232457177,1.00840018900358,0.643055215071759,0.638773289352163,0.786559162809128,0.541395344905236,0.637736358621564,0.896967481177403,0.525106483059252,0.441017591087339,1.11609989649396 +Robo1,0.36418889174423,1.30278339020843,0.882755322594942,0.665559689167724,1.07558584867398,0.535903344480838,0.767698483749169,1.16777268238113,0.763475622285527,0.535802501103362,0.940187001290272,0.914517429371414,3.43601685572924,3.74149074870828,3.75575120288486,3.78325649658759,3.84327642858454,3.68848620063317,3.8626310353796,3.55815859263881,3.60277420031675,3.78814206030533,3.7791250871638,3.76548755767695 +Eif4a2,6.41857640930597,6.71925015515199,7.06770264013326,6.78938008108103,6.27762529238012,6.15540868437594,6.37782861066555,6.76368636418465,6.77593189194951,6.77784081279275,6.33242624151299,6.52013207606729,6.71760353278429,6.88161443586639,6.82491749407986,6.82879656039047,6.32689424132616,6.50818629641898,6.28323793768263,7.00706275335773,6.90510269868361,6.76797668103821,6.36529614384061,6.65134052114945 +St6gal1,5.58770741315175,5.52941778562312,5.7985980987378,5.35010546480347,5.21377733094182,5.35557341486153,5.16318922212066,5.89799316942216,5.50394783897263,5.41318060953175,5.23645679480136,5.43024184576899,4.45271691770673,4.86235453108841,5.05118221660308,4.61289738679709,4.04374396470118,4.52622822815979,3.99464702154015,5.0611973619128,4.72072760071779,4.72944857830115,3.96224422684089,4.20525941241814 +Mrpl39,2.70377343999553,2.52457148923443,2.87352341009649,2.74921025343612,2.35442163637298,2.72843970867299,2.60217839601999,2.75365654001728,2.63365568453356,2.71511093167978,2.56079814066507,2.78510192401265,3.01680044651932,2.89719348089569,3.14829288459429,3.1633371568519,2.89139817538331,2.92770097054296,2.57940593034891,2.99918639749543,3.21139925300292,3.15280367645783,2.66748693229229,2.75865720414036 +Atp5j,3.97092794132819,3.46374693232335,4.02496108185752,3.76138750862692,3.51957962129828,3.64411070669768,3.57685904871316,3.97751776414316,3.91369665124914,3.90610309023414,3.69160536703779,3.84247547569757,4.30907944199954,3.85986106200549,4.14272283485106,3.95193950611887,3.65689964264329,4.16106105594856,3.61414594513863,4.17186636541917,4.18019846956803,3.99785049207629,3.55608558811099,3.72299453177922 +App,7.12410729295645,7.00692916971138,7.36728352572145,6.98774010220634,6.83596538854503,7.06518723250703,6.88891869620851,7.35706168254678,7.19227738432922,7.06390567785642,6.87155765953565,7.07626634175171,5.95928301718996,6.14503250107296,6.09725022532376,6.07080702767064,5.94839357886842,6.00353490774439,6.03111034198265,6.26304796758476,5.98674249231023,6.10551155636711,5.94987850102532,6.01261365728586 +Adamts1,-0.877755893023113,-0.847585777250167,-1.52959095598879,-1.52276816952482,-0.778820248711725,-1.31213056392615,-0.324723441671977,-2.6630637896765,-0.944252059601483,-2.47996117332297,-0.311352311542696,-1.36144816716335,-3.08078324497534,-2.62714750561335,-4.18755511674558,-4.0645490687077,-2.62028737527169,-3.70069847842749,-2.60096708467635,-3.67948375924308,-2.94699709968876,-2.61482619630772,-3.42778455693643,-4.7679475206261 +Adamts5,-2.02465232677019,-3.47588181341028,-2.31034196827994,-2.49774074188002,-2.14969101233612,-2.38120782126228,-3.01291943945962,-1.81113096420006,-2.80852906603851,-2.82813983661491,-2.92912088627967,-2.58172020623766,-5.3777288727156,-5.3777288727156,-5.3777288727156,-5.3777288727156,-5.3777288727156,-5.3777288727156,-5.3777288727156,-5.3777288727156,-5.3777288727156,-5.3777288727156,-5.3777288727156,-5.3777288727156 +Ets2,3.8866688707105,3.63062093648156,3.63923373327078,3.50374487667012,3.6604260244889,3.75204446616256,3.61090166575372,3.83659187838091,3.77092326915011,3.56012788243036,3.73395897156769,3.40904425655853,4.19887308412541,3.74479915254437,3.79216098715767,3.68256395796144,4.00724040531992,4.08669891790528,4.15230065176417,3.60748176641141,3.73241345273709,3.60529578840074,4.10724569056993,3.94886783843184 +Dyrk1a,3.32694207680532,3.49555658191492,3.45276877350197,3.41196204632727,3.56290776924582,3.68804724295876,3.26693320412573,3.60542583818378,3.3476611319629,3.3977715687049,3.37283364464095,3.37750699980248,3.11514657163207,3.24804509308976,3.16409145703156,3.212709911422,3.30868587961093,3.14611621386156,3.17860855070393,3.22680920400442,3.17831069768511,3.21195990956316,3.29514259499583,3.2108474234211 +Dscr3,3.41892279046809,3.39258644198096,3.64336730588255,3.47468425455688,3.12223874260978,2.99726357046082,3.10682009435782,3.47668404561897,3.62659689454664,3.39289267504935,2.91154969788624,3.18939071182455,3.72666403710337,3.67085171024935,3.58831926953898,3.57861480562866,3.34529222660949,3.68490691584897,3.61338745836424,3.78879265514359,3.63970675472238,3.44171273102598,3.46181154182594,3.61931046984891 +Slc15a2,-0.847962835668206,0.451099903057627,-0.243871065036251,1.08780212498316,1.57231056980875,0.97790511618574,0.317487379210317,-0.0237300566246543,-0.391606576158972,1.18810828429079,0.967880210350374,0.21724664730004,-1.19808390963248,-1.06263745533723,-1.26817019115984,-0.110221042497932,0.0952527493690822,-0.866666382791408,-0.74908436278506,-1.76804304665895,-1.78210185970596,0.0700936904094087,0.0200934897317335,-0.285066966953089 +Ildr1,3.72647154891981,3.81510055707305,3.82642426635304,3.6094838981356,3.5345679293414,3.7386463254771,3.62991307089561,3.77587004242615,3.7139407858192,3.74111128595264,3.60215579759948,3.70421618778462,4.3207560710067,4.16524473595935,4.41971563219528,4.24586249583687,4.36183625381594,4.37242895408893,4.30055258340397,4.5650420635483,4.34571346698817,4.33736963115235,4.29200724517461,4.0901400789181 +Kpna1,3.2956629814163,2.82192946515703,2.90226735019588,2.87084451962327,2.94708571201922,2.96574184623138,2.97884141888511,2.60822338701128,2.84245588763246,5.55836747860932,2.90143992486182,2.88377445182248,3.50449231727716,3.0738364373441,3.37297549963353,3.18655861994526,3.23574005738466,3.35840219892882,3.08216010026482,3.33329352838989,3.24941176271529,2.99814235989697,3.2977526328004,3.28540948825021 +Parp9,1.72260778060494,2.29699116416197,2.44636312400861,2.12372447637085,1.66542087130002,1.88295945149338,1.95627943161025,2.13889796006611,2.29161730511054,2.04866438457155,1.88057511975401,2.15335831968048,2.08808586478162,1.94470831302508,2.27881441872438,2.20582428452553,2.11391985986794,1.69671197838461,1.89193233993398,1.89723738489319,2.20481989210464,2.28234909510168,2.06736808866001,1.77943702595203 +Arl13b,1.41412542453419,2.020696177555,1.43484767384978,1.77490178228676,1.71551973939663,1.70669485532967,1.70877878635619,1.75079462341906,1.74382966161883,1.87840214031317,1.77504499589475,1.6614388052807,1.45918782213326,1.6407104346913,1.29627068838316,1.46273609252443,1.63845340102499,1.32930619715474,1.4609781188001,1.54275916713108,1.56425946348166,1.2955507688705,1.62294193060673,1.59399892377184 +Pros1,0.607502673246296,0.124173877486524,0.747811626809576,1.06116252053232,-0.0662086956409391,-0.267272125156877,-0.255025127979003,0.226787592458725,0.775308231209653,0.565989483364177,0.255545112922668,-0.122814597397375,-1.80892110799448,-1.25621516030269,-1.08325059297687,-0.330304296865793,-1.71660506605168,-1.18870375040935,-1.8934236686969,-1.33586080965119,-1.4694360866463,-1.60398051898474,-2.04661565372641,-2.27900529880358 +Psmg1,3.50699137876079,3.11518189464257,3.34297558131465,3.36131226817304,3.26873557530672,3.18542251497136,3.07702647408577,3.12923366660644,3.44129829814218,3.59626941586782,3.15787256021909,3.49430686302046,3.47964646921111,3.00805783137557,3.30702678823322,3.2364261202639,2.99123841811372,3.12263117970007,2.85220106327438,3.22654133887156,3.1965363153416,3.16804109219357,3.39164589667406,2.97368202307559 +Brwd1,2.89602784361253,3.0485943148515,2.72206836288423,3.01538398098386,3.44773963087898,3.27165870788314,3.29476264986086,2.6473304166572,2.84759523278395,2.8829558841086,3.22250531633889,3.0390229791214,2.86089173733345,2.77861043367843,2.72049946529958,2.82959150989186,3.19532038638174,2.94567531688348,3.15539525521608,2.40356439556765,2.75320853928062,2.72299854602278,3.19995247012088,3.09078935154305 +Pigp,3.63701413318891,3.86516772678744,4.21567152538886,3.95267126252982,3.45631705017576,3.48495319401468,3.58149821501858,3.95941845181417,4.02357894038282,3.98411534931466,3.73064538915731,3.7344014620332,3.93970694398113,3.90268225992737,4.38736088642248,4.28551532173208,3.62153032568735,3.94998019229742,3.19135180878693,4.10187846389055,4.30205373351044,4.19700853101219,3.66361197998525,3.57527041381449 +Ripply3,3.34196438891271,3.32793262454919,3.88810246141139,3.12069870077679,3.54255893505046,3.11822845481884,2.83677360341268,3.60612843551257,3.6635790529032,3.78930189753481,3.32845430186864,3.56205346032679,4.47769952423652,4.51032803415209,4.56502327376899,4.69620451769896,4.35315368005835,4.30955317948359,4.25237423770532,4.74195791766406,4.44388064787838,4.60991609480911,4.19371844643344,4.24969926136984 +Chaf1b,-0.533030528185013,-1.16113215103638,-0.441099803797238,-1.14727596450422,-1.07956762597878,-0.986858080244486,-0.847429870959844,-1.11702954695088,-0.7394088653985,-0.816414020313831,-1.13502569830878,-0.803960092414484,-0.843528113664016,-0.963479844615917,-0.838447642645058,-1.30164637627832,-1.12494208995749,-0.918358959395512,-1.2386066172598,-0.880973037363516,-0.665809504276441,-0.896356840170894,-1.2639005311173,-0.789496549897726 +Dopey2,2.74978061506379,3.07376162556326,2.78535898430214,2.86594366141006,3.3811455537848,3.46577687851838,3.26155817636327,2.96931129280639,2.81601973141369,2.95547854431626,3.42599231215705,3.14723378650041,2.97496748621486,3.36688447905682,3.03953758586554,3.2178554026939,3.92111781207397,3.62119638587146,4.02699872844585,2.822326208763,2.85496271803341,3.01411444971388,3.93770614982143,3.67766407058653 +Cbr3,-1.16781654170123,-1.65260718716967,-1.97691318727853,-1.70180467408972,-1.07191237827731,-1.26837594580918,-1.71594233294746,-1.62939358976963,-1.18468772637519,-1.6090392124677,-1.36284969484479,-2.04460140973418,2.17164750437993,2.60435802420523,2.90642500622709,2.45844671781158,2.70604308904824,2.39722353801434,1.78929743084963,2.48537685285915,2.26330628090749,2.41347827298652,2.65098896472977,1.72390128216215 +Setd4,-0.549991904289881,-0.136368925309441,-0.880060342164466,0.344857295479731,0.84209718777492,0.355662743754683,0.772098661951128,-0.673454109042068,-0.220396599086014,-0.0504779820911883,0.636551506850819,0.163791318995897,-0.811613353294156,-0.308411675514988,-1.28512993569227,-0.238653098433675,0.132585067649857,-0.383132435761966,0.006545518914828,-1.63884277230143,-0.822198574511162,-0.570611315869472,0.341471196939671,-0.499876159656126 +Rcan1,3.24505492990771,2.96340980953381,3.11717949086678,2.99069623758708,2.62761500355199,2.66682667432697,2.89898216399718,2.5155397228578,2.98211890899158,2.76298216956409,2.76445494145443,2.82968148029019,3.1490231448935,3.05078166894454,2.91429963778008,3.10708308643926,2.93585285628761,3.12998497040064,3.06099501072549,3.19082604706195,3.19622489291256,3.04665121520306,3.09807755116019,3.14111711564007 +Atp5o,1.38515405989433,1.12547932403997,1.29765987949595,1.22336569524706,1.1793638239016,1.16373127965067,1.11823947604672,1.21095138655069,1.3139491916557,1.31385875508255,1.1808482860889,1.25765370006569,1.46358612658177,1.18170337598128,1.3425862674523,1.31861959578765,1.01941373099124,1.35614265559149,1.14260705322509,1.50634475529695,1.32121650988317,1.19172967157459,1.06720089024272,1.14159435368237 +Itsn1,0.0205726049073469,0.352530530533146,-0.336916757410259,0.0883892303590601,0.640000188822195,0.583227301224208,0.608422137000495,0.2554098654448,0.154274464430617,0.220935845351368,0.572358395029565,0.235586190165233,0.176377253018848,0.392328086467153,0.180436440126107,0.454508074707626,0.745050638188372,0.362278409963126,0.829302047792202,0.342716840977977,0.0395918854097479,0.467026730019365,0.633763638191813,0.723688201707146 +Donson,-0.526931228524855,0.743393412904143,-0.0550167825296872,0.750532910667039,0.712320884664839,0.478375532675177,0.854108045337311,-0.1336866216941,0.134903020048989,0.338166559739316,0.692470716671624,0.727915278646462,-0.427959477549936,0.797159637691585,0.134642593131629,0.186176848814031,0.454523844328862,-0.731672632493544,-0.0395158708564536,-0.632550338790558,0.314916898531604,-0.22627121251413,0.145019903534451,0.412209841727467 +Son,5.38396922711896,5.54866221062818,5.18391455831629,5.42395137281427,5.79772824449241,5.77502430732516,5.65390633786032,5.37493386534996,5.43650680810707,5.33934257726522,5.70536263426093,5.53406154333224,5.22654144431887,5.30365765736064,5.14170097546681,5.2654113418422,5.6650413481321,5.35358015613561,5.56801559916634,4.98925867836373,5.2684100336102,5.20434722614765,5.56510927694569,5.46730755155041 +Gart,3.08147331908217,2.69227671415002,2.5749339736142,2.78497385519302,2.78424416074583,2.81659332341611,2.82490508429788,2.49111348735824,2.6406732739141,2.73945505821582,2.92770572736453,2.8409353372958,3.07131136888172,3.09460404943772,2.76810917680328,3.0553020034418,3.22685362526599,2.99258916275821,3.44211185270276,2.71651825538703,2.83945782656353,3.23130322264992,3.2358864059478,3.34433978225823 +Tmem50b,4.33969756596631,3.94432638910814,4.30725271313741,4.34270786821403,3.99550277417298,3.91026317077854,3.78150004195644,4.30049244265273,4.29123714474182,4.30013409430949,4.11732824457242,4.19439136457711,4.56711986763806,4.42448870501401,4.61985730593883,4.41448439008864,4.13338484828027,4.28967890687602,3.88742992303388,4.63833809043586,4.50664719591612,4.51395071951868,4.15965296923918,4.30792566343181 +Ifngr2,1.26116348919538,1.3046117184011,1.46126521619284,0.946391651365356,1.25117901170839,1.28160970209171,0.971216018824294,1.18593946715633,1.06196931249753,1.22650247348892,0.899878391276134,0.873145155699993,1.51733642633636,1.54606658719775,1.65184039447506,1.60798066046186,1.29183366415547,1.6392724575937,1.31331271141648,1.93745154967432,1.40475821808775,1.63068452996975,1.36628368479573,1.82584508497982 +Ifnar1,2.84874489262181,2.85506632728331,2.7024110161034,2.89085315798371,3.01764033983771,2.73011324749126,2.95253489400411,2.85408504677712,2.86560672942145,2.88614274096479,3.01117363748257,2.93496785896711,2.67584911215653,2.59256072597169,2.58109279603031,2.65861420186713,3.09609761917472,2.70967939141899,3.04551166226323,2.44354810850566,2.59776685914112,2.63134783661399,2.9396995673202,2.86147939738693 +Il10rb,1.64825668049898,1.69807794287311,1.61789530447502,1.48724358002315,1.76623523477753,1.83491894733706,1.60502625566038,1.93025713204492,1.66055014662948,1.62189494142891,1.54704563298669,1.56024794233528,1.83527221675128,1.84245346906242,1.93438948939018,1.86687502581824,1.39566315688626,1.58017393730631,1.74474535634866,2.13663963954119,1.84722318374833,1.73263921959282,1.39743862416829,1.54311362406057 +Ifnar2,3.32588186485036,3.07574566739154,3.49160496918865,3.33257053761818,2.70056571335226,3.00807696473829,3.02044812549367,3.39720677075046,3.52369906700217,3.36103130992642,3.00618019885653,3.11545793534524,2.49550787240315,2.25010461207211,2.20280310496137,2.48663933487011,1.96269932060178,2.35535891651101,1.81863921690551,2.5080697536387,2.15106532777061,2.51143622816972,2.04185527121215,2.23126849130597 +1110004E09Rik,3.72393661830464,3.48204327347851,3.78662681961798,3.77990763225806,3.63059871271318,3.65865641636573,3.79934490261084,3.56300781302669,3.65064280428292,3.83934881785342,3.77956001891486,3.65262360123444,3.95155424223239,3.70472827803992,3.41023148786045,3.84283076588984,3.5675149474237,3.79266964301099,3.71479869545383,3.64083039002275,3.71361784991079,3.88779476133097,3.71676743490254,3.70940205952925 +Synj1,2.37615074796418,2.5378608294761,2.12633027770874,2.29062867042067,3.20228098213867,3.03887881583034,2.75358090741917,2.73859717720872,2.3680097880354,2.28932671918362,2.85475654221225,2.60234500711849,2.29574736950902,2.58563222433952,2.3353543768747,2.47725818430014,3.09540163399224,2.70334003036573,2.82906076583682,2.43128129996449,2.25129459788868,2.32462265298619,2.87936521476246,2.83294501487277 +Gcfc1,2.49640227102441,3.50850785559439,1.91940991349506,3.48339181450225,3.8234704240051,3.55928027141686,3.81086207001706,2.02946015229967,2.88188589701274,3.34646662579175,3.81952889429726,3.48686770793193,1.61569437057986,2.55212195469144,1.52649012427297,2.49753766085244,2.93461399239459,2.15921704908167,2.91732812072008,1.25833679999743,2.16059457509637,2.36738033132736,2.79877560230875,2.84881579962785 +Mis18a,0.20192680447938,0.125834547308395,0.363589130910982,0.253617402531698,0.0673127519111485,-0.423121564058242,0.15299745657414,-0.0991680173147269,0.0262138239069727,0.168509071688242,0.0535434094932472,0.320982719631027,-0.840545988120954,-0.38962733497651,-0.136781650396839,-0.185352922971901,-1.20273754011341,-0.438131730635485,-0.68591467498278,-0.401484835850885,-0.16095331365822,0.0550229184959954,-0.529743830160239,-0.15606057611891 +Sod1,7.55648324124301,7.10839004929724,8.09971058468355,7.67562492334006,7.22111482752623,7.25795260467904,6.96827624849313,7.67778191211454,7.72631374178244,7.85766115478188,7.3986395437035,7.19579535495408,7.26487192124697,6.88794667632351,7.3572299479691,7.10953641873643,6.9338501584563,7.14165886344881,6.91116415804098,7.32919960717067,7.218679768028,7.2174915502699,7.05239506950157,6.90423868758862 +Scaf4,1.41166893212124,1.50146031985744,0.873183901926294,1.53616018188902,2.82249290375337,3.06740325955723,2.48477336245323,1.82211092117923,1.1668010778417,1.1991196858321,2.70191224622358,2.14034846152087,1.46844517774952,1.52035298678938,1.2807950553062,1.3438501334351,2.80635736818751,2.19769167041189,2.91502401160619,1.32536607301164,1.4264366015046,1.21962894362663,2.8961663350649,2.20038917561315 +Zfp641,1.5464226861568,2.41279701446574,1.73397146830962,2.40159224597733,2.42320081148168,2.41001281501293,2.41263606450191,1.58578075964733,1.98500700703792,2.12236613911357,2.36890300028559,2.07343667075321,1.00063231563714,2.00448935345163,1.01205911744907,1.78134843846082,2.00521875326948,1.36532953700052,2.00409005472808,0.946076949742746,1.89045929990545,1.95464648699876,1.89253995030161,2.02874043438827 +Kansl2,2.02521751558836,1.98669800030852,1.72789641073664,1.94228342249685,2.06114775267776,1.79097957190184,2.2026287842808,1.72743360889354,2.00936207567319,2.05073215029761,2.02472396452988,2.09450071443687,1.76664048314392,1.85959432638402,1.91066551415553,1.92480338956294,2.08859433531561,1.78146446546391,2.15260421422875,1.68139997586432,1.82843241188224,1.94356106663571,2.1100280626785,2.12530487845052 +Adcy6,5.33830845400488,5.75483569327211,5.28989100537342,5.64780469503019,5.79312550144116,5.71622685820266,5.78538628646976,5.47223171515691,5.43665063831113,5.70137530329486,5.77123391371131,5.66699434614271,3.75061983644625,4.48371803591252,3.89224618520312,4.45140824196673,4.40676063702298,3.96376013409963,4.45143674090562,4.06492833669369,4.04435330236373,4.27230368121056,4.40731547239117,4.16342403809285 +Enah,4.16254782648526,3.97585080785512,4.0702334323696,4.01500503665357,4.16619913454111,4.28684139271648,4.10557788427521,4.04835257525964,4.05388004285146,4.07301238766542,4.09734276079743,4.0587087130072,4.67903522344856,4.6414223948476,4.61460151096482,4.87591462659399,4.45398850839042,4.45663412121141,4.51892098526259,4.6275744578787,4.63270041348627,4.81984681999484,4.4577556842775,4.50712885680039 +Lmbr1l,1.50107313752779,2.27665477274824,1.25231725877894,2.13449359161133,2.57218831838074,2.20948681486649,2.45073723713971,1.53478134897086,1.70189188740376,2.28839917145133,2.48587869025218,2.13538266424635,0.435592179306738,1.40810436556109,0.479808548103369,1.424788278583,1.30239817381967,0.798751357760278,1.63545692598884,0.535745523961837,0.973238138622686,1.14109357073067,1.6474687761433,1.21685906702454 +Tuba1b,3.77773759161495,3.0765765297834,3.33903333510586,3.04381491540377,3.14387492405872,3.03155308101369,3.35440761225895,3.50625051082725,3.35921150722277,3.30429557680363,3.17558038038226,3.443354541143,3.78207725461282,2.771522164604,2.96605394247012,2.9389468039581,3.17906766316135,3.85656836074417,2.94713099722583,3.13017096022518,2.86936606678566,2.82931242267395,3.33907839160763,3.45745979748635 +Prpf40b,2.64316425471321,3.35852117208837,2.31960837441328,3.30336619785474,3.76143601073626,3.45589844699283,3.7209970164978,2.52308527102965,2.92644891969676,3.28254718362262,3.83464987801116,3.34443819562141,1.45629438084495,2.69412683371216,1.46676563344187,2.57062794661644,2.96024289159229,2.59046529565928,3.31974408113836,1.82229482370088,2.0636416206154,2.52340287994065,3.11892735876922,2.81937243991705 +Fmnl3,0.523291024699124,1.22664872368196,0.814686233231643,1.20613398099364,1.24319221186401,0.768157845884894,0.92347141936856,0.911912425179473,0.898264584148998,1.09636485806432,1.04855446393014,0.677955624444031,-0.77200044652952,-0.201155637267274,-1.2087978934741,-0.552684232117985,-1.35342247760288,-1.35366838363193,-0.873665358992225,-0.651940646593592,-1.53298266399296,-0.492373371862868,-0.884328371706392,-1.12354747205083 +Nckap5l,0.171747767902745,0.435872540617074,0.370994738543831,0.610624745382936,0.317983031938641,0.961032794371992,0.724183285141766,0.176779567252707,0.305175272430857,-0.0304555854042716,0.779110460842808,0.408511621356702,-1.85654115796634,-0.702977401568037,-1.14407130264355,-1.69695459979109,-1.43056574995599,-1.70185690546428,-1.08589472032408,-1.18659669736201,-1.88501236825194,-0.880363588969475,-1.00672367032532,-1.60655820975955 +Tmbim6,6.47683639638515,6.27234235401837,6.58631497130828,6.42492001710326,6.20790844870916,6.22990162252225,6.13371288008418,6.64019988441471,6.49424115338693,6.48076362525245,6.23996932221249,6.23809864766897,7.00752905940199,6.71375068494473,7.00689383654087,6.83335909587389,6.6599910391673,6.93814440591798,6.71833807077804,7.05729623761041,6.8723675496273,6.89478053430394,6.61208251452442,6.62119054116556 +Racgap1,0.44197946711319,0.562154926121382,0.600692105616072,0.332798411149009,0.422679325006292,0.782191875131524,0.134883803849355,0.609518856787943,0.542601524315732,0.370458613060215,0.493174492784085,0.6708001099593,1.56137987662618,1.45372007651046,1.3911392016218,1.37107442334687,1.34646345690555,1.41937949022841,1.18313145144755,1.0962033340485,1.46008657520498,1.70669625716873,1.54164601310342,1.72073128278102 +Accn2,2.76816325987903,2.4283990374598,3.06507533066022,2.7762252553373,1.95426131584538,2.14062832198203,2.44350799811661,2.69303236356918,3.00862461563027,2.71790505755087,1.98976192830969,2.15400312550858,3.99064123109464,3.95606037020215,4.41515777382388,3.96197637242418,3.60201882081856,3.54059118658519,3.56999270004582,3.78658053977871,4.39131519361548,4.11027074367907,3.5960435089988,3.45698644022123 +Smarcd1,3.09770779575212,3.42919969168767,3.31429736459092,3.25943353193366,3.47540260058619,3.50724811073923,3.31624828525086,3.18232441382545,3.32124223464347,3.48819300679356,3.53261355409817,3.17447279751556,2.54281561555607,3.02611491773477,2.64880863517215,2.81008901607305,3.04548160304909,2.78568374434631,3.12951441783084,2.63779515279067,2.64578980378473,2.81245594584731,3.23961320783211,2.9123653422877 +Gpd1,3.77715005579829,3.47753195146891,3.96210776135479,3.95754902369662,3.8129364253904,3.75879112800393,3.58628095993646,3.69964274074367,3.7787362808755,3.93282397717435,3.76200320488219,3.59246353637583,3.47887580158024,3.20492480261583,3.70683483561566,3.68925301362897,3.25781450973936,3.35280351828072,3.40358080180965,3.2328579262392,3.55693431481699,3.63323800216347,3.53948512820129,3.29854828731513 +2310016M24Rik,5.38836105340187,4.77625191260254,5.21061635508063,5.15604099245406,4.76436353300803,5.0214411174699,5.03967762950805,5.34481525371682,5.21872106199619,4.99505944510898,4.96499249285104,5.16854483522771,5.1139783221639,5.01764132223196,5.14272049082353,4.88396936982462,4.70017770014469,4.96475832476178,4.774018016029,5.27141910149193,5.13660056580915,5.01579674842835,4.82299597427875,4.94845626290464 +Lass5,2.74633204157259,2.80457403246605,2.97983759459943,2.92824634318457,2.45051773425219,2.33107320531466,2.54700990671826,2.54532185358403,3.00898580672518,2.92938328554179,2.43627942614635,2.55247579605074,3.03332974332935,2.93435853147937,3.28123982642829,3.2581040852837,2.57200045113552,3.05420489669744,2.59126917436048,3.05434642353818,3.22752054977564,3.16255899377999,2.78263936764808,2.72464865380366 +Lima1,1.72026235307485,1.75401430999984,2.07106275340671,1.90255114400007,2.06471323366705,1.98234688909486,1.60979707535045,1.84217302571812,1.59188570415259,1.85231678131896,1.96677839805414,1.93253893521459,1.6880211430624,1.99885660178474,1.708762717773,2.01389348688457,2.03198381852105,1.78005900055692,1.97475819518949,1.66201122871785,1.82516452419611,2.13985923343728,2.02482700507526,1.95036520480187 +Larp4,4.31088999407626,3.93425962119084,4.05847089551895,4.03107964570764,3.78608509275034,3.96328381062639,3.97504725588226,3.99109294983429,4.10308261488754,3.82829377532344,3.86749278328098,3.89114201289996,4.60624573410115,4.24794377496301,4.45711512624769,4.29764976784707,4.35796768033668,4.45892067956132,4.17477422283447,4.28572509143795,4.42342550274718,4.27236453674697,4.28321637926498,4.32738309865275 +Dip2b,3.21036034212566,2.93705956191926,3.06653561834446,3.08667107504712,3.4936410506153,3.53095049895965,3.04693142667027,3.33754296791274,3.09704190952388,3.09840479580012,3.38134716415656,3.26540022645504,2.81828868302816,2.8628529256502,2.98730199954752,2.77992390753558,3.23970304950648,3.1192945674255,3.06419034694262,2.77065162098933,2.49167646908264,2.76407082391439,3.30613847948195,2.99557977110653 +Atf1,2.42394278207882,2.42552460560283,2.52721445416768,2.32945302826423,2.75418995517505,2.64317311634882,2.35204706122228,2.72302890897326,2.62225191556836,2.52212717185434,2.62297840671873,2.42135897310813,2.31328748215136,2.38883158256059,2.26887202607243,2.24452257512164,2.47242660585194,2.43106170797372,2.39055020099434,2.40413534870171,2.06613294574493,2.01498186248912,2.28374145648108,2.43981802293428 +Slc11a2,2.81633338205941,2.6140311754045,2.65442662574002,2.51710979527752,2.81064072830359,2.79806505100829,2.9049005682957,2.59014669432819,2.60838888742893,2.34879716455391,2.75493541542987,2.62289403000029,2.51773211099204,2.0557847366357,2.17816195700527,2.06559619251576,2.60664779252255,2.48502232028681,2.61214446257189,2.1447141854356,2.17987783102746,2.06341092390219,2.60811099027681,2.65226080463112 +Cela1,3.02863882447343,5.17271744129895,4.80223830692271,4.2616351494146,4.55811000232084,4.70266000345357,4.90603323049406,4.259223865714,3.61974603379928,6.02457217310062,4.23424446812365,3.91676688418074,2.94801955800643,5.66185381419267,5.30683065969363,3.97235547841301,4.54014427804475,5.56478368643342,3.51948986758603,4.5983804389629,2.60306201714115,5.18297891557659,4.77039729279937,4.06316681553392 +Slc4a8,1.32613219808484,1.35104386388363,1.32044982767869,1.21145054597298,1.86219328748712,1.99255502352261,1.58439911249891,1.31566011198128,1.26646721208962,1.21546535419055,1.69907454962345,1.42249420478547,1.23526971153726,1.41417298382653,1.51459549270383,1.492281928634,1.87014307572994,1.51781601371796,1.96730560882496,1.04295091025664,1.33841010414283,1.4378603588361,1.83632217945365,1.48140409396134 +Scn8a,1.01730674060917,1.65989038241413,1.00164777688043,1.44077537293262,2.29214402350823,2.33659052285525,2.41824222258362,0.919075271563439,1.12301171498088,1.51015617461749,2.38770886985905,1.81550206695688,0.507621893137501,1.2986678167689,0.363040454566165,1.17110358426239,1.81556820814744,0.90180526435483,1.95830959436327,0.0386343312612136,0.925975225176102,1.22959884476433,1.54260361599336,1.41927091334001 +Nr4a1,4.91504258637379,5.17688589252672,1.96150279750989,5.76429444713455,6.17915655223512,5.48005886325564,5.88611772743085,2.52480998766059,6.96170134628016,4.87050354716588,5.64854488001994,4.35070019691193,4.50704368143248,3.2831723406179,0.273077327321052,4.80241547869721,3.36935920033118,2.71899007436189,5.14228052150164,1.11164198113737,5.10558548875404,3.46000341320249,4.42259205662603,2.79265878087649 +Pcdhga3,2.49098830168353,2.5484497788332,2.81825106384521,2.28988147210387,3.00428546309104,3.10918185476295,2.73493564305245,3.1138224826589,2.63864997141993,2.40291644449981,2.80227131098734,2.64947045249119,2.75201274418522,2.86273485194825,3.09145135427742,2.67368174002442,3.07492926786098,3.04265347700298,3.16398238264116,2.85950517750799,2.77145461551444,2.77633848838857,3.01738414594086,2.96857321262785 +Krt7,4.07044194562469,4.22130092370545,4.05893355694033,4.39689997383,4.24310713187079,4.18897657249906,4.13611540033824,4.09357865537172,3.97947934479589,4.41348247687661,4.40683769617771,4.23081733343259,4.79110285901548,4.69729186083828,4.80249060131553,5.29708745225534,5.1172463789383,4.73716536933195,4.91837780602404,4.6536727495273,4.82741398817535,5.3574863977427,5.2128079607258,4.98208320233541 +Krt18,6.14898017336538,6.08305508155319,6.36678236072569,6.19681108941685,5.99557874499812,6.03030810194581,6.0399754689423,6.11627399373653,6.40104380040357,6.31280602733826,5.91753677638462,6.00341641437713,6.89987709876552,6.23979626022556,6.86819550715914,6.46518165175514,6.73091483876811,6.74391788616093,6.86834075892001,6.37995530088362,6.86823576695217,6.50767962714062,6.85227516343982,6.72589422823532 +Csad,3.5721509527372,3.79912158376428,3.98249457732488,3.99421175514568,3.45319278742474,3.72191387090435,3.31161824746299,3.92611101698305,3.66668156550994,3.83462970898086,3.56643082996908,3.56965100060869,3.40291407628123,3.66970035112638,3.76282340255941,3.80321738918114,3.46403241291405,3.48434176964068,3.42398819227049,3.69037524500104,3.45520625206727,3.70436532076709,3.60286865801546,3.53847182366788 +Prr13,4.02281922887485,4.25162686989481,4.00208086765448,3.8836287228136,3.86862639130037,3.79215368285074,3.72897596219068,4.41134331180129,4.01897465006854,4.1623863978196,4.19295933794336,3.81592850092025,3.99641412214026,4.37149020713116,4.06369177248057,3.75602056079314,3.98353685760755,4.09723889945891,3.99331459415787,4.2951353061376,3.89054903491631,3.95100676016806,3.93810011818477,3.98297840249126 +Map3k12,1.70440142172929,2.14550819666941,1.57404187181082,1.88474579179817,2.00240747437995,2.20069880274932,2.08226040257248,1.76566990095699,1.70537724328074,1.79397760530405,2.1096182255645,1.91557768118827,0.958739226676076,1.78577107423337,1.19778929898598,1.46908888735009,1.71756858607667,1.3947327074271,1.97265387849564,1.44767012085129,1.23696241222117,1.57774496872667,1.68983117546534,1.80366737864083 +Tarbp2,0.293742453857126,1.13045612333643,0.050109485731987,0.820729622328793,1.09182534213439,0.578459875307993,1.13182258456912,-0.718478637428133,0.445921877332821,0.803831598827088,1.20955086380043,1.01342903331052,0.431609660536257,0.791440129945142,0.439717564712588,0.499405812990688,0.916846732051925,0.603037524626835,1.05912474244452,0.14135693286616,0.66134512592676,0.660798832044001,0.822414686655534,1.02581452421093 +Calcoco1,3.22800573788264,4.03763109793367,3.95732737951667,3.60763442578747,3.43648769787666,3.63102886971737,3.51638228817789,4.10138376210694,3.73947417019052,3.71288758660177,3.50145073405793,3.58176981268778,3.40188110291957,3.88135069230204,3.53916686026228,3.60215967296346,3.16649349728211,3.3335749690784,3.88104243312884,3.60771129064083,3.62802029880531,3.76742385198949,3.39979497094615,3.53246868448198 +Fabp2,3.24737575464151,-1.76785053861792,-1.69900550496321,-2.31001169791428,2.8734626370539,-2.31001169791429,-1.14313314566006,-1.35148590745431,-0.698288156761508,-1.33113153015238,-1.77805476016381,-2.31001169791428,1.91971846221357,-2.31001169791429,-2.31001169791428,-2.31001169791428,-0.162351552559878,-1.67987002568695,-2.31001169791429,-1.66547480690237,-2.31001169791428,-1.32079156915206,-0.969848734224611,-2.31001169791428 +Rttn,0.268762113983434,1.12190870581989,0.633792327932706,0.926286986717688,1.47419442014741,1.31999115196413,1.23240206665313,1.23294519749567,0.908110281562618,1.00182459481182,1.37495164006463,1.11743361855644,-0.322681795223392,0.354961308223772,-0.170221561413095,-0.232537797362403,0.208430897681301,-0.118182456508295,0.119111833536349,0.0940228932449725,-0.204561160433208,-0.221571616776826,-0.149218344103717,0.151872891491369 +Cdkn1a,1.7607540572991,1.44520428699745,1.08315097199665,1.27883509787976,2.02739792306195,1.89158920433163,1.74752230945672,1.31168216044497,2.18632531237112,1.08911040674776,1.51545142245829,1.68264816652174,1.53890364473806,1.89234355354461,0.899234638619319,1.00912627238097,1.50266327577581,1.6360790108915,2.10929675226155,2.29850922630826,1.71402240902107,1.32317296646569,1.53779184948584,2.26238338310297 +Nus1,3.50391644392827,3.42307285713569,3.33923495364118,3.35699861981052,3.32539889668684,3.22237549058696,3.15424543682322,3.35914541257855,3.34804922304674,3.17470906927858,3.22448840191424,3.39456022952849,4.39051930147581,4.12116435823465,4.2889917290302,4.16145387193293,4.14124902634641,4.13692618555553,4.00345113352234,4.39318210470927,4.25143222819414,4.14347593875351,4.03413286197145,4.27717644954984 +Rgn,0.246889193527842,0.689319950945624,1.64263630869371,0.819254471973521,-0.050307214256866,-0.727033108564143,-0.111952529220706,1.00427082246887,0.973533132410109,0.50022273561249,-0.280976312350488,-0.567274147337622,-0.334158564234694,-0.17138149015089,0.848276885015908,1.0699796902009,-0.0708530588269269,-0.350417233472982,-1.07897357080541,0.194313851857074,0.972037171756038,0.689080035211134,-0.43555385279217,-0.931980031541055 +Ccdc123,1.24976881071552,1.77520191544349,1.03921099790669,1.86361194260611,2.24828978730784,2.21235913003875,2.31026071051242,1.56592308432784,1.28034526203683,1.53489283402447,2.35141972507892,2.1005038840931,0.848220222469883,1.4832608355895,0.847883047542377,1.5109555574173,2.05096538041734,1.49794532924421,2.03145131383491,0.567127299516962,1.44977212409577,1.20094431838097,2.18568417431065,2.06192014438818 +Mospd1,0.827796932239229,1.12398248652847,0.780308426368066,0.602458648913808,0.339283373794694,0.574813999726582,0.782804079223771,1.08293534177884,0.981157534203769,0.930360819049728,0.511023696160574,0.627204249416053,-0.383065701453627,-0.752732281757027,-0.526480136467296,-0.129161718417043,-1.12243621056939,-1.51896595486646,-2.75988726641845,-0.574340953276633,-0.4980882740407,-0.632632706379144,-1.22793940672249,-1.73490519168169 +Akirin1,4.22893457550795,3.6859188721728,3.74540657634219,3.84413485123873,3.73639508082066,3.80222852815166,3.7963534889249,3.28399012247858,3.84249285846492,3.40212013562608,3.54237420541457,3.56306118425564,4.67477726155973,4.31239431299189,4.65365280764558,4.46605847010158,4.30114246411862,4.61435530595057,4.27203310207744,4.62701772144764,4.51660212113047,4.31221231149041,4.27018531915229,4.16622709162423 +Gtf2ird1,1.68764910972423,2.57670965092156,2.17366701337948,2.31050332985835,2.69889894136315,2.55660030553994,2.76734765335061,2.32813941243883,2.2711674750736,2.32702107015775,2.49213726124876,2.41373596424386,1.69991630671511,2.3796243623528,1.6471296389795,2.20711128834169,2.38842456457519,1.82548592169839,2.64960187640876,2.06575563623075,1.78955336413841,2.07613445170439,2.39389928712855,2.27190543133816 +Ccrn4l,1.34215726267897,1.26819658833094,0.862937174840266,1.58843045598146,1.9565399789422,1.87897888578694,1.61587348174566,0.8760715179104,0.967515208751515,1.60868669787282,2.00270730162817,1.82795358922962,1.42964029454278,1.69120411371305,1.47784664090344,2.38909274232089,2.36606005939239,2.04561599370848,1.77746353920971,1.10234762862378,1.77500178115677,2.474617008992,2.66852906476312,2.27783516234892 +Abcc1,1.53344714782951,1.49648463906238,1.76888423103241,1.58627056676177,1.82600060388227,1.63152523488617,1.68934983915564,1.58762138385837,1.80912347675282,1.53758808506301,1.7686982516917,1.65900871295047,2.36703373088087,2.23651720108637,2.35509674324744,2.23474580058373,2.20271201125335,2.49115785367957,2.34448612101824,2.41694095162873,2.16352487716899,2.10504516708511,2.31574345775558,2.21517290389188 +Ndufa5,4.90573259850422,4.07685761530459,4.62930925424095,4.5422580035398,4.06700186463451,4.15145411443979,4.11519454137396,4.61288816301634,4.56115059094877,4.39645828201354,4.33023428829178,4.39626348361174,4.82494862941252,4.23544187692003,4.56818572625956,4.37883363700521,4.0405152880087,4.26245536993163,3.78580812413701,4.49814911870929,4.27729416495039,4.34649145131971,4.03244937599526,4.1075657402437 +Fhl1,2.68554945207663,2.89088551578181,2.14719402848086,2.62915531674063,3.29431812482944,3.34491598477836,3.06734030044316,1.91656495646744,2.20723405784204,2.54547206772841,3.26851952547603,2.92141751678918,2.36986143318028,3.15551293979536,2.6800560587597,3.1720847309283,3.29485960214452,2.5287910770915,3.19843706548772,2.46760908460607,3.09894026909522,3.16327802471343,3.09704286038059,2.9036139546082 +Msrb2,3.16421562264216,2.90501782153811,3.04689059728565,3.05178531660711,2.8687220460896,2.61611899912442,2.85584345972581,3.06005500415017,3.21188495811646,3.38300280468224,3.2138699424234,3.14833366856035,3.3367773759957,3.31993883363181,3.56434961219146,3.35956037461923,2.93025719294991,2.8757702107946,2.93045589380874,3.65971968707411,3.61369037218127,3.17812291378581,3.0269740271092,3.26708261865128 +Rfc2,4.20096128260717,4.14332740190811,3.91986638090264,4.07666960682602,4.22242008765694,4.2612859697542,4.24528525865234,3.93591990186628,3.92653291324585,3.9828886224461,4.11073804610181,4.28354442807548,4.21945746341796,4.02152226410892,3.98855824509231,4.0496624208451,4.0900903672717,4.37163862358467,4.17220862927209,4.13764143913881,4.08869430736472,4.01494679584466,4.1905886136617,4.10392733502912 +Denr,3.9455457624326,3.45025822176961,3.75392404071757,3.75532767468214,3.55792616842933,3.56965743925334,3.74603812006073,3.59770060229724,3.69554065471754,3.76075127316051,3.53620141832921,3.6643872990484,4.08163563715035,3.91345943410996,4.0148171318532,3.6480807824596,3.73874804133547,4.06896388294043,3.89508242859675,3.83688464378375,3.87067544936532,3.82680678917578,3.8118350161697,3.838156563132 +Prmt5,3.39286844755795,2.88273402196875,3.22855479716134,3.00861749385296,3.09512547650928,3.08719844666479,3.07874965293565,3.28284240276134,3.15643631228988,3.07765635444431,3.02333611048902,3.07510173721677,3.03573869038837,2.5808933511214,2.58123317384405,2.77372725227428,2.72716893472909,2.92252243652353,2.83512629462557,2.81158401740136,2.69911966086629,2.69157862095536,2.87717732655095,2.65269999889802 +Sympk,4.06503136433574,4.12551667790559,3.76161622695859,4.08781909436035,4.30016005719556,4.29287131886661,4.4258559526059,3.91274779233938,3.89967165445753,3.96331872616821,4.39696086767736,4.21881622311017,3.80994150651495,4.32310460616098,3.89686563392934,4.11042295441217,4.48676759930918,4.0454867064734,4.65846695392673,3.71192897987044,3.66411997460328,4.21139282157502,4.62100094831023,4.37107235645365 +Sult1c2,0.274644878499718,1.29962731721472,2.09579184555736,1.61168688640301,-0.0912089097870328,0.450955971817313,0.710983121655161,1.84234128721025,2.00253213339627,1.80036565163203,0.188422624584633,-0.27132005116706,3.35447121593105,3.44491039604501,3.93035185606437,3.82250527373416,2.39849013418894,2.9281775949398,2.55352232017461,3.8962539541862,3.73881791207572,3.76613513460129,2.22670608594649,2.4244749207233 +Reg2,0.145404829831059,2.50305389969087,2.52807042959729,2.37043298900059,1.53430633070978,2.86636144804458,3.09911049277738,1.61664886513328,0.40274394910179,1.93762819748374,2.65534453778045,1.63716112264131,1.47439128789013,3.34267098769402,2.61605090579052,2.11944155570382,0.845946187249221,3.98530562732447,1.05724034541671,2.02948597763139,0.354468018224174,2.90379914235043,3.08163731431996,2.35531212737363 +Nagpa,2.84878881056022,2.61171802013757,2.9042275484714,2.70581845188875,2.52883466618887,2.38978768288045,2.54647972765135,3.22313449723414,2.849362396635,2.67361648473143,2.75392277181885,2.75832719571286,2.75193022813459,2.92640259530607,2.64691414496373,2.55102144534056,2.70521992046406,2.88122299814395,2.44163439925344,2.97300118459282,2.61211565691797,2.81525528863257,2.84988320423945,2.88161745889552 +Wrb,2.16713781974636,1.91446009314766,1.95135263441077,2.1784789143979,1.90319576031509,1.97907697874669,1.93169467907683,1.89180351833593,2.18664653840059,2.02602257539688,1.77934044633306,2.19481970500432,2.41393181112768,1.7589696331043,2.30873424520724,1.66566350234491,1.93053282702267,2.1524729089456,1.8986790148906,1.91966015370536,2.17440204036633,2.04671242905791,1.74184767765181,2.0908006163984 +Ivns1abp,5.64138609952848,5.13375276855121,5.01113722063821,5.27327729548818,5.33840207527836,5.44096304178963,5.38645623283893,5.15783850424305,5.15425883658319,5.02340897319667,5.37813637965015,5.45237033376766,5.39543298861437,4.8942258637491,4.77811904958537,4.91128169418712,5.37209855299892,5.48316765483796,5.22309040872987,4.88486865453632,4.89200293258383,4.8069946978571,5.43165871517778,5.39086740505988 +Rpp14,2.9803982507182,2.8805586465396,3.23894134068076,3.19463923883498,2.58449223284531,2.50031702241459,2.76756177171091,3.10532913430889,2.87061154025984,3.12720519404054,2.60411088437723,3.04833745744741,3.27922551422692,3.07246502633244,3.58529390492332,3.53486486319352,3.06078533933666,3.32552249210343,2.9309027099457,3.45230893562132,3.58364705525549,3.42493731430071,2.91268388434506,3.06240487370634 +Gps2,3.34861863828638,3.63309479749415,3.04374451289911,3.65223020435226,3.43077069360285,3.61831353033315,3.7512973601155,2.89643965875512,3.51686557979176,3.83358168016391,3.72384365465848,3.54371902488095,3.23486213832101,3.5779476006706,3.20072953719753,3.46236221017711,3.42839117786992,3.24652989834675,3.68108426005402,3.10343659777397,3.56067892290405,3.39495348127847,3.41309612157015,3.40871658896174 +Bsg,8.64412859854391,8.22305917932607,8.80434218087014,8.34708903880464,7.95087298722538,8.09764946593085,8.05667925595812,8.68412210424574,8.58149387846025,8.39106312640023,8.11979534011296,8.30939090937356,8.15165180936957,7.78319410341815,8.16547781571671,7.83165607293654,7.49641602442941,8.02525354416084,7.50963384945983,8.24865488544958,8.05785406784145,7.89573520717588,7.54437138801039,7.5693937658276 +Vwa5a,3.6541434169597,3.69587634049987,3.98490821589502,3.77275951994108,3.32127817450469,3.45327530323536,3.36161471712331,4.05978206945146,3.70696243364715,3.61656717574104,3.34637563955561,3.42484852086953,3.47065725145753,3.48609725884758,3.76701607449704,3.91074660037525,3.32314928412904,3.53782946326206,3.0674149835904,3.84833065564084,3.72039335087891,3.48188426580934,3.3275302102411,3.38101969113181 +Leprel2,1.49006227870414,1.97618365933514,1.80579455752683,1.83894828232706,2.04437864752661,1.82001023993876,2.01325549423849,1.56993283336948,1.88537223247934,2.16112951228839,1.25694284602002,1.91199731031441,1.00066829280289,1.83647172204624,1.17416823868649,1.74308841877053,1.2653118634074,1.02102545754733,1.52245877725999,1.13554907332867,1.64854014097439,1.77201340959885,1.51397327409819,1.3185467761577 +Il15ra,0.416096121079097,0.910360522827439,0.342897810585993,0.840632533721492,1.24883269282195,1.37410080662069,1.15351586497441,0.322916559608926,0.844990856409794,1.43746673027568,1.14897876734193,1.1144685879258,0.326342672935902,0.881968757204763,0.605684340276082,0.61531516763413,1.57963189176069,0.581788237852855,0.917883526247951,0.717422081474638,0.615053429168653,1.0512277485606,0.79600280303844,0.522644261918155 +Serping1,5.41954254846833,5.45660492901025,5.57078385249765,5.85125046955274,5.22075708795355,5.40180812741784,5.24613336319482,5.79878473783256,5.6991777933166,5.70530174873215,5.27326162552338,5.38431739737418,2.46447898383069,2.87607867052954,3.05879367572157,4.02052118875709,2.52236547887174,2.20858139963548,2.41763070639288,2.55636377895518,3.04749318651096,3.20081297494611,2.53864542492603,1.77678385229701 +Serinc2,-0.709950643210888,-0.880294984566501,-0.809259143750289,-1.74930050245527,-0.210352546299503,0.0064040081139098,-0.564771486364886,0.048002309447079,-0.909058171874976,-0.442751490560009,-1.01303023961341,-0.298553214748958,-0.270267589119151,0.848690836282907,0.62153256198194,-0.590926614612199,-0.141540047428845,0.0691798404996096,0.436484230617793,0.106309046819297,0.487334174190541,0.212356944890675,0.037815534617974,-0.0463899782661001 +Ccl25,-1.29047457345173,-1.87640353302843,-1.54827255508194,-1.95263742438418,-1.16590856960412,-0.694295970065923,-0.768108408293799,-2.24885629046471,-1.02181039815877,-0.815415703597481,-0.534597718937781,-1.55836584280634,0.169556073514304,-0.811057894234654,-0.26724137343028,-0.581585576002275,-0.995451890758732,-0.857461170927642,-0.89075545352148,-0.626826267511452,-0.513313104248423,-0.709865746706014,-0.751734484713972,-1.33524492349458 +Scg5,9.37804326098716,9.43011924651468,9.67513402347319,9.74947610360605,9.12544368775468,9.11646428151064,9.27077665575565,9.48189269376155,9.53931056415033,9.77055844521695,9.31801170741663,9.58306142168584,9.1332415683135,8.68760132003345,9.12727772360393,8.79979615307099,8.4616523442384,8.9072970454176,8.50533124952744,9.22576886734949,9.09536607017865,8.86457595747851,8.49118102169398,8.63262331263772 +Parp3,-1.4737152699154,-1.55860016561802,-0.936420144700794,-1.21590116959563,-2.16406930027425,-1.34977403195181,-2.28767750824855,-1.86228873724218,-0.86663277131395,-0.969531924792659,-1.80461086502044,-1.77471221936005,-2.56605457580561,-2.28129347173676,-2.45567478263765,-1.26923179566372,-2.68731939836433,-2.1534854075864,-3.13977953910135,-2.12247758207264,-1.91607237404357,-1.57106945904133,-2.42418173240237,-3.17636318706028 +Slc26a6,0.715949376065344,0.15804659051364,-1.7630487113326,0.874447433801075,0.946321121151011,0.277532417139018,1.0924494168741,-0.791421175810311,0.279505343200692,0.655885400499687,0.575177179964526,0.38258609461755,0.469996973581323,0.146867564254476,0.0055603907709032,0.541475878795122,0.632550584822532,-0.113847239020535,0.71060327107707,-0.223056353892953,0.677785048087409,0.711327325249539,0.650968015379172,0.372309541468187 +Acy1,2.24837023293302,2.31454359105635,1.78017151866688,2.17603627187292,1.99757911260729,1.81818171895464,1.99073379018443,2.12739939940089,2.27308384385188,1.83549818065181,1.76991663713362,2.06294497796518,1.78960193833618,2.33293836381668,2.17431318609435,1.96186682740322,1.73789041370416,1.73932412052188,1.79035254076693,1.98757681329415,2.09415086386204,2.20908089968774,1.76531702848697,1.39251701000757 +Frs3,-0.0012834036423896,0.184880650294366,0.119250198042434,-0.330626048216447,-0.202315046235715,0.225872228480916,0.177288949897848,0.0016656981068243,0.237107976772483,0.695534883216121,0.0859503688120311,-0.247505088039504,-0.541664473468665,0.0469908769841876,-0.458069331350498,-0.0717458806233862,0.0556148074528773,-0.318186562128813,0.175951679188396,-0.365388195578074,0.0229268731699173,0.043115118895257,-0.115958100239445,-0.30050723083542 +Creld2,4.90558666905756,4.71365679389398,4.62899648040397,4.64096186601808,5.11435764403736,4.66657145108749,4.69176038204931,5.15402100542037,4.51029226041685,4.64028507064407,5.20103382276602,4.79736388048891,6.70208484499931,6.06615821844755,5.45548551877428,5.51355114067355,6.46474044458301,6.4755793116901,6.68514814387663,6.31205966460979,5.6874488562467,5.58067963026904,6.77651812655509,6.55949854005014 +Twf2,3.95601255345336,3.79464010289275,4.05893014393704,3.76928168259383,3.47704523428297,3.43773906661985,3.37273081423861,3.85399549986006,3.83590560574313,3.86624965855165,3.48188164480081,3.50387611383611,3.96715694629177,3.57981219529678,4.10202800652283,3.70994773462209,3.7576830241043,3.70348064694651,3.89685529394165,3.89113948815974,4.00159808597869,4.04774299780688,3.81611606937728,3.84233814131027 +Zfp605,1.82652362872533,1.77083208566886,1.72307571761491,1.61252156459949,1.80708657974905,1.84280547911002,1.71494263452627,1.938631634318,1.75160196658168,1.8684359594495,1.89916037412736,1.85285717095283,1.37669117292236,1.53364514705597,1.29857764330423,1.84965031173075,1.67161336490811,1.26931594008318,1.42900525955957,1.39742178422242,1.55508662327397,1.77807480404745,1.77037994689481,1.69544894693443 +Ube2j2,2.58031524870171,2.26170752828817,2.27462012316842,2.33932760335042,2.08098231399018,2.26898447135226,2.42145965133919,2.02955564969378,2.48028942444845,2.22416471611471,2.17990629536178,2.28342070341229,2.766758766937,2.3916312906767,2.75125999704772,2.41714614969076,2.497575828639,2.58282250913194,2.55417421103757,2.45638866479876,2.60975456623069,2.38956704690234,2.470673316366,2.30476279747541 +March5,4.03470960048614,3.73719777602006,3.91140428927124,3.93339279031764,3.74227049703766,3.7846644063732,3.76999795637955,3.86822331496578,4.04617244354667,3.83398140926395,3.81881901743605,3.62884978326097,4.32297720772738,4.37111378997078,4.38198304404899,4.54576505232631,4.33051196330885,4.37152828975655,4.06772945482377,4.48457855966111,4.39643717912033,4.49296672908592,4.20601353065767,4.15284774369605 +Ache,3.34571431857812,3.01225272065607,3.48921956853535,2.89043409359985,3.47771641034819,3.66658765637613,3.01426325968432,3.29137913624233,3.19336260418673,2.88729081783074,3.29860782652702,3.08628189635362,-0.428502200872486,0.174946864607646,0.0604147078637456,-0.305572811215156,0.102623706602815,0.11049279597801,-0.410585210912394,-0.889017495770641,-0.304308356478187,0.163813722751216,0.436353272135667,-0.21867635205536 +Dtwd1,2.58567036803566,2.14343988216985,2.52835038071584,2.63140820114621,2.23330247905171,2.35151240288695,2.26639481496712,2.46344232378224,2.35714810864035,2.62348911514614,2.17466329713831,2.50629905694818,2.46071017225905,2.27770107705822,2.60159185980304,1.9134549486228,2.13207062342299,2.50356168921893,2.34830636048484,2.48126656286312,2.5992123457536,2.31389469998777,2.16564944764883,2.13162868461222 +Mx2,-1.2588619172258,0.100472406855135,-2.59573699326684,-0.931251040232828,-0.0305684940367938,-0.550673701256589,0.0699618975401435,-1.69729548825332,-0.636257872404176,-0.502466143679588,0.019935251299233,-0.291731512126726,-2.99766011665463,-0.0252870087893173,-1.4753894885963,-1.20210921391286,-0.75256915684515,-1.53489487965446,-0.0431549268002223,-1.17365012086781,-0.617991413810398,-0.0694908610890523,0.200850417146767,0.0263291072099501 +Poc1a,-0.110826650521355,-0.340023004818713,0.183924797968993,-0.33849035941045,0.165039893016466,0.185475715649245,0.476796490285809,0.250240201040173,-0.291202232592731,0.287925049111316,0.0412135816229395,0.143486546869308,-0.548988970084599,0.155298481983462,0.761183755663263,-0.268269690585008,0.233510725988121,0.154520301214047,0.149130200608494,-0.177031291676143,-0.209503948736412,0.0957060442611872,-0.199717455036498,0.3245762182691 +Trip6,-1.75688344075512,-0.482367593445157,-3.1769862792835,0.191797843142641,-0.0997543205739297,0.278830677416452,0.740720117580755,-2.21846048882352,-1.0760531077454,-0.888999931980368,0.527775783964102,-0.584703154156756,-1.48982200363274,-0.748208818814068,-2.59659387540298,-0.922992116902587,-0.114808265937701,-1.27449400005909,0.34311839888351,-3.1769862792835,-0.992263467663761,-1.02386495496512,0.0980498648180759,-1.06318553139062 +Agap3,4.9329111437647,4.70941597491643,4.67959827381959,4.90885902101386,4.75977172798808,4.93638961352087,4.93844053694511,4.54228664964188,4.82568966061322,4.72868851543774,4.95355941508344,4.77582065067818,4.06460076903531,4.54561440139392,4.26106677898844,4.63921843573349,4.6985791531306,4.15179243087666,4.8336795359264,3.9422409491538,4.31392638169079,4.609969541931,4.84865194314054,4.73800620384105 +Tmem176a,5.92946682108057,5.58521600560848,6.05874671094354,5.73141221050123,5.51671115992322,5.53581245413902,5.14569853764001,6.0648408028953,5.75556623306073,5.67237340956648,5.36436339694798,5.51051709334504,5.89575176623226,5.35784400783817,5.45420130784262,5.46273932922175,5.37854533455436,5.52324044330221,5.45227052287962,5.62483116791224,5.53696466360218,5.5046690428514,5.37379423438161,5.25119054150577 +Kcnk16,7.60133873362485,7.36218240912162,7.69086496497292,7.33644842719259,7.26601922692207,7.37718879535107,7.25345449418305,7.74337748762776,7.51740777926933,7.32519034991181,7.27342393805764,7.4129103106033,7.3512740171013,7.08522152825897,7.39775788603856,7.28687962865575,7.14584270938741,7.28351357692457,7.17732485916681,7.42459418640607,7.60268626341879,7.3373454696966,7.11696479622169,6.96288191127539 +Slc17a9,2.20850269451475,2.0873039423514,1.80409097222042,2.07487308446021,2.69595931955771,2.5564945120353,2.17910422921902,2.39298800862135,1.68340445867622,1.89592907673021,2.32854715718671,2.19098705122144,3.11573762742694,2.5671983105778,1.59089585027918,1.74284451653088,3.03007095341155,3.22555120525757,3.63740129743893,2.65413253643281,2.22719442779574,2.25203354126371,3.26671306489742,3.19675663982385 +Cela3b,0.423525254186868,3.36454757653993,2.8974557676866,2.21023097521498,2.78875103331719,2.99718056036001,2.9956910772298,2.35991258305384,0.847285562350449,4.37644934704945,1.99035142120468,2.33179445357363,0.850873638130596,3.74847687181348,3.71598326216575,2.15371882758441,2.88605354443432,3.91001633258634,1.92176448100397,2.8921912540722,0.875043150834599,3.47410904342561,3.04142196439379,2.13616155659423 +Pisd,2.92559127935551,3.16430636323408,3.14553528111539,3.41331099419337,3.18057172341883,2.98410405753249,3.11616117777269,3.19341996566347,3.11681912702233,3.23481375755626,3.19037263152089,3.26221070426008,3.26229116629269,3.32812857607229,3.31930916863491,3.82672447431727,3.30809739752416,3.21306887561758,3.17722441347859,3.47071687848664,3.40567036332101,3.39999275168837,3.32985080666305,3.36014907748031 +Tpi1,5.87813795764467,5.30997017839978,5.77517862955942,5.5503920510655,5.22044723225882,5.38301119073552,5.51370335847836,5.53400310929892,5.60600607886538,5.61006485863552,5.33872122583939,5.39048551476507,6.04443732205489,5.57145101522802,5.94294082854248,5.74901001443511,5.55534731658413,5.7284451426814,5.55256199550572,5.7686916433406,5.87281620945941,5.86590470291567,5.63654189215719,5.59747305522797 +Rab12,4.74483601945836,4.74276182101726,5.14946882567124,4.87796812071819,4.28126237115026,4.56902766990973,4.42861835835661,4.98330775357524,5.04749374466701,4.86218930427364,4.40039668513464,4.59816188292118,3.72488059975046,3.560798629464,4.14360106945512,4.06174149062521,3.58867238568567,3.67819853472461,3.29404211581171,3.49510674350952,4.10961354713911,3.90771063365693,3.51659897814779,3.44037725292288 +Tulp2,-1.72445216135597,-2.03598846840355,-1.58851676918155,-1.83613226966142,-2.18637873528012,-2.37027379341641,-1.4768628702415,-1.23545361800782,-1.70949144429379,-1.84676079807966,-1.52277398005163,-2.08877959083489,-2.23114924532284,-3.3226815243722,-2.16771033055989,-2.41797877262748,-2.18127016598296,-3.18657222863648,-3.27191016256787,-3.68251191689763,-3.01383227698473,-2.31217783474975,-3.13040317076307,-3.03149755153473 +Celsr3,3.7489566771146,4.11836309087679,3.36505526354129,3.90409039572058,4.85475825360449,4.68543802973648,4.70657021654994,3.55264183229917,3.68981990513762,3.94127952691057,4.77856769025705,4.36989069515735,2.44731438919524,3.22079798276269,2.12423610845089,3.0489939347474,3.97796747253881,3.26089865294268,4.18751984713371,2.20025795326791,2.64191637429704,2.9217272458557,3.94646551346165,3.65348700908494 +Pcbp4,3.91540243233026,3.94207601421726,3.9526389408706,3.932694057827,3.71486681835907,3.66560521952973,3.86305852621347,3.80211733811143,4.08193961015619,3.74194091196682,3.96961646782484,3.92095253542679,3.0204953663787,3.30499326983328,3.52544176013843,3.0894685901469,2.9868019197039,2.80998400028221,3.24835297522174,3.10598645905765,3.04243637502574,3.40660356526472,2.8729534302036,2.82805642547979 +Cdca3,-1.01548643282703,-0.7504102664439,-0.563650753265414,-0.701284823513758,-1.16237249682046,-1.29880005325989,-1.30005904885676,-0.953831002727175,-0.551737010600518,-0.219244906317301,-1.11564499293754,-1.18271049218313,-0.0973774239032799,0.213450568521121,-0.369440241117509,-0.786207920706494,0.137009905683127,-0.59305525002036,-0.0938854135570826,-0.823504222975711,-0.219105913223526,-0.145588645375918,-0.60541331591941,-0.219492029286613 +Fam132a,1.9423811697678,1.73407238657041,2.2402981633627,2.06708407911953,1.58059362141276,1.54240128013685,1.78823143164423,1.83564328225585,2.306374260793,2.00554766780369,1.38945584738007,1.92252476094915,2.24145410947496,2.69105293556891,2.86164656036806,2.75839209340615,1.99384819044438,2.17377458419502,2.44547115824592,2.35537598631782,3.06528524604433,2.97473499616363,1.80261038451792,1.75808560021067 +Ccndbp1,2.79559135306336,3.28224181337132,3.30408760799648,3.13930875625086,2.46830405761646,2.57483969268357,2.60571246975314,3.26021792465689,3.12598806441177,3.3016003397803,2.80420207140926,2.88620578948292,3.06517722273733,3.25794226529157,3.64094854822705,3.41966513913901,2.85999306488999,3.16453522851811,2.7680914411162,3.58108337234999,3.44039734615349,3.440924872044,2.86845247944623,3.15276845697595 +Ogfod2,4.07580046758349,4.32192021819373,3.90489717015919,4.51095888423978,4.28873883902677,4.01289978317065,4.4041938295245,4.16964445707198,4.0271393470344,4.14783709046031,4.3583748385396,4.25593920422065,4.39696199603156,4.06875723745452,3.96822398771584,4.13879384357526,4.54742327970278,4.40699133917943,4.46130920093789,4.03826694448868,4.1885332290427,4.23513955941473,4.5957099244043,4.44751711618775 +Mrps23,4.51816453300201,3.86571333625061,4.52870603433667,4.36074925999188,3.8875381946958,3.96464177733348,4.07905814401193,4.2840780916578,4.2713170576491,4.14461001198623,3.93636061868821,4.02408254436345,4.87159011731052,4.31727155044681,4.87816499675232,4.41194588326247,4.36940413861054,4.57076658413169,4.26940501478803,4.4897735408492,4.74727135898829,4.51855095080959,4.47007913312612,4.48137535592347 +Rhebl1,-0.6288061687391,0.767049837104921,-0.250080598397675,0.415755062770109,-0.321993937656262,-0.86128867212434,-0.0999743039964602,-0.071073408068847,0.178334669927793,0.228536012213094,-0.0074498829642775,0.318635833378401,-0.279074970196091,-0.103095978064666,-0.242133679254759,0.148947732576702,-1.33893124038654,-1.41497522360893,-0.54811016114086,0.231155383182373,0.700350448356642,0.24766995960204,-0.484132775200851,0.0652254028720348 +Sfi1,1.14354453108633,2.03761745427433,1.5969436846829,2.11166139156128,2.38353727131902,2.28486991036874,2.40006470190579,1.33035455303447,1.57766118080456,2.01558906403623,2.51026339620167,2.12850911288325,1.28719330638976,1.9438138955525,1.41182069374408,1.76426363252315,2.28238787892564,1.83930833133838,2.3341093012595,1.17469281767864,1.67908776212096,1.89102899146626,2.33164564568082,2.37950217994245 +Pigx,2.16310738172653,1.96484356647074,2.41012354803005,2.2446313570434,1.90721081913095,1.66189945399816,1.89856499933997,2.05268747123545,2.0104728307455,2.24542852330925,2.16048721584069,2.14872739459402,2.33587888987502,2.26230820354596,2.17421948981611,2.39074744367997,1.72741939461404,1.93521307968227,1.44994639488202,2.48026631323693,2.35326165384652,1.94414754287365,2.0099316064604,1.95314656930448 +Pisd-ps2,0.692924223802069,1.32142034306415,0.568454316298083,0.566244179525344,0.80045742280113,0.997963282171822,1.56675470889206,0.632883759480967,-0.01544532785384,1.40810330869619,1.21610431937312,0.812318745819756,-0.0741781598432163,0.365374392616956,-0.222045167259061,0.0885071795136487,0.270669781031322,-0.253570407192215,0.388469049906026,-0.217578072188322,0.144714175356993,0.566401370063059,0.477484531719919,0.324577136455537 +Synj2,2.0084887651313,1.8535622155463,2.01893764855554,1.94544795862673,1.91578812047175,2.00915457624619,1.76309504817186,1.99988333427058,1.80638180465284,1.45971842731184,1.83139521510044,1.7517161201354,1.56050277434768,1.72849013199852,1.40759230153698,1.72779360498726,1.93197081828003,1.7728821978903,1.89907074785023,1.38566529809349,1.47598944577959,1.55692993439409,1.84415894989317,1.95914159063984 +Rsph3b,2.00383324402979,2.26166377418191,2.21248529645646,2.12586522933646,2.35341822429655,2.01017999881074,2.12913827713395,1.97480722498392,2.14869269537077,2.33266389040334,2.21303613267609,2.21474494208662,2.07138822892735,2.38698121442431,2.14402144232573,2.39839609337311,2.63405605691643,2.09794638064071,2.44674558005335,2.26494073420131,2.34153117441402,2.13635021730929,2.28123555692997,2.28369235486214 +Rps6ka2,3.74953051113548,3.86687683696018,3.60076131359437,3.35150157352049,3.65088793754715,3.73197707111871,3.72949443455113,3.70181226998685,3.55999791446105,3.19559586378329,3.50945403654101,3.6172962744576,4.91158739282507,5.27032831265444,4.72025677757249,4.54202603262193,5.25871266186316,5.06808360177337,5.43349835933857,5.13441268125862,4.71338121209618,4.32251058956427,5.16774837812406,5.16399433940101 +Park2,2.63407023073482,2.89739530294421,2.74321545531851,3.06394018305192,3.94239944005284,3.6267000970634,3.57227062287559,2.9442104287483,2.970918430822,2.70196512163976,3.37474874897547,3.12002136264629,2.30165406768343,2.32384884670373,2.34659784599386,2.47291633559251,3.3159305973756,2.79616477977783,3.42493775925936,2.55568379143198,3.10261789330369,1.90329307359461,3.13246218361361,2.91207641156321 +Agpat4,3.62289140054448,3.26914219708133,3.68166197053905,3.31780121360664,2.96241604477579,3.4214661450653,3.35608113362726,3.74128854936091,3.60193777859242,3.307835750801,3.09289087739457,3.39585586978097,0.831034775431324,0.70300180168904,1.35377684158669,0.594541950214891,0.216012310373618,0.698887822938624,0.208467727600314,0.514213243086416,0.435386228406208,0.843791040562021,0.446149013137674,0.228766256579687 +Igf2r,4.4712483006478,4.69807266103428,4.3961096816891,4.47019366990484,4.18808238289664,4.25071917374364,4.3618406275097,4.79002251253428,4.5099053833453,4.3146903917864,4.325572830958,4.38475375672809,5.32090976809665,5.23551507662749,5.4475231690571,5.20002935013003,4.88793237860242,5.13763341487102,4.9315909150465,5.40352761279644,5.04472675971624,5.03225751441624,4.89028227712663,4.97803978313893 +Acat2,1.80984390632363,1.53745491108153,1.85844310148914,1.7314328448642,0.834974375309879,1.49707483849069,1.55293158719935,0.991822674681578,1.55536041515015,1.57194441077878,1.10907471744017,1.41423359817695,2.40569318508554,1.69775283128724,1.9645053733738,2.10638873662313,1.87810170028479,2.50860628249363,1.79028748804678,1.70696413943616,1.95396717622009,2.16503375303338,1.49084796238634,2.02330851951757 +Lnpep,5.05644363917224,5.04223302674709,5.04679893426774,4.75604640889705,5.02804367596571,5.08395716789029,4.81014345809794,5.3499299025256,5.06648961198503,4.65332026647842,4.87921327568584,4.82854166035504,5.44866639464208,5.26195044034123,5.54336191975148,5.26526143309794,5.29333361959644,5.4211874951019,5.16583383098601,5.47044204547903,5.34975511309417,5.11718502669989,5.26137755105423,5.26677689107639 +Riok2,2.21892488442949,2.28878491443011,2.56330134084782,2.47847023982402,2.25169563291263,2.23707325874843,2.46051272105467,2.44313633753749,2.36405643562583,2.53727038311866,2.23502258397692,2.2001024719216,2.25292183186437,2.0331449256844,2.15401000406879,2.35629855121685,2.30491573496923,2.08174272074758,2.08548250340696,2.28040473074192,2.2113551638941,2.17721534249774,2.11369356325907,2.12877886341857 +Chd1,2.95679649958072,3.01502723919119,2.68598095854201,3.01862866077362,3.24251383448147,3.20187210004377,3.16653480842978,2.55176421252857,2.90177508776535,2.90629517819598,3.0074973122118,3.09132719937834,2.66987311220591,2.92579752465046,2.50039560772522,2.90329568346595,3.01491468195564,2.66470436968673,3.01513802897037,2.37512398227148,2.81148227676138,2.90190974472684,2.91059168309969,2.93725461236034 +Mpc1,1.21306849501824,0.748673194442222,0.685303921659144,1.18946133189803,1.39803243875429,1.01445081872918,0.588927618113801,0.764453307420938,1.06218643664591,0.893385935873388,1.21771671822246,0.659458251381214,2.00790637143731,1.71309727188509,1.9492990698782,1.78168145334474,1.89160875665201,2.26516174770387,1.50260917651977,1.68666456380206,1.89392400644191,2.37755625598537,2.02048503333206,1.82910522799593 +Pde10a,1.93475868053231,0.969407726155916,0.411626338916944,1.16639032000646,3.00899578810373,3.12764208012126,2.51015714270507,0.823685460861986,0.77775474265633,0.929736276318027,3.04915391119637,2.32811791250516,2.01278211281093,1.09425712855198,1.18074492105647,1.91884351976935,3.81265317371416,2.8641351014069,3.33285424797442,0.286527060569685,1.47397053051428,2.03642957272062,4.04846326567996,3.0842555061797 +1700010I14Rik,-0.961776428407921,0.710531262088101,-0.211195882652631,0.236913252832768,0.0982560560578831,0.794608009052868,-0.108725104744033,0.227565479479293,-0.181132600899522,1.26438025584737,0.0429994027316833,-1.22966769776253,-1.53296535571714,-0.0242215609393099,-0.554574349666375,0.244033150496348,-0.153419424533258,-1.17632936338184,-0.256528601514532,-0.602435166475711,-0.0400355935114922,-0.220972494242179,-0.616217719657465,-0.145703230272764 +Zfp54,0.934649005428746,0.891691482145737,1.14181385598831,1.17270858936337,1.12271150984472,1.26218804451665,1.35059576441734,0.986168312990156,0.747958427734057,0.953683886010786,1.10580143899351,1.27832412742367,1.67638393450626,1.29007893526912,1.14580690482534,1.64810492584255,1.23818870926716,0.583900378717598,1.34902033033813,0.945945391571557,1.5982754681071,1.45551526067758,0.947302766920968,1.13965670716971 +Phf10,2.32440942253971,2.23925591267412,2.19463770645054,2.46003318725087,2.35314905771563,2.43640066213264,2.47809052409659,1.9753569005777,2.25453300474519,2.12826710102476,2.33023586094619,2.41867509837782,2.22498243319395,2.77821476024474,1.93618642213067,2.5082416538743,2.42029502029247,2.14446507524755,2.38255020695537,2.70968234892011,2.33061034746708,2.54859806415753,2.44475252237501,2.40383571070878 +Zfp51,2.66610889379222,2.72155813058274,2.64878156923251,2.56447305792843,2.42356390920151,2.41602792916892,2.63835942121531,2.56064344394012,2.6033170187102,2.6937426854682,2.36389297544617,2.74006488627566,2.82696524777744,2.4898025607095,2.43633743211341,2.44257731083837,2.39166420971019,2.43406852466975,2.34557601342357,2.45176625522635,2.58261737643733,2.34727705197091,2.4088522579765,2.56778049526358 +Hcfc1r1,5.65351088065463,5.34678756549574,5.69878593595034,5.39179250221098,5.08020405842529,5.32953021978909,4.98812681209056,5.50542444219243,5.65795671394405,5.4263205662317,5.19789096632842,5.23421120293163,5.25123392268628,4.9111138403238,5.39761003401924,5.01076211661999,4.73271469059172,5.17106802468064,4.80612746109534,5.02598760484252,5.15817268269234,5.22199941882302,4.74733323816892,4.90452695847645 +Tnfrsf12a,4.22193556659888,3.33129529748707,2.57442577489553,2.98460871947704,3.47275415552969,3.73345927279128,3.75007139582612,3.05374012831533,3.5135821309513,2.86104812252625,3.41334583076614,3.59973534355218,2.9055024275187,1.56485083098931,2.2945012986378,2.46856477601736,2.28018367246974,2.17589179019911,2.42630225670483,2.2493799653975,2.41169310513123,1.99435843381777,2.27655994179118,2.15759992962412 +Cldn6,4.05683932326133,4.050867593716,3.96946895044009,3.58088159620911,3.60244384035261,3.82528666692226,3.6583712955318,4.27711930235213,3.85564778858629,3.92453405194691,3.37642143430182,3.7212510910059,0.180577337067802,1.36971866277429,0.558876598472708,1.57091245073604,0.192318594804671,0.813135875640133,0.639340776293432,0.28796201086024,0.524580232215519,1.1973623104531,0.934046067994837,0.50531750662491 +Pkmyt1,-0.380408341249697,-0.340786135097293,-0.670705566596852,0.843570537687312,0.312372972059361,-0.460148525669283,0.113807658681933,-0.808594262794836,-0.101875772311627,-0.123304190039223,-0.10986711994787,0.335564215114812,-0.715139398183764,0.705693405184209,0.0282565849776824,0.463098163076217,0.714094438349889,0.278138268198598,1.28090874027497,-0.588260530826682,0.866313283935274,-0.0402873316160923,0.528739362718658,0.453853394995544 +Paqr4,-0.394702873631004,-1.3353573759133,-0.370574139837208,-0.892989297216651,-0.691899281415712,-0.690851795139455,-0.232929681405666,-0.853147020938616,-0.845701170398932,-1.39938649928965,-0.744701263595471,-0.161508648468714,-1.1034879078908,-0.912148177790414,-0.52966708894991,-0.305391767404688,-0.391239823836093,-0.66583615364706,-0.321559095687319,-0.284782199021258,-0.863718632902358,-1.00522345417775,-0.267645922243667,-0.158849154454036 +Flywch2,1.8577820770521,1.90570821434075,2.309732887589,2.44915036293448,1.19785120817197,1.58225115344842,1.62386982889966,2.04514529726799,2.27813353413466,2.12976395786205,1.72272947465705,1.70350087349204,1.17464365968359,1.51709298238584,2.15767405391738,1.76334239392555,0.800592298949857,1.38020060870007,1.13801306881991,1.0412691449338,1.63662722515428,1.72057380075448,1.51297013527601,1.07359268585158 +Slc25a27,1.40699411417851,2.38571513520389,1.79550527082529,2.26376457866974,2.9417252867419,2.61805398524681,2.62642679327748,1.43439025733857,1.91283693938494,2.12493209872368,2.67847378735352,2.42538088114119,-0.12563319548283,1.10702156332317,0.153926506284256,1.17422215256813,1.57691014582473,0.507020741414952,1.95034371548929,-0.384816524200485,0.656977505771921,0.71546157705333,1.61717505650202,1.21548165123955 +Tnfrsf21,0.263676790590239,-0.299428032127066,-0.341022712332829,-0.397367844000192,0.609794039993793,0.168740632473388,-0.224934396397948,-0.440019272059532,-1.55393427697313,-0.558585221799314,0.527681943943349,0.384479305603113,3.17314923270693,2.57587840015775,2.95637548396599,2.95901399757391,3.6373392473693,3.6287919240962,3.2454080334772,2.91651314550932,2.66323238249027,2.6596185845285,3.81598288442357,3.06344663636378 +Cenpq,0.820200992998721,0.937746171420577,1.26290567290567,1.00577652578609,0.649821656537211,0.061522404954558,0.929718713869873,0.849504181588887,1.23198866819886,1.07477570292815,0.771891525068209,1.19923920152621,0.925896161897217,1.2438422069059,0.945076897175676,0.780904772242329,0.185234417816419,0.843069410459665,0.594109973617068,1.69224791008513,1.27626781063527,1.36612465876033,0.644214668554262,0.685768948501359 +Mut,3.81032085944067,3.68723877619482,3.70730284504874,3.35355355693317,3.16984937313395,3.42352140362628,3.36349170595585,3.81381108230508,3.6310111222943,3.20942278707116,3.29896655067761,3.73315315236003,4.72110011185401,4.46887984755754,4.34254231357982,4.3053922543705,4.18335183405497,4.57023127730427,4.12516097798577,4.54325131115514,4.33288266104186,4.23203555913796,4.30970380243039,4.51441023596595 +Tbc1d5,2.09579213325828,2.43551893151785,2.33583679865549,2.30187866801388,2.75394495886958,2.75634228040529,2.35698227989565,2.62504277461566,2.29928352033304,2.20709203477113,2.64216113702447,2.61040132204181,2.37301060126031,2.92815392100809,2.53264515834598,2.66199569508971,3.23867127395478,2.63017979093253,2.95968121819017,2.71298903283858,2.30884596681891,2.66077089855492,2.98939165942241,2.83518019994265 +Satb1,0.968205739013495,1.52358603488417,1.03060334674028,1.0462033119044,1.72727798824003,1.58256405472098,1.43686847516317,1.39505294468144,1.29872167542088,1.0067518702485,1.46598218862597,1.46956726344652,1.73277878367988,2.28753021947258,2.04867578356325,1.838381092122,2.4340654232151,2.16920620187761,2.2396468032955,2.09068555998412,1.85355922534401,1.89503279638758,2.30308167188884,2.13497727483842 +Efhb,-0.678770610554463,-0.309319080730354,-1.12416847822385,-1.50528505423127,-1.16103733805142,-0.0221735442224513,-0.920128372197419,-1.38244924656687,-0.504959514390637,-0.810544472044785,-0.529726487385085,-0.798886008543506,-0.944415611027707,-0.898980071498017,-1.61414052585294,-1.51938519840015,-1.79484309833427,-0.332572570658352,-0.885884221968784,-1.46809116216193,-1.43623288336826,-1.20642832245718,-0.746863253161276,-0.945177420608784 +Cdc5l,4.24980264522713,4.29106891314934,4.43923212654353,4.36317881169397,4.08646043638477,4.05214469224467,4.1177522235162,4.22058844439336,4.21456583970082,4.26917983553124,4.0841072250462,4.1880308082648,4.63128366468615,4.65990208311744,4.64883417145114,4.85122385179052,4.33182441969567,4.44976187456362,4.53425648389568,4.59438428112847,4.72892902062007,4.78048763346465,4.50695584352998,4.53922442116173 +Aars2,1.62205059760979,1.4797614281185,0.641542112667903,1.37690800594643,1.75810061259489,1.30079762480827,1.90669458011394,0.836145968495679,1.20475491720684,1.28000494113077,1.48817263061565,1.60181659675903,1.92621504159362,2.10616212840163,1.76441293268542,1.83358150741085,2.4367603494954,1.8447448034205,2.43328531898865,1.64868866561372,1.48374586534589,1.99290349039421,2.4170745584899,1.97351548529065 +Mrpl14,3.2629158942014,2.76851377077648,3.16393561489447,2.97422885938337,2.68158714593908,3.070892666989,2.87941989641568,3.2573474125795,2.68381829405155,2.75906831797548,2.51731626704343,3.00300846970573,2.9310827420486,2.60457191741164,2.55080217833632,2.78273125110501,2.65017728642046,3.203876116412,2.257406910129,3.0973064243531,3.05118872707325,2.82893542748722,2.63263746696196,2.71009678243429 +Sgol1,-2.66123571919459,-2.57717134384334,-2.42860355800765,-3.10705606657852,-2.77519484618723,-3.70756367213513,-2.87959205691566,-2.18631811718992,-1.29283139701928,-2.00321550083639,-2.41332616469624,-2.79076633225203,-1.57957963294029,-1.15461096174575,-1.49562798153771,-1.85868273852796,-1.40914268146025,-2.38870956891512,-1.19300908373126,-1.56167648034604,-1.02626436005419,-1.60905245572449,-1.94501145516947,-1.46299990796725 +Slc29a1,4.0188875925169,4.040219293486,4.18045800281933,3.95747372681354,4.06613665117497,4.09271134863183,4.02909686125807,4.16830652622963,4.01411286478055,3.89600928166897,4.01431096021765,3.93172824507361,4.39942975863787,4.45469011159743,4.62701032698889,4.54177706279915,4.62810946499885,4.58447348986932,4.51671128880839,4.59766221224777,4.46794077089798,4.62900989194861,4.70279836896287,4.53489531467805 +Hsp90ab1,8.03344580367508,8.24195837807831,8.24182504813425,7.96144511395074,8.26145114076621,8.03312555905108,7.95432119402926,8.33120645390986,8.06005613294457,8.0311553172327,8.42429096643618,8.29391632862255,7.82911076491339,8.24522839697759,7.83274118653478,7.95986747030147,8.45718175150425,8.05709683506087,8.18274089615062,8.47766771707679,7.83423586632678,7.95858297528826,8.6006827768576,8.41472442954035 +Nfkbie,0.790771345950416,0.446907624485082,0.861935563733716,0.184812216049637,0.585028453686568,0.606550740889644,0.69107540941445,0.530696629575868,1.21857305167257,1.02193665449101,0.491500006393401,0.149505884247793,1.20802535564395,0.850050021786323,0.872799021076457,0.804344384893919,0.289765001287726,0.656818197733789,0.779442403206386,1.11240289555973,0.589821127435702,1.0420274784203,0.478354969121475,1.17904747235093 +Vegfa,5.64107736475974,5.98971247045688,5.21038959427127,5.72131885749739,6.31038491345995,6.29210076840724,6.37771810832189,5.44969118129465,5.73210333117885,5.61043240491174,6.36509185422932,6.120057066693,6.11084990039526,6.81647493988988,6.33382993741673,6.50038310033687,6.69991000635904,6.20620987151336,6.87048582286509,6.37232094938985,6.57622468032573,6.5345633111686,6.73615331813188,6.54004879649246 +Gtpbp2,2.51307585455086,3.30141823195378,2.48240636298277,3.07147094206135,3.53198828727328,3.34361808282079,3.46933700180879,2.7173720581741,2.55078315363889,2.96366720651776,3.53001361398988,3.1281695007434,2.32915434086136,3.16249951449736,2.25101093824502,2.92975045938274,3.53131158396956,2.67936327828598,3.67316493453503,2.39613390264092,2.54013266958531,2.88918195826057,3.44875037569043,3.32592611507956 +Polh,2.60278966441458,2.4686299965543,2.63858747087063,2.70772281333723,1.84722560720805,2.09365507315972,2.55890716670271,2.28194315892295,2.64955884337544,2.46422322467264,2.28449381095686,2.35016206420359,2.55532938987511,2.58014636217523,2.47326841395036,2.3697579151408,2.14399707976937,2.33756016666102,2.53730507616621,2.25365685248704,2.49579582580277,2.28949721146172,2.21403826179485,2.45845431236871 +Clic5,1.17357877526364,1.26744213321269,1.71578372197053,1.19072584889954,0.901175962644562,1.23105522400883,0.679766610468044,1.32406374919574,1.01691374523244,0.997567916739436,0.651205642490647,0.740311072775364,2.21208228987025,2.12477049763795,2.23144266926198,1.62030274050295,1.36978617679701,2.21574886949853,1.289320764283,2.88558200738634,2.20737721301761,1.79171388761734,1.06920647079546,1.53703022741925 +Enpp5,4.50244502728419,4.65959982383721,4.59346724909718,4.79872446911612,4.25231949432554,4.06506597038269,4.16706604936382,4.69202980615462,4.52791216604328,4.7669460261524,4.33540051181239,4.72254491705509,5.95281338934929,5.90471882710547,6.132383083621,5.96139243841492,5.50822664241589,5.81437425420236,5.4252350198179,6.24933445051857,5.81079648053258,5.9425421927071,5.51645886601437,5.87862988331692 +Enpp4,3.4410881454416,3.25728650333589,3.48891339155927,3.28444018711395,3.06303768394616,3.12155520369265,2.90352993731874,3.60645708687764,3.3780899638561,3.23374061204172,2.99595416771184,3.20709766913177,3.73161193926624,3.81725346191196,3.94561429126885,3.72633729796813,3.60335955424732,3.83567491063551,3.19844533384763,4.10069684264194,3.77227437251992,3.71800293500615,3.38357676588429,3.39964024243443 +Cyp39a1,0.739141247055937,1.70599394587631,1.39125881132852,1.01402602236826,1.43870057486938,1.34676812890281,0.89014555393562,1.80100728962956,1.37945472868907,1.29205200966294,1.39429553271173,1.02562462080213,0.127664954695157,1.29692762440368,0.41997334935609,1.1679031243628,1.00088511148054,0.351704892761669,1.28334122931466,1.23772279572683,0.740931394018551,1.519981568554,0.698314620986722,1.61154844991327 +Fbxl17,3.17901455352293,2.95930595013466,3.07274555894584,2.92030530765951,3.43458332610816,3.40430429592862,3.22610319781926,3.36164192826746,2.93685629761781,2.61505831827802,3.24885664607619,3.01583594024594,3.19131096835335,3.31761259302249,3.38370441185128,3.24346949980524,3.62424802200467,3.44260129256411,3.49833379949518,3.30244387042015,3.10798126406991,3.21270828345977,3.58071199651082,3.37146313335759 +Rsph9,1.05528597001881,1.36248627144102,1.64477809688981,1.27829321413798,0.607651189902877,1.1500290468948,0.985549003112129,1.65159820028275,1.30931977089381,1.4115441447718,1.02813545952486,1.02751409655528,1.53022425070171,1.43636300447153,1.62753946139629,1.50303796382001,1.06275529201084,1.12692486085036,1.25330447101391,1.57199649499944,1.93173687817546,1.60205115174267,0.883062492006727,1.32582026592631 +Mrps18a,2.80854294981024,2.31486819302521,2.45364628105009,2.65500074376386,2.3687467804485,2.61197865469434,2.53324889929601,2.30125812009533,2.66856137331066,2.66011856491625,2.50453572328199,2.54073488543915,2.87965025273434,2.75711894296315,2.81188072955512,2.79281174714198,2.66264649922336,2.65439956576119,2.56591712704174,2.78044900082939,2.9096519782829,2.75709226279932,2.7323697244752,2.72236986674769 +Rrp36,3.00176369944779,3.05899493975997,3.04174450107515,3.2246773403553,2.80278959874759,3.24803469290832,3.16191485956752,3.02695744758434,2.67600491926882,3.12116981363917,3.32739508012974,3.20922160843906,3.05273606974634,2.91467938155157,2.72571361108502,2.76845299223877,2.99732427579583,2.95313225720611,3.32427200597096,3.04164265584388,3.11446253586921,3.01858081549124,3.19265825742301,2.95435334063447 +Ptk7,2.46484037554442,2.36665041624766,2.56247134461534,2.1036245969509,2.32896803932641,2.48237068191586,2.29959099440396,2.55768981780404,2.24143065417432,2.39057502916342,2.18804139209474,2.44916712034396,-1.1574060851087,0.0565993087159105,-0.082830763576156,-0.512355817295012,-0.681318808966753,-1.09591343764875,-0.61591041300904,-0.659397748291499,-0.490075987842333,-0.528090727140208,-0.304216910313508,-0.233161355478239 +Cnpy3,4.42271327641896,4.09864813595716,4.36488300709824,4.20292719396354,4.23452386544519,4.28173541058676,4.43371843239565,4.44072107751701,4.25278023950354,4.38005617595688,4.29186449415796,4.20275947801493,5.19187843955701,4.80863212734626,4.83237208696221,4.66477001829554,5.0461357725287,5.3073206430891,5.18054418890877,5.09087215888109,4.77217299012305,4.68388390203723,5.28443603452032,5.0513725385886 +Ubr2,3.65168636654832,3.79249404297652,3.37134967131706,3.74942240386083,4.40160131846259,4.27560013704759,4.1262435206981,3.71083894201074,3.52470816555659,3.64131016003737,4.26544927933661,3.97028670585324,4.09344725439204,4.16166486422676,3.93602472129678,4.18312408968144,4.75673498856268,4.36988587608899,4.69116290793307,4.29565905420613,3.84862516227635,4.02111632811624,4.79009092989068,4.53659505584154 +Taf8,3.29013711375099,3.53222237240214,3.4546006578419,3.56802488812264,3.35462573685494,3.42216747553875,3.34013935216989,3.40231697146738,3.49097931904921,3.66086085686529,3.43024741127343,3.43697599924336,2.82886823690283,2.9147146050289,2.97693960492381,3.04508222075,2.89715172250423,2.81772094730032,2.95034753490295,2.99244520508472,3.09575404293553,3.0252102355703,2.8160356976084,2.80411766708825 +Guca1a,1.9884414529237,1.17741580133734,1.6639456551859,1.93508867148415,0.336085085708004,1.15619415007812,1.71537207135555,1.71344621065564,1.38530301434337,1.6057275165216,1.27208055363154,1.30526044167917,-0.747926071130022,0.266621986111727,-0.0029166394295864,-0.111939329281665,-0.183619211910918,-0.0624220304877436,-0.195348265729182,-0.734703658415184,0.661498739332717,0.142485950624632,-0.139397674429689,0.12561748658705 +Gm20517,1.5898435445586,1.97969528954379,1.30537465547341,1.89917351891273,1.94833318754292,1.71693031031707,2.06219792171877,1.57149288400157,1.76708776869185,1.704503984045,1.97992976708104,1.8507910717854,1.25034380770319,1.52338522840256,0.965398920006833,1.68264131148073,1.6358557735289,1.31822593646881,1.64184056131318,1.02237431195927,1.31597886656205,1.40270946900538,1.48972371360662,1.65685500175028 +Bysl,2.31004029509132,1.35673220232397,1.60057221148725,1.61817367131666,1.67658174208704,1.89776312816102,1.90275570001666,1.33761149415673,1.40384266311926,1.65035378063814,1.64844752015358,1.5429248493475,2.55582446786383,1.74269928965881,2.21778602862827,2.08352525711662,2.2931919959521,2.18853299463466,2.50119146602163,1.64245926556023,2.0419130103694,2.18652979502598,2.22996271627976,2.05931298522853 +Tfeb,0.572461476721883,0.398697613497853,0.585493565964898,0.73537074126958,0.705338228289445,1.14280724596112,0.802539787244588,0.301525563139351,0.627411489969808,0.617441943939989,1.14260643203825,1.05320434489274,-0.551842467338305,-0.119318041975838,-0.233850198719739,0.833024594723452,0.216169137205787,0.371874110219986,0.477575983951039,-0.614786976125531,0.0607542492084541,0.869145207426597,0.656946930771476,0.368589464733432 +Foxp4,3.06190660778762,3.24079809544393,3.11202646957893,2.98820153825115,3.63277318567673,3.81736807314995,3.54998296818314,3.57588739308632,3.28008835373752,2.88842978265709,3.75934175425279,3.32232522962054,2.35001847903873,2.99512226124594,2.95608763353728,2.66348266491109,3.26696320903385,2.68763699676729,3.55630032976207,2.34893530740479,2.61368006876572,2.96417665148978,3.30249965608704,2.69729239075626 +Nfya,1.04718582803746,1.30202004528694,0.571002284800959,1.13276656999755,1.79307992956729,1.59667960302846,1.43825384539362,1.21587343693498,0.864547386891439,0.791911477229425,1.56389573832789,1.40179968901924,0.5738161387429,0.807554895848756,0.230021286383897,0.833288158536298,1.61580495405544,0.963445815113861,1.72590668580785,0.411635198550924,0.606574191551969,0.474422180924389,1.39759998763407,1.19184161474833 +Brd4,1.46969161819925,1.53973958669925,1.24376003930579,1.10087058039452,3.06705196509356,3.21852564668211,2.57408258767474,2.74135135913128,1.3756367727717,1.42048355931246,2.9069212855126,2.16428345303568,1.04770436466586,1.4494784584304,0.839681795728461,1.04305548351788,2.93585725791224,2.05614426827487,2.88375337807841,1.01370425567393,0.853395800021355,0.904033349730477,2.90863946359201,2.32057417462801 +Stk38,2.19803984998269,2.29911104091118,1.89496177572439,2.39074491973538,2.72347002743117,2.60755639584026,2.46110415010432,2.06602711662699,2.11069692405002,2.05158499291188,2.54180940295539,2.432018757332,1.80302593885912,2.08288635791192,1.52721658908823,1.91755226593842,2.43506291377386,1.79421770845588,2.12515010354324,1.66612289887483,1.94382132242103,2.12091110437325,2.14662204201867,2.1242765484534 +Ppil1,2.37271427433912,2.05409767531323,2.00994811128085,2.2693911105416,2.03777012107531,1.91399108940246,1.78699659252173,1.81850599733893,1.9637500871829,1.84160701160796,1.85605092620443,2.20658947828514,2.24310512537669,1.99663055620709,1.68211036389929,2.18771957361289,2.15565078594441,2.22426510496759,2.26330637154048,1.69229980464593,2.11401172793425,2.07422915479029,2.01457092390912,2.0983302935406 +Cpne5,-2.71650969410332,-1.94135981386236,-1.58780765893609,-2.35798828874004,-3.33379085919931,-1.99565631067942,-2.93599069788899,-1.53460855326155,-1.72247563176345,-3.39654384582825,-2.57266954469401,-2.25791591555172,-3.83165030856184,-3.0717335926459,-2.00479920387268,-3.21168895178732,-3.96759661948216,-5.31599120970161,-4.2118171261129,-2.79470855710664,-2.46942002928266,-3.15730735421722,-3.92337508200093,-3.83233213403607 +Mtch1,6.23654654321244,5.99874793652382,6.12978735689226,5.96434837382829,6.05194287625271,5.93609880363267,6.01955684442579,6.17853479454709,6.11720387253284,5.99730949723269,6.02925869168426,5.98563501967223,6.83114351277419,6.63297721125821,6.85090220731204,6.78830951154172,6.77091302604189,7.01974036520546,6.70157201695076,6.96031345089509,6.75913029873468,6.8379887395146,6.83769161565872,6.68793351516492 +Fgd2,3.0822456398456,2.99076883413402,2.9892732719565,2.83473978669653,2.87069532382272,2.94904211497899,2.98219992608024,3.13666900520922,3.10164847690392,2.87968241765081,2.86560831222804,2.89356040452122,3.36308589776361,3.24367741546816,3.28472206251591,3.38251288481597,3.15122604887469,3.31061481702879,3.0983783114624,3.46944971420139,3.35142757727164,3.18054618649019,3.09282188637065,3.00673624208791 +Pim1,1.32838799518233,1.60471314275299,0.825067058998588,0.763949828208777,0.95151249431834,1.16335807744588,1.35625616897591,1.33955548874829,1.71508737280662,0.818560889146326,1.23796500854962,1.34222000660876,1.67926281712673,1.82240933462405,1.26083628323517,1.02868482821776,1.89814200367999,2.02158315564495,1.88930779792568,1.86304966946799,1.5726474944971,1.35271815248114,1.90569255800154,2.1985598765665 +Ccdc167,0.700544935524201,1.04384918178523,0.712016805471311,1.02451993449023,1.24180584190502,1.11378787661544,1.24169246226838,1.35870121113281,0.496108074883292,1.17593995812196,1.29886222563154,1.21799267863666,1.85686980591711,1.49546763078485,0.989173730391396,1.37122441168421,1.98126407838506,1.75322503508174,2.01245015891686,1.38858376618233,1.36453341423368,1.40511824012033,1.86516595074267,2.12706568682428 +Ftsjd2,3.23219118037097,3.24350686848926,3.09146749178865,3.14428384005955,3.33861520799705,3.33324389412197,3.42992825969132,3.23041211063328,3.14854121855299,3.16658302240894,3.40422150463386,3.33297780654546,3.33334541600526,3.3657542099213,3.22545477089683,3.33824766173129,3.7306908390507,3.50395577989406,3.74888412605298,3.14181347450895,3.30149418931553,3.34251358448675,3.79503520134373,3.65028013904244 +Glo1,5.86426259648622,5.18900265875707,5.77689316451575,5.24209089838017,5.15358371859283,5.45707510762388,5.4154898623372,5.71076097259432,5.71765768582797,5.54767414735108,5.42676462388423,5.49297244225248,5.54743035919635,5.06032275040637,5.41400090638083,5.09958645135504,4.68834365631566,5.18806570944131,4.82288580404731,5.49610001545574,5.36163169790241,5.16053011093941,4.93558824890619,5.01798328989707 +Glp1r,1.99570373840329,3.61436346734845,1.60578332811713,1.65200229521811,3.62756843450823,2.49537270597982,2.69210604569604,1.87439425988625,1.47560774201948,1.28063727053429,2.43511192153976,2.61933169144746,8.75283998063209,8.76591774829545,9.00285523182919,8.69796492663956,8.73299830544363,8.94739874286882,8.94258603494707,8.84513240469788,8.72996738208185,8.80331981216554,8.76168201342575,8.69875200837316 +Tff3,3.8199284812309,-0.405758209076811,-0.730064209185675,-1.34107040213675,2.64805686977762,0.241242232367409,-1.34107040213675,-1.34107040213675,-0.844113721140027,-1.34107040213675,1.5154070007508,-1.34107040213675,2.65771728398369,-0.768518112196468,-0.347930987733698,-0.637671950218355,0.445850138678738,-1.34107040213675,-0.679499434464331,-0.696533511124837,-0.0077134969277501,-0.763285525090992,-1.34107040213675,-1.34107040213675 +Abcg1,4.40462418131358,4.37477040704333,4.75802448330218,4.46118096481619,4.3771699078276,4.38966169196027,4.2167363198737,4.82495644533624,4.56724271672757,4.4790808073938,4.33906788706886,4.41047457828049,5.06948086169225,5.00240220967526,5.21830349526181,4.80614708161203,4.60232261318994,5.00876717148869,4.94712243759642,5.31266876657273,4.6872579566388,4.77506998433317,4.63938898838928,4.80595995939633 +Rsph1,2.15066500058771,1.84756335364412,2.42454406316302,2.33896341254669,1.77914789957946,1.73764865136055,1.91675275243526,2.03909173048806,2.10173472656538,2.77028997521046,2.19072126387677,2.33924324598134,1.4675265832192,1.42864078819844,1.57643669897933,2.16160011673156,1.56234216097221,1.90240843513429,1.83655020999243,1.53502119682132,1.79512717078783,2.09913528520634,2.25604764486099,2.20747407645834 +Slc37a1,3.89025253892487,4.21231324862253,4.06617272893125,4.10368982562735,3.87799287061811,3.98570041640673,4.13631699639442,4.33830278465753,4.14647461943271,4.03700189867842,4.09321646559263,4.09688814000048,4.1995828774645,4.45699077139306,4.48073469394946,4.27871993205005,3.99954318425781,3.93636971062948,4.222138760593,4.55894019501197,4.28498491314314,4.46770523967193,3.95757415402381,3.90101001294458 +Wdr4,1.80255017470388,1.93624238665369,1.59486073331804,2.04362199651403,2.11004244764979,2.20438716743862,2.31836124021231,1.69126577086021,1.76333070202803,1.97511332966349,2.16753451590307,2.00611907513272,1.41176730277205,1.67566572059944,1.23884195396808,1.65178122583331,2.0574035604009,1.5265694591965,2.24682065469402,1.03816650977635,1.60819641752476,1.6675601160499,2.14598602033986,2.03904033561103 +Ndufv3,5.18852253478757,4.80848450946094,5.31478288443563,5.08188979548495,4.56205038885561,4.7139890096956,4.93002717384713,5.13536289260634,5.02641877372934,5.05458194916014,4.75828646386456,4.83803975188119,5.91005388741118,5.5659982761675,5.75414955148329,5.51886233368753,5.31877004600857,5.70873918402508,5.48427977255312,5.91290144890909,5.72157939087223,5.63936931025427,5.35770572402082,5.29998370668597 +Cbs,3.53849634752644,3.10128177909932,3.19287422694631,3.3014473677058,3.14654680553547,3.48967950327461,3.38517637260532,3.20610299070474,3.43063996458339,3.14978815518268,3.25279279206494,3.34685615304451,4.93049554569903,4.70859570777652,4.68785378014132,4.59466861939202,4.82446419384816,4.73255041749682,5.20314114977115,4.1928014676668,4.78213663388722,4.90098630977986,4.91491544199104,4.95536552516692 +Sik1,3.30661971336305,3.29906794800634,0.999635209131031,3.93212744151744,4.18403892349402,3.75579866750541,4.40657103139729,1.18986772898514,4.01516220496969,3.17098212995645,4.13000628982049,3.39491549393641,1.25684303037292,1.32304339821544,0.095796784380334,2.99732210007104,2.74041612927911,1.28070228424184,2.81672914174359,-0.41933503098975,1.95966124386593,1.88669506169884,2.78061673630893,1.34019809652424 +Epb4.1l3,4.86487955018535,5.0544091214157,5.07626482017401,4.6595914042606,4.81154379626521,4.89045228215569,4.83749662749274,5.13044613221486,4.9292543753922,4.78613904648158,4.82391338848787,4.87535445144755,6.22208617409353,6.46539480455801,6.22358709391398,6.16458151627744,6.22800162283327,6.26843812539613,6.42930235804527,6.36816792530182,6.1126422064594,6.075029788826,6.35285627871361,6.33918391890818 +Akap8,4.07245530176887,4.65291258438329,3.85739604716251,4.62316290885288,4.79824319244373,4.52548027209908,4.79897244804511,3.43078932220564,4.22331078596235,4.67054999600577,4.80965209524287,4.57439052476874,3.7517266678752,4.20942021474116,3.57537166724444,4.16900210338971,4.34645027883332,3.80881245378868,4.39098802783197,3.41978719144997,4.08710311544571,4.13018218336317,4.34544262612405,4.39829886114241 +Myl12a,4.10683229839681,3.83381771837977,4.08911464439718,4.10484638844061,4.03564010585491,3.94479021025148,3.74793536641724,3.97160430199303,4.24306807003066,3.98913593363394,4.18120913638446,3.79766599731988,3.2595153798604,2.83571597082021,2.99626536622907,2.79422759466465,3.04011102299215,3.26562457413335,2.82770379851601,2.99467662027417,2.95619462545529,2.79659452443891,3.08814458035291,3.14222606104376 +Myom1,-1.01273406227862,-0.031011260724918,-2.25371480732439,-0.155008865171043,0.609288946914527,0.242956970702377,0.227879102012114,-1.65653159511712,-0.920670885326999,0.143253365155041,0.579184776990779,-0.502244865023053,-2.31904075117963,-2.47414822941217,-3.90978627547855,-2.47040658027004,-0.885466324177493,-3.22897681318595,-0.608839318089295,-3.20117721583669,-2.30211417790738,-2.33597465155772,-0.920398244742011,-0.955948171827297 +Wiz,2.05294568688622,2.18714590919958,2.1744987671484,2.00407695771442,2.72425887424926,2.81390643078036,2.55454996655298,2.46880836640126,2.16679152893811,2.25194186098013,2.60924812180395,2.21505643312337,1.4684678724433,2.04281902653298,1.7264424262014,1.95374126385493,2.48456121170115,2.01419343079701,2.89981779788649,1.76182418235461,1.83459120097398,2.09778795124781,2.39424777744037,2.3896456327727 +Lpin2,2.35729964668088,2.64352287746875,2.36001994171919,3.02393121169724,3.04768446927079,2.81760741289932,2.76512732429023,2.18309528541048,2.47759721998535,2.82522193504542,3.08292616928654,2.93498463226664,0.916629702991486,1.05860060743391,0.677865627185612,1.10749982381422,1.48238295719449,1.13825592903492,1.14886916115602,0.811280232690571,0.772589176156003,0.87412035996887,1.45853815851968,1.17339874158736 +Smchd1,3.37848864275544,3.3032099490693,3.41697062357943,3.24354689620791,3.30522250952073,3.30368763490878,3.2968796688192,3.24854562054009,3.39923762863762,3.0985694988847,3.18057415338689,3.34510618060275,3.17396695341804,3.10504021706654,3.07901397340202,3.06662819550061,3.01890256396331,3.11230669019432,2.91403896927361,3.27339050483833,3.07595636148525,2.97762838498438,2.99125024919314,3.06787585167949 +Cyp4f13,2.16687277030265,2.6422036889398,2.47085092742934,2.65056322438198,2.6572739973058,2.68048625963556,2.7188698525841,2.28747553951973,2.45671567661289,2.82664327341129,2.61583013252309,2.54376278097727,1.81933304485936,1.95353368399591,1.73504339427009,1.95502515340726,1.68224937893385,1.50747569154796,2.01307691972613,1.59491840050012,2.03031590094743,2.02128667159445,1.605169601408,1.70828105756048 +Clip4,-1.60160918332251,-0.0155220718243374,-0.0989441841244922,-1.58672921548735,-0.722912814227656,-0.740914668007528,-0.982359358822901,-0.552631117241114,-0.735579739876749,-1.24895058501864,-1.07109514499442,-1.03821595346578,0.647381011565189,0.690958569891781,1.45086365712407,0.983932528048024,1.14540261809761,0.101797578937935,0.663247570167834,0.539578075484316,1.14526504039858,1.15229903075233,0.970331050428675,0.596598691117411 +Lbh,4.16265000962057,4.08279295667906,3.61493667036878,3.9252738925236,4.0794296559748,4.21549598542263,3.90900071597265,4.09264807196321,4.13366094348042,3.68319377352623,4.01187766268983,4.05309348087104,5.28275279273323,5.33666242976164,5.57753164734203,5.27507753084618,5.09363233449881,5.19454766799306,5.04281455020977,5.18280093381791,5.61205721723624,5.40030051098484,5.02099529095997,4.90938571373522 +Galnt14,-1.38142780038633,-0.488311145641422,-1.49654335068933,-1.44031472511163,-0.440177659821751,-0.970485299857156,-0.955628991860291,-1.04693111455717,-0.743884650275806,-1.65823829462901,-0.884206500805059,-0.768597064221553,2.70986594615595,2.92229929852819,2.76962481567728,3.00307540423683,2.96943948929486,2.91684553290761,3.17774000935907,2.83785745170243,2.72980080549383,2.98066128075289,3.09591326573091,2.88559655487 +Ehd3,2.44561688948035,2.18349816472272,2.78620239762744,2.28727336673107,2.17181176267224,2.05822892329927,2.13134615038141,2.47855454436923,2.4188513028394,2.34013109732552,1.95316578515895,2.17941668546763,2.99933652508705,2.86467561821634,3.19265162551163,3.06056731451815,2.63995347803214,3.02225661020237,2.64947553974119,3.20976336322855,2.98116012051499,3.16808507537152,2.50487123096078,2.39149097550574 +Xdh,0.363750006837642,-3.31501451735188,-4.5589617578408,-2.9171936938637,-1.13069670416196,-2.3921287405652,-2.75552488190422,-3.02956745597175,-2.94723821668803,-3.00222830262488,-3.0820323673881,-2.48814589947186,-0.0227650875592889,-3.57761733767035,-2.98315397374121,-3.03038639137161,-2.58042549539401,-3.1567029578774,-2.82464600202476,-4.5589617578408,-3.2256048526318,-3.56974162907858,-3.96384033379675,-3.92230995581089 +Dpy30,4.7498229255923,3.92089196322964,4.5075523420134,4.26788008075959,3.77303475554136,4.09892990301101,4.10440853015826,4.47579682460758,4.6013059297463,4.21945432972382,4.38935863239937,4.27706233976231,4.51940903083679,4.45315927396947,4.49585275492719,4.58809347499301,4.03195688355769,4.33812000053808,3.56364333529004,4.5472919102483,4.44361077035975,4.42994074466062,3.81495046427007,4.09135599843195 +Spast,3.12199790497168,3.11140106951328,3.04194253260865,3.1536334781998,2.84992194828871,3.02525214747538,3.03771648567737,3.00990189655964,2.99070838814891,3.08590715412627,2.77424121535314,3.02389491522104,3.20100715017499,3.14785164265893,3.16495550546365,3.10567080207482,2.85436308552353,2.96838297620613,2.74324317596084,3.07792248808041,3.1334235932352,3.1438397669145,2.88433297737468,2.88701276180872 +Slc30a6,2.54500904906021,2.69335173060191,2.57308397919366,2.61681325766144,2.38304041453009,2.44705541350345,2.52232118089015,2.52479032320863,2.56407451525008,2.38528618689221,2.54720727818337,2.75945950003068,3.27680116775495,2.89251236150024,2.93290091188755,2.8787548845411,2.70138444797751,3.00775033131442,2.58079279109161,3.24490911680897,3.03087082591843,3.03798177068727,2.86300025764713,3.06067503233708 +Prkd3,0.73183377186009,0.891212277234185,0.874984027636153,0.774545805585579,0.709935429130875,0.809617646927346,0.427328761568611,0.926403711029944,1.1306465983603,0.76416898122396,0.568136772329776,0.467632809691431,0.119474643476155,0.216753243081413,0.152077984292417,0.115221518168003,-0.408150756380986,0.113540880928749,-0.61081792137207,0.565737352154386,0.434082396769704,-0.102836783742431,-0.106886849511999,-0.336915081173353 +Yipf4,5.3906229153597,5.05207624799669,5.59673285979158,5.2290538105099,4.51017798439518,4.86141314163042,4.77983365680517,5.55180055284237,5.55540245275001,5.2209307458051,4.65249165197155,4.88088770306576,5.5772255247063,5.390873282609,5.77633785292377,5.45385876268924,4.82998938933038,5.32974034583517,4.83501871000211,5.92548071857941,5.56466634776489,5.39138971556376,4.83561538016863,4.83457511901288 +Birc6,4.78907947283117,4.69271030818502,4.46123876800493,4.46939808713635,5.06849637151282,4.98180993661029,4.79635436838283,4.77425890893729,4.57737359533095,4.46018702464835,4.91309587892757,4.82816354737127,4.69252897116569,4.63565179839307,4.71216655584019,4.57347184421952,5.0365752420175,4.83308063434912,4.8164045582021,4.58867784192207,4.55710956213522,4.50754839380895,4.93831558779049,4.84587364042884 +Crim1,1.65823037899214,1.43474766899479,1.87854060582024,1.48574874096057,1.79468871902165,1.57724098201019,1.00806646356709,2.34293775613409,1.90931195186678,0.825374606022229,1.658523623526,1.5793020818962,-1.6610733586612,-1.2455718290964,-0.849400892564443,-2.23127550980527,-1.82126822471146,-1.45391967750296,-1.96903249905739,-1.05106546281036,-1.94908253023287,-1.98463740531333,-2.61952904697685,-2.13751749977462 +Strn,2.135683943673,2.23630229225479,1.96880689431513,1.97297363617824,2.11872826498082,2.15298705898588,2.09162765601746,2.22159844938832,2.15634435949005,1.9087316921066,2.05170651629426,2.14485651684389,2.56058984730672,2.72797112224169,2.81105240194316,2.51327911371404,2.53448836248388,2.64776763848832,2.51988139116611,2.72621262560888,2.69293556193811,2.60703582207216,2.52457105151408,2.50190616169815 +Ttc27,2.87315185720493,2.56654458767249,2.93318908614438,2.90173411438716,2.49884930496752,2.80429250950191,2.61859397921384,3.00778682389105,2.86335443299405,2.90808101774845,2.55691188615406,2.89183313376639,2.55853074378406,2.44565808978989,2.5216219689203,2.53418666612618,2.46328777412106,2.70757093980946,2.11262557260939,2.59803310955361,2.62928428815068,2.61334843300848,2.48566482097612,2.41996592729513 +Eif2ak2,2.90610322231877,3.00103874109762,3.15369024138051,3.10735959563135,2.77774042188635,2.78868462622739,2.84115400509757,2.7653432381043,2.88809386093443,2.91680163299051,2.65868225360151,2.86483870164769,2.38199174926952,2.61857066447754,2.37921235435723,2.76040351128743,2.42872433437749,2.36292102676896,2.44374323171656,2.30332222361353,2.43184431083202,2.57409527299472,2.36612932765267,2.51614070869888 +Cebpz,3.59574401569026,3.55584846299137,3.35218877875841,3.6306627379349,3.58345970041412,3.49123070343288,3.56838713197651,3.41883836914112,3.43941297791322,3.75137980010937,3.61675473244251,3.61558602224405,3.49166892874306,3.57362407652118,3.45357278106485,3.6012109215947,3.61910010688378,3.50023002963588,3.49643772151938,3.08622019088864,3.57322310600864,3.67284645830753,3.62019672487479,3.70363548672083 +2410091C18Rik,2.36388655331777,2.45436095865875,2.26533893091642,2.20156658078984,2.42998149941394,2.61106212636645,2.56237877616281,2.52202704181441,2.25567542300192,2.69684861686419,2.57582692136979,2.67430481485298,2.92386685110416,2.64594724515913,2.89720948690047,2.84780594136324,2.89855989620636,2.75467901520688,2.80056744278151,2.73385696646639,2.92146503964399,2.9682546323137,2.87437793562566,2.9140460565561 +Pja2,6.11808921695835,5.87584017220851,6.19608310710814,5.90848477285395,5.82130511690738,5.94190787404477,5.77638337880313,6.15703323181692,6.02065618770815,5.83776965598823,5.76986940112429,5.77077652827018,6.05488335777343,5.70570708091908,6.11353992127991,5.76400613624885,5.88575395344778,5.96048164283214,5.80658862782837,5.8137928760207,5.95065360769164,5.82472059654408,5.86492435361702,5.82916033845319 +Qpct,2.18621173444751,1.58869611792541,2.67688619846999,2.2689017569212,1.34867470167127,1.79914359943964,1.58399468344129,2.22678200715755,2.60659412143696,2.48557439644024,1.66351390530646,1.59226178988226,1.23067702075263,1.68046285630149,1.07370175328936,1.92112334904857,0.91524229588709,0.772047421236122,1.18804781557905,1.83842396276662,1.73526535053352,1.60429150008517,1.50501523323392,1.42332451036951 +Man2a1,4.89697488213702,4.65579534539733,4.89448887922267,4.56639305702616,4.78998767070691,4.9001058936428,4.49227940388341,5.11147367132351,4.74599861580368,4.6496342384344,4.72824476927605,4.8693229602381,3.29348320936952,3.39659727314096,3.47174699397848,3.51609458762031,3.51135407235744,3.5512324703791,3.31344910575718,3.49490994638298,3.12320173375925,3.10875877443569,3.61957425879271,3.49168663068806 +Vapa,6.22395526244351,5.9837769797579,6.27066056211233,6.19847434174193,5.68150387476492,5.97756190123605,5.83554473796528,6.16390733260886,6.22547112598361,6.20883665010946,5.93363056016171,6.06901757050755,6.61262904034431,5.9985422474525,6.33217239849643,6.15324124006676,6.16888009971969,6.41045315756405,5.93745770787868,6.44739948805401,6.24306942151054,6.15002892733118,6.00358829605631,6.14993198879363 +Hnrpll,4.06952881852929,4.08525094451811,4.45792639574987,4.01989456440436,3.79042887687272,4.00914729492711,3.89947795796048,3.99537312870087,4.17584284243434,4.02646188491747,3.8045718085086,4.0865765158583,3.93174510957619,3.98648167598542,3.91869806741054,3.97329578183583,3.71119364169659,3.75488697018276,3.87665305123654,3.90097954508459,4.02116783834974,3.87020329214359,3.73678698284351,3.89546083916518 +Ralbp1,4.87900011862197,4.83121303700561,4.82319552868429,4.84760401523885,4.76895273986878,4.80398912983166,4.8109324517525,4.89177534884378,4.87306555818193,4.83542074574348,4.95931020806401,4.92539733025123,4.76311689608827,4.77623302631392,4.65348586328843,4.91095740122251,4.74776223503655,4.69821570100518,4.7603624319608,4.72196786166126,4.74364696294941,4.84302452323038,4.87357552183177,4.76223174279249 +Srsf7,5.263203873958,5.38008098412022,4.38771527955054,5.40168245019021,5.47752885877758,5.25196436893638,5.59360988160772,4.24902242847654,5.00337087567884,5.26881456373629,5.43245885203067,5.43153933034265,5.12014441529159,5.22007251460727,4.5371469562359,5.36961891439254,5.53659426241188,4.97363401924784,5.48372662152433,4.42540937430605,5.31149547571022,5.24717779721038,5.47757374542761,5.52897799684274 +Twsg1,7.16246087705255,6.89513856519538,6.68181118212247,6.34069881116887,6.53459171444822,6.76564090268829,6.7561583706577,7.1163177778993,6.78576629051791,6.40769962902465,6.50712111473722,6.77071125402122,7.19770427472078,6.98409632057281,7.21081022392213,6.90028419429144,6.65950566574926,6.93096058672977,6.64269708107014,7.39887232293563,7.13343825042265,6.91305988412311,6.62460442084265,6.7700843824546 +Ndufv2,4.81394691327574,4.43839109169405,4.6829128030862,4.57675112791286,4.12072728799329,4.40235344354614,4.29725000812862,4.69339382438241,4.68582043361732,4.76147199693032,4.31263914718,4.61443319128919,5.07368133929876,4.49286145798393,4.93158939262156,4.77513300592306,4.55011356827488,4.91079346138039,4.31915229680314,4.99184370498792,4.89753980585632,4.76301392444703,4.5429196928855,4.80170942168354 +Wash,2.98726752604543,3.01644435610663,3.14217937519046,3.22950193862411,2.90491142488282,3.02221449857698,3.00815754015141,2.90764655227792,3.20647872743705,3.23727988262806,2.9077157522533,3.28562184243331,3.01070078113449,3.03992149386414,2.98337178082029,3.38767927885555,2.92674636164929,2.94560073501264,3.32183699558589,2.85259646075749,3.17726732442604,2.95777751181003,3.10163470496942,3.16324651000994 +D6Wsu116e,3.92227222233713,4.38996958730395,4.06608600735499,4.29923411498229,4.37722116605154,4.0772654260062,4.34377040692078,4.22047398908403,4.2800337055397,4.32669823826726,4.40753096994498,4.23120816591929,3.95563961134988,4.61382366491045,4.26905950352625,4.45007011117721,4.54655116631098,4.13093772236975,4.64622899412846,4.45421914352809,4.32671126509369,4.59947460351906,4.68021971323009,4.61357598393151 +Nrxn1,1.65093321444498,1.51982943710656,1.67146954882246,1.45377402397867,2.03101168039345,2.08801411346403,1.77451195834513,1.8689800439996,1.60303074479869,1.46612568495104,1.78811862082429,1.6855619802241,2.80338305315993,2.7893062586014,3.09113428911321,2.84110552564819,3.22934624323008,2.99074428457766,3.27333421063594,2.88909547000061,2.83291431356431,2.90339092548033,3.20797635027923,2.97370702575708 +Cacna1h,-0.254251301497295,0.0157642429643237,-0.307130132452233,-0.557903484179365,0.995757476155105,0.886489620731963,0.561787740657014,-0.44528839081969,-0.966498746181701,-0.442225249345972,0.727061719186947,0.414209168401039,-2.05166240961269,-1.63959268454864,-2.41310784519393,-2.18232014600417,-1.42797343599823,-1.27593570953617,-0.709884540872403,-3.04724408431571,-1.543385146046,-2.42015542836644,-1.45021054640804,-1.86648554147934 +Prss41,1.51141397346459,1.26256844009086,1.20236748348288,1.12031377516428,1.18582671729112,1.1242558734479,1.17009460175632,1.09402282634861,1.09773148934111,1.3892758497346,1.5517046155313,1.39967130015258,0.980776058215584,0.739860648716357,1.60010164794042,0.963311199004736,1.07614429145721,1.79276289943911,0.954529983913183,1.16848175298241,1.57959111580445,1.34992946335689,1.51748224775543,1.2240979966176 +1600002H07Rik,0.562578771460716,0.82732261726303,0.747396856006849,0.959816879040324,0.430804183025205,0.600032456671365,1.02255293123497,1.15469554938625,0.536949953678557,0.826089303964365,0.616252293105752,0.743720317472258,0.747346854862886,1.00062236009135,0.661103299461932,1.32824799468487,1.087098421137,0.729014391203127,1.35145653148265,1.2552552926435,0.299699847833664,0.753062838441822,1.0924167794065,1.18131245032383 +Lrpprc,4.23610656204557,4.06925890871321,4.59003036363807,4.31386676219185,3.8478443021589,3.89520518772375,4.10482163087612,4.43790135070987,4.33216323279846,4.27778142539083,3.98348289779124,4.1066365395152,4.09861992770695,3.89232748881125,4.18506840351529,4.07061076198821,4.00359764139473,4.27237406411926,3.92224879884617,4.1576989366344,3.77642796431444,3.85975739075897,4.17219572916425,4.20687867027302 +Atp6v0c,1.69516635707872,2.42827920629416,2.01077915097346,2.47747575425882,2.2110328907767,1.85322608463017,2.08227351453911,1.80825400243741,2.14039261723535,2.21286580672072,2.06549129178771,2.0926476340344,2.11592632117447,2.96669805736982,2.79695623871168,3.04609577977124,2.66520845328018,2.39356034050113,2.87139839398783,2.5417268398079,2.57815356391089,2.80091044719488,2.00771903021343,2.43739865732675 +Pdpk1,4.17080784434804,4.07362892652735,4.11535674785398,3.95323742197377,3.90249892037236,3.98220748043297,3.94044914976844,4.21344084183989,4.17277671124061,3.95737973819947,3.86028405233135,4.00529633004726,4.45917507547508,4.25413027780915,4.3997753634215,4.37108681009084,4.30242679905363,4.4470923190501,4.19235316291482,4.44551008324116,4.37033908218901,4.3521998927794,4.21088142931279,4.35698476254786 +Prepl,5.21976423810186,4.97417793631708,5.04232751183535,4.78265483933595,4.8890296882269,4.86970254072696,4.69176991330432,5.1524608607825,5.00745649986187,4.84611746630009,4.88167607834156,4.81114917272356,6.01987555753644,5.81410464471275,5.96478934153344,5.73526806541637,5.77061340931274,5.88858940460579,5.928081871607,5.80437015105429,5.85657635641986,5.71922909479903,5.76283738487973,5.84103208999676 +Abca3,3.54818008256485,3.50942523873382,3.48418103429794,3.19571335389679,3.55378236395133,3.66615927336437,3.54424581489884,3.68279425151692,3.40504232449778,3.17850051721534,3.57633180863849,3.46056009016186,4.12314918203326,4.18585235078948,4.21762415977561,4.02260965304303,4.37819812618305,4.28489335659837,4.52964619387504,4.11823023256434,3.67371688302885,3.85230050030104,4.41288282362772,4.28370206772933 +Slc3a1,-0.143125368257347,-0.968964964323337,-1.80098536002981,-1.52845323094664,0.367182063939901,-0.143652091753812,-0.0056728435426292,-1.55869991921208,-1.43058490766433,-1.11399461406099,-0.489496159752162,-0.257084296698927,0.335204035958758,0.548789474974013,-0.0912239172468796,-0.679596594369035,0.117149707265964,0.460041921747055,1.35511385855976,-0.934058282368198,0.441766585206526,-0.435003697113914,0.0081392448328367,0.118666189773189 +Eci1,3.95417832754936,3.84153189898037,4.05646037042453,3.93616673907376,3.49728721205916,3.84886058510659,3.7633371770382,4.09495161668875,3.95501558242504,4.1290236236413,3.55951235276142,3.64336160294862,4.14586392089892,3.90208960094847,4.02289625859045,4.00837285693096,3.68431471457153,4.10244318411644,3.72837049117283,4.18280805316802,3.87155305258832,4.11357031417502,3.63022503948518,3.88001845520065 +Srbd1,2.92323390270489,2.94480211478864,3.09484639435393,2.78770455851143,2.93410828167381,2.8971227686814,2.81910005730101,3.17403624183331,2.95240379214191,2.78792952738647,2.95399711939058,3.00845425251676,2.61925794487445,2.59548476789327,2.61264532130385,2.63710448394664,2.69134036962231,2.70414671698864,2.84950337330407,2.6896174041721,2.45977919042487,2.61125506096368,3.1618801980982,2.99001700339358 +Dnase1l2,-0.485893158440526,-0.177343790056899,-1.94391384263884,0.105963791455589,0.746095442388399,0.0596961881888232,0.777681692051764,-2.30848788374901,-0.658354404130661,0.286711526485459,0.620322272761876,0.507487804849382,-1.46601933530002,-1.28853964408036,-2.58736249426407,-0.596514852874479,-0.518323895321325,-2.17824310870372,-0.0603972305001144,-3.58050190866713,-1.24335543125433,-1.27586048368479,-1.38698308129875,-1.66456653540328 +E4f1,2.7091415540467,3.10478334563353,2.08515289622934,3.26040169142493,3.49977870045825,3.12968878807219,3.47036717781128,2.46561762750875,2.75099828642629,3.05988955631076,3.57706489030777,3.33895908563748,2.32500244711597,2.76830180571166,1.98263667116838,2.65141266286618,3.31949744771008,2.54087075241885,3.48187647608783,2.27100617843335,2.57676077911383,2.56429772185352,3.34534090870598,3.12381656225829 +Epas1,1.42960509596595,0.608575524416847,0.59039486212617,0.356448062182466,1.30684539633768,1.67742900234856,0.932125125870034,1.25575306536891,0.761083757608659,-0.722403399436136,0.697795188562842,1.25306800594893,-2.18596605318059,-2.34107353141314,-3.77671157747952,-2.17848555300886,-1.79492327127556,-4.76985099188257,-2.27046861388301,-2.16835969478407,-3.17219538376171,-3.46086844200657,-1.83669453813249,-2.65605024398969 +Mlst8,3.02659189119168,2.76744305165621,2.6289149091027,2.60629405507291,2.83351203524067,2.76625414185439,2.86889922000683,2.4481006165246,2.79753950437728,2.79954508536785,2.84768673536569,2.73144673930418,2.73036753158919,2.68953446537313,2.6748238592678,2.69768183906547,2.80746594756633,2.65441734089866,2.92454213962296,2.51695879859983,2.67456316265567,2.72408202465454,2.90057542403833,2.79094652583538 +Rhoq,3.05261199235753,2.90059513855851,3.12499269850976,2.8528408311512,2.66604187995841,2.58680912896098,2.6759580647371,3.02498709679064,2.82056034689806,2.89156985986391,2.56067968070495,2.84522788147959,4.20507821919342,4.13263624003117,4.13556226703802,4.27797852837679,3.93373802464252,3.87858526992267,3.83913631125195,4.27614009071023,4.17203458630192,4.16717171615963,3.74457091854887,3.95847917575163 +Pigf,1.71368484821459,1.51277852153107,1.67893584089813,1.39688587068876,1.36220117223204,1.37062993179642,1.6691736964361,1.35288498240685,1.55824932735393,1.54849571722063,1.62713646095362,1.52919890580683,1.85398843734664,0.68173881090208,1.56333343705361,1.32668683614909,1.23361072537297,0.96293151954455,0.599898610362559,1.47926602647976,1.22894471659478,0.922877535317394,1.03471959657368,1.1103968011597 +Cript,4.00622680487176,3.49994968983295,3.88742995884975,3.7870452532626,3.50067815977116,3.46630097645065,3.57400417795381,3.9740787666922,3.75302200226017,3.76321858614098,3.66484763401028,3.40792796968311,4.26060209525134,4.03506131606073,4.20678876465828,3.96460819136959,3.7944512386903,4.07563009889924,3.73054377366044,4.18332746903745,4.09123031088725,4.00128935539293,3.72579837404556,3.97737513634421 +Mcfd2,4.33474928723154,3.82558999087064,4.14043457583871,4.08563681636751,3.70772109359811,3.70069149253654,4.02495234676754,3.81354769031483,3.87664536059663,4.14179513623604,3.88339549941377,3.98947491633729,5.78979265087286,4.93021479959078,5.29091529180695,5.07407681553791,5.34373757171394,5.56462911346685,5.38151099759489,5.1287643822167,5.25823699001971,5.07733080606266,5.38035935414563,5.59036551519926 +Msh2,2.86315291603358,2.90990341533523,3.08059950840571,2.75503484819919,2.46698295800196,2.52804335173572,2.57271010242853,3.00948898024773,2.92983273826133,2.8255858292549,2.71048184300142,2.71526692803073,2.06528255028291,2.06201376013674,2.24825419422686,2.22918980812377,1.81846322576132,1.98419954313022,1.80005164001891,2.19033959385534,2.18197778848733,2.10717493459969,1.69622862968697,2.21180884835139 +Hagh,4.36783347114956,3.94757391477692,4.46186542073911,4.36963279289265,4.02923522705417,3.96631449839138,4.18488048118509,4.44950538603071,4.32184883250518,4.35498716673069,4.08026952518608,4.18852135212815,4.74644334446755,4.42094822270252,4.69837364331699,4.67713091562809,4.46404873444877,4.57407322400678,4.47629150927644,4.73024801300463,4.70496829663911,4.59016441740432,4.50200812015762,4.40326155837537 +Spsb3,2.3550158028024,2.20784693222086,1.98416747378048,2.1672262636448,2.04615784814379,1.92015286745501,2.4992139833122,1.90254623707643,2.1288465822517,2.23656649019716,2.20455058932523,2.11373350269775,2.41584286108651,2.2476713047507,1.88663882490405,2.20226648773261,2.29879896352749,2.19685514295033,2.70764280573457,2.16347542038699,2.22162998774383,2.08044284836392,2.17307916399362,2.33169631296325 +Mapk8ip3,2.41619828925353,3.37840054049971,1.97596346437871,2.97901774204838,3.66972435670118,3.52494634421011,3.70742684018032,2.04622663873847,2.54486516760788,3.04315271087017,3.66121091394405,3.30748849069013,2.88274255356869,3.41138616436461,2.65687942874868,2.94660890025208,3.81171448842949,3.24344353539527,4.15254311539879,2.26315231830897,2.97234073146821,3.07834908488638,3.91440501792585,3.79541826646739 +C3,-2.03535967001707,-0.326854877453965,-2.20148397953046,-1.24139146121723,2.0051114544026,-1.40567137967547,0.281888494808953,-3.45200697919318,-1.33743492396888,-4.7240210041113,-1.78134942111399,-1.14198454460042,1.52263036123088,0.839120573033689,0.262656845651785,0.662853456754426,1.96866295258206,1.01962400036475,1.73029993433629,0.4199226081842,0.634360938087102,0.884135137179657,1.44537012146577,1.2813276498959 +Hn1l,5.42315744212524,4.90390639413566,5.01768070680219,4.69785794720848,4.55164355417717,4.73867018391724,4.89103992758448,4.99797292589214,5.00934053204992,4.71972125980226,4.65608957714027,4.91486177950846,6.25567968276532,5.44852480341337,5.59211320722471,5.08929104536081,5.53329633722592,6.06149884724316,5.65985889483499,5.97465408504638,5.55019787253934,5.03902911874921,5.59823427237527,5.78947530002457 +Ift140,1.49237556560081,1.88768279658844,1.67707501303914,1.72874962752427,1.67141041578039,1.80076225516649,1.68309561809216,2.00518362786155,1.72107483476126,1.53453773426946,1.85503221357145,1.6726266985986,1.70212245491619,1.9127314428441,1.94014005793964,1.91890148155343,2.1299728019531,1.99623921052448,2.08291793636024,1.98385185268135,1.62443420278579,1.77906073977959,2.25813421082922,2.12878541068988 +Telo2,-0.135444668163544,0.235629402545875,0.0161562125819388,0.15963174077399,0.465314254836875,0.188204482099238,0.42869865929292,-0.274337775531512,0.0340556967435082,0.239673769757004,0.4292818816631,0.18384725157623,-0.171731473966331,0.200649110998607,-0.421604379060751,0.128832256858561,0.416689940504939,0.14101766264083,0.685439842651523,-0.338292727102186,0.0654523462017145,0.124140406905956,0.574163536308126,0.715733397453459 +Pot1b,0.711701903106064,1.42730398951699,0.477407226555262,1.03297735254021,1.2257727156144,1.12496183498464,0.794899637347872,0.751832455198403,0.375699300216898,0.835169193464268,0.950045517786197,0.892671560472081,-0.212222175451941,0.902253092848542,0.0238908704575211,0.660593387293558,0.6919873603787,0.199434905403937,0.282557603535552,-0.0046511204006551,0.266561642747217,0.575482668616246,0.46191250408707,0.547703144679165 +Nme4,1.1042414350631,1.3311642693496,1.82314870512928,1.33541939939779,1.08098288967099,1.21845205440144,1.09152814206142,1.37681113870554,1.15404552884569,2.09352714706228,0.627283467023272,0.968865143665387,1.95224397212879,2.16440058108546,2.56423882070677,2.408999313046,1.31706058960273,2.2395184304863,1.59054861172724,2.51161557853247,2.707916875848,2.26345190675248,1.6872554867258,1.95138880480574 +Tmem8,2.43284895644226,2.75371060926339,2.43779454102896,2.59932955882782,2.73097989515914,2.63662533356573,2.661953099816,2.6453515719632,2.52668087581511,2.66195003030861,2.82680218918597,2.62543916168849,3.94756653845312,4.54169939951385,3.98979160745839,4.14324843602637,4.26255834113418,4.21802848598687,4.44785249801101,4.21216918648759,4.01990013090006,4.22545326644943,4.39400253809456,4.34647678452067 +Mrpl28,4.65041734646739,4.16911295072986,4.56023207359903,4.37972418040587,4.16836581356526,4.40939710240109,4.36237190701421,4.42962914237472,4.52071147343363,4.29139169022528,4.45598473803807,4.39501467120995,4.9705415062221,4.78714878807319,4.84918965018982,4.76140637729892,4.65731074373158,4.98230362018626,4.60437999100553,4.82199768424454,4.8893239210906,4.68556299329028,4.53360594925479,4.52546326734227 +Axin1,4.13248604854724,4.37885885718355,4.29228308495778,4.27881612548172,4.20859094562861,4.21373241134779,4.32131945633725,4.12188673826309,4.24567317158391,4.23320541509627,4.22717710233355,4.17167501589394,4.16287022858623,4.4376689322474,4.18812843042263,4.47162749374092,4.40469566069716,4.24887448562867,4.60134794210582,4.37121705987474,4.39866989817323,4.58277810412005,4.6224641276831,4.47351221365857 +Pdia2,-1.72455510927066,-0.173384236471864,-0.379003421144489,-0.441280664507449,-0.426580984598517,-0.688479117090053,0.0728352510378262,-0.753727833584858,-2.27876530631003,0.985110911307378,-0.696049961363116,-0.446918979961187,-1.45749367214829,1.10513860532228,0.597498922562311,-0.712138838187477,0.352731683070866,0.434804559077641,-0.801924321407954,-0.543166650700545,-1.3237075268617,0.157808006410166,0.58374077794975,0.578219996840239 +Rgs11,0.475081689184459,1.68734216770516,-0.695984557093703,1.57449115716167,2.6812434194476,2.27682917723763,2.49963264865758,-0.790306161273808,0.780921448757842,1.57812027976704,2.64458636739354,2.16664431576088,2.25163428594762,3.81481155614102,2.32630026717818,3.77085146709482,4.79970108097542,3.52462461552034,4.7136707952666,1.96907234783044,3.75608110348032,3.74462712866349,4.75261383680786,4.21144458580154 +Itfg3,3.74522045052794,3.61961481478179,3.72052316921146,3.50985010931003,3.49833544869652,3.77758413738046,3.57930514743946,3.86343082028759,3.80494248954296,3.67591768667603,3.54852269851176,3.59780869123789,4.97107821890832,5.22113364087895,5.50526779963818,5.42920942600792,4.94058823128725,4.90414546498279,5.06985682851325,5.20872082548782,5.34448988358684,5.56763596626845,4.96314980825745,4.82457303681215 +Luc7l,3.52489217497962,4.00331642979264,3.12849022195768,3.95419923554453,4.14234708217892,3.96550061071737,4.17707283639295,2.90944126972018,3.56217783046237,3.81482252808571,4.1253119793595,4.109695865111,3.31088985309993,3.56131221584326,2.78819300944594,3.49490118646163,3.99732498726441,3.3995824454028,3.87544183637767,2.72177309795182,3.4018933956559,3.40320695632059,3.85777748191575,3.8926386855516 +Dusp1,5.50533560629111,5.61028308032031,3.99099674745552,5.78776575415333,6.05173074363999,5.30392659364604,5.72939273197789,4.37364059373387,6.3849159918873,5.89944049656913,5.93091850197582,5.49971966097775,4.9102314920466,5.3321357978193,4.11240001850169,5.29438437606822,5.41340928325236,4.6051145246834,5.25828417554335,4.46059988504186,6.35935706061182,5.56824942256674,5.46386047103178,5.02204229763925 +Bnip1,1.44667023028784,1.07768162723565,1.00806281716397,1.3308560415405,1.50751589282067,1.52342165116785,1.22410038423276,1.32495243970262,0.954539634797625,1.24706199902848,1.42054707404826,1.39083035598327,1.34415425517322,1.07223746901255,1.19427848875471,1.27091367922564,1.52741374338674,1.50605659987261,1.73365774080758,0.883248731136554,1.34107365087179,1.25632791582816,1.64975023418072,1.52413268283919 +Phf1,3.93106466494599,4.68563938864722,4.13159558691973,4.77058873600444,4.80070157094165,4.43641376828709,4.49784083716273,4.06560473973867,4.13270893104361,4.79557445118672,4.96487366536739,4.55185222317074,3.95932971841136,4.77816022117938,4.20251326933295,4.76622990844085,4.84531579821407,4.26064327590871,4.87310317961126,4.1028383619428,4.45930408202956,4.86020696765969,5.06613781297545,4.84968602394097 +Cuta,4.46175485409054,4.39847240539248,4.60487584450422,4.67119768441744,4.01744111717541,4.48719392385339,4.48890479158417,5.00543466575448,4.80961795475697,4.90666508599198,4.55026634095266,4.34484723021947,5.26975549111588,4.95981004656372,4.87804102078575,5.00630898061342,5.26173692225561,5.20003353324009,4.8447655528885,5.4935959119355,5.00903918466898,5.2351823080562,5.12519069244757,5.33576285257058 +Plin3,3.70117259963197,3.49485708208019,3.97522326119896,3.70583040130683,3.33131134374675,3.1536461223558,3.51430271465455,3.71607377394642,3.6404253709248,3.71477904284613,3.40870272160975,3.41735029290201,0.189999882507831,0.580369608726791,0.270382776580009,0.290226033114536,0.45560062295955,0.35046732235437,1.02179337132659,0.330880324321553,0.353230118438287,-0.321069351982062,0.311157875898666,-0.0143239667256667 +Kdm4b,4.05435087814668,3.95497244784099,3.98417679570133,3.93527121807946,3.89389221059218,4.05584015594045,4.16145110778127,3.9286536009993,3.9562303014806,4.07301022439753,4.16252347050625,4.13471517891295,3.42814093404661,3.58597186742918,3.69770293370358,3.85578114706312,3.77400019361859,3.66322614223841,3.96829837656923,3.39492284763144,3.36055773765078,3.64763562375134,3.96805429790842,3.85422167166203 +Rpl36-ps2,6.26532330598678,5.41221864378073,6.67134347033072,6.48420196787298,6.13268308930466,6.08784689482694,5.74444310699176,6.06673856362301,6.4010818627357,6.57594502466948,6.14273654811566,6.28333194798278,5.7853943533805,5.45650046223976,5.98240953525647,5.61427277740642,5.32877812561909,5.59287260542179,5.46961621540614,6.01721795607693,5.81812204445468,5.6859271621194,5.44088965567818,5.18495834066193 +Rfx2,2.24098302299214,2.66275069466552,1.86345920312537,2.18976982645838,3.08373908826172,2.97665216089966,3.20358723518138,2.46087450159824,2.13026549529017,2.46573368928046,3.0509155406529,2.43815818829047,1.24942705457993,2.03601490997299,1.165139241719,1.64214059621773,1.98380474499474,1.48121141424255,2.24841330070927,1.40079669474869,1.5699723949851,1.51578797391833,2.21764049380546,1.84777146845889 +2900010M23Rik,6.33625211930253,5.45703356147435,6.08291661643857,5.88743168524128,5.6302576797844,5.76477408865683,5.90151584561092,5.87752612136213,6.00226578462794,6.081698822429,5.69364412795559,5.91424616933796,7.12521978402634,6.71112588215206,7.06395380905686,6.69370819901497,6.46286438222155,7.05721890731965,6.6832167643272,7.19609840827527,6.93245142649158,6.82497748766907,6.48771746260722,6.66863364403937 +Mllt1,2.60062010185462,2.42443305297871,2.12056184154514,2.4827050075518,2.58445524523714,2.69033696374344,2.56002879292224,1.92354526742307,2.20885036101455,2.37462915976177,2.50015297122633,2.54854559792747,1.75574363571626,2.28162698962651,1.75113512654584,2.24206536682267,2.68375091928206,1.84756771830646,2.58884319825495,1.65652623821793,2.07292924725249,2.17539634537879,2.34871210783662,2.35340026786992 +Nudt3,5.4034012642729,4.94412841355605,5.33224921073228,5.02588329048821,5.05569411286806,5.08479521646769,5.15143625632333,5.27373613654172,5.27916375703497,5.12690747047234,5.18706530003313,5.14425032297193,5.25978472452802,5.00208853381019,5.2307634130717,5.12955760176352,5.02374712265143,5.24740686920392,4.94962203860662,5.35521068520317,5.1619704637054,5.08501823846387,5.00694023864922,4.95012921236981 +Snrpc,1.25828788003427,1.04180758103095,0.616682556835102,1.20244373896003,0.732454748118127,0.843953247374861,1.03222348722968,0.908243566978,0.747550988989023,1.13034183011599,1.19681305239902,1.01510723296777,0.689158487437119,0.565512147848701,0.217803788133202,0.179762909296135,0.349418205274695,0.378489216907907,1.02470407963997,0.0013809540260578,0.512802221853771,0.489003443756049,0.260655039130154,0.541119068359838 +Taf11,2.53159168027675,2.41088392268448,2.61694361539831,2.71633381460618,2.41695528850586,2.39352546109376,2.43595959590681,2.46884560850833,2.56583122640635,2.50983833417621,2.63768403295215,2.77547914332894,2.65790318403248,2.96067955903162,3.01459404829963,2.98805759878916,3.26655158456839,2.97413528638933,3.3251830165056,2.7726607212482,2.88828485673079,3.05117750032568,3.16670376353505,2.80059388011582 +Anks1,3.06449412195884,3.15051937065961,2.86769424807521,3.1375978865462,3.4142451934295,3.39078532881383,3.45235650102834,3.05698230719269,3.0456319639772,3.25342357992728,3.65977589759301,3.36316075140891,3.11763086521223,3.57303939730553,3.18662559686619,3.54502767179829,4.20050182024645,3.73647661591309,4.19700427350215,2.99947184022562,3.11698440375342,3.49572896083287,4.2986113115401,4.05012324820748 +Zfp523,3.76060648745333,3.82501097010001,3.36208294814968,3.73602034994681,3.97831062951394,4.01508475060772,4.07619734082742,3.47688415808973,3.67599543638794,3.86621218288122,4.13524060555792,3.88420976754363,3.07239897940339,3.46863274510799,2.96802022608196,3.51289806007691,3.55578129435993,3.14762344041907,3.75440952162462,3.06998268827412,3.30459871659832,3.41795749201385,3.58187206946133,3.53583242636728 +Fkbp5,3.98030910897703,3.98229266941134,4.3921210851211,4.92272066133109,4.33281055596744,4.33879906627711,3.88015615081009,4.12247534846294,4.15679739776639,4.87093498945465,4.54087099647889,4.30395409133407,3.18707449272988,3.20965423509179,3.43626535962356,4.49976231956474,3.79674067121826,3.43060950072373,2.92037288158197,3.34543445649498,3.46892980574729,4.40304294009673,4.05027216636165,3.67286453608651 +Clps,1.36604865302309,3.48121137938129,3.91585034926206,2.52500250883381,3.30688189817234,3.33013872972958,3.4499710539794,3.0927301063425,1.64079018643742,4.83409185142865,2.51546150872525,2.13718896204087,1.72232348562451,4.27156426807438,4.45333705716891,2.94303972617623,3.25480879546856,4.71820142936596,1.27044296752161,3.5743818589179,1.84012316304834,3.95566805478083,3.20260065275219,2.54828111304298 +Nudt12,1.34620902683938,1.46684408116216,1.20476142137879,1.19869473358143,1.16770340421266,0.84347618669386,1.12401220849202,1.07352851866816,1.51052037023017,0.960968202110459,0.940264142813696,1.13187190627643,1.94634698076123,1.79375590545096,1.75804653178132,1.73536625321008,1.63573907943777,1.64691955085583,1.48573696809145,2.02551986469106,1.68280957755081,1.82596916857289,1.46213561417751,1.55793082188253 +Cul2,3.14331638243083,2.73890501721311,2.88991876899413,2.73304678170572,2.92851312002051,2.81452411530966,2.72801448686725,2.79143717056576,2.70613683411425,2.72730896661142,2.86836180138567,2.92112870157097,3.55671429788367,3.25618599385003,3.63934829531909,3.24385610986813,3.17949859520762,3.45866143399402,3.0690336983446,3.44718456011466,3.3432745405807,3.23345792969721,3.14723482398494,3.26226715268582 +Bambi,4.33723124947339,4.46299296675294,4.28715822246671,4.50679220879106,4.2907671912835,4.37934696429139,4.29686740862952,4.15633144546467,4.41275289933881,4.63771644673483,4.35817404103669,4.66145299049872,2.99037905232945,3.2190482945895,3.32213144708049,4.10765026506993,3.0742672999703,2.95954661646908,2.69729206166256,3.12363078953039,3.73137561363341,4.12277591335467,3.42543257534962,3.34313139456176 +Mtpap,2.92549018367127,3.14887130639535,3.06943221251081,3.12508151720482,3.02531553075583,3.09578118873754,2.92409006451212,3.1072761648016,3.07016975870566,3.08709178316547,3.00240233398639,3.12202046319398,2.74745402190541,2.51139471262137,2.8239001277165,2.75787551700967,2.99203380858181,2.75840956057734,2.72727748017479,2.97179372175613,2.76090288592614,2.72057329474461,2.87784062256473,2.65903647577443 +Map3k8,0.286833123631121,0.293632434261251,0.0001736765532114,0.345834735329392,0.0672831566789296,0.529613750008294,0.545978671674382,-0.0282241019693621,0.761808710056698,0.38041765677858,0.284966560644297,0.681829735889051,-0.749545641721364,-0.613524262207424,-0.901410285603692,-0.525416366825735,-0.804275193328418,-0.82666483046356,-0.873140306692092,-0.514036033598419,-0.122201245966679,-0.745347062543551,-0.550090232699475,-0.104708430413235 +Svil,0.633194271319483,1.16724316123281,0.85771797957939,0.799284367501912,0.975142025501401,1.18322019366549,1.26884014465852,1.23637883686214,0.872565784003033,0.799759926685689,1.0405886235222,0.957580904761136,1.82826596265867,2.62225936642354,2.22468977115779,2.8272802199052,2.77408823448851,2.32394684109238,2.89846012618789,2.2248126991995,2.05343159342638,2.60433030200813,2.72901840135632,2.59567711058703 +Zeb1,2.14140622565722,2.27821807352481,2.11419205552789,2.19536416415,2.46997761518922,2.50098848181952,2.39773387156481,2.20632901092834,2.06416277637885,2.18245782411364,2.44632234389639,2.38580004961338,1.72856862644064,1.62602468547976,1.35928551621844,1.58526739103333,2.02809501905515,1.67415062469686,1.71074300448547,1.36725998805975,1.60195999778723,1.52637993249851,1.92815382078093,1.80412703021691 +Epc1,3.63197394256606,4.02058471828874,3.70801896570854,3.93501549632834,4.1001681363657,3.91775111272089,4.10815369203658,3.67357483674351,3.76540593702086,3.91808443413467,4.04488515012051,3.9975697279191,3.22286139474346,3.6241519956039,3.30535807407551,3.59614163559105,3.355022925679,3.23327626792642,3.44255597057659,3.35510042058786,3.59891866973478,3.56627509565822,3.46394763307371,3.43646238492022 +Sos1,2.60481774422079,2.41858905678674,2.53831238486723,2.36144426336541,2.8651398014054,2.9875164880216,2.39659449051616,2.81352666538758,2.40046795517592,2.33415295644976,2.57677850915022,2.45938110313455,2.7404229747612,2.31775798341354,2.46236086450392,2.45369750628925,2.85398248049112,2.73429182082747,2.59124198102529,2.56873073628619,2.32717055400789,2.35497566270326,2.62820786712103,2.49200519495467 +Map4k3,3.45338074138823,3.60307614184256,3.67846310403045,3.65624293840325,3.6131315801247,3.69317931044152,3.65409789937672,3.50716817983598,3.605263277166,3.50955981248053,3.77873312757369,3.66293416040402,3.20735542058285,3.63651597090187,3.38938664738839,3.4478811792017,3.44191016203878,3.34310508866664,3.45116067515484,3.35794382502741,3.28730483314296,3.45490290076439,3.52437080532628,3.55228496240528 +Thumpd2,1.25663258642073,1.50131603710116,1.24593771830047,1.16300319939442,1.66738812884313,0.95208441126355,1.32107850881011,1.22048901619472,1.23079744803585,1.16523233930292,1.63083918294595,0.981774146866131,1.09879950259117,1.66426004336472,1.31817669478371,0.963111829331138,1.33359466518563,1.04082035230055,1.57140432732568,1.33691862101192,1.19077711665751,1.65620358872764,1.23472672816465,1.44473626577439 +Pkdcc,5.15786757815468,5.06427000323178,5.16305641241794,5.44183675623869,5.22657260490654,5.18252720294407,5.26655646796762,4.86009175803004,4.9636103385492,5.26789229547364,5.17895646148,5.16351246372952,5.76441743623719,5.97549987803869,5.97339621164214,6.23239040142845,6.00425460533047,5.97262883894897,5.92436199801941,6.0290580173861,5.80034735622332,6.17337958053461,6.11668561078329,5.95712775751804 +Cox7a2l,6.52717807452482,6.13357545286538,7.29876023268749,6.78189708789554,6.20506869827463,6.29473670872732,6.03392257421403,6.65474792807119,6.82091585293727,6.95281659857816,6.25596693898148,6.34843058453736,7.30550882499122,7.10105036966627,7.71815153487303,7.20035741099944,6.74075388048961,7.1579641390364,6.71423029450093,7.70117829455018,7.46883225937961,7.34762361103805,6.68647102973336,6.75016958940992 +Thada,3.21218125028554,3.04739921139768,2.73916064157027,2.79787138031468,3.60794806602778,3.55956947886679,3.38097213516256,3.27345257150249,2.95639512751903,2.60100397475315,3.52622709641935,3.15619038679369,3.18070340626437,3.10713329203576,3.22569022114342,3.13944679716771,3.62718784532064,3.42287377693034,3.39942433858237,3.18252463073945,2.85427710548643,2.82104277443428,3.74002139084338,3.398020835675 +Dync2li1,5.1370709656101,4.78142964226972,5.26434258625534,4.91309713331944,4.61339849735425,4.74936735425991,4.9088771253017,4.99223792482645,5.06136793646376,5.07395862191873,4.70956523712237,4.78509953887513,4.57817564660212,4.49099354408648,4.68353474535195,4.57782531730752,4.08788475427842,4.29489526283268,4.19859612039687,4.53877406144384,4.72018297032145,4.65511393146551,4.48775200731635,4.11688212288351 +Polr2d,4.04391204327839,3.44382717968572,3.87720869040187,3.87839507149228,3.57779948161705,3.73301379538645,3.5477794544345,3.47880524648043,3.9406354551032,4.01903176829366,3.29638963518524,3.86191075202505,3.56573367605723,3.12624716780569,3.4042614007851,3.53441871177796,3.18324811417178,3.40221624694882,3.20230363535039,3.76741453776187,3.43639063075657,3.60108931873575,3.40560925538587,3.32586191832483 +Slc25a46,4.05484196019876,3.8688519416589,4.13617735714307,3.8474793913343,3.58308387598511,3.69581944228458,3.71508887324965,4.06492240967123,4.08945587902931,3.82454721976878,3.59065585194181,3.86451743055415,4.49147272698997,4.20396120382027,4.44404080927436,4.1167759234564,3.97227104755763,4.20795039742467,3.85733532703242,4.55301294012504,4.29381825520497,4.1380748587787,3.85260899936227,4.14830957523617 +Sap130,2.71173975811791,2.84224919913097,2.45162411143639,2.70216075184066,3.05569992110285,3.37826019791897,2.97569378871712,3.01271146975306,2.68046785010664,2.80722037820928,3.11450214316061,2.91479364849065,2.4704402146585,2.31817852190351,2.46501341538993,2.31302152628812,3.05566591162663,2.66999385634034,3.1508792986375,1.68457515308326,2.47238971595896,2.37401251408362,3.09370325421638,2.70596633222373 +Syt4,4.91770943660199,4.60837733093858,4.59264776091993,4.58237527474586,4.70773496705572,4.67308052131793,4.56815179663088,4.81823838785045,4.65217507935814,4.40378222406363,4.61190741411662,4.78392895338605,6.11335985961855,5.44632126399643,5.6921631844106,5.75280812721526,6.17153718366343,6.31073737412153,5.73517724558158,5.74076994396797,5.60864940375225,5.59385647926965,6.19735105639261,6.0497212456476 +Celf4,3.41048827367315,3.6744067059037,3.65617888024498,3.62227249691472,3.48084305440007,3.39898102227537,3.56648460859422,3.47663789023793,3.557650779077,3.60911888605597,3.49724102801283,3.56922867149521,3.13367897076302,3.3217364447472,3.26707908595403,3.46429468225341,3.12974159700292,2.99421440183493,3.19710165722782,3.0565467494007,3.188103714355,3.29566874173304,3.22090377278775,3.15327248131589 +Tpgs2,0.622936868117105,-0.580555877616079,-0.353728210273779,-0.19505894554511,0.0381874617634046,-0.140008182195967,-0.0244497345374008,-0.197736152165083,-0.514061136473839,-0.867050942590619,0.0605035032293042,-0.144334599514445,0.781315001679884,0.607914548303962,0.60747611121335,0.793137738895394,0.81511620273339,1.18390911982219,0.895249647243938,0.872055791248865,0.47422135164285,0.500212487432615,0.709678821776738,0.602737062301974 +Slc39a6,3.64154222070161,3.32617740303783,3.66910253449261,3.26174802329095,3.1376924503805,3.37672329973068,3.4457118011395,3.45645514148637,3.58657448587939,3.21401600499446,3.32451605842051,3.31408855380187,3.88939963557612,3.88340082771689,4.11841729156953,3.71224580227913,3.57260623058823,3.91348834579178,3.67884541426421,4.15886384311916,3.9397748529495,3.72792500495406,3.66223729710341,3.80890643024891 +Elp2,5.00507301242397,4.89862961825361,4.88646864856689,4.97842667850702,4.63184441457917,4.8290666047199,4.86388556534023,4.9544323993002,5.03096954872018,4.9108009068111,4.86279517547696,4.94029096816585,5.20406822857282,4.87124346241549,5.1660938039004,4.99939455440205,4.92137964346821,5.05492632999576,4.96937808744969,5.07174474354914,4.98515203495074,4.98273776858078,5.0392278057193,5.10275983941382 +2700062C07Rik,3.34261130521993,3.13878363408044,3.31549775333189,3.16921039292501,3.28658868487178,3.31957041096149,3.03333922552249,3.02327461250539,3.0338194300424,3.09495961761242,3.20130202358499,3.43269789261477,3.17236550986111,3.17457513612792,3.51099086804915,3.22615639213427,3.12378127376663,3.35484836272305,3.02401028373332,3.20956625377378,3.66681111694711,3.36810895142527,3.26988857444778,2.93743104015131 +Zfp397,3.53382845693445,3.65599428114743,3.31974920848604,3.58411822600252,3.48757199356854,3.4193994431422,3.41868747895199,3.45840888848624,3.46175869356725,3.49770180075633,3.37101066256322,3.59917322325486,3.30425479748905,3.19500813593031,2.78359797301226,3.1581678090291,3.14551740431171,2.91705405625068,3.03678193845534,3.10182588448767,3.22663670983968,3.03754040357902,3.05819605411946,3.17097710643693 +Mapre2,2.83452032259609,2.66302149401647,2.79708728047782,2.72129545373533,2.93054810236055,2.9383746976807,2.52537411952941,3.10234962740364,2.75209251623316,2.72687777026082,2.84164023904487,2.69583911663051,3.54155194192724,3.52251968308462,3.59957393364614,3.4065364344896,3.67526123315037,3.64673460410485,3.54424798944502,3.574265342711,3.46859510661015,3.58052449604257,3.6546145227296,3.52630890571084 +Wac,3.53141854700405,3.82134416825929,3.57755438562505,3.55029522333141,3.6112144066865,3.65640921227905,3.67330043634777,3.68187892764471,3.70554083075784,3.64095191876845,3.75019007578728,3.67545467520738,3.56152380410901,3.7299359832221,3.58568785597522,3.75569815557845,3.50351264962634,3.6505704391912,3.4126744497931,3.64998047677547,3.66600338907557,3.69727956892609,3.51814919018071,3.64301360855012 +Ccny,5.26960951121726,4.86659019581458,5.1889079617641,4.9736440178659,4.76753896171912,4.89645760507056,4.8421201781612,5.16219469224519,5.16302393924993,4.98658610395462,4.7296076042945,4.91015089688956,5.38662300410873,5.1096811960125,5.50366500044323,5.31918165333827,4.92688081936738,5.23445489151858,4.82365218445037,5.42154697396065,5.38021732082593,5.3276751633472,4.89510647342613,4.94946462667647 +Thoc1,2.76508574287224,2.84110780227072,2.60717075754991,2.99873688152834,2.85463997201925,2.71581817321803,3.12172480951965,2.13218602623037,2.60676884745249,3.02460442135711,2.96641584085109,3.02333148662858,2.51358987973011,2.83943955142046,2.50477457932198,2.79356003296834,2.66339478504972,2.63602431705942,2.74157327413636,2.45445086272678,2.92504833706797,2.67038772645773,2.58605198479261,2.84056939652015 +Rock1,4.55710608010627,4.7975869259594,4.58297694543305,4.72245319848832,4.78097573261038,4.78355521864643,4.70393323258633,4.6061841111682,4.62860190584066,4.72112328053644,4.79991946634359,4.7837213987158,4.56485825705795,4.68099331293115,4.42344275952229,4.65960151068877,4.57003051754105,4.40151892538233,4.45091431260489,4.56467596208611,4.53961177663294,4.63660518409151,4.4824326871921,4.68623783163566 +Esco1,3.41575935320955,3.36372270787437,3.21565123417936,3.54441622054512,3.31015411786668,3.24270487610376,3.43087386324552,3.03796849270073,3.45250188885866,3.6225237427917,3.33916922839062,3.3890033225435,3.62659345371829,3.69373235058126,3.48191049249134,3.76005103852088,3.53352225550586,3.53676331089495,3.46435916844169,3.49647407107227,3.84191553954639,3.6744928712937,3.51208791118718,3.7675212108431 +Mib1,4.68552364500531,4.64775615519974,4.68069108328697,4.64790042240611,4.74158780394073,4.66312147881415,4.5213828163907,4.87297273904522,4.69873516356949,4.6150788355497,4.74391998046325,4.71803011463602,5.04316907599813,5.06585317866763,5.07892980360219,5.29020327756054,5.25960804055249,5.12909615237565,4.93789087209546,5.18827468311493,5.03240484665963,5.22360499047259,5.22766885729543,5.17214505634117 +Zfp871,4.27043896738782,4.60143230664571,4.56482155126787,4.24289479518629,4.36491139700749,4.43570197051183,4.23056363905487,5.08361711936083,4.53966301836616,4.42223880090427,4.34286043940281,4.45095137309181,4.69121828550942,4.69811410318541,4.74617902868613,4.57452477982295,4.75231044850439,4.67651897384669,4.36541204740482,4.92475023553276,4.63723122673969,4.64371685246065,4.52767488379609,4.71149529556504 +Adamts10,-0.352274296261916,1.07250190822635,-1.74107410144246,0.300213457421862,1.34563588848555,0.968994481133673,1.02535057741384,-1.36155734734927,-0.350807168238042,0.104574328739537,1.1268816573414,0.935480205317648,-3.39423160265043,-1.08831339502762,-4.22806860199759,-2.75824486080207,-0.791001640174001,-2.53523792197,-1.14898363473114,-3.1067125318332,-2.20764949390389,-2.36671135336486,-1.97512627824563,-0.969186357075289 +Kifc5b,-0.732779792627249,-0.783553339565292,-1.52484901364065,-1.61969663167744,-1.38049317052152,-0.851382231387917,-0.744684866852515,-1.36389693667829,-1.0889715523626,-0.983869119072016,-0.990022583809026,-0.478466595236586,-1.64034447752537,-1.08610109855863,-1.59558821596435,-2.22625168442328,-0.972028349317448,-1.48160396698436,-0.985469709200002,-1.82269517883114,-2.15717144277161,-1.6017057265741,-1.27058643269658,-0.717213191566961 +Dtna,-1.23219748567184,-0.715441707505843,-0.9212119335893,-1.8358530494437,-0.509064277929496,-0.356938312155606,-0.977677462483434,-0.768769329012687,-1.81261255415456,-1.12088916057075,-1.32775993018783,-1.11439441151677,-3.39386812489423,-3.78152012550826,-3.50522461644539,-3.90683561773945,-3.77624967347876,-3.17854012132058,-4.41946143287256,-3.99256863916196,-2.60603838590405,-3.51046103555071,-5.08103240054498,-5.08103240054498 +Cdh2,3.84835358575529,4.02650970699363,4.10814727072877,3.97981778426173,3.99245047768722,4.21939223455673,3.8465175033714,4.24961723811926,3.99842113519501,3.98796917285555,4.03834312256213,4.00831564776461,3.95939932310693,4.16219053396141,4.37492857833875,4.08907667899244,3.96099469955276,4.05802669110034,3.92367536814001,4.33975636775542,4.17960147726446,4.2661934024599,4.0398935387361,3.96930460122269 +4921528I01Rik,-4.15426620278342,-3.61210504348706,-3.54326000983234,-4.15426620278342,-4.15426620278342,-4.15426620278342,-3.65337788691979,-4.15426620278342,-4.15426620278342,-4.15426620278342,-4.15426620278342,-4.15426620278342,-0.557193230981904,-0.728935316432781,-1.07893237920485,-1.17027914699077,-2.58836674969138,0.0993192381193799,-0.250909807642582,-0.830636956623194,-1.55345469080919,-1.84962477780108,-1.12775009516363,-0.431388258144133 +Tapbp,5.01621992219225,4.89954028366051,5.18421041111612,5.02619997045003,4.83032869653819,4.94947527843429,4.76286151209044,5.10840949878067,5.08042263980222,5.04767233446695,4.93692009214042,4.8325163583685,5.36501827579134,5.1724262526379,5.59428769532293,5.59101361580821,5.40284688401239,5.4737648754008,5.20520094680946,5.56978012710077,5.36368826369212,5.53684166525428,5.33642368617047,5.10465296886364 +H2-Ke2,4.54008703311424,4.12313182320319,4.11822796036981,4.35277869897475,4.35690504634006,4.06655766775727,4.29741553812645,4.30611796421803,4.2590264983596,4.27253295436487,4.3127912571714,4.18711241133977,4.19863035401879,3.71322288283592,3.92497701711811,3.97655793909261,3.55537177319991,4.01395400456023,3.63292329366425,3.82049154241942,4.08931041096982,3.96990813711195,4.18216929001004,3.89841466797173 +Wdr46,2.59053568988992,2.55075171552784,2.93426058113231,2.96697177975536,3.04120999034209,2.87015456175254,3.03857778453269,2.6249585546248,2.98402689437239,3.23906379707269,2.90119487091011,2.87419350372648,2.61811640700246,2.58025098363791,2.45591190126393,2.89534199678606,2.86130643803505,2.64014083981427,2.75617452091213,2.19158678903368,2.58843913869149,2.75540331997203,3.0171141893786,2.94165611651309 +Rnf138,3.37020280427007,3.21441082576421,3.50426634716593,3.17927906431137,3.01149075964191,2.94609741753345,2.92005426892744,3.33585780879779,3.34333588373325,3.27227567673098,3.03729438621875,3.1406119125389,2.97767158951234,2.98677947450643,3.07017164560458,2.85163828249631,2.54314529702778,2.72433104887965,2.41718986628192,3.16657207342508,2.88469672721646,2.85673617315236,2.61658971326673,2.46258970083489 +Vps52,3.57139022529225,3.74712579897296,3.63180220817004,3.82230615189979,3.84715316273634,3.61016434117477,3.74196571364172,3.58120690747626,3.66368415638106,3.90682224829412,3.87947758234641,3.87029356800955,3.41014773165013,3.59389474068021,3.48351319202441,3.72858915449181,3.81653931123533,3.4558276280038,3.94812477681241,3.62067942748,3.55007287256925,3.78880027818134,3.82536458824155,3.76625806659739 +Ring1,2.89278216989394,3.34487009571859,2.60220542770974,3.25968471322869,3.38402533294296,3.24564765270444,3.550509775436,2.56527240721654,2.96959215264054,3.34189836274776,3.48076011385959,3.35629047691111,2.44777581191798,2.9592730530185,2.6691023107511,2.89724545678656,3.11733784141643,2.79949685325709,3.09484664951221,2.63487541775173,2.95446355431624,3.05932521150405,2.91964948173168,2.74788525063535 +Slc39a7,6.46399811074418,6.22981442397653,6.26639154566791,6.40110745059745,6.15810226014899,6.13134353075675,6.41242893953677,6.21274029104058,6.33482514731413,6.40576967484309,6.27511535091598,6.16755050638671,7.2611002463158,6.78525741483696,7.06904515677596,6.79672874576105,7.05451676355755,7.10779509823178,7.2451117643904,6.57207296773809,7.0175305079602,6.92653164017701,7.15861917650184,7.081145040548 +Col11a2,-1.32725006064684,0.16356580743708,-2.36785311596206,-0.214042321402808,0.953093964950198,0.816776267220284,1.28733280026459,-2.29928181696246,-1.04281463882624,-0.130358852551845,1.0163328304845,0.728572588891899,-1.47173366632744,0.384334967687401,-2.33793377601481,-0.610462571449814,0.792466093923261,-0.581598193340439,1.37713217135753,-2.67252943996001,-0.689122965072692,-0.321493674683121,1.07625294299842,0.768565452483153 +Dsc2,1.09649291395134,1.59985151249273,1.23325996145211,1.16481225941927,1.03080314038574,1.17747379298973,1.10384162867142,1.53943708366282,1.41986681323496,1.00444364257874,1.04221094135029,1.28194174202549,2.58827960041786,2.58956002965849,2.58714499586892,2.39242934910627,2.36013246503146,2.67335869511251,2.46152170552041,2.72708292949344,2.44756447529279,2.34666902075448,2.43383402103095,2.86362820526862 +Brd2,4.81413866517847,5.23052035205668,4.75422570088766,5.20428033435103,5.12126903133897,5.01939287824538,5.22641154523977,4.82911228355783,5.14293510855121,5.17718710225266,5.15204964923912,5.14238299079807,4.53797690406994,5.02903170217311,4.41724178903683,5.04254751002203,5.00650122310883,4.56856578425579,5.26531450578249,4.4280567771239,4.99843547227491,5.09299885571731,5.03211730124424,5.02335903485225 +Psmb8,2.37857260329261,1.843081132413,2.73608927758797,2.41786004529168,1.88196325979475,1.61179507901883,1.97563979889863,2.15717440343584,2.39572278922507,2.21756721208013,1.83406602205008,1.91531622155386,1.90665399709694,1.43698859907827,1.91202230366567,1.84562450441416,1.44564585791888,1.71414090934422,1.47273090926845,1.52041423387337,1.79083844117064,1.70994431523153,1.38217006203999,1.22062490189932 +Tap2,3.06136668196943,3.03695329311869,3.03426764177412,3.08183539833116,3.10250988327332,2.89186719057541,3.10972718233417,3.00208837764127,2.91251424377839,3.10518773944799,3.21552883809139,3.06147251265476,2.77143852063208,2.83288139659186,3.11236386777435,3.154282183939,2.9772220946075,2.84647932590864,2.79206828075281,3.00616337042515,3.03246999765705,3.019088015971,3.00814627571847,2.815912797602 +Pfdn1,5.20555520839562,4.87567040726968,5.11174641652086,4.95708647671095,4.75845227274412,4.82682757437692,4.91556753505336,4.93972938429552,5.15176968759823,5.00495327446386,4.85112139138073,4.97341174672303,4.80019199400854,4.5495838269301,4.66257285316701,4.71037467277386,4.48610365396325,4.64507304621092,4.7027358488634,4.81073616806379,4.7451969457195,4.77685812115647,4.56722701081503,4.71373048804514 +Dnajc18,4.29730144708293,4.23720605625935,4.58255174577169,4.21276386989473,3.87333734008255,4.00282890593671,4.00075761787296,4.52116848877127,4.36006822121778,4.16875278887776,3.8933901502362,4.04715179513555,3.97553978099336,3.88049932800121,4.16637068431006,3.99404229889191,3.54160211442766,3.97730620278351,3.57932330637013,4.22314944026392,4.09501476703295,3.99026532819664,3.5586141435631,3.72869175372176 +Spata24,2.1153824161679,1.65018603019762,2.40462594134318,2.36493633716095,1.67612862667869,1.68327358858177,1.82478227348178,1.51548300238668,2.14465519240439,2.2900305602979,1.39176341801192,2.11858502144759,2.22319802504583,2.14298895167822,2.73974906334418,2.3237285808926,1.56713259094832,2.13413384932375,2.10405347342387,1.65455479504497,3.11494616711241,2.25123117361299,1.80296603933896,2.25645528902392 +Sil1,5.30759460014955,5.09087953064446,5.54331767826757,5.06955669122688,4.75792398609286,5.0974188935846,5.02234946769194,5.39719025121539,5.30903905096056,5.02955670376446,4.81078255787919,5.00795340591909,5.62676525913615,5.46904048538844,5.83373732796352,5.38149080689261,5.08931209583112,5.4820402617432,5.32355811683264,5.66535883201005,5.67307498463412,5.42236056238605,5.22220634006234,5.28572089021528 +Hspa9,5.48786436811949,5.17776740307643,5.53451628662873,5.48252059633346,5.18881750298746,5.24202967367023,5.22299012303355,5.25776144910563,5.45440475084531,5.45710345423868,5.27858694029934,5.37255443190181,5.97456645495807,5.94161700477968,5.92996799334364,6.11569522901578,6.09155250272877,5.85055702800401,5.93431139866093,5.92001211906518,5.91308851020512,5.98942994756028,6.1148172871997,6.07707627674385 +Etf1,5.37555891616248,4.74981912977652,5.16516807984888,5.09155944073394,4.85492040421815,4.98557198124745,5.0039786162414,4.80052785868541,5.18106294033557,4.96717062289295,4.91462400943328,4.99516365450378,5.71589335196642,5.05546705871723,5.47022306234176,5.3690186926424,5.30480816716855,5.45254360509168,5.09121454955944,5.29742536935651,5.51136874861328,5.2660753099768,5.24538677989447,5.30337743835791 +Gfra3,3.87480588799946,3.79362101500504,3.06894383419182,3.32783006432184,3.25494106469933,3.55331725786128,3.68604874297899,4.02829059975958,3.38716239444347,3.70016534594417,3.72345761006953,3.72113195318389,-0.526664748073568,-1.21482848281417,-1.77982071372733,-1.10163433544601,-2.36990211694291,-1.45313621860252,-1.18864806187717,-1.0503402992078,-1.34135657555594,-0.566802970115199,-1.33287069789891,-1.66907545541775 +Rdbp,3.55088311895503,3.54614264501083,3.7431416546213,3.79993148150248,3.69025978902426,3.63611845502935,3.74004470992336,3.67613203869291,3.58558432571963,3.80929621587433,3.62529728830008,3.47390709256664,4.15672272082371,3.63496972951407,3.65327978226467,3.57682079481739,3.82774340550309,3.92975768873471,4.14198545681505,3.50328303812849,3.96998855744,3.84405279114445,4.08248369043747,3.98633798387999 +Cdc23,3.19795670104141,2.92313176881392,3.11436762581425,3.05119434862904,2.8447994246221,2.76481577173762,2.98901418249713,3.10668026705104,2.95589800010271,3.03850783721551,2.84822457857323,3.00434141992093,3.03669232392213,2.85280422551106,2.87265204966201,3.01040528586177,3.01091995792983,3.00383519889205,2.80698565142977,2.86865144211025,2.84771741077638,3.01970123913665,2.97568306573353,3.06854078369742 +C2,-0.220637302402909,-0.598422165899564,0.0023135851574203,-0.677175562024781,-0.320683124536195,-0.618631996485297,-1.2112967116488,-0.484842783614961,-0.436290385653643,-0.581909088210222,-0.563238356553378,-0.738801797708026,-0.602050029288626,-1.05720728579718,-0.846165248145641,-0.924640029218939,-0.667985524861337,-0.964774756584333,-1.24181375402922,-0.728190418417993,-0.785586021061729,-1.46796388908659,-0.864106604992266,-1.44972855745308 +Epb4.1l4a,-1.81961701753637,-1.51454213245052,-1.06903647178108,-1.70115158824803,-0.450916916421912,-0.223672599018598,-1.15576025452558,-1.38077457912458,-2.07439429392104,-1.53643510459793,-1.20639599864519,-1.25130823291281,0.838837905210627,1.32822260461921,1.00112655823002,0.919249962159061,1.50991100527624,1.54965649864242,1.77810545067983,1.26999664618486,0.325544282169331,1.09773780262119,1.07969295980944,1.40928683964817 +Stard4,2.04336286294698,2.04779494894082,1.7165155690567,1.55119895952808,1.86038794285504,2.37199219502328,1.89617043370102,2.05056518563814,2.13892532778424,1.2023179437713,1.98159312836828,1.92399910708349,2.62399862219422,2.38156071400489,2.29286406223335,2.47274440174997,2.72814590685374,3.06578047396952,2.57857426290172,2.58019150962039,2.49306588241648,2.42989230044302,2.6544745605154,2.65001679039874 +Bin1,2.34857576891918,3.00784246633574,2.1175557518607,2.96990067720891,3.40640490222175,3.34418719977953,3.33739922629589,1.94790390189188,2.63403555885327,2.89542325104784,3.49572378460806,3.02191240960133,3.03818297162169,3.23182738190812,2.74502311822157,3.07177089872777,3.44099523454947,3.13277045010757,3.74005740991635,2.44833593553495,2.96843152297425,3.16910915430075,3.5566799894849,3.52840439541966 +Ercc3,2.83674539452258,2.89881027007432,2.81856551580332,2.89408054184372,2.88321953606036,2.60704196078073,2.65075804919301,3.17062886298024,2.78064329456199,3.09302433518868,2.78533397290071,2.91452935658562,2.88438711355785,3.42435138532432,3.05823721112524,3.23032705586341,3.31619968781498,3.19644964981031,3.25904505655125,2.9564945251434,2.99956436535809,3.31342018145695,3.25804277914157,3.32290012406579 +Map3k2,4.08785124404786,4.02146645125216,4.10129449006753,3.91133917710383,3.84287357279337,3.89460419693894,3.78568759852509,4.27057369667932,4.10690360410774,3.72848558873544,3.83944767415394,3.92296145276895,3.90905998109264,3.7191123618733,3.91504851453779,3.77076898172279,3.58969615774807,3.8179391992983,3.47354166341367,4.0168801997027,3.80512178214326,3.64772477057724,3.56460316896449,3.62438202904625 +Iws1,2.79556447889839,2.89824431713639,2.81058066951411,2.80938957237373,2.95590608414693,3.08581167581807,3.0422906743141,2.67835362699397,2.90940374995045,2.46925347128962,2.93349088399402,2.90904670520214,2.90608811360013,2.83250394612588,2.84220284820727,2.74772006810799,3.13626818108302,2.85415908690224,2.97380469931884,2.67519684853154,2.91461111593289,2.85633306020347,3.14038918972006,2.97890169193634 +Proc,1.30297287792,1.2233931767147,1.5242962913424,1.40811569723095,0.980632208864493,0.987777170767567,1.56619100664665,1.33761961967723,1.36579372727597,0.951648176924351,1.71482762252041,1.62264730439875,-0.071020038517975,-0.339769110716042,0.502514155853596,0.537684819943098,-0.332294082405095,-0.440596105256607,-0.239137721357411,-0.547516860393268,0.468217789596407,0.220084889997885,-0.0753386092998009,-0.180293122877604 +Csnk2b,4.06564998905007,3.87103589288326,4.05655886663888,4.03429928355,3.60630048130957,3.70179911090893,3.65926351704161,4.02668559408309,4.16193148160241,4.02953764269555,3.86057560199133,3.79030943605494,3.88278994938587,3.66843645314729,3.85639115414697,3.87872494154303,3.71788142889254,3.86818092610694,3.67890433052544,3.91720727163856,3.87664372214814,3.85669958810566,3.69399916795966,3.6533587165512 +Myo7b,-0.966309061406038,-2.21917875818241,-3.78590770499395,-3.03266455518206,-1.39173005692066,-1.10434521099456,-1.76458496440319,-2.58826994536807,-3.18949702852488,-2.65153783920178,-2.39849066395867,-2.94398913892592,-1.82542279922072,-3.86246137272096,-4.84210336714171,-5.42249577102224,-2.44756805041523,-4.02023697105883,-3.68818001520619,-3.72074729697732,-4.41296548617152,-3.85192440602796,-3.59345865196824,-3.5065603977584 +Bag6,4.44780415389523,4.67793163646767,4.26929301848421,4.34871706348606,4.68124633204857,4.70190129812039,4.56277323500492,4.54173554118726,4.37050828331233,4.52448785765213,4.70582990472792,4.52533068152341,3.90475667112398,4.32068838315447,4.18877665393601,4.08497667403014,4.51140228862621,4.26339580545754,4.64426060160446,3.97680335001916,3.98757932211013,4.15740470068809,4.59816194906541,4.31480101572262 +Prrc2a,4.92882011805064,5.02008369820246,4.51696306013695,4.67393002634483,5.71388138533137,5.76836164065754,5.36341405297499,5.16601881274108,4.76800327607001,4.66524309227678,5.61968385597441,5.04144650103293,4.14346471836051,4.74896444554534,4.41987440101082,4.52120008282471,5.52984135244711,4.77622690869462,5.60577996207937,4.04259390134213,4.26625884913117,4.56800609625858,5.5300619278459,5.02569041419146 +Wdr33,3.29694181076274,3.15806468725459,3.30077523154158,3.34930974328075,3.23669956469223,3.31579374522206,3.34880582605861,3.27829021489252,3.34039384906881,3.31081570775712,3.25173012190491,3.28960943375135,3.36132852546142,3.2899733626736,3.47458845396554,3.29192652999371,3.38510615259179,3.40080049928277,3.44067806722013,3.21698333598824,3.24313913903472,3.38490215893673,3.39547916417564,3.42545544998886 +Atp6v1g2,-1.249446442825,-1.62417082793136,-1.31862176020632,-1.13778150149556,-0.613120924407674,-0.596788789244599,-1.26076837362293,-1.58617406194599,-0.512446335366684,-1.29156974868646,-0.597505911391177,-0.498261973389456,-0.802766252149914,0.0307105998044606,-1.2676487855826,-0.644493768455671,0.17630058091696,0.0358908695541837,0.652408680320778,-0.784213547741877,-1.1246275792639,-0.538692830577943,-0.228429579764335,-0.312635092648409 +Riok3,4.94956710680717,4.86898615036984,4.91845366735931,4.8421031926115,4.7007669180319,4.6767681344123,4.73193857633487,4.72673356480828,4.90057860838191,4.94545739579761,4.79123265036794,4.74247146579147,5.48482881713197,5.20052461903782,5.32909987116815,5.3036956971882,5.06525925002342,5.3385421764359,5.16451613018803,5.60152478534593,5.32448284584598,5.23358517181533,5.14086585722074,5.21630151780495 +3110002H16Rik,1.61801317459315,1.75870744878713,1.48028272240084,1.71756055035978,1.92121494614296,2.02109791221357,1.74124458017373,1.68569340836828,1.9217369570229,1.57959733427242,1.84945630595147,1.92066544431911,2.1329063597215,2.14328188270201,1.87625201430046,2.22970480897049,2.15208136802434,2.19602980559319,2.27680221694143,1.90378176981106,2.03210831424989,2.20569908886385,2.31716039228673,2.38617008521118 +Aqp4,-0.590654837354548,-0.106075859598322,-0.46427957414302,-0.928295706514656,-0.484169056672458,-1.06660912895625,-0.569026307094736,-0.0328889993425818,-0.196138062365209,-0.287967325622864,-0.310030452475379,-0.36999175008636,2.43713330346198,2.3903343179117,3.16519362874885,2.99170683513151,2.59559975294076,2.73224109602554,2.23097338707151,2.89033053233733,2.88194707157196,3.04972833840943,2.55687808791593,2.46983119233054 +Npc1,1.93533600989551,2.02660973605314,1.96222246129099,1.57609906963044,2.06544081032841,1.9055351360371,1.70144963589695,1.96318714301833,1.94388874959106,1.72629872156922,1.76504455948999,1.75772748113354,1.97664110778569,1.86538960476415,2.11626840060622,2.00893815445535,1.80163789266105,1.88460854202084,1.83818444482501,2.05686323212019,1.83841646508985,1.90131120331588,1.84962825268331,1.8649553998997 +Mrpl27,3.40948563308808,2.64717218703596,3.47303711619084,3.27942902537925,2.91184233556651,2.80868228571446,3.03472424411374,3.08057913408751,3.0720010582455,3.51481146020609,2.92890641702769,3.17166526219793,3.79920966743198,3.38443665927588,3.696231324421,3.36854516925355,3.40492699821758,3.60883775840296,3.25950316039166,3.72611588862949,3.56462789055586,3.57783079383753,3.52042788280491,3.44526607020349 +Zfp521,-2.8607573939105,-2.39326034667544,-3.34587828769238,-3.55144029256888,-1.55420130004183,-1.52664939702072,-2.40207594255645,-2.1482405280665,-3.18861174066616,-3.42573289850475,-1.95846124665711,-1.77585986902832,-2.53873707395835,-2.84166633870792,-4.98246635372067,-3.45389098725147,-3.67768362665444,-3.07997407449626,-2.34179055451101,-3.89400259233765,-2.64531987630787,-3.19053601973869,-3.15342923466667,-2.69469339277591 +Dhx16,3.22784272830489,3.36806556832003,3.02122823637016,3.45595280779075,3.57223418066881,3.29808813748852,3.7761975347539,3.23556018062741,3.19171942998374,3.24923476590807,3.64255319691867,3.27137705332451,2.99801705542768,3.4805696930645,2.83458929515788,3.29483763818578,3.71859780472187,3.19939262482117,3.61718533600767,3.08420981532726,2.98151299162316,3.38119666850171,3.57479991295883,3.61537605656006 +Impact,5.13538458731579,5.3575688892579,5.35193362212593,5.50949577490598,5.00530643156287,4.93104950058851,5.05598037784211,5.15595462057407,5.41317096383393,5.42437183766347,5.00518502101409,5.19146337382267,5.26149711963893,5.07707487802109,5.1878816065153,5.3968839179932,5.14377824294931,5.08224704642952,5.06785003529508,4.8479790671912,5.24045271369523,5.1643621492698,5.16355146172571,5.17276441798299 +Ttc39c,0.140147240748786,0.0403690954389253,-0.0740780637982921,0.216382991145669,0.364506823923616,0.116306251241491,0.298269920738216,0.285086231776014,0.320661932068814,0.0544208499266903,0.206538402909411,-0.104970930639178,0.164361253392509,-0.30650755501203,0.0056130575194677,-0.279425896217989,0.140502070025146,0.0078272568899264,0.256202356795505,0.23651523139641,-0.352078720053542,-0.259626403100597,0.28921549634574,0.0541620358781678 +Ndfip1,7.42379800450944,7.14924915897358,7.45385755616618,7.18642364338226,6.93566548243608,6.96813522884156,6.85241815147326,7.45118503561147,7.36099908908562,7.25153745544429,6.96416756175273,7.11359859729051,7.86395965711274,7.57459421624892,7.84393809816735,7.60680018076546,7.29206341410546,7.79650037420321,7.29585097465355,7.89365149059496,7.76929348005634,7.65683295256054,7.32714061889112,7.40268961488407 +Atat1,1.0763007886981,1.13728607567471,0.469379782052873,1.09337018620282,1.97624037786195,2.11007983076935,1.76516028128392,0.90485391227019,1.10662913204061,1.11214353784987,1.84569233925814,1.5309563813484,0.859574386748573,1.18114831042706,-0.0556634887461231,0.67005543647443,1.96620835843841,0.9931120840129,1.84589148331296,0.421509082513302,0.478457914075125,0.305810853267821,1.97235722259603,1.45077811918359 +Spry4,-0.628565997514191,-2.20694628716132,-1.90975087528359,-0.825739192237362,0.147556750237015,0.295179918232374,-0.527025780508467,-1.54551320171225,-1.11673438221531,-0.429192898734379,-0.467091948933474,-0.323580050088257,0.258550597286343,-0.102974160926897,-0.112656058654719,0.249343450614614,1.40148931834407,0.961862492635315,0.883042904679809,-1.50201652079553,-0.114577080296874,-0.221987431126788,1.1849778320975,0.139382068820002 +Gnl1,4.47359812393461,4.01700317129268,4.43121721915504,4.34245299270966,4.268037474914,4.38596515163672,4.41282780784823,4.29070486708067,4.29051113223821,4.61124439298978,4.38367622843935,4.26595689177114,4.4573361979029,4.20604837371502,4.3935209010034,4.63575003576031,4.38720438344354,4.32804281569393,4.44930611793175,4.0585520897992,4.36692099613265,4.5500706489943,4.63970880205884,4.37586053013132 +Nr3c1,4.34798605336603,4.4641223903139,4.54054747362569,4.40904332422998,4.40399530127145,4.32059939705839,4.10831495919618,4.67752083437758,4.56910928309389,4.45858217017426,4.47216364716831,4.36078339444533,4.12067039418689,4.44254996697336,4.48734766885,4.60386138972555,4.46153490705654,4.33490269386277,4.08985379148696,4.46565525526086,4.40451319292377,4.49524608119488,4.35762425673488,4.38567145106138 +Mrps18b,1.90853388309545,0.942614346095053,1.40577147756115,1.46988861371063,1.86270763572548,1.69883433757126,1.35896049900403,0.884221167330259,1.31792701344936,1.83371812105517,1.47371229829251,1.27141152099306,2.34636547775931,1.59879336238489,2.27411461492958,1.7362771082258,2.14099772070627,2.02816484688853,2.06739240185506,1.33685251103883,1.74739473330889,1.80699190392433,2.21804103550445,2.09137897736134 +Gm8615,0.413199438766973,0.359495817243984,0.521468516208624,0.681321694796976,1.36872243766637,-0.388966086622767,0.0949273548933861,1.21810893625061,0.392423650494906,0.579476826259936,0.334563343163472,0.196040716552095,1.51272833875217,1.71682136530744,1.80249969786028,2.05349060585269,2.75594099941154,2.16854013329814,2.45114548103919,2.20614445609334,0.892301990931032,1.27257251359037,1.71121740330592,2.07374031889167 +0610009O20Rik,4.27546182086535,4.19205610357327,4.20500789184255,4.20005760658827,4.10624565970117,4.26721321632236,4.28537428309974,4.05099927037226,4.09664674218281,4.37907818996503,4.36245101826376,4.30085558639674,4.51976356362321,4.38150696670552,4.2027023435855,4.49087889447071,4.52899486129958,4.38510435769426,4.59271780448369,4.42240623266733,4.41209476384329,4.4598249476089,4.59239166424174,4.63073276275046 +Rpp21,2.59717315341153,2.51061593517881,2.51609920730287,2.49778594747991,2.69480308188307,2.57902326584653,2.45028494146233,2.74757891580644,2.73646952055796,3.01279157915405,3.06218638126974,2.45775643837929,2.74894160401301,2.42614635109008,2.09572031735898,2.48047577146551,2.30358468290574,2.71104063678697,2.54350631884497,2.58713595611432,2.43859873570802,2.63676676264132,2.74116101256266,2.62910970435039 +Hdac3,3.6536508492418,3.97901645986138,4.00038634496778,3.95272157845016,3.64904259340383,3.58238341665133,3.76885615487726,3.57053815860633,4.02398979683927,3.91773953102356,3.74996219043708,3.58847651396767,3.77374403082548,3.61697203232288,3.7854610111721,3.75842811367335,3.51655146916311,3.51504996588743,3.58836620581054,3.50418351251707,3.84293244228744,3.8930731823295,3.61067032960261,3.58255944407545 +Diap1,3.33665462116644,3.23035226455546,3.18782112125188,2.91510799089781,3.77071797267961,3.65511555230074,3.36475306305597,3.53061995689355,3.21088230016828,2.94317507965307,3.59738944640028,3.33783770929163,3.35578868269846,3.28783403338683,3.39941160796362,2.99948884520906,3.7401251403203,3.63492672987774,3.67417123808859,3.18992936169894,3.0593506734799,3.13764325361237,3.78752874943949,3.55837406390074 +Trim26,2.67637614299119,2.82963049646718,2.42825561423655,2.77303920150179,3.08543826399642,2.97804960640919,3.0054606716795,2.54289526897582,2.53166704670374,2.61008169587825,3.0684193736232,2.86891785172731,2.26282520086255,2.53972074180394,2.0182774937406,2.31462209846314,2.69548092909146,2.27131341402678,2.6043800022537,2.2269979376204,2.33497345374057,2.54881857791544,2.72038163936308,2.69908862075027 +Gabbr1,2.01701313919982,1.97224938659363,1.71795210695054,2.1459325412808,2.91503670547477,2.86765060097536,2.89991870728889,1.60951198209658,2.10521500398735,2.30478423799408,2.96619548428544,2.48139660453437,1.17947014761276,1.4711171502821,1.02575560756426,1.51595015349657,2.32919788478031,1.73706919033105,2.41892486260499,0.74569694302895,1.66642034700783,1.77404772190252,2.15896526777107,1.98035694933375 +Dcp2,3.32656904590101,3.25136887488732,3.34679562643527,3.09099864694307,3.13685115962132,3.17054871849687,3.07457261391965,3.28542007698576,3.24005049669603,3.14282192622677,3.12210594160913,3.13335940993889,2.07779932254143,2.06334833250716,1.84877895961401,2.22992844330333,2.19894614271984,1.99763342453579,1.89398033210629,2.14915725811993,2.0695143940869,2.11655241403461,2.15335660899174,2.17194670263297 +Ik,5.51116000945564,5.30216757095567,5.50923327235639,5.48523464804425,5.24955339108324,5.19593207802738,5.38754599715443,5.29728469695722,5.35729578688866,5.75634655665353,5.34234290782048,5.37102534680071,5.62476350430209,5.28173442249913,5.51801687850172,5.39018522678661,5.62127244623271,5.45742306936344,5.53377848744678,4.89217832313738,5.50435543225763,5.4432519038005,5.54819530202946,5.60316141483086 +Pggt1b,3.21203448286524,3.11592324901966,3.02225605150871,3.24715398005832,3.0628350933549,3.17925468925381,3.1483116372123,3.35438920533508,3.1762003384657,3.49738854881417,3.07812452762842,3.25889684228548,2.84258260471959,3.18899405306255,2.62505166061052,3.08747241970225,3.21361569480918,2.81585910322664,3.10371712239469,2.61235100565546,3.30741925754893,2.99999394996147,3.196748160443,3.04886939029526 +Mal2,2.6142814895321,2.33922368509222,2.57285103239955,2.07177358301623,2.00567080997858,1.89012033817951,2.0815529422752,2.59857214227124,2.3223548488483,2.07844064861202,1.83681663008396,2.36996661874106,2.85443052561054,2.96808187057825,3.03510758707762,2.59995718634349,2.1265524543012,2.51508432342864,2.33562766053992,3.12435237028968,2.94647667750029,2.39267486121536,1.75031751756621,2.41187780390185 +Ap3s1,3.71618786735853,3.37778485494991,3.5073688760413,3.41656010119667,3.2560510932465,3.42759103654976,3.34777328927576,3.53761223241864,3.63391766914761,3.38949223917534,3.53984805626761,3.67443396474558,4.27344512582104,3.96153716439094,4.08822503614272,3.67589254901868,3.54544326722578,4.14696188207769,3.65643388378857,4.54853734698793,4.09281766710516,4.01250325444073,3.55510053946828,3.85170886712426 +Ankhd1,3.66839421055168,3.8269351323432,3.41509600141785,3.57513903520964,4.1278295380405,4.00343289040828,3.91666905551204,3.75832673435743,3.6541234050461,3.68066291812941,4.00698252009999,3.9059003107793,3.93874830216666,3.91083254273981,3.75754832310787,3.82827430476494,4.38995421173242,4.0242161111773,4.28407616840513,3.55528813556337,3.7194407675412,3.83334150591751,4.23489976291716,4.15223882754 +Hbegf,1.8836084330236,1.92041924008126,1.59578432981718,1.24937733885483,0.963845171662697,1.1694049326517,1.47047339856066,1.78538094851883,2.23332151498595,1.30491238366486,0.445520152746142,0.940849550700481,2.74031099275253,2.45290891982304,2.24872403192491,1.61852004762466,1.85568406614963,2.12069856048077,2.26467156303,2.63810601408439,2.44400990358322,1.92528884466302,0.813032253980269,1.41951137910727 +Yipf5,4.26035635987153,3.96310071152574,4.14631994892003,4.08630100474999,3.94042723624241,4.01854870171779,3.98769726259463,4.1229971461283,4.21487661295066,4.19029819171501,3.88023050806806,4.02887804498136,5.58193587764998,4.71459627587284,5.23329144839449,4.76972076152952,5.04668531600345,5.34776005416519,4.97670774609152,4.87094340105544,5.20436210707964,4.92281759073247,4.9843378083342,5.10164740180386 +Rbm27,3.71177200602026,3.73281322304525,3.85191654015404,3.39435904224568,3.83346901955462,3.84439556242959,3.63690423454535,3.955665673309,3.71108655486856,3.62877162200691,3.5863579217426,3.53422833686717,3.37291871306989,3.35072869079185,3.38277531531121,3.21858899357068,3.53410913156105,3.47484283017094,3.39547459619839,3.33913474177401,3.39455382709714,3.22659535003756,3.1309099896292,3.30745803269294 +Lars,4.52258074995906,4.54365136370957,4.824790897153,4.6266843576904,4.37135744116634,4.40266355998903,4.43316531557164,4.5397130412425,4.68624507599172,4.62564745951304,4.31389422510465,4.34445642620721,5.23174972772825,5.23177142995065,5.19495528424925,5.31356956321308,5.09351624381279,5.23079956712619,5.14581387908583,5.39962964739633,5.27548686790395,5.08545916961699,5.13254613503791,5.07497152867292 +Tcerg1,3.14111126965734,3.2630264516828,3.11264458032942,3.04748133488491,3.42834450161505,3.64391973414189,3.4322077224294,2.903437872569,3.09207060122046,3.3110248899578,3.49901045915918,3.21227322062107,2.71889750608698,2.90747310342637,2.51612042606449,2.59352943031572,3.22090207644945,2.81751873912692,3.1229958494714,2.40219878052048,2.82874728624569,2.77891483531467,3.09828559946,2.82540891607806 +Ppp2r2b,2.86127541402564,2.83300947325195,2.65617209285654,2.70006453619411,2.90898859951727,2.87749956706703,2.87288591587244,3.03435991072081,2.62692717292623,2.49092403038877,2.82130400852971,2.74595653414057,-1.25647808507047,-0.196082666473517,-1.47910660536355,-0.887417439183864,-1.04075701043124,-1.59902873004808,-0.703336240561188,-1.16611125556812,-1.1123472627475,-0.735012930284667,-1.10200493656101,-1.11847450125708 +Dtwd2,-0.710192760544599,-0.0541910534422108,-0.298219216113331,-0.588841686094594,0.182663528963081,-0.373323575404466,-0.778232873242925,-0.0470311754951243,-0.311987554444292,-0.216843039309268,-0.423713808926347,-0.770486925820747,-0.178198593163062,-0.626412097369392,-0.730052820884434,-0.63080639629052,-1.50078529863871,-0.47103343190799,-1.40762893759103,-0.936891647992491,-0.4044994643828,-1.28883230287449,-0.980128184196213,-0.956539941874607 +Hsd17b4,4.20432579135057,3.77782866461338,4.08954180394273,3.93378691773559,3.70608424103168,3.83426771242713,3.78929881547394,4.02911981401895,4.0414123540333,3.84762265492326,3.97643642999871,3.85384881934367,4.42470435322726,4.33515068366669,4.54439648511887,4.54968490921511,4.1991964589652,4.39873930643842,4.21467010399622,4.67714706666293,4.33340956390812,4.24594421747953,4.30791182898285,4.25300467719545 +Rab27b,0.839692214941994,1.00351143127782,1.43766728585471,1.05772829490782,0.502178941254121,0.601659852711382,0.57840687470228,1.1496074483652,1.07141976201304,0.852179741854665,0.716585342898826,0.520990769328426,-3.86152841063108,-3.10938954987005,-5.19772309832336,-4.60391871939836,-5.20265303933431,-4.37585670224048,-4.04379974638784,-5.77811550220389,-5.18679248827903,-4.78889537344166,-3.94907838314989,-4.7012598378078 +Mbd2,4.48454786505943,4.60184126874329,4.48197844262682,4.67864972429533,4.58108386361564,4.52200570276557,4.57049157939327,4.52310344386164,4.60214587056321,4.64308642501528,4.7067103157648,4.60223604668756,5.72496712077126,5.63438527140319,5.70369353837099,5.77827455630492,5.32110651020441,5.50760324672639,5.38071604444881,5.89154866686167,5.77409598832787,5.84848027383131,5.4397684273826,5.45144544697252 +Smad4,4.66935512695865,4.46446693103661,4.7448409459409,4.44159859996511,4.54879937130216,4.5562058527033,4.34423558000518,4.78649299524393,4.58392308556412,4.58351393843633,4.38728444969283,4.47904564397454,4.51695846868474,4.30325992384267,4.58753671833817,4.42824607904756,4.22755706955901,4.36337360235202,4.1762018725774,4.76491304347939,4.44482453160414,4.21866747296484,4.19019718739558,4.25553203729416 +Sec11c,3.93971833146857,3.4894148883095,3.8682846153947,3.95456049363888,3.71046331010269,3.69982701271497,3.79350304209469,3.70808227014424,3.66972442199915,3.72632037350636,3.84640789544782,3.83397539465625,5.99881060655047,5.45606437685345,5.50586299542774,5.44745798502672,5.32276320265234,5.72349715099358,5.52323871228183,6.0008049384631,5.72450510830251,5.32645255089283,5.2966673686665,5.56427859604352 +Gnal,-1.89223246316701,-1.08357678175888,-1.32047120412073,-1.32613512824332,-1.91880615625516,-1.59593009699641,-1.69678652259536,-2.17877083628995,-1.47205234580674,-1.14639673055293,-1.54081638419729,-1.63791926577634,-2.79979714806513,-1.4889488350816,-1.46734626303316,-2.66028555905132,-1.69199508313116,-2.81454627756227,-1.54846597052677,-2.31278842433373,-2.313468209458,-1.84589487580449,-2.08094499379975,-2.99834434816839 +Afg3l2,4.16221585527856,3.8501261464249,4.06706361777736,3.88524128724111,4.26429142921077,4.08081919933793,4.01019808326629,3.86318770374535,4.03839352732443,3.95961992541328,4.19955092465969,3.88230179207249,4.15782071371004,4.23327527957704,4.21877960288931,4.43460424928804,4.38131955436198,4.30172778202848,4.47442846586544,3.97881975537026,4.227009125172,4.43882346392325,4.48020841578195,4.15126628043305 +Srfbp1,3.19566962720619,3.14896959780041,2.95948938728212,2.94337737983575,2.84480173103607,3.10811182835846,3.1103178044776,2.88959475026116,3.14246914186345,3.3874890201574,3.31881651846916,3.17220784408012,2.89574423363026,3.12948299073612,2.92163580209022,3.22135099377327,3.06142220554995,2.6940680993681,3.39274150515407,2.91647484493032,3.34681214442441,2.97527243346752,3.2069463716703,2.85128539171586 +Slmo1,0.413081623750473,1.20277646649254,0.682710463103168,0.995689806910286,0.181089946783306,0.519162229964934,0.180800802766537,0.398491681160831,0.808699521332318,1.18243636609167,1.09215904958513,0.649163283441121,-0.64814625409916,0.441983411779132,-0.241482467632244,-0.0106947684424816,0.140372618761423,-0.110971275106865,0.114363392871687,-0.62999272303828,0.184233542944946,0.409592564555827,-0.202073859750938,0.245767940786769 +Spire1,3.49987237513502,3.48072109365784,3.49497795503492,3.43030028266871,3.44954415017366,3.57511303519819,3.44146287250462,3.52435985872959,3.47293098927442,3.49524352996505,3.50234846577521,3.58700479423102,3.46348687720366,3.41116394826396,3.42741373321863,3.24538734391627,3.31709621843811,3.36297812158082,3.18426378327509,3.54594668926028,3.20099343659011,3.38928857428386,3.16977522527597,3.53703994028787 +Snx24,3.58346181229912,3.15915286299195,3.27951143930432,3.22745151571246,3.31768246933817,3.38213077000535,3.43895421778996,3.33800460415909,3.36732067383799,3.39995981366467,3.26473562401359,3.39476160034444,3.23437217380879,3.02169038240546,2.80176859388721,3.00690048001214,3.14244314474676,2.72757359510923,2.89738277009975,3.21957347635015,2.85510541634106,2.9732852728531,3.289178784527,2.88669905945709 +Psmg2,4.0517326656029,3.5852833571595,3.94459060315599,3.86028209185191,3.52960029749783,3.58539372937486,3.61297650967724,3.64283886361492,3.76922523602436,3.8176604386647,3.55296142297772,3.71429068601346,4.17258411877109,3.91110131204303,4.08917486514493,3.8232099795478,3.66715900618507,3.67409305045981,3.72541284267241,3.73641538035239,3.95836283184688,3.7144554672036,3.80491766925344,3.89358370371124 +Ptpn2,3.26878218449328,3.22510671242142,3.20024362401507,3.14244552434594,2.81572913910028,3.15569100938621,3.25528608601723,3.03529941332135,3.32168896381296,3.46021143295343,3.01060593603483,3.09091173683582,3.14432443997489,2.94616165115746,2.87591289862076,2.86808067373738,2.89109406810063,2.95167613444158,2.84064458955967,2.96599445261422,3.22305682285159,2.89213548750776,2.85128220159371,3.01986158398989 +Cep192,2.09996342411001,2.39431908288481,2.2416637717049,2.02265563375597,2.36038470780803,2.38649709177733,2.37447608416597,2.17152684635749,2.3073301113835,2.17239847522221,2.37363224082017,2.02954892464601,2.49681812410337,2.53031375102317,2.07211984520241,2.22143388268309,2.20475426738331,2.41136275091262,2.43974342309701,2.62942747691788,2.0757882821108,2.03954774913937,2.39048775192278,2.58203204500244 +D18Ertd653e,1.79894011244466,2.13306115241482,1.52461354751962,1.86921602990081,2.29442000399866,2.65662880393869,1.99948913636927,2.2378839218937,1.48882054465577,1.56466198570032,2.43384493414837,2.36377684272711,2.19663401709876,2.64116664467926,2.52630632297868,2.34507637555116,3.02021019396079,2.78156345631892,3.31224507961628,2.39670973931032,2.14672214949907,2.5661350519266,3.13860241537925,3.00815739444526 +Setbp1,3.38297406628396,3.41648402440523,3.27042439587351,3.20791764980544,3.76578744757363,3.95611070250553,3.64870817859593,3.74123835668762,3.46084890263,3.36844649340318,3.82287767611797,3.51687293984115,2.61832011082222,2.7798631355891,2.41304181518914,2.3590144775002,2.7746292662372,2.62444871660962,2.93162736476572,2.45172282158366,2.37305069316559,2.39729355200061,2.71776611480762,2.59171009804231 +Slc14a2,-3.53504728219053,-3.10462133424448,-3.42892733435334,-4.03993352730442,-2.77991516617806,-3.45629535130002,-3.16795648002228,-4.03993352730442,-3.5429768463077,-4.03993352730442,-3.50797658955394,-3.10285996172963,-0.0411458411839838,0.0122101752037151,0.0345880579143913,0.0758269423304152,-0.365956396151836,0.213651913598375,0.595470848452807,-0.358710810080281,-0.630416673525969,0.398847946113907,-0.427204322281604,0.188957283611736 +Galr1,0.893019871650391,1.19781960942183,0.834660405612837,0.887545357394941,0.823554327111794,0.605089260540797,0.384850452195692,0.790954045503591,0.574689656674049,0.535875719223309,0.419160625049504,1.14184743063643,4.47915130724763,4.41944769129005,4.6693723684524,4.67207203145032,4.35990275097471,4.26207247899268,4.32636584192121,4.78225692813568,4.76716330034791,4.75722685604713,4.30454249908216,4.48312656065134 +Me2,3.19847144966206,2.49763238078731,2.82813903133392,2.55948813212362,2.78621174865995,2.8935207122533,2.64730244853044,2.79100827675877,2.82531425180217,2.34536100800652,2.78674795145081,2.5556541779523,3.57466857563371,3.42970460128771,3.56760843086287,3.39761224027499,3.15363309577068,3.43914705035376,3.25299730225965,3.30763703387984,3.51654980910405,3.34929829571605,3.16727680173655,3.39236489726336 +Mapk4,3.28892984688998,2.7117840219704,3.16991763125004,2.86658196196024,3.52288337678048,3.38700111095869,2.99324376628074,3.29291950646724,2.84177828990386,3.11137228346119,3.53230908754666,2.86828470479351,-1.79423521822129,-0.777030016301924,-1.46767390727161,-0.98312082987215,-1.60149166863708,-1.45478778860253,-1.50740790278279,-2.25176401869275,-0.871450456618116,-1.87030134645922,-1.9846815783163,-1.3760033548677 +Cxxc1,4.14337386575061,4.0401239387347,3.74851457420177,3.95907794406231,3.98193971475699,4.1257475842528,4.29541215974096,3.95097586370186,3.84292512581606,3.88726136582658,4.14352953465986,4.0408203264821,3.52909444987102,3.80895486892382,3.57630540764799,3.8907607836763,3.87978910886131,3.74280605660919,4.04887042757245,3.35134813260904,3.67415218974452,3.62093035823581,4.05503900022397,3.79141746847381 +Mbd1,3.45796669492342,3.54341646189327,3.49722928071795,3.74004060028915,3.6885770817256,3.58260618740561,3.68920585369777,3.57078487825949,3.44694952362879,3.79123698167855,3.7919261717548,3.63810101968226,3.06821837143915,3.04465371945218,3.11674288776537,3.25256404634822,3.38269897870795,3.08331374432763,3.32929316772591,3.03277350510012,2.98523015805359,3.1615957782386,3.36569064920429,3.61780013410562 +Smad2,3.60168818409768,3.41750542981284,3.49858065432411,3.44202364635318,3.22275984992943,3.51112262061988,3.34487670010527,3.45192411748055,3.58565884661853,3.40546476064933,3.19761376423604,3.40760366446125,3.47285480048966,3.30910149126854,3.48399023489569,3.31866026551294,3.17497660027987,3.53074063139329,3.19829766087043,3.47794898142254,3.41503879975609,3.26539159860567,3.23358036674564,3.41139758234959 +Atp9b,3.69176846503592,3.91681207297443,3.67164904174964,3.90647257665992,3.99324872407634,3.82411806372211,4.01129344455419,3.69072889237842,3.77535788590178,3.80360471190821,3.97423509425492,3.88596157428901,3.42283089723098,3.63420626858414,3.31879289704911,3.49927640515194,3.6490784662132,3.44042440925669,3.68191512548044,3.38694007599852,3.34119695387969,3.39749261522367,3.60171904494953,3.6546295207907 +Rbfa,2.82161895118896,2.63249654794435,2.75997303270349,2.5885347053893,2.70389964919409,2.87360025855967,2.70826181701055,2.98915834086372,2.91113746656305,2.83577715292542,2.98040036540844,2.60578807139729,3.08000548273478,3.36883094673889,3.20791013206642,3.21529067850475,3.38715921047715,3.29526708031718,3.49073377608353,3.35758941020977,3.38562461151637,3.25377004799881,3.34645171568326,3.1698969281619 +Gm16286,4.68250362209602,4.66069357214005,4.54987867825905,4.66823150210589,4.6139935967576,4.60836101928388,4.54130904376895,4.68222106832006,4.80000937042264,4.62301542038125,4.39432624179589,4.60384557225764,4.80497767664041,4.59892949408996,4.78399958618056,4.56579032350141,4.64402079944563,4.77854442143495,4.62832176452073,4.84405182593254,4.77673722633195,4.71409005544445,4.66290082977807,4.72778185692842 +Csnk1a1,5.21788815374636,5.2231511215336,5.3000015085891,5.27359374009504,5.0059183797246,5.06737886325773,5.02575992691832,5.27103780804993,5.31839487020089,5.16780599676486,4.98547985719227,5.12681778868273,5.74620972184171,5.65863523959371,5.72685340700491,5.65928111254903,5.32747721188594,5.51763445746538,5.26660120530018,5.84951211293795,5.7931984869251,5.63269381989603,5.23805799604714,5.41673171183627 +Pcyox1l,3.16221396917859,3.1538034237115,2.91864652863152,2.62245522578361,2.94535775652193,2.92487023200272,3.21191954396763,3.50040517583214,2.70443781702237,2.92109581097182,3.04301630791797,3.50827411144254,1.44784240836077,1.97981720853979,1.33049244814545,0.977423452638458,1.69912844434219,1.57287632394047,1.87546647905175,2.26232203075395,1.52061569080639,1.60651700316537,1.74064633074937,2.01162360912857 +Grpel2,2.6273637388224,3.3225557801863,3.01243833413208,3.24001496418757,2.79526519947343,2.76341227814097,2.85677586771864,3.23055446625437,3.15458338450027,3.39280358012635,2.87722068152558,3.22764150080088,2.77740079099638,2.79996417904654,2.80397457029482,2.92084255085154,2.72344845866652,2.42340888746424,2.48824102907522,3.03216736333089,2.67456870234045,2.85423936780472,2.50956367677232,2.64059672847734 +Napg,3.26149091134364,2.94297335582864,3.19274051882117,3.08220317068104,3.09170353657574,2.95964472839342,3.034850925716,3.0038830957711,3.11519191143444,2.98963548661624,2.86421471100598,3.04072877512981,3.26639015933421,3.20548240871078,3.24924399714038,3.30225646106,3.14939967342118,3.19919932677439,2.94987786582442,3.08472697228711,3.32945048757994,3.21555009635401,3.04531812207438,3.25919052944632 +Txnl1,5.38220764782247,4.83799716230999,5.21348251125159,5.0922839637197,4.62004464414357,4.74924930885563,4.947869027061,4.87732809656307,5.12369497126258,5.04847076425449,4.89021989112162,5.09176235318434,6.18230924644722,5.43590703462101,6.03387704451182,5.66519411901903,5.66006721711919,5.80290505478508,5.62205165439728,5.67791171497829,5.98992370440261,5.63156229590074,5.62440315194221,5.80930740635982 +Nars,4.82415168608014,4.86856030395835,4.94653623054858,5.11519051569669,4.65765190232185,4.75810013701195,4.74607168908912,4.93817013856579,4.72106562061254,4.9346872156351,4.83914119781816,4.91490819183094,6.43534724733534,6.01388069253008,5.86259651204844,5.8980083097099,6.26429601997972,6.04266271875504,6.36168971405898,6.26269195444968,6.0386614939046,5.92731087845999,6.31569320587698,6.40892388338643 +Fech,4.28044924508383,4.30767656541585,4.49823869272205,4.18723655909937,4.11925237429953,4.14247143034291,3.96385289381247,4.39750141038729,4.43373215397496,4.21445504926872,3.86232861951827,3.94539550308986,4.46658598132197,4.34305528704026,4.74295522233934,4.5879615298613,4.36115408739645,4.34943230633705,4.44920267451604,4.58395642308698,4.64258596304027,4.62348823209146,4.30712555175594,4.17905558090964 +Nedd4l,3.27409454579639,3.38075224058927,3.42667271123295,3.44129186767504,3.46568351128518,3.45666630437402,3.30769277582495,3.58286641045392,3.51872657168289,3.50144799568831,3.44712641647152,3.41126398997753,2.21511106998223,2.43501103990396,2.39578541245987,2.53754763517482,2.55659893139026,2.41236062837237,2.47546618186796,2.5083441022365,2.24229123847418,2.54451320976396,2.47890155768795,2.53397427505954 +Lmnb1,2.17802775605583,2.44892248443803,2.45161338947571,2.16860134298773,2.272462426555,2.43441136368034,2.37645383244365,2.30181428165548,2.33255054506645,2.35193190322821,2.16644909767565,2.16426893190936,1.62874725246539,1.70763314998991,1.89139600207946,1.75197277533073,1.83826551990284,1.75543217154869,2.00099949836975,2.07387804036295,1.71999082269196,1.76503738470525,1.92193094595531,1.81881651764038 +C330018D20Rik,2.10344507606713,1.76973417599066,1.98706505826074,1.75647968061584,1.2012041789914,1.76198845593445,1.81068610473845,2.17551241481824,2.14297343688707,2.1131990609377,1.64146902886874,1.90643391173183,1.69338476405846,1.85129313203396,1.76509413524222,1.9976738232398,1.3439642543439,1.67453715354863,1.63548889718059,2.02171911467574,1.79727253108758,1.86694374399201,1.59007879430517,1.41390499092102 +Prrc1,4.30468483549186,4.10568812648621,4.19643661786544,3.94527022881607,4.49537530394601,4.42057288187302,4.10133206418096,4.39248484323814,4.1279220122717,4.01211760334561,4.29322321699616,4.06717779435471,4.63546798666286,4.44023828438938,4.36081737852468,4.23613822230229,4.83467098349944,4.77950888318194,4.91530818126829,4.19640367781787,4.3524945271893,4.28893490210206,4.84438217239379,4.77276691697547 +Slc12a2,2.94412795523987,2.48847794526,2.99317696665285,2.55527365597424,2.67496944478018,2.63019942116893,2.63215888220423,2.99959339619141,2.83272929906495,2.56380077366149,2.6820897593661,2.7184418659439,2.34087931925955,2.33100977041847,2.8713037843322,2.30548546915932,1.91087734919736,2.00671197005832,1.92525599798934,2.40828743496855,2.09724006687045,2.26093820331216,1.83409055421868,1.95884580930826 +Isoc1,4.90139245049657,4.37280827002687,4.99214035783289,4.38386532769323,4.50281354400952,4.60097201546359,4.5128939699477,4.87274853218528,4.71205441024324,4.5737262860333,4.40839261412877,4.61184651876751,5.72470916818666,5.29855406475039,5.8330739888897,5.35619197720109,5.44070430679797,5.70897453243083,5.19757749678198,5.94419882551413,5.56416560886751,5.5106329579018,5.26660990626671,5.38303299529167 +Dctn4,4.36009586081084,4.33633825193898,4.36520843690011,4.19345423191452,3.94274581179048,4.05906380438867,4.02091553624962,4.36727923580258,4.3786753245017,4.26922987844274,3.96891210178327,4.07670618212367,4.46580422344076,4.1302354652697,4.30365034531393,4.17217980766426,4.00933952515222,4.26475987422962,3.90003052671069,4.32422095674776,4.36447755927974,4.30334737789295,4.08184704385491,4.2503551454427 +Rbm22,2.65170235143996,2.76651204559464,2.6692871990795,2.74416815298825,2.77632896457338,2.59337663713652,2.67967581708976,2.66214672325228,2.73937988486795,2.86644656278952,2.63916133825373,2.64887146941316,2.22350927014028,2.45176787282024,2.25848873763269,2.16359796426881,2.19945000817384,2.12743110729075,2.22040974215788,2.33530189633268,2.50795185109341,2.43919807684833,2.25232049544876,2.33675853260339 +Rps14,8.01329513466828,7.08185783343802,8.22231776896328,7.85863680973082,7.43906979816477,7.57144484772317,7.47127231662159,8.01782823003208,7.93368175873507,7.94739461555534,7.48692832849096,7.70777265357478,7.14366440773048,6.78059464054062,7.32279402770998,6.87286190154518,6.48428566600197,6.98934564869854,6.58890452856147,7.2963203327578,7.21663115162271,7.05576881394569,6.64601632457973,6.67028974781522 +Cd74,3.0447485769292,1.74704150404762,2.92391663162823,2.10309573890777,3.43939830920332,0.818360850261173,1.87350485153538,1.34475307028381,1.62896020253299,1.41897408684316,2.01550227222183,1.61612753535583,3.40572783769307,2.35247847129842,2.03111965991896,2.05758650633312,2.84633744035388,2.1013524485591,2.80490592096386,2.23389935406931,2.90599794003922,2.60056682931837,1.48831023863562,2.27881331429722 +Tcof1,2.65365216431233,2.82093705324074,2.6490958254925,2.83203008704799,3.08012764050475,3.05810158373007,3.02432081958317,2.67781408733405,2.5276076551078,2.77698310965604,3.09967961710716,2.94663882850464,1.64810752419014,2.17617276680304,1.54118445405557,2.24809227941132,2.51258374630741,1.91119081930883,2.91465799658351,1.76927197881143,1.89004562101104,2.08461402285024,2.77182668953646,2.51997111689863 +Tmx3,3.88832107546042,3.954286149342,4.10999135746798,3.92280014792922,3.49910162839521,3.44635651964626,3.60046780318204,3.93264216945422,3.93524405968069,3.8464062994195,3.57943054281426,3.67588038064297,4.48930793381516,4.25401691807907,4.67834412841533,4.38442144177038,3.81641570102668,4.16087691934852,3.59380461017153,4.64941183907668,4.57141463764739,4.43427833021434,3.69968898772758,4.0341372521261 +Pdgfrb,-2.32728409758219,-1.68502092288713,-1.65965722191447,-1.33243057357015,-1.81958655128715,-3.81704705969343,-2.33843716951557,-1.88844165917041,-1.60956291350779,-2.52707376916109,-2.6237776024011,-3.31462460057672,-2.70057754309712,-3.5155478414275,-2.6558212815361,-3.28648474999503,-3.24916066337218,-2.91256783723981,-3.7016208041092,-3.7265963550812,-2.99410969552688,-3.50607756658821,-3.79984843191866,-2.89912474320038 +Csf1r,-2.52806045280442,-2.06056340556936,-2.78717112248271,-3.00800134863749,0.179814402882204,-1.95269381858328,-2.68422806940677,-2.13460814667645,-3.24653775876017,-3.09303595739867,-2.20116142617866,-3.14933389672709,-1.19151335610124,-1.87454474381222,-2.33883396939642,-2.21725030300302,-0.391571826327581,-1.53406400107884,-0.803627659229231,-1.92024404482111,-1.46294496422997,-1.4990646708153,-2.30357901964454,-2.53596866472171 +Hmgxb3,3.50010272071524,3.22979303563183,3.49226062210601,3.41181514559129,3.49611324347409,3.54216233335099,3.32172434622152,3.29608247298185,3.44696343079188,3.45440813413876,3.46220689475854,3.40857363416138,3.368550858417,3.49477680772289,3.38936696084458,3.42908787609082,3.85001743095987,3.70467121285755,3.80056677761013,3.24969094939198,3.35949126026131,3.62915525523318,3.71695172215708,3.70928221544245 +Gnaq,4.52838750821922,4.29373915378763,4.34323205751975,4.13039408996429,4.43001683122347,4.63096437451531,4.25232957937282,4.56656530274454,4.34084085399264,4.21516224696701,4.3457814922915,4.3792602526746,4.01905540158415,4.00799915144963,4.07456038419171,3.88701927208279,3.99076336540735,4.01383983859289,3.86888271895558,4.12747064387183,3.88286069359004,3.9008986609556,3.87877963924292,3.8601523709752 +Psat1,1.26111515124964,1.06277082648378,1.36694105098782,0.854170639839372,0.984155025290304,1.12353687194501,0.823885859893544,1.32312192471553,1.46936835725988,1.0587338934983,0.750228240305913,0.831593821885969,2.13651102617951,2.15551233243737,1.85080494427515,1.1548795276482,1.63885222176203,1.61075649632582,1.32882812625745,3.19819924286572,1.19856813833316,1.05177032406744,1.20963691764134,1.6701169716435 +Tle4,1.98578370630378,2.02127969203193,1.89265326080512,1.4476864781977,1.74728147417938,1.8881382624885,1.59397788252027,2.19901630108293,1.70039188044967,1.61130530955852,1.91916518932894,1.67240181744544,0.658421981839722,1.11554695923271,0.918808730682922,0.626692167215326,0.754033063068887,1.28151387928703,0.807349063860395,1.37469103184101,1.02803162032834,1.10368241270991,0.643732787900305,0.79930650571055 +Cndp2,3.84479340971554,2.97116965209927,3.26056859270912,3.20858908902055,3.52811550166311,3.31944979258537,3.43342542080132,2.83840197502244,3.29799645413938,3.19957188161895,3.59572014428579,3.38756531708041,4.01789812644527,3.4604738126804,3.52455442730587,3.66349221404139,3.99020423191381,3.98969309093346,4.18200822095888,3.46697298253926,3.49886074638569,3.62118782105592,4.01992531124144,3.98951857585668 +Timm21,2.4866244871382,2.85517034048865,2.36241508905595,2.90514020648483,2.55076049746505,2.64903435317895,2.65320447060296,2.13937931796771,2.55299164557752,2.69378540352952,2.66688866580004,2.7898660677841,1.91156281088319,2.39683740117246,2.08822985671839,2.26219619808672,2.09846146791266,1.95474484322104,1.84475725838818,2.02342468193407,2.16878571884822,2.4319279964074,2.08007590358961,2.49774338419509 +Cyb5,2.66180377943411,1.9730082772378,2.15288124928312,2.29332228290544,2.18942791418861,2.09908339628854,2.38881204424482,2.05776973337938,2.09070083348757,2.18243941942966,2.33600828432441,2.48288820184716,4.24035568622353,3.54566682408489,3.89666040334571,3.86926290433266,3.96264679330063,4.04843405928104,3.89264981225295,3.78076498434357,3.69412828638257,3.5660085617082,3.94767384414328,4.01164296278238 +Cbln2,-3.01632100846684,-1.19985708645222,-0.920825430786007,-1.19109848899897,-2.16113018913985,-1.57572810142077,-2.09103889635398,-0.578102705878268,-0.972328267754102,-1.92627260484286,-1.56880089731248,-0.206258805913344,-3.89447577229057,-3.89447577229057,-3.89447577229057,-3.89447577229057,-3.89447577229057,-3.89447577229057,-3.89447577229057,-3.24993888127865,-3.89447577229057,-3.89447577229057,-3.89447577229057,-3.89447577229057 +Asrgl1,3.08805962955318,2.93685444832288,3.23967483665435,3.01572988875538,2.79545502106361,2.99404435066044,2.96241064785181,3.20301260068989,3.20099872521259,2.85724201068831,2.77941454846749,2.88512619827045,2.48232462623794,2.3546978769594,2.68037684698274,2.76488374135299,2.39783674570283,2.38251467168836,2.1076760442957,2.77756526044109,2.67481937682521,2.60027892251607,2.21682074183657,2.51724501623759 +Incenp,0.489399116462504,0.632759683933474,0.549942984370903,0.479755454874457,0.684858947378767,0.703931567117232,0.862450617032904,0.679144453588442,1.05342668968022,0.6124195835326,1.05895704366393,1.0372377086052,0.589061943287932,0.644673192094367,0.187773945618321,0.694975238987108,0.783163201315281,0.287019115931626,1.16512565976838,0.159231954760145,0.853874368450293,0.838849530063831,0.505397083312581,1.07545169447291 +Fth1,7.3380507492428,6.82903113453169,7.45419236845729,6.88049393044781,7.23444566242049,7.24732092922214,6.7543108009087,7.2983380832753,7.27535780762502,7.0681096011613,7.21349951309334,6.87753370103665,7.90885246423187,7.56852672753647,7.87338398424653,7.54054041389006,7.58070606147392,7.94907107071606,7.52492360010693,8.10063023755044,7.64155975790334,7.52150311857022,7.52293621260593,7.40727552879692 +Rab3il1,1.18170482010339,1.18290107561633,1.11510981388652,1.12859447690882,0.795671909732662,0.910489335797609,0.762476876151932,1.34942290058076,1.39631593645234,1.19453512645053,1.15069723093808,0.943675618722503,-1.83343394061634,-0.722009059719296,-2.09686799786644,-1.3483911394841,-1.76225745424056,-1.97715719802231,-1.17924240491012,-1.39363183099328,-2.72410573487824,-3.23607360593958,-2.35153732844721,-1.2412069387984 +Fads2,4.04077523724073,3.68959289335432,3.4255486014959,3.50439524251097,3.65652228349875,4.05881513149487,4.10569724517103,3.80802022803672,3.90062338471739,3.34378236102723,3.84211717408507,4.09806684593534,3.53474483362834,3.5937559473647,2.83980045074555,2.89270283143538,3.05112818248103,3.42372799543965,3.56576891832287,3.28143734141002,3.1521360108589,3.15390629347615,3.02993054552421,3.76413289393018 +Tmem138,2.02544705713585,2.08872194037158,2.02122888148107,2.22960504822392,1.6501560145092,1.5804581274885,1.91844781221971,1.9104187308743,2.21790792087033,1.97271117413422,1.8969223719521,1.93225659360929,2.09300204203342,1.9331953545405,2.1656352554318,2.33460767698094,1.8487286880056,1.79666234939128,2.22640187636429,1.71957499508234,2.1778677950467,2.07782734175425,2.06502193516291,1.97245120708099 +Tmem216,1.32769742896005,1.37700570938798,1.38129146208947,1.15409382234912,0.319881303820141,0.78732121921387,0.863841325602688,1.22304406925459,1.1550847693064,1.60482782866664,0.791951688591423,0.97318903040648,0.989245502738999,0.991455129005811,1.19273334386365,1.26130176471157,0.692848083368438,0.849170590193904,0.821451576010542,1.09073704230818,0.646198950410461,0.992399472786058,0.750329429382745,1.02124090615501 +Sdhaf2,3.01715562178885,2.77779770631489,3.06163189605687,2.87581108991646,2.88732561967715,2.89298390418847,2.78082266003321,2.7449534301565,2.98091930148815,2.82398348889093,2.92638118657907,2.95727304608272,3.49339758310029,3.11555523094604,3.29372548614614,3.12955066101936,3.05117159749172,3.19402327624427,2.76376511251715,3.21218471897812,3.17170655984448,3.25347089955627,3.22806773954186,3.19584338775097 +Mrpl16,3.89273468411158,3.20047370506428,3.57049545885374,3.33677607063272,3.28846379003318,3.22350108999362,3.24191571384597,3.3204980111229,3.62042735021558,3.36140818489934,3.0110761131436,3.48525313589642,3.71916783897455,3.42424466731144,3.87677666170635,3.51074656203092,3.39849021017225,3.48453014551098,3.30168603673348,3.56051494058653,3.84883632202951,3.57013034233576,3.33514561389468,3.26334703106022 +Osbp,4.75059030157007,4.43582869492339,4.70538029097547,4.41865827360415,4.57415945837867,4.69374906762595,4.6020427018506,4.6018218958238,4.54391103579451,4.41262919585423,4.53039827286129,4.42391681525095,5.40659972325715,4.8790605169262,5.38505495086259,4.98487120470116,5.58262515998387,5.43865119855207,5.48322954174927,4.68416334316242,5.20936206280768,4.97011842589432,5.56818662111243,5.46852477850948 +Fam111a,-0.757414252013153,-1.0411765295529,-1.24687312722736,-1.45368806298455,-0.453069827623494,-0.613195262733404,-0.359409520668293,-0.997073925467393,-0.698673109143723,-0.902467280279245,-1.79886736689948,-0.259881504248268,-1.03433833346341,-0.954330519247825,-2.40443299905481,-1.27137531830911,-1.68161266730366,-1.86830828802198,-0.904194462835953,-1.41224750916063,-0.053659776625925,-1.58258979934936,-1.53715572636315,-0.422770198302935 +Zfp91,3.62976846835619,3.70222134756108,3.60843069023966,3.67281865731578,3.54517460903188,3.6004030101563,3.63093213481325,3.57435897095131,3.6643548260747,3.63205936287779,3.53817144239781,3.62918954940759,3.95886667758285,3.79790258377595,3.87799709799003,3.98973467541286,3.79522261121403,3.90212660145109,3.72623198939816,3.87683655510234,3.91530346372206,4.01455144263505,3.7573143958979,3.9403128931245 +Lpxn,-0.983862986181168,-0.753556475311861,-0.875593908739518,0.0735926905158906,-0.4932299232617,-0.938738928715734,-0.525181534827116,-0.850587223150178,0.0341326146169467,0.0265902338534973,-0.5436885151999,-0.627065313895026,-1.41840767034058,-0.676794485521906,-0.794636502773172,-0.673052836379771,-0.544477874230545,-1.20307966676693,-1.64854907009093,-0.974830676607611,-0.76842546857854,-1.12177210943905,-0.495345019349574,-0.817798985046582 +Gna14,-2.4897478986079,-2.05170868926565,-1.73605329415792,-1.72988281171266,-3.1711192149895,-1.95288101027723,-2.49892915023176,-1.72878391333864,-1.88671528505547,-1.57012499145214,-3.58775708980235,-2.61927851166533,-1.53582908885085,-1.56597954253067,-0.608704808649352,-0.923049011221347,-2.14117776510604,-1.69164246723035,-2.15290681892431,-1.06276879050755,-0.854776539467495,-1.4375646351378,-1.92619520018445,-2.20377865428899 +Rfk,5.19254212043506,4.87451635013957,5.0595126662751,4.71672786696321,4.48495805142595,4.64031151636134,4.61086084546273,5.0540050219244,5.14063600320193,4.82699564418101,4.51153514175718,4.71875492508112,6.40757429549642,5.97411911521858,6.49851868920443,6.16506514243775,5.85911717488422,6.28308568858111,5.57993822902056,6.61806061044393,6.29350547610867,6.15565870290661,5.70014549672297,5.80570077800059 +Pcsk5,-1.09209556781035,-1.63915103968418,-1.53025379175033,-1.65567358070186,-1.30956585103103,-1.24856610093171,-1.53424836333822,-0.955324098812708,-0.897173826007656,-1.18349581492816,-1.47322599327092,-1.23323419407608,-3.91517143946674,-5.60233571511749,-5.60233571511749,-5.60233571511749,-4.29755298805127,-5.60233571511749,-5.60233571511749,-5.60233571511749,-4.59280543026677,-5.60233571511749,-5.00721429107344,-4.52548005072141 +Ostf1,2.60391837251332,2.05504468802021,2.55772887994185,2.41977313057812,2.18937195939257,2.45927998972057,2.57641973692571,2.37501997348818,2.41900607544737,2.37913995959069,2.40495427365314,2.42841872531345,1.89066280371064,1.97854618440283,1.61803105979027,1.88243674584711,1.5450652474971,1.50327969295901,1.54973366045772,1.88870300822355,1.64223847290787,1.49137808163283,1.54264859510991,1.66966213638201 +2410127L17Rik,0.725683134554315,-0.0853425170320408,0.168894724584417,0.636132543357931,0.285467832087847,0.326292023831524,0.184756606345302,0.496317487642708,0.356260983969173,0.704855066379337,0.420744262380573,-0.368828989221507,0.415185549075312,0.824882760394241,0.606563690603344,0.886159192306373,0.677334235714762,0.39732762340863,0.825739210786617,1.16561238917124,0.547062385824978,0.362356822568434,0.851701224116561,0.41436085607574 +Ccdc86,2.18973935650556,1.79025131159368,1.93997998398116,2.08719859666983,2.06920942451792,1.88321102083842,1.99719370305372,1.64994608648201,2.03503630499673,1.91130562042763,2.04599729801989,1.5809622210762,1.44385517192659,1.38954669803136,1.8959518849532,1.7338755388764,2.10674429856031,1.67434839469059,1.7599199423963,1.16276224897367,1.91705806857417,1.5663434968972,2.01498487750574,1.61894346897428 +Prpf19,3.95649960687325,3.65465652298384,3.79615893929872,3.86872686071956,3.74495005410534,3.77637466398573,3.87579450384461,3.5808984636984,3.85987337199222,3.91475191349113,3.6691486087453,3.93036533649496,3.79062149126623,3.54494478229832,3.60871035334708,3.97622285104365,3.95815941293682,3.7802934067056,4.04441388129959,3.57108319492786,3.82164207226121,4.02792848788957,4.13601591568813,4.00201365321096 +Tmem132a,2.73569477081559,2.74450006995048,2.40420996835682,2.43900659663543,2.91072688333668,2.68678333630646,2.9130028662092,2.25847674191041,2.35115546968023,2.37910189996089,2.8633262398672,2.82141544884635,2.13793903366022,2.19879735763079,2.03494890159712,1.9501746163543,1.98644731848769,2.25974291117231,1.85176399377681,2.05041130504094,1.80257574164579,1.95886045353554,2.18301625773872,1.85969129495297 +Ddb1,7.15860163535731,6.85332523265742,7.13138907507665,6.95592669854308,6.66209248105982,6.7640212525135,6.77603458067058,7.11338170654446,7.09972185916579,6.88882517327711,6.75339733529681,6.83200739801155,6.88508693750703,6.64981805984824,6.94720244640737,6.69740764894403,6.65474056203696,6.93798547487009,6.78238527278143,6.91283173323035,6.5677920144472,6.70325862834853,6.80134455305114,6.80763943203043 +Fen1,2.14351227403144,1.72600317850445,1.9216832585937,2.01846289297793,1.49262325749795,1.71084741007352,1.81244733354384,1.82443320993066,2.013408442788,1.64982017706025,1.457845290933,1.70875398501872,2.53061525724245,1.44210334739454,2.22372553774332,1.6757727922846,2.08417954687658,2.07673728448297,2.38836759685712,1.57854174634448,2.10497549229671,1.83509477526795,2.25122666481073,2.24311972790597 +Syt7,5.52399367357006,5.42084054080781,5.37295266338395,5.39842702282134,5.75576792306392,5.7693728588105,5.57850273776939,5.52092250174759,5.41881167013742,5.41995335003679,5.76461010021951,5.53568583197649,5.35820077344367,5.18973167330667,5.42820876092567,5.46353937112628,5.68407697535287,5.4046060565048,5.56794909576489,5.047509817606,5.31606869876959,5.60413650116473,5.57775237623823,5.34328275732772 +Zfand5,3.70048353724896,3.78271737410087,3.5703331873129,3.78493345478105,3.72366001618065,3.63516117561242,3.66781191545466,3.53132716891224,3.82326412385427,3.71033176703579,3.59130760954119,3.59893569935518,3.50473464500225,3.56295074910551,3.40786520708442,3.34764360495068,3.31250603257905,3.42445251157645,3.28919271762161,3.54559703641145,3.51674419035397,3.27178190853331,3.03527761098184,3.27100234019033 +Tmem2,0.859829754222847,0.95095925552824,0.954405978031776,0.755269422197208,0.988153030030948,0.874917925973093,0.83671101036111,0.796030478860478,0.75330592602271,0.742372833130902,0.99598301118747,0.503286808306459,1.34505794575392,2.02916791218513,1.75828030255934,2.02941436513831,1.52420154383244,1.6091660421909,1.57728154116416,1.85980241463748,1.72773584801857,2.27235772840402,1.92593459295558,1.73649297691783 +Rtn3,5.38030061955285,5.14298273086418,5.27117217496331,4.99036849907725,5.43343170711367,5.39879526947384,4.99980631930615,5.58257187760088,5.22477038704919,5.06156549711258,5.32346936870319,5.15528919438039,5.18819284838406,4.96748855685912,5.08056207604704,4.80077474735556,5.12642968814083,5.26276174446204,4.944192117387,5.16264331153188,4.90443290046991,4.78327380835244,5.0507867031121,4.96446186711123 +Atl3,4.27689528916737,4.01297207844968,4.12250552337508,3.86110765336483,4.28215279726046,4.18665741710103,3.90060843652646,4.52588982019191,4.27771934456594,3.87752778637851,3.96592023675182,4.03431101483452,3.72469971632011,3.46473108467564,3.76530458849671,3.64356657141716,3.67680507392728,3.86686503322857,3.39126023210386,3.83944274218433,3.65864664283561,3.64805471630328,3.55440441192339,3.57567887433648 +Gm16437,2.58804131529927,2.44923443691117,2.7783519641935,2.64244838024249,2.91130136132428,2.93668205726549,2.49605904295107,2.93079456877011,2.26406452222455,2.4857449323904,2.55101342748926,2.35704506823924,3.34822885056482,3.16752292774409,3.19031575290794,3.01816424823805,3.65679554495972,3.41752197781752,3.47285626836134,3.64273123628201,3.25146881582554,3.12140024606316,3.4806349219712,3.8084301523893 +Naa40,2.8539867848678,2.9755466151088,2.99762295705779,3.06615125064082,2.92120893104616,2.68470554966414,2.90369235965684,2.72629559537775,2.9325209016321,2.63982813143289,2.79109816685176,2.86007514380117,3.01327342598378,3.07962382548723,3.13743440184156,3.39416246253923,3.3456536473686,3.33391002395473,3.03881183091883,3.17452454661749,3.13578755217373,3.20479979606272,3.14202838337762,3.20518373163252 +Lipo1,0.800758377821041,0.88196373328628,1.16181437858712,0.436216375949265,0.0458754485154493,0.361910130308889,0.173835941237332,1.01513510856992,0.899865360756282,0.406336615922438,-0.0012702591213971,0.543561531118013,1.99437394719254,1.43089493906841,2.19540537922868,1.41913312452309,1.10790626232667,1.70368781667662,0.912448861348243,2.15330689170741,1.94832117330316,1.65773290805878,0.97367082551959,1.38704711671529 +Otub1,5.0685634108417,4.81884937506188,5.055754278678,4.82876288166192,4.51970565627398,4.61563417985565,4.60625299014393,4.84720956858659,4.9768014086746,5.02982791625044,4.54193479985995,4.54198290798605,4.74038706053352,4.48711401201961,4.84706151690184,4.62219747052147,4.29301156638438,4.53831694557199,4.3541367685218,4.4955431699485,4.7234941003861,4.68719886435982,4.37906748124413,4.32888947198598 +Cdc42bpg,2.94847179552973,3.58444071062573,3.34493533025988,3.60523099171257,3.49734456905872,3.44179323583058,3.64781398673413,3.24532351291956,3.4387978212236,3.58003191061161,3.48543807140011,3.28755806933994,3.00664428652762,3.66321049074245,3.28777023296785,3.73160054823776,3.77782567705349,3.18894327870811,4.01964708939257,3.01809661610329,3.40650892264168,3.76664910638656,3.76411283432063,3.60148955621138 +Ehd1,2.99157631047485,2.50661586151671,2.83652496012736,2.6580604358621,2.77446425139994,2.78956326687002,2.71137788541719,2.7583315400575,2.86131507175411,2.64942774534893,2.83768559205368,2.76089831920225,3.46131058492264,2.80459590575012,3.01157521712771,2.89629275693923,3.50519199202071,3.42684027519179,3.54408745345284,2.90833935509765,2.9774394700952,2.89253357328009,3.40128004113511,3.38598593364758 +Atg2a,2.50184440309546,2.96605168332749,2.46493032938701,2.78698361609022,3.00639269046979,2.86849950755688,3.04382077704595,2.89423334638044,2.60149241672662,2.79219389170168,3.05383743011545,2.72161007422013,2.01468363703356,2.42584613058245,2.35731349875895,2.41950601502784,2.66082003932317,2.32170386097041,2.83167306207225,2.18325460467972,2.0039391123806,2.0955938421134,2.74200013960773,2.40253171974458 +Stambpl1,1.11280578764691,1.33740521626656,0.88340493011886,0.801517680194161,0.931793001295954,1.42714453806463,1.10919646144146,0.939581529510687,0.887170123500451,0.614541962758694,1.067739799019,1.17701957155472,0.500891364998369,0.431471032902473,0.128247535507071,0.316404729527674,0.528600226887402,0.462214856206636,0.330526263859749,0.439919729850828,0.504737116447575,0.0740940589047234,0.42256737771711,0.116369796426489 +Ppp2r5b,5.23959677078095,5.06033073389351,4.78150767500331,5.07371918606429,5.15279159541329,5.10527739576709,5.08965232996366,4.83962386061732,5.0950222330971,4.87314017825793,5.10875906197102,5.06930629398926,4.98331862675409,4.71682118207071,4.89058449131481,4.94952853205851,5.05796053590828,4.9521913503191,4.86224466262744,4.83291661615434,4.77143518761401,4.97673228958667,5.04061499548127,4.9127083009545 +Fas,-0.188161773399893,0.25385124838559,-0.336811450324851,-0.249412538898534,0.218056022013724,-1.04337601438951,0.130618310880796,-0.0373621024622747,-0.288061527128653,0.0734778949985907,-0.186203924601555,-0.154124228159538,-2.57324082479532,-3.21020903166512,-3.21020903166512,-3.21020903166512,-2.63474656879554,-3.21020903166512,-2.5486380639927,-3.21020903166512,-2.61888601774026,-3.21020903166512,-1.87004606797544,-3.21020903166512 +Cdc37l1,3.56326208176394,3.6783787584998,3.54406511385099,3.78730618722256,3.90190348126443,3.7891497327782,3.72996585020532,3.40961425875086,3.5696689399484,3.80125999690299,3.81480065051787,3.76428837276229,4.28359558454068,4.10141277143897,4.07295788648145,4.13156908373973,4.43699647276414,4.27524360145927,4.14177909820273,4.13225737760468,4.19502262728541,4.1728096246557,4.35589572781499,4.43178698420131 +Lipa,1.29565985423734,1.3656855063082,1.37219760572864,1.45104483838768,1.50539463344129,0.872132562861893,1.05576285850694,1.46211595572612,1.28539846349213,1.8341845327852,1.41500640226376,1.31816897300704,2.13581790071434,1.42427955487283,2.17399800826468,2.25111184076753,2.04037488170178,1.38649150202879,1.36870182500031,1.82201110017741,1.65706829990958,1.58659879802571,1.52444479489009,1.67462911511438 +Ak3,2.83690330307581,3.09917115025319,3.24821308503529,2.94615494521345,3.07795478281241,2.9179117715735,2.80217549181331,3.2927659074283,3.13895214719426,3.39768135745396,3.02775150858896,2.96733442470695,4.0144187824666,3.86051355910031,3.92878906762352,3.68680271145958,3.542152540664,3.70531623917736,3.39415801920955,4.20166279716195,3.73019678822566,3.88838203015897,3.21197726094019,3.62180015971213 +Rcl1,3.04551563157843,2.1977141864874,3.14599150992206,3.04002488888874,2.5521591628851,2.74209690014889,2.66719174414583,2.84874518746014,2.92592840679838,2.86045233451582,2.49270518682049,2.7150716811229,3.11881562701789,2.52118578586616,2.93742354947981,2.66558938918873,2.91310486056067,2.99206800983328,2.96151791814116,2.72707505843201,2.81877302090925,2.84100301989945,3.06440805977376,3.02029269996109 +Snx15,3.6463590231741,3.16836051414068,3.45810364969902,3.19507485547007,3.40775460531566,3.34687823253406,3.42999599302555,3.40540790299824,3.46053916035078,3.36424348887912,3.08272585978781,3.49760704403342,3.38206831964415,3.4051099113726,3.5478151868548,3.47488461257566,3.5055171196859,3.44935106031938,3.65929542127517,3.41661923321269,3.42527347379557,3.46742835739018,3.73643335052058,3.32537280012371 +Jak2,3.01131611399629,3.35600515388943,3.11575966060694,3.29776775143457,3.34836279620672,3.23184843844331,3.26931024164205,3.02837346139482,3.23412812161374,3.3154888204647,3.40779955273753,3.19941700894812,3.22295415799974,3.43047955747395,3.30835072814198,3.45331527199019,3.17730782771468,3.12191607596018,3.29388972027228,3.52362622966215,3.24879188232598,3.34716744508236,3.35777071141394,3.36715530507041 +Sac3d1,3.0585298804935,2.55863366172248,3.07582411044177,2.6059856042663,2.4180263222864,2.48011207630992,2.56143138693087,2.32715937098053,2.72391691164288,2.69316114182278,2.54232709323798,2.82213660378794,3.02860213611127,2.85762165724847,2.82493830815574,3.13320680358894,2.61160731309732,2.98166841343261,2.80342269647044,2.63326512820126,3.12963307499518,2.71361894103887,2.95137887117282,2.55504930690738 +Zfpl1,3.04518242186686,3.13113847523126,2.84792088316714,3.08866074809207,2.99613960502572,2.95813188128987,3.12552038380729,3.05151151952616,2.97360149762269,2.96912747798251,3.16908857596412,2.88363986981342,2.92761355274882,3.08788538142561,2.66635489587106,2.78735352503359,3.02531402106407,2.90855903291629,3.16792001023987,2.75932001243341,2.9753484392866,3.12344923781288,3.17990220397501,2.98871419061815 +Kif20b,-0.966146790297066,-0.228736568019674,-0.46139122658071,-0.227018032052579,-0.284370295284567,-0.77261798050026,-0.307003846702209,-1.07656791445659,-0.398684580259981,-1.19513386419637,-0.521968021437991,-0.848105321818028,-0.808309926013733,-1.13619080704956,-2.06076455129824,-1.87235136210741,-1.63405377959898,-1.4901996891544,-1.33623373973304,-1.45374777032853,-1.66951396951543,-1.23237985688798,-1.82982231028027,-0.544517755508296 +Vps51,3.65734215433245,3.81696433858748,3.96514757005286,3.78953018948778,3.69261798765408,3.6686439100104,3.84368246785054,3.78131268457197,3.93229066546048,3.79910303576094,3.68075621363695,3.69514406963581,3.52802956141776,3.46414009980467,3.56160292866787,3.51236533013277,3.68595389148497,3.56019446282984,3.76906464022635,3.54079159383593,3.61329286933168,3.62618097388144,3.45399446468145,3.43638100851953 +Tm7sf2,1.66384696725124,2.02909226285626,1.45215651177368,1.93442835967772,2.0199285217467,1.88921021455063,2.17967606430196,1.42779239153783,1.71000066468053,1.88338889345238,1.86482238019965,2.04170976626703,2.4868181957823,2.30055521854376,2.02395092972336,2.19636998655738,2.43150062849695,2.31653216940683,2.65427006978199,2.28369241756158,2.21416437403943,2.03566479100972,2.50443276576714,2.61558629562447 +Rpp30,3.18010840077228,2.79321506416674,2.8806949834809,2.50346219452065,2.1112899283775,2.18175465146655,2.50929264745119,2.72364681099749,2.58221466427513,2.29647231011326,2.05316544113101,2.57225254120324,2.27633136903486,2.00940275270202,2.58725117755785,2.06742352406602,1.61302527053883,2.41583921618169,1.80791310901697,2.57463991023324,2.09279537726175,2.26778806318926,2.01427479333122,2.03346821094633 +Pcgf5,3.28772249610925,2.97368722183082,3.20762500898979,3.20605476462646,3.32265482844336,3.1459106838445,3.21152899178278,3.35033894315099,3.23344319087637,3.37672552874797,3.16339521624046,3.13468800290091,3.85716599345241,3.56307097497354,3.60619085243921,3.83216602810202,3.68529234362529,3.81971352472924,3.48641738482157,3.90825996329961,3.64510539163705,3.72819611722093,3.59709983968982,3.77482804008326 +Syvn1,2.62645580997281,3.04662270860968,2.08935813738606,2.86878045170882,3.62834645883605,3.36017382810211,3.28892260479297,2.41418689872523,2.5550142078357,2.67262676338103,3.43850797343625,2.96327508621928,3.50855050004515,3.22618435254373,3.33319254854967,3.03368857519457,4.32114747438222,3.76538318857775,4.5240231838961,2.63142541023443,3.3859121071636,3.06981766347274,4.32409057420367,3.69066681315482 +Tnks2,5.22631296864483,5.13287542003478,5.33632283923618,5.17632333333086,4.9103205045916,4.99589518737292,4.96528405858307,5.25659279164622,5.24301655951531,5.08862028521106,4.90667818514266,5.06391289201752,5.02779085583596,5.03669393913716,5.14107402713475,4.99271331348836,4.75364709150954,4.94717052603843,4.86679313561189,5.20863449686517,4.69976861446053,4.85048696602882,4.81109015821942,5.00563251055912 +Tjp2,2.67021510335518,3.22083256109374,3.0822019272528,2.87239692063018,2.96497583267155,2.99041412376084,2.92417101968125,3.2201627441554,2.89398121449494,2.83210512072806,2.86041175113496,2.98414268949164,3.45715637950385,4.06587709018726,3.85442705304054,3.99240476497594,3.73761060323548,3.63150832283254,4.03932074380869,4.03529042222186,3.61099724577908,3.85699450769116,3.95176102230247,3.82992484216307 +Frmd8,1.11919521579675,0.792935473471444,0.70795749762073,1.20903501855049,1.35991546563403,1.07064826119959,1.06259201440141,1.18767183058415,0.947055804111949,0.895359010091188,1.23900932294449,1.26446585264196,0.762248719983592,0.301183862326652,0.527729966769738,0.495420597176906,0.394613599296807,0.443190583865135,0.61443098082685,0.708666434667158,0.896760050289915,0.481594420533712,0.492550257617339,0.438562139967372 +Uhrf2,3.33544307575621,3.62170876461216,3.08618818298307,3.54911629198743,3.70169230714857,3.56400772509671,3.67298506704175,3.30681051540247,3.30439660675429,3.41827894168864,3.63892901727445,3.76716227470579,3.10618323276255,3.25501975186523,2.80530978369784,3.19554070938024,3.11279506009726,2.98671218738894,3.06451021009901,3.23282724466115,3.05073178964247,3.16180292091962,3.22789981504678,3.26281057174084 +Rad9,1.89598780435437,1.70588227375958,1.98443168322415,1.988215786629,1.59172663018239,1.88731069845093,1.57392798260786,2.06262861526714,2.01634731854782,1.84973872344649,1.90394515155853,1.70946442654029,1.94239146020353,2.13888385467435,1.96740145083851,1.97082829740733,1.38548258002024,2.00080373132892,1.7484596226777,1.92277516773376,1.73275832655375,1.5390416021799,1.82505144816991,1.92157293319757 +Dpf2,2.78203854622848,2.96838997851363,2.82492781857032,2.9420350916159,2.92901164822968,2.88525167290765,2.93246072577832,2.8569043178514,2.74985447780391,2.91234907952991,2.81500788279569,2.91298160105777,3.20446559272501,3.13890265820209,3.20730626090884,3.32442132041018,3.59054662535692,3.3999564768467,3.44359605832046,3.07776256911793,3.23995328474947,3.27610253187219,3.52461865111385,3.4024534901346 +Gldc,-0.2576541773425,0.108728819559086,-0.126082523884916,0.245581340996814,-0.461999831954558,-0.367592292046297,-0.340163752844633,-0.442789267124663,-0.283150644795939,-0.126718702659739,-0.172863665417765,-0.52858374157197,-2.2937685312568,-1.73952515229006,-1.96006294667476,-1.11595458895008,-1.84715703286311,-3.34100206242529,-2.06551747823281,-2.10296290600477,-1.69171989910065,-1.33986625899616,-3.06808814093423,-1.69738012383961 +Mrpl21,3.02956135335349,2.67011307826304,2.8459283840101,2.77993232464645,2.71727767550263,2.63798843347519,2.77501238306731,2.9653659424884,2.96658967994071,2.83661828251186,2.88533178465467,3.01122629437631,2.86674280798907,2.74340342438824,2.78703904526196,2.56896795365584,2.49729088836483,2.52805484866567,2.89059888476167,2.98016428730642,2.98929107260658,3.04391544632445,2.78979582277358,2.83364027471708 +Rps6kb2,2.12046776906085,2.83246612088825,1.76351940783449,2.90145503088876,3.13977489012237,2.67574440216345,3.21162163262299,1.43690937501643,2.43687624891666,2.90655924706692,3.05537197871508,2.85800862007155,2.21098173419838,2.57847971878572,1.85886308599286,2.70728014531665,3.19067717998168,2.39704143849359,3.04890765604362,1.39771151133111,2.32164457820503,2.81117316460816,2.95613452203864,2.77286501393458 +Ighmbp2,1.5314252207834,1.75737966166215,1.57293594259194,1.99703878948081,1.73774598164727,1.92960312367583,1.89181595146396,1.86822864126462,1.66433247665106,1.77009682473657,1.98613610120551,1.93485099798603,0.899033675111148,1.6741336270172,1.47173671690854,1.74717579519124,1.91413123592247,1.37545614742429,1.97825034624895,1.4855853629285,1.59859174576398,1.98210995803822,2.11635916416011,1.85889728122639 +Pola2,0.82475859965853,1.03271101093208,0.775139441570492,0.887042938779071,0.630959338101508,0.505063808394495,0.503624393560012,0.394131436999356,1.16425545321891,1.11968219048288,0.450903796880169,0.548117067101382,0.388325640378952,1.10251590624848,0.961236907075003,1.36718525571998,1.01953062236919,0.328086354068004,0.717764308744798,0.278189110131833,0.96775906155521,0.850587336164106,1.12312688554856,0.719305313426697 +Coro1b,4.24184821780982,4.450371738603,4.47458049550109,4.30051842685575,4.10203902923761,4.06448501819875,4.1166435409453,4.29733495863111,4.27901564016991,4.48451170293098,4.22228194970281,4.23296609827925,4.74972501966628,4.86084580290553,4.69165760063222,4.81377072877882,4.74974429591424,4.60033764249046,4.81741828247807,4.98799484438823,4.68054866592232,4.84054756518684,4.73099433921897,4.6736579835041 +Eif1ad,2.98893641976964,2.62172308847343,2.81993521939319,2.44015951575417,2.12659428743608,2.54990765700402,2.41848459374911,2.33922321268099,2.43147841477451,2.57806466816605,2.21646365214405,2.36769228439639,3.51770241769065,3.10480135526174,3.54016962845515,3.16085675156052,3.19496020350285,3.21318799416286,3.12857094852839,3.07462692318864,3.53343926187748,3.3521062060692,3.00848362776328,3.14841881990078 +Chka,2.60467181679444,3.01194302315943,2.22980207011937,2.9866115241917,3.41510949679109,3.22844899272112,3.28275094668919,2.17802893366223,2.63908397750588,2.73889161662693,3.23156401286095,3.11628778870597,3.12821841637122,3.17995316811162,2.65285451307151,3.16032249062109,3.81821791411062,3.28327382397323,3.73696756529629,2.65808345422728,2.90345214429145,3.03405048417867,3.69127556061912,3.62695385423496 +Banf1,4.57315336094873,4.18644794917772,4.27681454531881,3.93867729342477,4.13443182157028,4.08084373757929,3.96388251655282,4.25112758989286,4.14620573011986,4.13083554931176,3.91186119485866,4.2571309268078,4.20284046527048,3.92134155474416,4.28634530721657,3.97685151586044,4.05648001812056,4.21450822529623,3.75406289783682,4.40755243170363,3.95482597489637,3.81050638810057,3.82501065778337,4.17066976052123 +Tmem134,3.51348593059428,3.25898427515602,3.63466847691781,3.48764303772588,3.46417587695962,3.43830511011041,3.46367940953686,3.57192496930161,3.6067718681789,3.71615130179768,3.4115707119567,3.35008850240907,3.38760964566652,3.3822300899554,3.54705858523274,3.45831265449611,3.208981659343,3.50721134143016,3.35471129207195,3.60500211420836,3.53771911556218,3.48117134274675,3.37967140271212,3.4375978617298 +Cst6,-1.05095872377473,-0.764973376181105,-0.81424736032028,-0.860999153842443,-1.34815513155944,-1.64655310270521,-1.66643621951945,-1.4170102394427,-1.07520885034609,-1.0599417700728,-2.01795382175843,-1.13702221204416,0.226674526238395,0.0468491178520536,0.501074809920384,0.218314295475518,-0.846239065866601,0.208280752539669,-0.557064650272608,0.246897485161817,-0.11619785384764,0.279458493542224,-0.615229970987717,-0.747369056409763 +Aip,4.2796590170911,4.40781969054655,4.47197647057159,4.24928545437049,4.18052783786749,4.13202243547972,4.14894978604579,4.32209904442386,4.35242224285645,4.26448278294817,4.24486355957633,4.24669181033574,3.9112302874793,3.74024549434006,4.14276431358115,3.81909498004972,4.10745201130465,4.00523111520124,4.10166240098113,4.19987901472168,3.94681262287541,4.02520061368417,3.869637768176,3.7992338841421 +Pitpnm1,3.50231395134924,3.6469795839697,3.08307834224118,3.41823623013025,3.93959518039962,3.92178770904202,4.00510975607836,3.26421435697916,3.42318562256211,3.35875106068181,3.84922891188812,3.70025358992948,2.89009564468368,3.09065754143315,2.44423801540216,3.11047011293222,3.73255566498416,3.32303038722481,3.8339837805169,2.36940839063109,2.84476095697813,3.01512308302786,3.78385342194644,3.46519355971917 +Sf3b2,6.13325857677595,6.2374124984698,6.26886123888903,6.27529567734052,6.1186920615135,6.06675665226287,6.16512642195334,6.29190190816921,6.27908636983131,6.26163988030557,6.12413047770836,6.16283938745248,5.95514510015619,6.22083108972602,6.06921706717859,6.30522183823627,6.29080544215508,6.05383403721461,6.27616609610643,5.96999717421564,6.16771422769579,6.32959298547212,6.2993411976663,6.25743929464691 +Pold4,3.70346251402455,3.72110653521464,3.95885305118424,3.83501994241047,3.08188484655865,3.34061351225566,3.3691886633794,3.98619914430449,3.92256157573832,3.51424198142122,3.31321033866634,3.56701446302662,3.74300452388558,3.59573199634126,3.47540547367979,3.94461520475277,3.46075818510815,3.57611196716466,3.43152889218784,3.28231072745641,3.58772448920912,3.7977342478147,3.19651951447606,3.46056921409124 +Pacs1,2.37683188804738,2.37858999050734,2.54575007443416,2.30804217524362,2.89286009416614,3.00912515569209,2.62081372691939,2.99210031828069,2.28054135216478,2.31194192319982,2.89220240456176,2.37085144525117,2.24786605209446,2.81482418922914,2.63685433735652,2.38682164774766,2.90633456600261,2.76034244462749,3.34612169679993,2.25356895734938,2.55688712915242,2.61868359424134,2.84592118922752,2.77854275000752 +Cdk2ap2,4.23337729452258,3.53201477807553,3.73918563550556,3.77493272781701,3.70726962234826,3.61097896251075,3.95639312825467,3.63292709579965,3.59733257537169,3.62773351021327,3.95912478939682,3.90395985965873,4.89547519480193,3.95723394898526,4.2139582093488,4.09465259994945,4.49233370111057,4.68864058679539,4.55945955537539,3.57414374720128,4.23269565781295,3.97839996958937,4.62741885661477,4.59710023789244 +Adrbk1,4.27317521880036,4.16763964487682,3.98337667923875,4.2449688574147,4.35059492292292,4.5016973347418,4.29983278377738,4.11521570191123,4.13168203591405,4.05964384693688,4.486364622689,4.19029953974005,4.21543192173076,4.33372124854913,3.96847473323761,4.38453269205342,4.61264665196406,4.24237642363349,4.67329288332248,4.16147851757246,4.05374778997976,4.24105722945561,4.6138065325851,4.36565010754558 +Klc2,3.01343234656518,2.91885730464931,2.59793693237101,3.04476153349304,3.48676502775159,3.40407541625906,3.56905293114917,2.5243521504912,2.92537815629568,2.69854854368021,3.5736300686944,3.20442354974498,3.45875711172256,3.43324000681351,3.29503888233714,3.58809524156085,3.89336775718705,3.62892005367286,4.08977458208913,3.26977018100224,3.43651412921124,3.57230988300616,4.02210623676785,3.64114532536011 +Pip5k1b,2.86025804102236,2.87981259630354,2.83616531382666,2.57467482491528,2.6850712622801,2.82125505376739,2.68709819466597,3.00383395338598,2.79805522618443,2.54383852852904,2.65013774387895,2.76649452240927,4.65687996241558,4.64691396274438,4.72356911176206,4.44599339356418,4.60188599237329,4.72478230572158,4.70009270193949,4.75562168604602,4.69257595074951,4.53701124412331,4.65872256798238,4.71463100677918 +Nudt8,-0.323773681676431,0.658732176582664,0.141781934483632,0.573446101879628,1.18746141784424,0.561588428201516,0.990067407730844,-0.192946227826062,0.272051759241601,0.354324973567184,1.16389101981426,0.440466397954096,0.691949712703749,1.04521303025972,0.889873829963242,0.946077093688234,1.27421303919131,0.589364378043709,0.837534106027155,0.7527244447202,1.10066147527788,1.07474751199023,1.20660916955651,1.20074352878449 +Rab1b,6.02000529967363,5.54954601149603,5.94534362928197,5.64856309209968,5.48964483463534,5.54837510383809,5.61246073600881,5.8487084783644,5.88962663920363,5.70618276290351,5.54482704100528,5.57687400390655,5.98471535228805,5.78331663339215,6.10001547939629,5.9698417965573,5.66934346237957,5.88132790690745,5.78670503984579,5.95111968647362,6.02256724910346,5.84842480056605,5.65254404490601,5.65545164215925 +Doc2g,-1.99692360723831,-0.569425111854708,-2.10998494033306,-0.489953687570864,0.570900665888142,-0.118304259774371,0.0955041213143342,-3.01405744000495,-1.73958448796758,-1.20162529864448,0.228240950964068,-0.138449703801189,-2.89526119030533,-0.835992344071158,-1.98288638207292,-1.2381393003233,-0.355100607850996,-1.40468427267166,-0.126441477079576,-2.27083475642002,-1.25605202494168,-1.81946190614656,-0.137104489793743,-0.190333390530064 +Cnih2,0.561366837090419,0.671314924959834,-0.284595617340297,0.126127198640919,-0.0559143280055725,-0.501423333459607,0.730497055305365,-0.0387185545349876,-0.0990565440581212,-0.118667314634518,0.188221052152345,0.387828452770368,0.160707399018143,-0.527456335722463,-0.357320907517045,-1.49405956792968,-0.689720088288423,-1.6010073085366,-0.933940594919166,-1.57979258935219,-0.331109873322413,-0.87632601675323,-0.645498550807195,0.159945589437067 +Yif1a,4.99868244273566,4.63943040915226,4.94093320347858,4.83506563674274,4.60725698683825,4.6071663805273,4.45508716044045,4.88944785628788,4.79919484876491,4.74594569762832,4.55777436193006,4.45985834293406,5.47036119372847,4.83356053066769,5.21909644200166,4.92366920302865,5.0119394479901,5.36636818625839,5.11729814282143,5.09258008635408,5.16411188124513,5.05283890335741,5.0300968498477,5.25950973196418 +Cbwd1,3.26875680779777,3.26738326630094,3.28283710107147,3.2074508687964,2.83894863204923,2.96455806079855,3.01953484203466,3.0561173049305,3.45475079137572,3.32398153716733,2.93715165477594,3.108450260356,3.28855828117111,2.81450774026744,3.11807101077939,2.86382669821926,2.66503718888314,2.85405264719451,2.33817800958583,3.13836087783229,3.0954241081757,2.84882353956217,2.74390246072105,2.81997459238668 +Rin1,-3.24910415965943,-1.63068165836086,-3.38464123207114,-1.54354443149314,-0.875724058980897,-1.52008774282417,-0.718942341264158,-3.15151853741061,-2.19053381983137,-1.87394352622803,-1.65872809524528,-1.53552313152655,-3.00930315910104,-2.45160718260912,-3.8431401584482,-4.42353256232873,-1.86243849056793,-3.02127376236532,-1.65417522063625,-3.33506880094571,-3.41400227747801,-2.85296119733445,-2.81832325041759,-2.13575960138397 +Aldh3b1,1.07329493150037,1.09728924700969,1.4201156420982,1.67124123886215,1.09134836221713,1.12022896194694,1.22895321507294,1.20579513105169,1.39063974947619,1.69049408403119,0.967085993176689,1.28067105562382,0.455395988178519,0.944071679106246,1.60105604052049,1.17365265431764,1.13062057898514,1.28360800324673,0.982351557484257,1.18058522903807,1.24171061132756,1.26557404128807,0.80454106462633,0.454576498609837 +Asah2,3.54537527373774,3.72239334860008,3.70472048572231,3.73685250193119,3.03518695623024,3.29928805830011,3.29118715922276,3.64044363576923,3.797371223952,3.8447655134301,2.92303407757472,3.26341370241336,4.61718755335505,4.64309700019574,4.59740611076384,4.80391662985813,4.45429056760804,4.47492414112092,4.16479817155547,4.61776936602724,4.71120266832843,4.9386743372926,4.30119917352458,4.38911086330994 +Rce1,3.60905036763562,3.48342657277576,3.7060324792932,3.77201047663387,3.45426345462276,3.3879982412326,3.56189293393613,3.11108249687265,3.6152692046754,3.64938045485504,3.54299519665489,3.65859144349039,3.94234200726425,3.7132026634014,3.83436378225578,3.68017491460649,3.59384822002149,3.78357367108493,3.79857946956641,3.99103868404459,4.0141035940795,3.73614933075255,3.48514687735935,3.73047849830334 +Slc29a2,-0.978428259568984,-1.07788358661799,-2.03050152763493,-1.27725837782304,-0.439051733283736,-0.583134971395381,-0.386611764445777,-0.571741548111844,-1.00123409513335,-0.53492741381838,-0.724418010665906,-1.4472048441358,-1.75050250209041,-1.69516421394361,-0.772111496039645,-1.85424470090141,-0.884290892088191,-1.23901803334074,-0.779594454850938,-1.53634832427949,-2.33373268845421,-1.87515925968123,-0.640573486043431,-0.730385421486474 +Pcx,2.0255660820198,2.22830551829564,1.92117701767724,1.55721735931549,2.02758035860069,1.76214336281597,1.98148503438324,2.00975282787519,1.9719826228045,1.53357458360315,1.77971491689476,1.98685372984781,5.02402502972625,5.1607196939502,5.35831662017295,5.27674225125425,4.96617008922933,5.17943022004998,5.36160549068846,5.00763533640069,4.86775878269304,5.03249820778336,5.26750742552415,5.13761257798434 +Minpp1,2.07557553149951,2.35740066473955,1.95418042319299,2.10329108962364,1.71700337330822,2.04008407748973,1.86868716186175,1.81098575544225,1.81849845035334,2.18498492215434,2.08706305194403,1.85130847573289,3.26942409235023,3.13119518456632,3.36520086382267,3.35785974206297,3.30855911212627,3.28691840057366,3.05853197796676,3.33891208710756,3.12638939998465,3.18230433160236,3.07398376658801,2.88966744193822 +Apba1,2.25555626787988,2.52891977121188,2.70322810260605,2.31675473654969,2.44160550310512,2.28023193578273,2.23086949116552,2.65507275130372,2.40338306351754,2.43667459437327,2.27622961696744,2.25285547428885,3.10097102107601,3.38344647567161,3.28560133784119,3.43742308894264,3.2664042989645,3.03733510237801,3.51731480145554,3.22249375701375,3.15930154175915,3.32427871313493,3.19197702717845,3.393918156592 +Papss2,3.08922020512052,4.05825553024405,3.52191308758716,3.00408329566227,3.18031512152992,2.65533395437738,3.00560034232701,3.1358992693254,3.20005975789405,3.44853150191074,2.56117491357595,2.9841343651131,8.41000063418787,8.35137689619857,8.29011480107563,7.67789784083302,7.95297960794203,8.31657558816875,8.18069060683381,8.55898643492175,8.01812091503501,7.78428533182113,8.00518361774499,8.23092288578628 +Cpt1a,2.44113413905765,4.05323630189093,4.40363592923077,3.96268718085895,2.51780376182369,2.42512708907439,2.33938486108609,4.59105971633898,4.0244839854921,3.99961233131176,2.33619367593461,2.83676213346984,2.70066521751553,4.06285135670762,4.54704848004835,4.26386808495743,2.98145883415676,2.76286934492648,2.89608190407158,4.0184410348677,4.03297791252912,4.33124206199885,2.97796940183023,2.94524326379156 +Peli3,1.26240784058686,1.63199572321488,2.05108676909682,1.59263946503837,1.52190435375302,1.45547952828624,1.20973476770502,1.76425942523804,1.60016451557237,1.43104834261394,1.17095014546383,1.14664221982855,2.05648754252796,2.44226104717689,2.11371429854572,2.35669464161102,2.31887415654412,1.83612122874844,2.2100248059135,2.09699259057802,1.95582792797519,2.37596664767991,2.24769430502838,2.32555163710398 +Mrpl11,2.75977884027942,2.44827770284759,2.85997278720529,2.88161431565099,2.2561647097883,2.28750620198455,2.29757633382282,2.69353238283761,2.52604103886017,2.90223417384181,2.48731591466756,2.6279975594373,2.88282697996365,2.58217595071605,2.89230522510969,2.6269094018462,2.57500397182446,2.7334771982644,2.60362888144246,2.93277292479824,2.83769535392641,2.86486408656822,2.65715594933491,2.71915571263293 +Mus81,1.69244082944023,2.39387821055749,2.06943979625041,2.29669521331387,2.04922812742712,1.95982833661792,2.22471837665555,1.92055303158193,2.07980546999779,2.1541559586439,2.10821736890162,2.17648757309911,2.8113346586482,2.69737155182564,2.35251263909428,2.91871957552774,3.2016212800534,2.66211466124608,3.15546521199613,2.54384254386461,2.64288789112772,2.86454698459928,3.06276159781555,2.93556942231178 +Ppp6r3,4.86824774400404,4.95432123332503,5.09636922427402,4.9841336952006,4.93466124025952,5.01828907251796,4.90784817682129,5.17839120882216,5.10542297308403,5.07798066621373,4.94100380335226,4.97505874960317,4.70226489401119,5.0773765292639,5.00766898186727,5.10117571979688,5.04066203359581,4.87560893612459,5.00948173610299,5.00912279503422,4.88723660667517,5.04687580344116,5.14512122811302,5.03584693787172 +Efemp2,2.51314057025609,2.43391179370803,2.25174619944995,2.13935823233385,2.32028763500076,2.19555739774789,2.00308526764755,2.09343319127815,2.21316847178651,2.34148784957901,1.89171735148659,2.21543725586375,2.74898251284117,2.60596896530817,2.76697433233005,2.61413878239609,2.62318754550399,2.63969023874652,2.46037034989431,2.67953391935323,2.5833664598579,2.65523922561098,2.66447563935706,2.41475808046231 +Fibp,3.71273507574842,3.94531853290222,3.72600409228854,4.05278638200055,3.51033302507133,3.31301979806802,3.41207130961766,3.75281979669408,3.86282526351302,4.09343605976036,3.73470334502426,3.54990504720617,3.77175555225671,4.11120910582054,4.14750631173529,4.17821274224004,3.76749209631966,3.76194041062611,4.16684544235336,3.50877784907049,4.15443345452136,4.24342405215962,3.652752856325,3.83388785030834 +Lrp5,-1.2450073967758,-0.48849543218398,-1.14549107184108,-1.73861043464794,-0.271574358577792,0.0515033174255062,-0.926939932689391,-0.998024734723186,-1.66278154647336,-1.10082894370729,-0.717676363145308,-0.838614532345032,1.901428813887,2.57962686603436,2.53108158295294,2.4678697355666,2.14018375153853,2.15827523457724,2.44614792049943,2.30740195491927,2.03207972220938,2.01290920879357,2.3217439904135,2.15153544706415 +Drap1,5.33759740973006,4.9088547801048,5.26171871110159,5.27596009814152,5.14579294931725,5.11083357059207,5.18745088240168,5.05626776641864,5.20852867547557,5.25567381099584,5.30504844914749,5.17589695794817,5.50271887931241,5.33065091045205,5.51669593477074,5.44810414147918,5.28984450677167,5.55856357403258,5.43604747509332,5.47355343034425,5.58724725556143,5.49656532881113,5.45382210206238,5.26648732186187 +Smarca2,4.62205272054547,4.89883378767797,4.56946309374725,4.98062683426034,5.2624022587893,5.18329084073264,4.96218300627884,4.72373017519339,4.57381926468428,4.94741016604841,5.30564608960024,4.98464461475933,3.63041221109485,4.03462508743254,3.60792097647133,4.28061906031677,4.52645722650837,3.88420326840024,4.29496886002728,3.71503680961895,3.80398807609108,4.23325210587681,4.49044838285115,4.18541020795761 +Vldlr,-0.148622964870415,0.602347528694197,-0.428579341426736,-0.340321248277415,0.11087354829575,0.502633828559735,0.0088600508327858,-0.236270456148514,-0.700233904536504,-0.275256694076642,-0.211005600047435,-0.0249995045083975,3.08111254924623,3.27783087418601,2.92615998824768,3.25412766981942,3.08077532518533,2.93389324301471,3.14885658504177,3.65334439469438,2.80560935584496,3.06336983239105,3.10856951694997,3.1428623184274 +Rnaseh2c,2.85817568045274,2.39464344649921,2.74261266223765,2.97229472294643,3.03889878161152,2.53662840546374,2.78799609743177,2.80937073588647,2.58948660599359,2.86314247297621,2.79332338319918,2.76568655885694,2.19785253343952,1.96817276308232,2.03845808353114,1.90587520490093,2.17824425322957,2.13176741130205,1.95189476756904,2.17086622953427,1.89724126467871,1.83162393219151,1.44826449303074,2.02356893875476 +Kat5,4.17356290796937,4.27583722917526,4.20102932217204,4.31224098617589,4.12487088245658,4.02548166725415,4.23593266539261,4.22503462696444,4.33223183480508,4.29784219502903,4.17922872281318,4.36266788416648,4.24215809479941,4.29936036975927,4.23753175827184,4.29600273577733,4.10414598288582,3.95823103527538,4.16757559867169,4.15680071773413,4.36941466691489,4.42506707817113,4.11413449258599,4.19120678106813 +Rela,3.24314470764082,3.40539865393696,3.26196332476662,3.50011497116513,3.40596160119631,3.39282847703934,3.32693829170714,3.18503626313504,3.35572087769865,3.3347591322267,3.25220568902792,3.27386612100724,3.19832509603751,3.08467573724528,2.78340702457575,3.46683073681619,3.28756532582044,3.12838037861005,3.53319210482616,3.00391649364173,3.02329009555086,3.25244187243428,3.16964131373701,3.17857014665387 +Ehbp1l1,-1.81884835093519,-1.08528686332751,-2.52593451417998,-1.31524897315738,-1.01770582465924,-1.730121914325,-0.910690620043361,-3.30073708917593,-1.5526693659997,-1.62767258086293,-0.84764735733182,-1.77211108310493,-1.45139856695931,-2.75650927417406,-3.25092746994211,-2.61595242914925,-1.68208690398612,-2.62039997843834,-1.68265778785536,-2.44698024166232,-2.2248173250704,-1.74600558455161,-2.11531508501074,-1.66577863305545 +Fam89b,3.83357643501867,3.67689872723199,3.41762946055968,3.78800359614824,3.50942080071393,3.72716875972006,3.56718883840993,3.46170300112455,3.6097473982299,3.53225832381467,3.63618269500628,3.76107638143902,3.6008416450453,3.44670777643137,3.24607096190987,3.3323339069029,3.49636158837688,3.3644920124251,3.27991384279665,3.32808433154621,3.58318847145446,3.40954859506593,3.48206189655966,3.19833285811939 +Ltbp3,3.65786676669824,3.87223276683173,3.76566375002194,3.6930641450522,4.56769534640322,4.47198891342409,4.19327927199779,4.02278820203307,3.72307860100672,3.78265784261534,4.32672202424275,3.91251518456954,2.54182500857102,2.89437099443467,2.93216249042861,2.66709405594928,3.48928815914698,3.08723674510395,3.73818484232853,2.58835062733346,2.60816452812168,2.72515129645032,3.60136381051973,3.13992695658331 +Scyl1,4.7683843036426,4.74243865392428,4.67816982706845,4.92006053090131,4.93774125293414,4.7053680018727,5.06049909455566,4.54594278454831,4.77219421923239,4.86258042411906,4.92345120326773,4.89590847734588,4.93691327588819,5.20221033028529,4.79962108571186,5.22320445610694,5.32349356684269,4.88457774496707,5.47332004503998,4.75308204277922,5.02185853389737,5.30289922351328,5.3666166798275,5.31106237368407 +Capn1,2.85598574220865,3.04943068874339,3.01672695325051,2.84440365040974,2.78023460404092,2.79669014550089,2.66459095036576,3.16571656347001,3.01286107574203,2.66967872602516,2.86532995833693,2.78006921292038,3.61926593215519,3.50020905801473,3.61226107504581,3.64286519955528,3.38544808991858,3.51820275122958,3.64814076697409,3.56171426036915,3.50394011419411,3.71437225416924,3.53393726598418,3.35713330651312 +Smc5,3.03600854216979,3.48787012769711,3.09434770572313,3.49604482632526,3.38635958430023,3.71227742966186,3.61708126411672,3.02206175270289,3.34871270485281,3.50807829719956,3.63647581449161,3.53472353064722,2.62744308138264,2.86730584210804,2.54932297601244,2.805416364406,2.97107042997207,2.66444707180416,2.8998282063782,2.51960748659409,2.60246947458261,2.62600829395174,2.89164568980077,3.04730597749469 +Arl2,3.10330546093973,2.78832315903474,3.05732433298615,2.96358195276836,2.98208107723118,2.91558345473609,3.03294681106846,2.81069690382148,2.89338784995278,2.94501851982334,3.07112467600907,2.90688000646539,3.02415749249701,2.90727866107998,3.28097974348755,3.07235960445744,2.90986242133984,3.06872108200792,2.94075323377272,2.97852810799401,3.05336363895618,3.14630377471026,3.0645409282802,3.04266051072196 +Men1,3.7943334088346,3.69692716790005,3.46804392501938,3.6064798807876,3.58361933869246,3.76057052167971,3.62290740926663,3.59457888915719,3.58190552569359,3.5810820886776,3.39160481961602,3.56913500491475,4.08894837063171,3.99113600693306,3.99733689298851,4.02560349110604,4.36500342399531,4.06715445154973,4.3145168194513,3.82709794932872,3.91197193431982,4.11016873193933,4.3484732619522,4.2624543251019 +Map4k2,2.45007872352036,2.92646225483468,2.39605398398556,2.78583993430218,3.27945582595064,2.95198980602173,3.33352035021766,2.37313577422462,2.51722676158029,2.72171655151219,3.30356533155043,2.90714343076329,2.39577914629769,2.8771236728415,2.48861007874075,3.00254308287455,3.23505333335249,2.58768164335435,3.22725828979494,2.27648793233458,2.57964324370368,3.00088449185327,3.36673324583203,2.8497008644249 +Sf1,3.89779306999426,4.06388062400112,3.56413224287139,3.94284593395873,4.42178286199781,4.46331696870164,4.29596461896215,3.72713588528934,3.86572696395722,3.85308476262311,4.3681879840554,4.01098898738815,3.67568448965406,3.76233322689873,3.46780666077792,3.7248119710799,4.38874412878076,3.90150634623583,4.36794305532012,3.31455547413244,3.56767550888904,3.79595232873444,4.44761224617916,4.07513437710192 +Rps6ka4,2.66967296901269,2.56686534481365,2.23309273835007,2.63253848814756,2.59427929807671,2.65890411941392,2.68555743214594,2.18124132773207,2.18665523121662,2.4945752720602,2.60864761417673,2.33790848541641,3.02964530329324,2.89689854367692,3.29672151408745,3.13183538127882,2.90569019398963,3.22084414731449,3.38462668255722,3.09279937442793,2.97635395331265,3.32029478029376,3.01621909232808,3.03487075233051 +Prdx5,4.96335294852307,4.46233014509919,5.18617345799557,4.87465054443306,4.70642143749013,4.56559729396201,4.71692135523969,4.83494777809697,4.96433242756376,4.94630619361456,4.68074430911163,4.79703679696913,4.91105081145309,4.49008912960651,4.8340040681142,4.72797120498161,4.43492322240441,4.96277239059891,4.69606785948107,4.76270489356532,4.9026671987703,4.83296328999221,4.52016329100111,4.52057304765504 +Esrra,2.70036012206053,2.54728011331027,3.13858880036079,2.94162130128804,2.6584510375101,2.52880960942572,2.70816271964314,2.69493661295663,2.77012641239423,2.64460677946321,2.67012585519481,2.27607998302347,2.95917367645589,2.67507065429993,3.11989928196902,3.12848987656273,2.97327528252037,3.03187188128947,3.02641540467641,2.8651050580115,2.88298370757645,3.13706114924879,2.98250832813685,2.48638840936895 +Gpr137,2.90129899443081,3.18074967218523,2.61403359960087,2.95696289315965,3.12082867239477,3.17772506015747,3.2015036120312,2.64645631065147,2.81780805663608,2.88952884836521,3.17779198275221,3.2237796848559,2.87896064262106,3.25480693277282,2.73099549592679,2.60225123347168,3.28371373229689,2.84489202006218,3.17426556704717,2.64694132858489,2.98265761842929,2.96131614216608,3.28626764368029,3.11239484622694 +Bad,3.35663593587812,3.01117992035865,3.27978561568986,3.08482058716668,2.99862134112895,2.69927602899104,3.12212424310031,3.03501786613225,3.07526297089916,3.06004322477106,3.06285166499304,2.93383877023945,3.3224510993534,3.13612384556466,3.49538427458949,3.1808707238337,2.91997845828906,2.81127171740712,2.79590434805179,2.92516029364628,3.26723628997045,3.10482396416811,2.80596795083986,2.85090718356364 +Plcb3,1.37238758729713,1.72262261950285,1.45063746410379,1.49379745712587,1.81320655740741,1.55262713285574,1.93166843964361,1.05535957783297,1.52840946918463,1.57035124672206,1.73570344408375,1.63080091356989,1.47080125638322,2.32505941002757,2.0541009949334,2.1975105402414,2.39739726957115,1.85747125431516,2.4987741374456,1.50488058818564,1.73633566162305,2.00589483724687,2.31893629394827,2.37448148860464 +Vegfb,2.08282060765003,2.58105639995525,2.45730277551048,2.3088106708739,2.52585920009921,2.34445145735477,2.32279990359448,2.78017430739549,2.52494121269427,2.55818208813488,2.61404717628414,1.98082746383395,3.53969865842277,3.69359478625674,3.52736834927427,3.59479575530506,3.45902067427833,3.36202006354407,3.5645218284188,3.27529482602292,3.2226930355608,3.59992567452804,3.52511724080276,3.47043541365729 +Dnajc4,3.43432604045944,3.74474342582152,3.64463811621407,3.83222831626675,3.5617189141443,3.41432907072964,3.60165103277869,3.52951824556446,3.74091579693986,3.66356641566802,3.39541092426785,3.52774898131128,3.80318561400445,3.42940054733966,3.5773314402274,4.12815798880242,3.51858172840753,3.45924709742548,3.72825710157486,3.8650143262471,3.85813500636774,3.84514196951535,3.73536878375579,3.56564752042381 +Stip1,5.84928813962546,5.12996316060819,4.84096906218237,5.3824964934732,5.56666676910861,5.29465276398751,5.59068371046923,4.96634059920791,5.21052994232708,5.1803546712771,5.71805823339696,6.03420223409691,5.21032328681558,5.00108533902186,4.50238059197745,5.11433870570185,5.62083336575254,5.06154527948447,5.27805837277792,4.82199540276916,5.07117779249535,5.06527360708901,5.71150468525725,5.76517948905365 +Rcor2,0.301591647521636,0.970249460103906,0.6785407946794,0.406734466832592,-0.200473480034416,0.234284162894572,0.377214699693662,0.302386778084052,0.804746361269571,0.649670076495937,0.155536216169045,0.0387861900586772,0.9169801118702,1.81120500373792,1.51582573344635,1.14224552678876,0.869290010487914,1.0717623710075,1.24696319884661,1.28658637649324,1.09602936504313,1.25444399774946,0.747178201753127,0.942210593687577 +Mark2,2.43330256932229,2.53576652630467,2.39419877145185,2.3499446332072,3.29127957424929,3.13678158195705,2.93380472053532,2.67922612477336,2.41123431393231,2.25322908707467,3.04867165922348,2.69139938875104,2.57682880232415,2.69064710015913,2.66871961811581,2.63978090922523,3.26856063185004,2.8686003551258,3.53906693710303,2.47306227873235,2.44270132868297,2.75990216538791,3.31135407804515,3.0384463347166 +AI846148,2.66388698416232,2.50957348622884,2.67356502344537,2.7494657373929,2.67181635949907,2.73244622332162,2.89644937721731,2.59221427403643,2.68866243864429,2.66751910151909,2.96405408859533,2.74749093477929,2.44804999351646,2.41488727181996,2.07358794461541,2.28184699626712,2.35770351067528,2.43800195520738,2.29238905507259,2.21443095764241,2.36201204123697,2.33052649061409,2.67765452323435,2.38296251887837 +Lgals12,-1.45709206049969,-0.948039648778029,-1.77490768790194,-0.795540784937581,-0.404593413119479,-0.836337415344995,-0.378415301611205,-2.08512401721342,-1.47887617984047,-2.2761250115824,-0.589205593402344,-0.776773663292741,3.24148565817873,3.0247234376503,2.58817556563135,3.00922558746778,3.83903068756139,3.44241374257005,3.78114740628096,2.73791783661953,2.92067195331798,3.22781058402661,3.72862574603352,3.75493624677462 +Smc3,4.5729532262749,4.6022669517955,4.6168682969102,4.52556431168095,4.26481601574041,4.35922980561864,4.49835340033821,4.41867425720041,4.62239364177774,4.50749704073106,4.37415158894079,4.51665472167869,4.32730342621615,4.31706678022594,4.24614955074584,4.26390313287638,4.28955104731447,4.2798359422524,4.38241797138905,4.03509528667088,4.34475469074397,4.19123729995568,4.38848070738847,4.51646888325752 +Pdcd4,6.24127808194916,6.27653407272017,6.50222658146639,6.36195022665911,6.10714013465397,6.01204840241095,5.85727839746043,6.45267034457886,6.38071773460271,6.45771719488662,6.198438094023,6.14692348964799,6.26893514829386,5.97170458053472,6.12816573275608,6.09266610350054,6.15161714770356,6.05900081007894,6.07289543666419,5.9279634168321,6.04007914504662,6.12339492897429,6.24641152681804,6.09166682445051 +Shoc2,4.31432744513366,3.99468100300729,4.21236492949676,4.01488055656563,4.02230826510827,4.05782338825678,4.0038020017731,4.17614095816125,4.07945203931981,3.92117735088263,3.84286899746808,4.09484650333926,4.97109620150663,4.49336969082843,4.89182816792455,4.6458509778877,4.49396659833127,4.9121015379704,4.45321729691608,5.04936923338106,4.78702591791909,4.66385563063812,4.38322107480063,4.59275442942621 +Gpam,2.37265896065067,2.70861333706473,2.6469789448827,2.61451887669776,2.55665567075778,2.60343874126264,2.39433950237949,2.59428319818191,2.68264334032801,2.56518859280498,2.56449551242775,2.52705007944704,2.51512683597783,3.1388832001275,2.87665684797397,3.05019916913084,2.9711937066173,2.85893663196919,2.99440926335762,2.29668668880971,2.83829490097211,3.08412078635802,2.85466284334098,3.01422979622845 +Acsl5,4.31022741200008,3.89574383427166,3.99633181661446,4.11934401429314,3.96638948144389,3.95082011308074,4.03079057932546,3.92176239275075,3.91905915151336,4.07526388420235,3.98099656881706,4.12407714855426,4.62138860058911,4.32733879659212,4.47135867679791,4.55266243669446,4.34265123260164,4.50453409103506,4.44434712662758,4.59129636301608,4.49002280805919,4.40045111112889,4.3443258356051,4.44549600596729 +Zdhhc6,2.82425867183838,2.70858111332033,2.86271501394252,2.93984377841784,2.93589861861656,2.62301388679645,2.68160723824248,2.4933711855789,2.64428429365031,2.74485613893305,2.64146898057362,2.91960349862847,3.45448322375217,3.45960661939368,3.48322539241181,3.70495472852843,3.49536685495064,3.54907070223805,3.41193659184125,3.63439849143344,3.68021654650752,3.60544505677572,3.47705715022789,3.50255402468312 +Vti1a,2.6515460398373,2.48800385527703,2.56898874652991,2.3973263743401,2.78387112899509,2.76785785531473,2.77438480930167,2.74165343835541,2.70495281804106,2.63612138213517,2.74045016438671,2.42300419754208,2.93334552648367,2.74658384946636,2.7821066410965,2.61494456571313,3.03719911794895,3.04587846941722,2.95198369724474,3.09681343564412,2.95048692828315,2.85508767481586,3.08586849179036,2.82038070045316 +Tcf7l2,-0.488570332677587,-0.783544087456475,-1.37226097483763,-1.1916710604173,0.587817335599906,0.275401709849145,-0.0651817080342778,-0.0166232065825755,-1.03122521498027,-0.671963050767721,0.219232312314564,-0.155113884728569,-1.82710507633117,-1.06527454593259,-1.1096576498021,-1.17780606758689,-0.683662528127035,-0.689888572040647,-0.522918662032966,-0.738866441607449,-1.51690287406828,-0.809241858746878,-0.731824557418976,-0.536792165484527 +Hhex,0.474218490662193,0.428576768065058,0.231025792438061,-0.068181637902653,1.32349265702165,1.81325617947326,0.370093450840128,0.725093092066316,-0.609587176002482,0.301263643579365,0.979954072013519,0.681933027560738,-1.08052770215885,-0.581617951103724,-1.14405980431135,-2.04777139957331,-1.15731434671878,-0.424715907612884,-0.856744723747606,-0.685319870070883,-1.2851286522402,-1.32068352732065,-0.466286821283031,-1.59089458116993 +Rbp4,8.00614102417418,7.37130756610704,8.23457196412087,7.53632029513275,7.48802092419168,7.66776671419348,7.41031773668267,8.11554867454225,7.7539328732843,7.63027992108504,7.68230461843742,7.56419182298232,3.88010822851173,4.19770180859741,3.94327719325965,3.07830892765578,3.66968398365905,3.65065709508656,3.47884311324474,3.68102035877657,3.88954542314202,3.65987728329188,3.35931743512169,3.3416365335893 +Eif3a,5.86808072717926,5.9264070809989,5.79968691732003,5.77842368089222,5.68391396356447,5.74904911351633,5.71307728686318,5.78319637930504,5.77500116135327,5.77429377567961,5.84185084096855,5.73246245262505,6.12426123218796,6.05874407846917,5.92193572787653,5.93668613183664,6.08451822014563,5.97371436318879,6.13972718442708,5.71663860709692,5.92132452587316,5.92332035665077,6.05284558141694,6.15351884717435 +Pde6c,-1.43874452807074,-0.87368122073176,0.275246113506171,0.170723598889097,-0.931046981775694,-0.406588988544894,-1.2493280697357,-1.19101166181048,-0.234342161001023,-0.505721589054867,-0.616502927083709,-0.0923870202890189,-3.92652054695276,-3.92652054695276,-3.92652054695276,-3.92652054695276,-2.94079416606875,-3.29637887472543,-3.26494957928034,-3.92652054695276,-2.91699026210205,-3.92652054695276,-3.92652054695276,-2.5128450307364 +Fam45a,2.27063001701088,2.344724951784,2.29684405693493,2.3453504419329,2.11176810791315,1.96417944916388,2.0874086394215,2.19836245850656,2.31240860470934,2.42187687741458,2.18113960162894,2.29490490680236,2.80836194736928,2.55913418827335,2.63035419148759,2.48399826688171,2.36466766406867,2.80695014217594,2.4426519679933,2.66734653927126,2.71245538574014,2.4749062417395,2.48200200072451,2.64147050659479 +Prdx3,4.75483520161393,4.40274942392861,4.83081998608145,4.46076774660466,4.20935676532578,4.2804465248988,4.27161579727509,4.51087533923396,4.56258458241539,4.61004436155595,4.01426037829167,4.50152450540898,5.42973876304616,4.81891997169954,5.36044081801053,5.21058994298032,4.75029555570734,5.25853994410387,4.74771924848342,5.260151651201,5.38389945370175,5.03638173727434,4.7915626645712,4.94519077703533 +Plce1,-0.728111119043342,-1.60562794279564,-2.01659249355073,-1.2227273252378,0.543695883501437,-0.806880504254841,-0.938541998067882,-1.44209466583319,-2.47069645025395,-2.4782388310174,-0.662053772342967,-0.757576326542524,-3.3219229581303,-4.31088873582551,-4.61726159645918,-4.4362042280567,-4.30561828379601,-4.9802593386349,-3.26766738447114,-4.18294919491971,-5.01907799693737,-4.30141846098622,-4.0051916989511,-4.19672549464587 +Noc3l,2.79875587414243,2.62402480702385,2.55590441678543,2.63509931883558,2.44999402496405,2.67086847121522,2.59953388298107,2.3900444869484,2.70225549122019,2.42491624710301,2.67761697553336,2.40806437437764,2.53098379379641,2.20965807043077,2.37475077240169,2.24883403931253,2.63525074894432,2.60385176207318,2.6902741968905,2.35613968901617,2.58461386366236,2.28369503859558,2.79069914614385,2.77288195720006 +Hells,-0.549191845275841,-0.782344018509702,-0.928240700081967,-1.30398336444092,-0.883811929765427,-1.08487535928137,-0.404059462988134,-0.932811244239702,-0.894499694251724,-1.54920472711727,-1.23639936794827,-1.37627575415721,-0.781654592995947,-0.546062454955476,-1.52266085050703,-1.14790753099028,-1.28303456408006,-1.38816786468523,-1.55093190967397,-1.1918276365803,-0.799992848948559,-0.771627807402621,-1.93537313671937,-1.06950764514096 +Sorbs1,1.95670374869296,2.16350263772611,2.52852819714305,2.20133503555114,2.43803478161041,2.54545062212563,2.17078037632301,2.56405856334134,2.29393027535064,2.31583237918193,2.44702987382655,2.52725667479718,0.519266984730166,1.17131379023816,1.4964089557802,1.14440349425788,1.19954918571191,1.12278955261186,1.16067935730907,0.855877008084999,0.843681477185022,1.26371461007317,1.09175366501643,1.18580854429396 +Aldh18a1,4.87161376513848,4.7128348633242,4.88071549881941,4.80247582717446,4.63922175443669,4.67088246184421,4.60641202750055,5.0690109093328,4.78022971479885,4.7160245578677,4.72402576406476,4.63899937769661,5.15064673022552,5.2670567841727,4.74138755050302,5.09329255217906,5.29282216817568,5.31250346548679,5.41376553512992,5.60272455860558,4.87566124128245,4.89902732249695,5.34865439881847,5.25204421929958 +Tctn3,2.82981080164101,3.26395157319148,2.90497836465921,3.22321499449248,3.29960907793811,3.38754585509545,3.43887398566704,3.06354960870812,3.09899464848616,3.11452868382387,3.33350928090386,3.09473040257138,3.46153259054937,3.69794475933683,3.36138401541033,3.72759792881849,3.91898806638131,3.66245802967579,3.79302734916319,3.40254579704223,3.43068390874792,3.61379810412321,3.86199698789163,3.62778646936035 +Ccnj,1.07330388331072,1.16738257859385,0.894565109483251,0.927390546038037,1.220499494414,0.95497483977316,1.0600094066767,0.478758747525715,0.616469906846729,0.759872149705595,1.2484306436756,1.09021984707082,0.544410207183597,0.986991502682846,0.994322647407935,0.858797181377899,1.3946000264397,0.752295660553185,0.878543593161559,0.72720879096695,0.909499034205571,0.816748626387378,0.988435920106037,0.965913287207105 +Tm9sf3,5.97343434952004,5.67089353991881,5.91351464632183,5.80575222851091,5.50582621044294,5.5291646264742,5.51717249965664,5.82478450126603,5.83000995171657,5.64665489329098,5.50846500073146,5.61229391348524,6.70607698075312,6.25099746944504,6.52628036591468,6.38195733158977,6.14618449869403,6.49488351122737,6.05008086172731,6.7014401200094,6.46309328604809,6.3376284515805,6.06994666486464,6.33345066636545 +Lcor,3.17219839911513,3.3564202000377,3.04741118667746,3.11034480409171,3.39712340063683,3.46138705481262,3.2816969794514,3.33735567674543,3.43305802269146,3.01952360234432,3.31709443709825,3.25283023577752,2.68224336520552,2.61097678220815,2.65799559386421,2.61806740032724,2.69981067104539,2.74064146509224,2.63724145365447,2.4981741467959,2.83886358855274,2.55143697612727,2.54628401510516,2.69720368452612 +Smndc1,2.67458310658344,2.89600428414158,2.5455151037328,2.58372527371606,3.05486017068948,3.1396479836808,2.84032885387875,2.46830396347277,2.69903718491195,2.67909756774101,2.9034952572214,2.47970877211631,2.79777767367092,2.92340924620296,2.90386207269883,2.7210908139264,3.2021992132102,2.95713051964131,3.08912200562657,3.08729885673246,2.75969032973891,3.12216837947181,3.04048220268726,3.00292788950424 +Mxi1,2.1077369034495,2.50267920028011,2.41255375486119,2.51018573642679,2.6533499007076,2.39519451461374,2.3674402596648,2.73161437718276,2.62749478331578,2.50506111630887,2.57460044536341,2.67306044029433,1.80341071799749,2.01613166979273,1.95302690064798,1.83004183901601,1.94459349619108,1.66018035630638,1.94038823235647,1.98913108660618,1.97909104067551,2.20714864775139,1.7688908943064,1.92422136690863 +Add3,3.939648333222,4.06339769904141,4.3775297742234,3.98857103929292,3.93229551373204,4.13897073614789,3.8254126937529,4.3567038571947,4.21212216922735,3.93724406156549,3.93167684063963,4.04412218580499,3.59604520417626,3.79766361133638,3.6930337776641,3.66839373337206,3.30857860718936,3.40915212217571,3.29620083739108,3.62979957786002,3.64008635487784,3.96162726246851,3.12502720078858,3.42453466869502 +Xpnpep1,3.50385311889899,2.92199170508906,2.68882317838591,3.14348505578093,3.40918140978893,3.25696358144729,3.23677302801719,2.96295520105591,3.05563392882573,3.10910868808835,3.28368331748293,3.22412053246679,3.71133233652288,3.59848891191297,3.63564208872029,3.71189005296735,3.82901805179861,3.56793238193918,4.04763949842741,3.30254903845287,3.55643320213162,3.65003260873386,4.11670491403917,3.8553840770299 +Trim8,3.57594074470135,3.93667355601431,3.85637880002301,3.87029180108823,3.87066712348024,3.94871840163237,3.94158821501186,3.75806081642546,3.85844165178282,3.76266867962294,3.96976449948002,3.71674163910244,3.40520078309758,3.98645593579636,3.85817040649116,3.85254844684216,3.85217428049917,3.58566135943634,4.05658978007281,3.66103307231567,3.85471662300893,3.90849384183921,3.82893901923113,3.78268784249663 +Arl3,5.95042373602334,5.42628737328668,5.64522609701191,5.58276947260716,5.42085355704169,5.74714246259114,5.54588204825882,5.55186098396914,5.58903589777802,5.75552612085797,5.5738956202778,5.6449874120363,5.82631359921708,5.57749404628835,5.73740837846006,5.49697468074371,5.18749428502868,5.80718683912708,5.66244339107615,5.73262668224383,5.55499042477512,5.41161007662675,5.39855508680305,5.61347073592246 +Sfxn2,3.32454408727837,3.74898612897064,3.32231866296852,3.61438105434001,3.66236125995336,3.55938996018678,3.75199117479276,2.86120681091437,3.48600354528164,3.55753452198821,3.45341523005493,3.48973546665815,4.53676346918908,4.42437651544187,3.91386051184745,4.11722110664032,4.18480851828106,4.4135562263391,4.61905396375679,3.94089200558578,4.32146962778369,4.08419884757279,4.25764660333475,4.36511804981318 +Maoa,2.7143227793914,2.48714043928757,2.98679424683602,2.37192624523308,2.14835983538061,2.20500026567575,2.06867506631241,2.92217258285694,2.85385398669616,2.46811789735755,2.0813968001461,2.18683012468874,2.15488975314752,1.79045255624942,2.4788301157646,2.06493249264482,1.31960609539626,1.5290352312683,1.39390980915221,1.94886196762623,1.94707463527076,2.23763195868106,1.29576356757864,1.41313800266597 +Efhc2,1.2137501670571,1.21213605762382,1.58143006027429,1.34245777281396,1.12390054238623,1.019666568309,1.12604163188947,1.46542907888145,1.6116968691189,1.25156891416758,0.718156285156766,0.89849495170883,2.29550123059434,1.85200846351797,2.3514864445713,1.81568242421426,1.65101358301904,2.33873636238831,1.43979456881941,2.23218194757903,2.25336363205592,2.07913832650134,1.61830696819238,1.63892362660234 +Fundc1,4.42384574180726,4.10200720405161,4.3904317590371,4.05333851707007,3.76759692448479,3.87991377488736,3.75178003653314,4.36736332922025,4.17041821092347,4.13651863709559,3.81718996108011,4.02418355607581,4.73421329106639,4.08095895938933,4.3790729711798,3.91157151934958,3.91471255250252,4.4598854975979,3.85496448794104,4.43007139764986,4.02290140852339,3.96752299103682,3.90178881357105,3.98771654575245 +Nt5c2,4.38212184566068,4.24393597743858,4.48256823611045,4.44295034703257,4.35377367386605,4.36906560135306,4.36604253356758,4.20970118504238,4.44554073315831,4.40001868372973,4.40849331904916,4.36643807419925,4.90795206883931,4.84859279620806,5.07951396367614,4.78443594880714,4.44100680598908,4.6372506135429,4.66500826283266,4.87706521421697,4.9489432039141,4.90010669855748,4.46110204456773,4.57606367421813 +Pdcd11,3.32245358219266,3.21191237562186,3.05346699582813,3.22476884443608,3.42480884959468,3.45266377349741,3.47910471145573,3.05162744497595,3.18214542236983,3.11412103317123,3.55278845209952,3.3026037091238,3.03452310269528,2.88416762861165,2.94183306914789,3.00744542216147,3.56365819762385,3.30014696741756,3.53058763539161,2.71638840449065,2.85459348808196,2.97647527462772,3.55625010118556,3.37318929792634 +Taf5,1.30005365395948,1.31302906201506,1.34936726914857,1.55949152615068,0.962275282464389,1.15955079522735,1.30138659707863,0.830455513621859,1.34516685976763,1.38486159918367,0.963972766959763,1.16671151166145,1.36704065044881,1.0274166974546,0.828199773272777,1.08672436595265,1.0152768024997,1.10668541347324,0.927172454886457,0.714500877588218,1.32818514916628,1.00106564238837,0.941196030846091,1.32860359296889 +Pcgf6,2.44789720673434,2.63871956898701,2.89327973969641,3.06916949970019,2.82374039782984,2.73557815242322,3.03175390383583,2.17358104100107,3.01845937693485,3.34758213133096,2.97602878772123,2.84332318587252,2.34674710093452,2.5986758806493,2.01556618878004,2.80115379384423,2.26935168948106,2.2682840923523,2.61750678046179,1.75876475135847,2.57695993416517,2.44311774574047,2.15379061111377,2.57492312567109 +Gyk,0.732522217333523,0.686815369216585,0.67223504046992,0.0634396775380397,0.482644255783677,0.707319151376996,0.310714710831277,0.365473925781667,0.646774024746733,0.280906752883787,0.507854394649466,0.403395702126189,-1.56372662031187,-1.58681514479072,-1.51735085132607,-1.56888075357778,-2.31423331414689,-1.42869502197665,-1.93857985121532,-1.84223883749899,-1.5340546886098,-1.89354706694696,-1.97171350703928,-1.93016083724359 +Slk,3.92088293277806,4.20684354319698,3.81450934304642,4.03647667385925,4.13063949064457,4.00687776320202,4.07169367979666,3.85363167421132,3.892122167857,3.9423606719306,4.17010214533454,3.99655373118907,3.24023175718167,3.79198747158847,3.32222064813366,3.77750850860068,3.75169850895186,3.12806352909883,3.60692717943834,3.27064047219071,3.40923306182116,3.70786197600649,3.71441959344202,3.70924803140775 +Sfr1,5.51278172814669,5.34772280704449,5.6051596084724,5.5055125142716,5.03901383870559,5.19113315055862,5.23568185439651,5.34321055424211,5.44455010192571,5.49573112572341,5.10126294318203,5.32331625761492,5.2002481791872,4.78402780451518,5.10688101711151,4.94791821478087,4.57674098569974,4.91422409242266,4.58993376718326,5.03884446755936,5.14460658275272,4.87324033098356,4.22030997137391,4.754388919808 +Gsto1,1.29898534411332,1.6209820146852,2.05867864196618,1.71632972326035,1.20534282525499,1.27275467232097,1.02004252962081,1.16625250477163,1.77960152374385,1.70803798393857,1.20377371360517,1.15333064187197,2.09429703363509,1.66985001704077,2.33487382331891,2.25057963062097,1.80389875386611,2.05687965573501,1.51618370002544,2.3537103571195,2.26542620500403,2.24058037167057,1.33478129456137,1.66474775191347 +Gsto2,1.05008394832705,1.27188379590441,1.66399650435745,1.3333883128678,1.03615617730665,0.859669433895631,0.799039068321941,0.785160966648535,1.48979547212733,1.77173352240843,0.71015252645267,1.01362355928709,1.05341895509139,1.2551870163264,1.69260765930522,0.955086812304453,0.786123820632712,1.03537997061075,0.287394572600141,1.78528879507765,1.34537260160079,1.41102810533018,0.492361485548118,0.787640303139937 +Casp7,2.15534049562334,2.18271565346647,2.68134501244826,2.06754224921213,1.91814302958493,1.98699722505979,1.97546433281143,2.14346461533674,2.29820167928805,2.40842327575621,1.7203477660302,1.65548530954133,1.61844937390979,1.53935435411064,1.76754683913148,1.58332073138122,0.902059800531926,1.34028997595688,0.899495857896729,1.74316200945035,1.94807802391523,1.61368750988329,1.01990711135565,0.941276667388888 +Dclre1a,1.76987260322733,2.24255917684454,2.21947795041058,2.37098329670742,2.13058723758436,1.86560643804623,2.11450998470639,2.31665386377551,2.13386289083754,2.16994773194063,2.07802412840079,2.17820719350099,1.44657219903522,1.90597706400457,1.65387945324692,1.86765001620016,1.76376201747975,1.2165518885407,1.83882749173564,1.758664759263,1.90702205174541,2.09853649736859,1.84167263165577,1.75974122242762 +Nhlrc2,3.62533668234259,3.43764769158979,3.61247919591118,3.51346695253563,3.43486130392339,3.39672647630388,3.37252016606945,3.52128292471025,3.47978995651333,3.36170753372675,3.52039018087469,3.43831287993522,3.14332986683007,2.93815886711355,3.03693802881507,2.98989648671156,3.23024182273154,3.19849443597484,2.96716817091461,3.21281243346861,2.91028308034023,3.12488887741704,3.28889181259424,3.23785265058982 +Vwa2,-2.40331687020867,-1.68435780759696,-1.99531576004038,-2.39032005216746,-1.47017444215925,-2.06022882256551,-1.52572550485166,-1.98804637922111,-1.91337596311827,-2.82224303821938,-1.2779794556621,-1.40448314119774,-3.74200828656551,-3.07946421839858,-3.79858408955478,-4.3789764934353,-4.3789764934353,-4.3789764934353,-2.92195361753489,-4.3789764934353,-4.3789764934353,-4.3789764934353,-3.78385506939125,-4.3789764934353 +Ablim1,0.465802536622693,1.09824609009041,0.987634545817143,0.532062032681265,1.0591387016659,0.810718915519961,1.1105103341941,1.02064571932862,0.460315828824957,0.912398364713634,0.61044009081217,0.660238036759305,1.3283922634674,2.02517895499465,1.44697842468694,1.5722281056683,1.91690019202812,1.69042497357419,1.9985141138807,1.4003859276968,1.60222857488258,1.69644969172641,1.88106348969695,1.97712586836624 +Trub1,1.51276597602944,1.69818563519677,1.13619911098292,1.72244405192587,1.75424311371281,1.58559493704055,1.81376561587681,1.15417494968377,1.15450422646291,1.5128466345892,1.84603291794667,1.83050505037117,1.95026395650237,1.90338481413696,1.48808401975235,1.49721425337058,1.88523084169059,2.04445026413062,2.14012069945267,1.69019451934955,1.71247241573783,1.23764197329219,1.83548825534006,1.85293130782817 +Gfra1,4.76451463170493,4.18644306289731,4.70195165656574,4.39331488820815,4.23449951888135,4.69423599025244,4.20743428384747,4.71058033481096,4.56030699203607,4.28254118644387,4.18040104332407,4.35157861010085,-0.866726631168679,0.103334307234391,-0.401379859611591,-0.647410416757143,-0.415611272002153,-0.690907725108006,-1.81784635612724,-0.522720961420886,-0.752285452421355,-0.834812085717582,-1.26331334117071,-1.15357586628237 +Pnliprp2,-1.0337564070048,1.29087174955778,1.1072020475513,0.526935460730769,1.06182001014327,0.571901648287333,0.600254368840967,-0.0827975729376099,-0.252975836056436,2.19709410183681,0.695346033016181,0.397083323231332,-3.00941603023142,1.53957540027485,1.46929719333932,-0.418050591357709,0.356968604543279,1.57579367915272,-1.27510027441538,0.958137410049229,-2.41809301630656,1.5244594570861,0.876762658194185,0.713461914407863 +Hspa12a,-0.292998276705077,0.529024148150349,0.637284541648348,0.0387641917563584,0.246300846392096,0.285357855237518,0.197895220055999,-0.18036893373268,0.270817236879934,-0.114358070254093,-0.284586822597671,0.102997460057505,3.50554826287927,3.80293265916055,3.43201745717789,3.78338487325321,3.47871278217767,3.48160421940698,3.91480202874949,3.44789339020844,3.45112050063279,3.69576674120502,3.48932108412757,3.65671460161979 +3110040N11Rik,3.61821293057885,3.16277692163229,3.42558789286957,3.40826685907469,3.18999540080362,3.26558437763414,3.129949513196,3.31116760876553,3.47827814719843,3.07834967002282,3.2314281342991,3.42130685173415,3.2146861381058,3.02984100276319,3.13260611752975,2.94619341174451,2.91057870122429,3.05260251420991,2.89219650411139,3.32788266954636,3.13877293277286,3.24821222718087,3.22648757136297,2.75166722307939 +Btbd1,4.74030311284348,4.4134521029313,4.7151561737993,4.60620662989984,4.32428325905125,4.41598430332164,4.4042402869773,4.43526215033419,4.74094447792131,4.48287007228094,4.35851921048346,4.51770923200814,3.92475737714599,3.63831603577543,3.69815259251586,3.52069486846816,3.56425137234358,3.76943686912454,3.47052385420114,3.79064071225312,3.54825207171719,3.59815484639662,3.6421531206678,3.64971743906477 +Hdgfrp3,3.02582834517416,3.07057719415353,3.28405037187497,3.08920899241891,2.93665298918136,2.94899767499664,2.8325924050034,3.18710675066715,3.28893815119118,3.08169772605363,2.88161579228816,2.99405901443341,2.92406394159588,2.77441312511241,3.05384652170361,2.69075329365185,2.31652698096162,2.64992473580709,2.11251305640066,3.13567232862585,2.85564187309865,2.8375171041239,2.28903738294041,2.47984959125705 +Gcgr,-3.4284440685526,-0.660278212774149,-3.32232412071541,-3.42328386696836,-0.505065259987645,-1.47715148295749,-1.08007932508284,-3.37588438928249,-2.77389461607595,-2.95445014590458,-1.48472232723056,-1.04532088286431,3.12908086147546,3.97763539285181,2.86039404155475,3.58408278417138,3.96587677597946,3.43095647926075,4.09494292514378,3.12586042680323,3.40296199278878,3.76623131109085,3.88143335061409,3.68329432536212 +P4hb,8.54291044717448,8.1384817005407,8.4340821926783,8.23192666800949,8.1145936792703,8.09304628793477,8.01127431869064,8.5095840385668,8.24263593165329,8.11329362655906,8.2012265255375,8.20069432778666,9.90525238212885,9.28204202054905,9.37875843944144,9.12770010284449,9.14450715027985,9.65803690034527,9.41896926685013,9.78309139482989,9.44541713448767,9.16584743338021,9.20234943923831,9.38765214232074 +Arhgdia,5.75876195510379,5.38802897431481,5.62763079297299,5.47317216441241,5.67075295999462,5.63200144676628,5.5241548638708,5.61791581771884,5.66683071062092,5.53481034269112,5.78034489422331,5.42914447527107,5.83318197707893,5.56688527511242,5.85388724573993,5.56396689828118,5.88816576386499,5.80428719311863,5.92855576178985,5.53286454793008,5.55664813666442,5.70755323756581,5.98762222352102,5.72032598408923 +Ints4,3.34732135359581,3.47605993419266,3.23193647102875,3.22344591304102,3.35928418979939,3.3572184215205,3.45606380553893,3.24034587059412,3.26060735747369,3.34310656596889,3.26454284167915,3.4967962732903,3.68741740958569,3.72345312033838,3.61119711214976,3.6891150229122,3.92838053340134,3.7489889544768,3.85606029112214,3.59588768217121,3.64379523903854,3.6435153593195,3.98980908525086,3.91930156458267 +Alyref,3.56026869155427,3.13223144851371,3.43246166150369,3.40973375744051,3.23754779128521,3.278865203396,3.42484630937826,3.06126237673921,3.55654340613045,3.3065716864063,3.33752970093848,3.3213040736013,3.50963974444154,3.02685582311821,3.30256046737566,3.31560156940427,3.383552216619,3.42116673956255,3.16305639837441,2.85138617970932,3.45147762559376,3.21936641971225,3.49285712522734,3.34274830366705 +Anapc11,2.20718902040719,1.79865130358338,2.21561983922502,1.75874989265235,1.98448252942709,1.60926378825339,2.01710950905721,2.29891988898291,1.98083802741455,2.09102273088927,1.98207599385025,1.8663713953396,2.00408294640171,1.81774537888864,2.05486452482549,1.77550649087711,1.65566878251275,2.05258510247073,1.60338949616527,2.09984196314787,2.01260999117249,1.92274068778587,1.58756831518948,1.79711168232529 +Pcyt2,2.27734987051267,2.74488552729128,1.61687996028125,2.73816165976079,2.96935748606144,2.87250063390771,3.22309724188238,1.73960243617158,2.1643038552103,2.54275898227489,3.15857208660415,2.81302738196871,2.43648173341249,3.2530090097862,2.38178157955099,2.92848193080381,3.60925640822975,2.84430213004487,3.64054104956762,2.45741353946783,2.81390163737851,3.00120594356032,3.64708839957334,3.38572450362111 +Sirt7,2.47244238503679,2.80462705686088,1.82623204764861,3.03240569620918,2.99689403034935,2.7980990584454,3.21650454860635,1.92592429744973,2.47413049997056,2.83215909561228,3.12403164780522,2.86759102874894,2.22490289304833,2.89542136616434,1.72041179647278,2.52061123060019,2.92902281055761,2.43854282293631,3.11053536446435,1.87914657055826,2.47335404479956,2.73687378147486,2.93768605673711,2.80725230668467 +Tollip,4.36287237956495,4.25838576863925,4.55983643881048,4.35225668632237,4.03533852402243,4.25734787161094,4.03180619529619,4.54642106351769,4.4475730249226,4.38162662796558,3.96945236640685,4.11762586314388,5.60673932103463,5.25141154897689,5.26019198863086,5.28076356678238,5.26275059817399,5.57494854353551,5.28458823835619,5.48112413373208,5.23132248121826,5.2531513696804,5.32246455780786,5.50736139086865 +Pycr1,2.14461270237431,2.13115452267337,2.56487692624595,2.49270329269638,2.03446878934707,1.91568878261727,1.98173643734188,2.39260090214446,2.19038781313389,2.1120049484911,1.96656494897358,1.84807784552599,3.05516452205624,3.07197120744872,2.95689778008978,2.81578369690454,2.74748701547877,2.86961228290237,2.97210126161771,3.33299126079562,2.77911785416573,2.81066102731579,2.65225151843658,2.81656549939397 +Myadml2,0.241889465816433,0.989748399549329,1.36480217110168,1.01896124628043,0.948090925657329,0.347252717885588,0.660319307894242,1.74073358681458,1.0367632039967,1.19618063890071,0.414981590937731,0.706261927359863,-0.935593472918032,0.42540179265665,-0.552278807327003,-0.0958287137648031,-0.20216273079131,0.078248684176763,-0.615507120329672,-0.417691004084384,-0.335550953874729,0.538331100263296,-1.75470145210167,-0.936147359929357 +Aspscr1,2.21856848935195,2.50042188542108,1.91111333148173,2.26725554379095,2.49433547538249,2.40241692414386,2.43021042447964,2.10794766353657,2.26407209654806,2.11002215003523,2.30750166883608,2.2278878729389,2.2680703129064,2.54637070254188,2.17771946176716,2.30300358361128,2.39444456697603,2.15085847453338,2.7559944571301,2.03781497904899,2.48500288006416,2.53243062001541,2.50150236483044,2.27395481791088 +Stra13,2.89702200794079,2.95669455577894,3.08238516972965,3.08008066284811,2.57966412855441,2.71752792668155,2.5374803986172,2.80705942069313,2.77991643649784,3.07487941392262,2.7104943130044,2.72813786500453,2.70023866717583,2.44943850394808,2.68812577931706,2.49320022403709,2.86113961853961,2.58968393645062,3.10277230998972,2.34074840711035,2.79799968353641,3.12508475839242,2.90094587140298,2.58353344246906 +Lrrc45,2.08535850895099,3.26328614521854,1.7627603653998,3.01863786314434,3.60612984898215,3.47747350435177,3.7938153965677,1.94479069489729,2.27696722594549,3.28627815393895,3.66456446899189,3.34192810551091,1.87469376747778,2.88755169491737,1.29807911198019,2.73737015550984,3.33774604208543,2.47549166116487,3.5586735717833,1.61103806586339,2.21406552011595,2.54881437110832,3.39222265028038,3.31600092505547 +Mob2,3.89359196801599,3.63795028766606,3.8092136218223,3.84407504614191,3.65115525482584,3.81373910065784,3.81906287342268,3.79455020635457,3.9766557840446,3.71266436976621,3.77834741677883,3.85773458098416,4.04041477101614,3.97222829216709,4.12732365253021,4.21794577696507,3.76165582602226,3.98847364254823,3.73066229888054,4.31701939262051,4.07542715048811,4.1249509959182,3.85448132941496,3.79947625794947 +Maged1,8.36775288530852,8.26433525039342,8.17448576914021,8.26966343003039,8.26253838293841,8.29718511607314,8.28217768164835,8.17738696189406,8.27936112387932,8.27963239983878,8.35983604082345,8.35269609917053,8.48601505796429,8.56483141290137,8.52325429763411,8.60825525993511,8.67698967420164,8.59490393661387,8.64167819270398,8.42003410702476,8.57601376730615,8.69749772444333,8.79305640532594,8.68880910660594 +Fasn,5.06609195955736,4.53442085771347,4.90316158647361,4.63457877854527,4.87737517002138,4.95118665236235,4.79648161831362,4.84039365499932,4.79997455780265,4.44964840694347,4.80738244069945,4.71628882376601,4.97202977103123,4.69929379482687,4.8276992753173,4.76070739088693,4.99906398522003,5.11344108402069,5.13922699928885,4.71302553687252,4.02824301684124,4.69636573846608,4.96644426009233,4.89293961161118 +Arhgap19,0.0079876994147496,-0.326013083182748,0.233689245452159,0.0017854612935619,-0.821117316921737,-0.142027424050547,-0.655091858060814,0.126221218991914,0.0702056294020674,0.142596802335441,-1.17457745268244,-0.596905922546446,-1.78570418530817,-1.29784832348945,-1.64784538626151,-1.5265141935086,-1.84112004316081,-2.44995612593197,-1.8356840710278,-1.48308457854907,-0.847502395400904,-1.21936339351906,-1.79002275609,-1.68556535051457 +Dus1l,2.60495914113584,2.58030071062365,2.38203163288277,2.70228398965326,2.99960770052005,2.7359055802633,2.82383823587687,1.80553113330604,2.38583151236994,2.68640800359821,2.75933247091851,2.7198102456746,2.96042653341571,2.75744163050695,2.7648229763546,2.8434657245745,3.31846717364758,2.78983331821984,3.43795524598962,2.43785518440133,2.85077264959496,2.92144912773485,3.40619777803041,3.23072357423413 +Gps1,3.56332335169264,3.14144934707436,3.13168968381272,3.43527417003522,3.29440968457119,3.2789973886742,3.30150664184532,3.16388840196601,3.33659143668933,3.10422055805531,3.40820435434181,3.32942236614885,3.68074668305685,3.36111190055226,3.24402331414778,3.62050505101045,3.51076470695678,3.631790568376,3.73982401976761,3.51737941318278,3.50259275039652,3.36298461118916,3.62693446320053,3.51930210041506 +Zdhhc16,1.62613252100627,1.90422191162499,1.29670542268746,2.00817968554037,1.95622037230149,1.92802062657407,2.08784426685715,1.32963431193299,1.53347018165296,1.61627828139915,1.88827481788622,1.8313281657897,1.19898356956126,1.57749558750466,1.37300898631873,1.63032817778359,1.7829656412161,1.4894768701149,2.03681503385683,1.28394951760262,1.36563406680477,1.71031778869695,1.93486892340616,1.70542697900595 +Rfng,2.29099118120436,1.97448906709904,1.79032106732421,2.36493816446484,2.60331736271813,2.58588454803408,2.65745255695746,2.33814376428851,2.14362360381373,2.23536218975581,2.72947723531746,2.27310859122289,2.14334946842514,2.46590116278574,2.22836061167905,2.54248799772062,2.64341670642618,2.51873744915867,2.94010522200745,2.13545094435421,2.37515577379613,2.52084318462755,2.99684423392503,2.84617010129523 +Mms19,1.91833372336795,2.40699893879844,2.25744391031722,2.29072938377987,2.48648685751047,2.31720313347023,2.52928162875282,2.12341670570581,2.30984913853575,2.25724075903369,2.35346753906805,2.15505703267645,1.83302614036505,2.19278587719968,1.81562993937676,2.07615894768352,2.35018898259858,2.25796228181122,2.50384398160511,1.94667009629869,1.92146548790663,1.99429777344697,2.37779296213497,2.20732129810541 +Csnk1d,4.80474414585339,4.83540448784246,4.73459545424897,4.74906270711987,4.85141122899991,4.94660042056037,4.73041247349567,4.72012669918026,4.78026199055367,4.78943287762401,4.79814652127633,4.77610267200632,4.54558186175074,4.56515387620315,4.48642139162435,4.59934544893525,4.80425817968915,4.7590452085121,4.81516547404828,4.60726558408655,4.41010782068653,4.72542922915358,4.83440568102252,4.72201348158956 +1110031I02Rik,3.44666281454755,3.42633489373065,3.6241472841162,3.51818066308288,3.40028399205155,3.29535104587519,3.3768030249734,3.67733716045134,3.53398499760184,3.70324028236082,3.41990264358347,3.46449421942561,3.17183263844343,3.06071454562068,3.28571628198781,3.41021058367748,3.05736032564601,3.16555052258105,2.92849639247828,3.41540516271878,3.14017143478911,3.37885259285844,3.11532447931715,2.92256354577775 +Rab40b,2.94308171728233,2.14704418721926,2.54116951383219,2.29444373671372,2.17414660213817,2.25829031810239,2.36891139370174,2.10508572632816,2.71220419133938,2.31901151820493,2.18516332802342,2.28791230682201,2.22318976893879,2.26844552132799,2.3742193286053,2.01970434115611,1.33315352405984,1.82666481482755,1.51588379188386,2.02913771375265,1.73873553878176,1.82123152663629,1.27658143126287,1.96857366418915 +Ubtd1,1.42791804169648,1.32817686723351,1.88328957417656,1.79839862580527,1.75987482123465,1.57867075402148,1.83423890527712,1.82929137360571,1.45828633373096,1.89366509961983,1.22871326887331,1.51936080041436,1.84540144257145,1.94575669169544,1.68710232561239,2.04655893546953,1.13013711588616,1.51079943124572,1.76120989775144,1.74738376941206,2.15486440950223,2.25474938001441,1.86443864097242,1.5632373620444 +Wdr45l,3.66033934327667,3.47181451307285,3.74943605033791,3.57411402549478,3.35586093763028,3.40206414226053,3.37370152701069,3.61532966865734,3.62931490702591,3.4065379531743,3.40842835404106,3.38409780386879,4.05865763802052,3.70840432618018,3.83181453966709,3.72862457114945,3.62734521107837,3.88608971077243,3.59743389868236,3.96896895111889,3.79429141955832,3.74023332584511,3.59802069004943,3.81501344454639 +Fn3k,0.96602238218453,2.35309017613359,1.94359106549384,1.81352990976425,0.842141613879281,0.889849153454311,1.3968841330582,1.71296199348042,1.51802547374272,1.86875904007001,0.969059728776449,1.06180286669205,2.07672325193994,2.73556726482182,1.66775929067708,2.52862536380289,1.74922193268814,1.61962003854203,2.12702149546206,2.71091528242305,2.06710416523635,2.13819999949067,1.84418438235215,2.39810531446055 +Hoga1,-2.39506257831153,-1.15536568367322,-0.229545017274892,-1.17088732803348,-1.29940295861817,-1.51112941586292,-1.27437675968099,-1.69304374395609,-1.20983455877397,-0.248061769919988,-1.54129628741833,-1.9883202603668,-1.37924126014087,-2.23627963017461,-1.63469501068967,-1.22421795410158,-2.22966874744743,-1.51284146393327,-2.2413978012657,-1.60671371279572,-2.02348219827448,-1.52605561747919,-2.01468618252584,-2.29226963663038 +Pi4k2a,3.46132073328923,3.41202164563794,3.39620708377768,3.29461211492317,3.60804429223189,3.65631956479154,3.70164416943295,3.30167199568175,3.44288752855269,3.38173589320507,3.6089080250645,3.33701478802877,3.94796228418272,3.83342556824804,3.68148665871545,3.81676638115066,4.24961804557134,3.95797517975066,4.32101652760276,3.47957566138139,3.67330001084714,3.72167585137079,4.34441600725781,3.98669363576619 +D19Ertd386e,2.45123671790548,2.33180617395732,2.50001398474869,2.24679468155898,2.31601969951033,2.36103309454076,2.34597705900799,2.35328034021817,2.14308991283612,2.44405030858859,2.21807818223546,2.46123088493916,2.0784492051765,2.09938315330336,2.07697923814572,2.06274134798983,1.88583218504483,2.01582976223999,1.91935667813099,2.24437516867278,2.17607710455112,2.08606119784564,1.9347423507694,2.1876096883796 +Hps1,1.98739617924929,2.24059677379298,2.21201293747828,2.30964491904387,2.12269789213117,2.39731206302976,2.2450267765853,2.34202847718211,2.18922178904722,2.09350567103822,2.43261819901297,2.27330975673921,1.89626457657142,2.36803100752535,2.08202926581568,2.12474255262045,2.184223600815,1.98928718003107,2.58121000109232,2.14993982042492,2.0785426951079,2.32530633109216,2.26141365233067,2.17152317417201 +Cnnm1,-4.6945483067286,-2.98051780243241,-4.6945483067286,-4.69454830672859,-2.96120272357787,-4.6945483067286,-3.82257125944645,-3.73602251626862,-4.19759162573187,-4.6945483067286,-3.46947862134378,-3.7574747411538,0.719226343477985,1.04994747457142,1.25770312461118,0.98540695964983,1.38570617627127,1.28025671063547,1.78820686892645,0.981497015165156,1.11852548332543,1.2499439032627,1.46457144810918,1.16680736982278 +Got1,3.42044255330405,3.0518290090624,3.57515470674762,3.1461518842905,3.06091150722007,3.23875160290391,3.05044241663175,3.42019159040256,3.44043249792408,3.18286660241259,3.09626994076392,2.98058303259142,4.18246049923388,3.61894824860019,3.97412852055316,3.60459928270866,3.96621790895337,4.14633463532176,3.80626233880366,4.05401674428319,3.63062106104892,3.56284602077693,3.90939991047382,3.64285600797566 +Entpd7,2.0088328523403,1.55744732898156,1.84551368737087,1.66483558021242,2.55514605239377,2.34716471781617,2.09302857069706,2.2518910407309,1.78296849574991,1.71773304644269,2.06172066650049,1.78129051797364,2.77456051552776,1.91704529894682,2.41510553498912,2.28234419512319,3.18576597391867,3.01300744604682,3.09988304627295,1.75899467140028,2.36080338835272,2.14655884317801,3.14504197613726,2.69267893197199 +Cutc,2.05337944930019,2.06847782448863,2.39520441011483,2.22149958185658,1.4234375487082,1.71181947041128,1.87133871921302,1.93206997078314,1.81290431985425,2.17684673965839,1.92525760897402,1.70755339031652,2.38574811457782,2.60174275654966,2.30711686442254,3.03908641355946,2.35066768049831,2.18878072137541,2.14936519334318,2.79073180909258,2.87723001831844,2.87761113088482,2.58650042325733,2.1583020146818 +Abcc2,-2.10371183060391,-3.16918490784868,-3.84432408188729,-4.37316896544674,-2.50888153177392,-3.30090277764071,-4.01123836486273,-3.92468962168489,-4.88321541214487,-3.90433524438297,-3.96347240577605,-4.88321541214487,-1.57856933085918,-2.00881612286183,-1.9882373145213,-2.0186111939433,-1.05192725317368,-2.07074045787924,-1.22373804099789,-1.48062476457335,-1.9598454520947,-2.31626437382098,-1.15481668639608,-2.17234443136058 +Dnmbp,2.03291347211996,2.37325382084394,2.22248989263237,2.31284047758996,2.40569680362836,2.58735065535806,2.62651145978078,2.40618921397533,2.21494724390484,2.40687650440697,2.5306891695299,2.20896286691609,2.19711817675242,2.1405918836925,1.94284803383505,2.09728625276731,2.58135260233869,2.23155761889602,2.65072073464797,1.93273399889775,2.01813246302241,2.10574717107684,2.64453310603584,2.41101886329914 +Cpn1,5.19985230462228,5.20189176092295,5.36671426906474,5.21983001216534,4.96182439153946,5.20195980702482,5.09493648467266,5.4198680425892,5.30542912136736,5.21708227711499,5.14820348523608,5.19706002827248,4.15628878998054,4.23793485777381,4.38046713479969,4.39958280650023,4.12589017134775,4.17917364382351,4.29564999249048,4.09943148872132,4.42035982725403,4.61985206686727,4.26773079858549,4.16013647724637 +Erlin1,1.99418576682849,1.6483405319205,1.7347078466317,1.89363495569378,2.04438802415801,2.01052075355982,1.63239451583982,1.66264806690107,1.5171078266981,1.80943605845344,1.62413492084966,1.66019578442057,2.01628733984269,1.96320095208606,2.04225506382221,1.8532241022626,1.92891761035515,2.1306532690632,1.77267513682027,2.12017966899935,1.87813362735411,1.99302949668871,1.81731408670701,1.77058828631766 +Chuk,3.70817606146085,3.65560037319946,3.56057298613556,3.76565953923263,3.85089005787581,3.65849686594774,3.88031354715151,3.38282355006407,3.71099175480425,3.53476124820055,3.80995151247402,3.7408320808654,4.02895153274231,4.12928088159622,3.85359557451721,4.12439602833052,4.24470878992225,4.0431769262012,4.03142786565808,3.96099279549814,4.16248027112731,4.18605767956514,4.20614583821666,4.15722088744822 +Cwf19l1,2.06869393332,2.02189525520581,1.74955956065888,2.13042032678961,1.97976678860005,1.7946522171541,1.7453782855099,1.85996162605335,1.62553630528068,1.76746672025988,1.94648629863184,1.86426131886351,1.33364641689417,1.61325556864946,1.61240983924037,1.55818478591209,1.78111827725468,1.5588469489658,1.65842546605038,1.6399625908711,1.46236127566863,1.81999598613838,1.96296541295387,1.65868066706544 +Bloc1s2b,2.12019871832209,1.3619971479351,2.12167042424405,1.7861639779207,1.3873103468529,1.22822183850057,1.39926281765028,2.11709988008632,1.66319730452968,2.2583417436944,1.21296518074001,0.972809657972421,0.776976868036975,1.2648327298557,1.73355950795491,1.03616685983655,1.27287546648107,1.12689605350569,1.43097524022927,1.58271764811251,1.44188872234139,1.21225344988926,0.866017951124853,1.22219474921043 +Scd2,5.06548849307393,4.47928879780454,4.33425042162442,3.83260153013633,4.87892841510614,5.02834463351513,4.7030714205926,4.52111792640582,4.19893243221158,3.76748094335686,4.50429974639578,4.75210327002591,6.60340406354824,5.93823087009381,5.81124311672626,5.71872730095046,6.24334696261262,6.55750740489524,6.38122766375952,6.13804864310368,5.70687844348392,5.64209656292486,6.05744294680655,6.22507578414058 +Ndufb8,4.39259855560745,3.60818706138903,4.23400055964166,3.97961360132574,3.61557998136924,3.69191929335702,3.8287505046427,4.00711749364581,4.12607245503494,4.05119796258032,3.68785577862992,3.91754737239888,5.23486728534662,4.77255755696592,5.26825470453979,4.91754734435779,4.56563355028414,5.07051585443172,4.51592084933001,5.16079051651546,5.02917184176082,5.05358200846934,4.59268555324854,4.6183120008785 +Sema4g,-0.428812053432566,0.992388867424194,-0.325175622796863,0.497785947479907,1.12158510834011,1.1703478301542,1.30867702945781,-1.02300900381325,0.147459855576975,0.867029012734544,1.06218638126974,0.229553186937856,-1.70844995913327,-1.15661379788349,-1.85035111706336,-1.17950974825514,-0.585448486665701,-1.95056143770422,-0.228872865005618,-2.34063678504605,-2.17093096902424,-1.34345902945596,-0.759746295239568,-1.18847485660949 +Mrpl43,4.16244875885927,3.99042560668991,4.44181399020449,4.09032102069773,3.79562581373038,3.87177633036301,3.78782265712009,4.37449815759716,4.16248464425186,3.9903048431792,3.67246581634741,3.86926353479064,4.31033539614852,4.21151833795918,4.55580238629173,4.46171134265023,3.87852407083153,4.07516475244634,4.0920962492034,4.32478050796138,4.50299363740758,4.3609042287994,3.58953906150115,3.67778007325492 +Peo1,2.13880303755628,2.76010106010285,2.61267156000725,2.54326429172715,2.24046679764403,2.46887712394361,2.31188910172307,2.57932500897669,2.69597695765112,2.65198892025841,2.60311775633647,2.55412625103192,2.14476750870424,2.31474916006724,2.2234781315495,2.39068176766974,2.37004826668702,1.96572639755445,2.55239727397837,1.82531339125389,1.91018573182813,2.13674883203665,2.48085796506215,2.59188243648368 +Sfxn3,1.28088743586108,1.62684856465426,1.16689807825565,1.04894869485813,2.07545821035814,2.09957772091257,1.28389843204571,1.60237220847296,1.27081467619392,0.98310588640418,1.85018600758417,1.48339873427226,1.28259153290753,1.58791316209055,1.30460774436846,1.17028333743059,2.34552818155335,1.64162427761959,2.30791967639589,1.32457648523136,1.41052475894343,1.52465298073823,2.00672655424103,1.83169656339972 +Kazald1,1.28929837925716,1.22257811809143,1.94093592241662,1.61423409613863,0.378544038743691,1.13342988134781,1.15708405816671,1.13134894670889,1.70389207972281,1.70618542685762,0.642541895362145,0.897502521087017,0.937297916891311,1.06322244953931,1.12417015703489,0.582855022791285,0.862389484338103,0.255408153750641,0.951798007791406,1.00479253049344,1.03647158029304,1.11670316551971,0.50199863002781,0.193118642022173 +Btrc,3.82045564120794,4.31614429891869,4.05484806777133,4.18870743111036,4.13710545689813,4.18102387019802,4.15595623433551,4.20915201411883,4.15516497865345,4.22365520390198,4.27978855924717,4.23727163433577,3.41443112425188,3.75512880874637,3.57718317166422,3.71156002974776,3.60368404986805,3.55620108564517,3.70173407993115,3.37969202406397,3.63389474933771,3.62010560920759,3.59007539145823,3.64695684426625 +Poll,2.38994734278087,2.70058780779668,2.72656240194583,2.39738049774515,2.18948917284191,2.47334476974497,2.53204735547684,2.61504541923243,2.67475282441966,2.73750422286988,2.44895693539399,2.50452754481408,3.09469462961956,3.10588331518839,2.97822620065767,2.78050454175172,2.93275956961793,3.06780712284149,3.23093796891283,2.93164300908611,2.8586088629117,2.9779953083269,3.08129779998172,3.07803237131843 +Mgea5,4.31463443414854,4.89683465592613,4.55894867161339,4.5254720692045,4.59000552297423,4.40832972970087,4.52590502136539,4.85824454419406,4.53630309671222,4.57609034904738,4.63001869626246,4.65038735444236,4.35846583681883,5.20835859435523,4.71788211346657,4.76980050187183,4.79411347928522,4.51191841566738,4.74343135352833,5.0810258065399,4.90978816310147,4.90617182311624,4.7502911123072,4.81490548442635 +Kcnip2,-2.73873609404486,-2.25699187326792,-1.09145202813759,-1.76900771673307,-1.78450505220229,-1.99200591529764,-2.74722914134938,-2.22150609730213,-1.80485664561539,-2.19063576512554,-3.23909592620442,-2.0880230742043,0.509197528248452,1.47677670846436,2.31941375611815,1.85153675106368,0.900786053121946,0.0947465083295558,0.859858576148197,1.33084905455229,2.16370091753875,2.44909701649558,1.17444805339335,0.443932980435348 +Ldb1,3.82877842362568,4.34834025826849,3.81932335618208,4.37584037975615,4.63104192615653,4.3765376303618,4.34173219809925,3.95432286771901,4.08802153475322,4.21851437753305,4.60550621962185,4.40033368191008,3.6685518343185,4.4163847028067,4.01733274281929,4.55033752100732,4.34623591845453,3.8942050432702,4.542953727285,3.83582102707614,4.1606569671245,4.54070192323864,4.32145812557277,4.16351184764779 +Gbf1,4.10911383054279,3.98734146176166,3.79889917521327,3.77490441243927,4.50017610807423,4.41717855164328,4.12285532925206,4.25254108221375,3.8995599052415,3.78981043760806,4.40280824832181,4.06023249990838,4.46231981133935,4.31817866449904,4.31808848312098,4.09789864703921,5.01571111491382,4.75430243939454,4.91529754890873,4.16561770246629,3.94171327734739,4.04607825588541,4.96797302651048,4.79933998992342 +Nfkb2,0.782586300582353,0.792854570562445,0.351602641388608,0.713694038071352,1.35772271859254,1.08699912610073,0.945367553777148,0.455007535169726,0.756492501350199,1.08900681753431,1.08199552076433,1.20477239458781,1.02122267839976,0.90692264723613,0.608157337505909,0.96730623944694,1.68718815235628,1.23881958718004,1.65869102866706,1.21740281134723,0.398511645725353,0.681451613809601,2.1602533785637,1.69724232329455 +Fbxl15,2.48404124515594,2.28917255882915,2.54096577873154,2.43540202408971,2.25073209714351,2.58096750016804,2.4317206904803,2.11151392488881,2.53259496854121,2.61283543051469,2.42308496702258,2.32441652942176,2.77504878328837,2.69713243484539,2.95750333456037,2.85008641959192,2.75644443560497,2.96295056766342,2.72598951617937,2.76771463238007,3.25829735261399,3.21817008939742,2.69782551834992,2.46540229025627 +Tmem180,1.06215841435673,1.02321124262848,0.76071007565519,0.308832153168602,1.24490317143324,1.37905718563335,0.691257953783569,1.1110961533094,0.878637849020772,0.860001490928954,1.40520543689125,1.06789710067878,2.27915222912959,2.0935522007897,2.13805626584715,1.87399757459388,2.36347927624239,2.53938590576555,2.88899711883166,2.42216334111689,1.56946329433839,1.90445715395845,2.54874702064159,2.40043781793529 +Actr1a,5.24853064224695,4.79273873429775,5.06731033898316,4.84572108245354,4.78799397124943,4.81057105055072,4.84470161563746,4.93384540772728,4.99603757035044,4.7519423848059,4.80641614327715,4.88624015880733,5.05483053803687,4.7843364090163,4.77326849735001,4.8407268947414,4.81652035296392,4.88818032963012,4.80863617180438,4.9302902256368,4.87826949183532,4.91999325117323,4.90878126395739,4.78810561393082 +Sufu,-0.0133824208193349,0.494080603211321,0.0670159656129794,-0.0136746134825154,1.19856977338492,0.883092281765989,0.644579316391005,0.580150677920351,0.267060059256345,0.415651962402197,0.869592309929762,0.574191751297189,-0.766299687021653,0.145848065246997,-0.885028747999373,-0.674316288919651,0.647322879337758,-0.0992725078739287,0.611486347572096,-0.566859362729267,-0.929954701738724,-0.505746293114797,0.442104062019609,0.198039874311009 +Hexa,6.55082443060324,6.47519995306959,6.89292160926546,6.4865497790871,6.10348093747937,6.25998401419118,6.25667772724769,6.82648940452868,6.58184343585594,6.57188741880056,6.16029972414103,6.4586767559304,7.2590672364126,7.17812457541528,7.36319879393903,6.99501485616569,6.68301434503127,7.10023099696414,6.87965076465936,7.66184153851005,7.08931377042465,7.04028118749103,6.74119189277324,6.94574091010913 +Arih1,3.87513801459699,3.74774242036549,3.817190622525,3.69655301166112,3.93621087001006,3.95861703074683,3.80053350767277,3.83611240418291,3.70292791818045,3.63244087123514,3.8747311726594,3.88487843376741,4.1053541859008,3.78053250851195,3.71652773855785,3.8405161748229,3.90392036460485,3.96865013689443,3.80875897022507,3.92359684728558,3.80252057989256,3.72152455534866,3.89962072416968,3.84977618183602 +Bbs4,3.43594547626795,3.50091810317673,3.55869927717094,3.49120805083579,3.38341320071218,3.26022377607813,3.39221228273117,3.46640329996784,3.4759423773116,3.67658750062789,3.52929710475123,3.52666392263311,3.37289890923746,3.21537707059992,2.83360702980838,3.36094379637498,2.93664465210963,2.95414964761546,3.05595388407459,2.89719459377401,3.2362803037529,3.23116127653483,3.11052126786579,3.29920211774945 +Adpgk,1.81231195346412,1.50895265467141,1.21552243626695,2.15570112596968,2.16188482875237,2.03061777622259,2.19904857039249,0.680192790496229,1.62850449566489,1.04801081090643,2.11419356356676,1.85190137608601,3.09064985189805,2.38454481948249,2.35395813007042,2.90773142508557,3.09355300922965,2.93176525267666,2.87207380506696,2.14650613286321,2.66572166778295,2.45229780708103,3.18425665689571,3.00591573032871 +Parp6,4.86266931179113,5.15876672739161,5.05611994655554,4.89926700944507,4.99907200631373,5.13377912658391,5.01499759085686,5.10710079473668,5.03440160787727,5.03834953364239,5.10739163068132,5.04699224989618,4.7407698030083,4.84895541420848,4.9772359314391,4.89101673956154,4.80436250562327,4.7887454264072,4.90203724571726,4.89114308944622,5.05947567955666,4.96936698896205,4.85040888266005,4.77174367808838 +Limd1,4.351975543348,4.56185942533399,4.74702213985833,4.75577660604176,4.36752403945787,4.47327640530292,4.39776745583204,4.57950198570587,4.59997408122821,4.67376548545635,4.34062638622001,4.37196873124026,4.27946788291559,4.65432229456,4.75867922505279,4.87115467244144,4.43161266514736,4.58228616745668,4.34225277721139,4.81438673884667,4.54351668879379,4.71975477792902,4.49177433127742,4.46026410286078 +Sacm1l,5.35185914155036,5.11493073532719,5.28227990202514,5.17171135647897,4.84472106771352,5.0263263705739,4.8764717556909,5.22936605647836,5.17467233529432,5.18076604028626,4.91937618315116,5.15580780147324,5.96606132335241,5.76044695510595,6.05422100802568,5.93992968768764,5.58785291163761,5.79299739252564,5.38915382236193,6.0758580658004,6.06854318569761,5.93355455592744,5.51687996366249,5.6891286699083 +Fyco1,1.95568422475511,2.19749888241617,1.9737640671419,1.78094437777194,2.74680902817922,2.84921234112849,2.45910864025323,2.17950379591447,1.77116585739651,1.85884911819293,2.58527820521511,2.32992980354949,2.47671455211057,2.76203238201756,2.25841686558569,2.44969242691013,3.22585448251134,2.69323862226353,3.25439645291244,2.19868917192923,2.43278882084583,2.552476761999,3.24116964980078,3.02201280819997 +Lztfl1,2.0945324828304,2.37175202901973,2.20063073532242,2.53888618630828,2.41642183663305,2.27160366602716,2.17097446858052,2.3312939127464,2.44712305204555,2.36491227824153,2.24793648786719,2.21198408996092,2.3789542697032,2.41634640136002,2.37246695771193,2.61830816640714,2.39955617261705,2.34189016677008,2.21164163727862,2.50864055058334,2.65611572721101,2.52800452345163,2.41898359670714,2.40746655773308 +Tbl1x,4.63353866701389,4.59656700203942,4.57048563511189,4.32478191605265,4.63300446493608,4.70717346981184,4.434746163898,4.72733028614689,4.60981221978618,4.27057364611227,4.50622995077462,4.44329044075724,4.85948158314116,4.97868860243215,5.16470192857004,4.89786348120556,4.55459577618411,4.66849229399851,4.56234866595338,5.13779783193969,5.16816250980619,4.9413890320214,4.48736055311957,4.55361930464531 +Zfhx4,-0.667051696688687,-0.467067919262594,-0.654547543178137,-0.976722094347388,0.331529164607772,0.214339021725312,-0.173097356724148,0.482194780134139,-0.777785086427028,-1.15264474441233,0.1638013938776,-0.356672926380514,-2.6354574422726,-2.63900726563006,-2.08679807985234,-3.62471094633893,-1.86302346873743,-2.28158780571556,-1.56406382841142,-2.02644181085436,-2.3871786979285,-2.91938333135477,-2.24319019190592,-2.3611983335479 +Ribc1,0.172810759479544,0.412274071402349,0.664597067642661,0.377900075218265,-0.0820819959318243,0.175506716588191,0.160748734684934,0.181962881994966,0.556574441493197,-0.21992611538742,0.183203443201642,0.645219289003855,0.538449453311646,0.0634926150266932,0.0844497763706953,0.702701550578417,0.153567168027563,0.588578459668809,0.0058028936816264,-0.68559584858875,0.485828805438412,0.311581907001334,0.0356320604119085,0.605375593118872 +Hsd17b10,4.18421454615348,3.48031469592406,4.32146298140358,3.89733165752257,3.58511589619517,3.8052591881991,3.57429207880048,3.96027017855413,3.7380964240426,4.12699577054202,3.54201020838702,3.81436861244237,3.91127243638203,3.42493312691105,3.6916471487921,3.60973432437143,3.36330581175536,3.43628976458643,3.54396262406227,3.63158068432964,3.83568484878651,3.47935137481058,3.15002794984829,3.46526297302329 +Huwe1,4.14477739177165,4.37924198742771,4.02155539646884,3.95296973479113,4.898014004564,4.81766795247216,4.51522134916004,4.44859641812028,4.14279369827704,4.07908947620104,4.6934626917123,4.5067682130089,4.18530822557524,4.42467029858107,4.37090843118348,4.24631997676157,4.98670518387119,4.59178510723863,4.78890926393027,4.0680607504269,4.08864792089302,4.27986227126646,4.92798293380365,4.69601375080579 +Fam120c,3.88765658621551,3.73311369900662,3.91424015342576,3.45241825388311,4.00029098936249,3.89261408951581,3.57410265237743,4.29028668293018,3.73151748246235,3.56837783944323,3.9003161993188,3.70329979775543,3.82175315968173,3.8406699280421,3.83995883434971,3.47077264027086,3.99077303959573,4.13768857600777,4.00045583833279,4.12608577580509,3.63492500861805,3.4674555651325,4.13014478614954,3.98863147772946 +Tsr2,3.98398682009093,3.75866710019141,4.09555759818481,3.92510429119712,3.50730393708546,3.6433702615423,3.4739653689288,3.90059224501143,3.88082287089124,3.97661451686688,3.70340968983059,3.6987985449695,3.89427931359308,3.32078531868684,3.68283519555463,3.5583304584531,3.32600389380206,3.73951355421364,3.27234520793836,3.75218007974184,3.68961685540553,3.62577873127,3.60501494664469,3.53577698996635 +Fgd1,1.56577995413158,1.48817202854072,1.27002245453009,1.62090642255564,1.68209736889013,1.78187987940706,1.59024002113191,1.70897128655427,1.5261803136163,1.45424002669882,1.8684645159768,1.54239918563945,0.766956885693967,1.13735839018324,0.90979828447296,0.819358849720353,1.17583725870801,0.99177542573687,1.66367604988508,0.457518574832228,0.856017481026541,1.01657554417541,1.40068438753854,0.7362786326148 +Gnl3l,4.8362342374184,4.69243778704766,4.87284552912353,4.69618269539212,4.39654732232476,4.55519155417068,4.47274647480826,4.9576438609929,4.84873501791377,4.81259443452641,4.4585855119498,4.55122453290739,5.40826896532268,5.12545032329322,5.36993017289436,5.26888790044334,5.08553497606595,5.33835858856343,4.8944448784245,5.35291933906996,5.25808709123916,5.37216173889226,5.10097308676025,5.13976404464311 +Maged2,5.86783428340534,5.62522549042708,5.69511822198846,5.65124844035389,5.2663829756566,5.28616670723535,5.51600139952638,5.3795472125867,5.62156756006951,5.78859574698571,5.37225447534661,5.3594177049111,5.05715032040144,4.9789208278306,4.86775201057335,4.9842419712314,4.59321319851395,4.8747822508388,5.01370127135071,4.79157506786438,5.16112113501194,5.15784093910569,4.70848535960901,4.80811252059585 +Apex2,0.311259119256745,0.208554327852448,-0.206530482926838,0.183441162562013,1.08091709264961,1.37977904557145,0.884528208463662,0.680846580129998,0.110842629930474,-0.218676233154842,0.934223925752163,0.309581085972842,-0.11859170246228,0.0248897685408358,-0.204960641614925,0.189533214578693,1.12797754286708,0.537801906592531,0.973066166371784,-0.193281836497153,-0.0340064617468743,-0.169630557428784,1.05465177881221,0.770287698201107 +Pfkfb1,-1.69102760135105,-1.79048292840005,-1.73047805288807,-1.58530538606915,-1.56309997530082,-2.06094126457549,-1.29706758196135,-1.75015113924505,-1.45754143090881,-2.82295548022936,-1.71278021296938,-1.40519558320772,-1.7958039967433,-1.60446426664291,-2.58214486662656,-2.32947279036924,-3.07490620837905,-2.27995549157532,-1.73901313623562,-2.07440073682615,-2.36541701317429,-2.39588909889298,-2.55065181639128,-2.46375356218144 +Tro,1.4671684116335,1.39524160948923,1.41731362830554,1.37540349174866,0.981021906910984,1.30670842222258,1.01399503424719,0.907638876513713,1.07019901596174,1.22126285472121,0.884622087475127,1.12807955515984,0.276250749101012,0.0747170299510098,0.44449831449341,0.136528712987917,0.235290437178838,-0.100947173523177,-0.289665739381781,-0.70707263091247,0.390005092327817,0.692711521953357,0.0863821509041207,-0.0168582993289212 +Abhd6,1.23778817232113,1.57092223956551,1.12663274386319,0.917236658705135,1.95077404045524,1.8476139906032,1.51671377533314,1.25583421308073,1.18850416858635,1.39533898525623,1.57849739464889,1.18708719436746,2.88779111075976,2.7213333297134,2.65555638465666,2.94229417599564,3.04807744479159,3.00825061684524,2.92527687494247,2.55656357659488,3.01595327427638,3.13019523933818,3.01069641540689,2.79627832297695 +Flnb,5.48877834025641,5.25333361865319,5.28349339758168,5.17495494571501,5.1825432263606,5.39052924426588,5.1555312319683,5.36541546093521,5.30916214644313,5.10281076072054,5.10215923379712,5.2610739842142,6.67854420578827,6.62903870645814,6.87399022631659,6.74442999979718,6.56327072887478,6.57341125686478,6.7231689316054,6.56352457858847,6.80039188917586,6.88679809293055,6.64489988420065,6.62487951160706 +Polr3a,3.24735309713026,3.40077468289653,3.16350925914969,3.34943790752718,3.32088674716828,3.258945764698,3.36279203171523,3.22216194330768,3.25700391857472,3.12369010072233,3.33136616580865,3.24586843572101,3.26161758256243,3.24104223133867,3.27704409049531,3.33169378711194,3.33095078456236,3.22152546139609,3.19854914444555,3.00409113378378,3.09183903051358,3.18402929401821,3.33307835657728,3.32187470884883 +Sat1,2.78442907906344,3.05208732529403,2.18468153393356,2.86782853384365,2.81111421948687,2.44809800586011,2.85467319719649,2.22322560938422,3.2219682657018,3.20120338890309,2.48714895058306,2.71164288376066,2.52484949959661,3.11236012511887,2.40097675041712,2.83243712664428,2.38624023206435,2.36233589181611,2.22718472938315,2.51610958128817,2.99280578747199,2.97806172990864,2.68036712016372,2.766028502617 +Acot9,0.79558784295313,0.81958215846245,1.2002439564004,0.276413396926118,0.112191416059132,0.45026369924076,0.721806098585026,0.865515794090705,1.20393909514716,0.735523867387473,0.0565467368238666,0.689373173175855,1.27150382055046,1.25066034245024,1.39487955250894,1.16181667174314,0.886049751519232,1.71118143060921,0.790241737964856,1.70849739886814,1.49477646548571,1.43303178340321,0.6118267215042,1.02344539968292 +Prdx4,4.85485616417927,4.44622774999287,5.30243893080985,4.86057312938411,4.2575233589621,4.39932826360572,4.39203679116712,5.04809208871346,5.09978725241726,4.83454903099817,4.37681517953924,4.67421099159731,3.51440951024332,3.02679440611691,3.5447915840437,3.21193198100182,2.70572124765423,3.177996968952,2.62464708068104,3.31917299738979,3.73776739728039,3.57603225122134,2.72320346805322,2.91164192174159 +Rps24,8.2873114462111,7.52771179359688,8.4556819529641,8.0616411973239,7.85563998115148,8.09743459632946,7.96112636155241,8.25516247538288,8.24271071152585,8.26229135102284,7.95984758873112,8.06415021859756,7.41239845940695,7.09580912528794,7.40289194225703,7.01835617469872,6.79813512144005,7.19008411075247,6.97557767098529,7.50982735449192,7.38584565778119,6.98096591896694,6.91327211969814,7.01121126710581 +Ptprj,2.85160673829005,2.67791270420771,2.7633422681794,2.77440584900122,2.90195133210206,2.90897392809686,2.65032565033508,3.01970692835815,2.66076724146025,2.57844426434717,2.7386029132928,2.87168169406983,2.89409951800334,2.89412475702023,3.06151215228242,2.90814129011381,2.8323883960732,3.02937085291161,2.69027193221744,3.19302255743989,2.72441704085253,2.88731117398095,2.8330286433511,2.80450618772365 +Banp,2.17968893443528,1.99151086462626,0.95405591788145,1.85336348531573,2.45769131837846,2.5579785223714,2.73151344986819,1.72388250397406,1.66122967879679,1.38781116431924,2.51829086541304,2.66616797292758,2.24775287339363,2.37221799823447,1.55750026436667,2.22556327180183,2.61992248668863,2.35847945950922,3.0937555269995,1.93056666050872,1.91193526475135,2.15079074085979,2.74378329426737,2.97736399051768 +Jph3,3.04579749425657,3.29903195490026,3.28002275588229,3.50321053780374,3.42806460129606,3.00994254717709,3.12211334517553,3.30559181843505,3.30496554900487,3.48997425954494,3.42381700512405,3.19358458519588,2.77687265555759,3.61501773743344,3.24361239866576,3.82500451582405,3.41972650704864,2.98394644510648,3.34396322284804,3.30816317591047,3.10504352104352,3.7393949705872,3.56795067807845,3.38322304584027 +Itgb8,0.0184684591790316,0.2207175021832,-0.261737708348574,-0.720015867580935,0.134308993360684,0.244207632481934,0.0051212524110426,0.186430514147474,-0.446295826657777,-0.410830958037732,-0.036915983071431,-0.109583825726031,2.27272598805778,2.22929024279697,2.85455654356557,2.38841727984141,1.99449427706672,2.05042029757438,1.80658089066786,2.60704045993134,2.55219410210664,2.37856014101169,1.63185324066873,1.859526493076 +Sp4,3.9013666451555,4.02499106132324,4.06620406807929,3.76328910641288,3.59243014184529,3.76247593614135,3.72629018953552,4.16554677502213,4.01593354831836,3.77147152692554,3.71004879920093,3.73982873842314,2.71523932905984,3.12245439286734,2.78981759666782,2.81288928565151,2.51612367621369,2.50279612338978,2.42517394972898,3.31738929649555,3.01767946905737,2.92136257653285,2.33975107376996,2.46833265026994 +Atp10a,-0.595574982286524,-0.384622650207883,-0.215618141736649,0.22325279268608,0.173255713167427,-0.116071671078984,0.0358433348293956,-0.112355716794358,0.0434948546066085,-0.460868859378536,0.274596536403019,0.107057242129331,-2.89610082094632,-2.84076253279952,-3.49899644402999,-1.94808369431756,-1.75050989917333,-2.53946482861102,-2.31330553451957,-2.50739971390001,-2.09615670699588,-1.83160587788556,-2.46649751954908,-1.42999500681377 +Ube3a,4.77832043371129,4.7741719883568,4.8999045715887,4.64606232547917,4.72740828743618,4.75257534412155,4.70025812004751,4.83968478586788,4.81467282346975,4.4213877552837,4.66599712143764,4.71210522632246,5.06882663921347,4.75327490123686,5.09538109403397,4.95459971401485,4.82062214048278,4.91812127071388,4.66958351572456,5.13121333103561,5.09091560891129,4.81229352076883,4.72961278639921,4.82764536662632 +Padi1,-1.56762761437133,-1.81865098130959,-1.44588276271228,-2.01117932993378,-2.42412011596581,-1.93162026038683,-1.5794414169347,-1.06636600861909,-1.59112216261147,-1.96368063104724,-2.32198715308482,-2.44245380877899,-4.51326966714793,-2.73264001731619,-4.51326966714793,-3.80987121522954,-2.72634912633244,-3.8831279949206,-2.77895391133189,-2.5811377950866,-2.69231924621059,-4.51326966714793,-3.91814824310388,-3.09959415093157 +Kdm5c,4.36066219181117,4.3760660038937,4.2937210237857,4.3053684464287,4.4312273848941,4.51298945347128,4.3202720162051,4.51419508688602,4.30930200543986,4.2256791125557,4.4110542780652,4.26327466673296,4.28453187106091,4.302616906486,4.29883041109534,4.31026453794236,4.69745176507548,4.51182955232709,4.74649320940333,4.15893994537759,4.18855599531974,4.16759247181857,4.73379054335673,4.5253806354148 +Sbds,4.54587383231619,4.44601785078847,4.70547189953548,4.65904265252902,4.32453282393888,4.51490078007194,4.40825717191413,4.35773313417134,4.53618938592858,4.5209675624624,4.39002807729447,4.45833558344312,4.21608199320249,4.33582232279742,4.66736573812179,4.65398637563716,4.49029189504171,4.24163995413252,4.21607349665565,4.49682704007427,4.71871583153494,4.72012051909672,4.28533839055539,4.36398135581304 +Rabgef1,2.65527020247803,2.35486431023441,2.47569700277443,2.37841790649696,2.43586285485398,2.48237505400287,2.58139818734966,2.48462217098146,2.30225058945956,2.54457456313538,2.48157883507395,2.4072397688483,3.21968662187348,2.99878165098602,3.07566010840087,2.90993174856584,3.04107634073163,3.19724506137984,3.07356387968787,2.99594538542378,3.05845085274284,2.97688067480867,3.12924053521342,3.01276155732618 +Rdh5,0.573032921557135,0.742679244595044,1.11445927166162,0.589675015536027,0.743386404689747,0.941594177417415,0.931961086919925,1.00364912105485,0.856177613492139,0.72233914419417,1.18743416340998,1.12757818463442,0.666414828231976,1.15560692598895,1.00368086133562,0.903094124138724,1.16421359935899,0.68055141725738,0.174701766446144,1.58820371302399,1.25119144350463,0.948769090725401,0.376922957716838,0.374613436641747 +Cd63,5.49287109274523,5.10307190954883,5.72087295586389,5.50257810403365,5.32003494785266,5.00844399203895,5.07558709149551,5.4176204466796,5.36631490657411,5.58006283225946,5.15804783103103,5.11395138924507,7.24390613663567,7.04789301477174,7.22466432925782,7.01637039170937,6.86739706379269,7.15108037995807,6.83928468103258,7.31785228080976,6.95113557441694,7.03952107582338,6.78966421605128,6.9437984269838 +Gdf11,-2.96349825152661,-2.48175403074967,-3.34470975979741,-3.87355464335687,-2.29445153887287,-3.7999629140506,-3.51162404277285,-3.42507529959502,-3.51770844856598,-2.82686763483907,-3.15853140467018,-3.4465275244802,-0.435794424206932,-0.418780567515423,-0.18715485766821,-0.166881699837442,-1.01721645528029,-1.09620688005437,-0.938580251848378,-0.580946671952095,-0.236398934766944,-0.274713563559557,-0.225765833974105,-0.66072314541571 +Ormdl2,2.41311298220857,2.05272008462058,2.46649757362032,2.2507039465599,1.96354848037356,2.17883587705321,2.11595397862797,2.41171515655477,2.51391248753829,2.28288405588138,2.17345890446527,2.05634014911346,3.14649444348002,2.8875123361835,2.81100748436743,2.55634217536901,2.57257123754578,2.91426798938756,2.59559714410705,3.16741434286839,2.60090198915245,2.82692089317223,2.49415397876574,2.72064000327948 +Dnajc14,4.34415346685036,4.4457176862859,4.55969297975435,4.4898562364169,4.31333126099364,4.424669190819,4.34287369275983,4.47848576019195,4.45051845521798,4.44358578870402,4.34029054370705,4.28002792121451,4.78017885498983,4.82797789816873,4.82647086441477,4.81653464414593,4.69830518779335,4.68104997357915,4.70572028359392,4.88715086750756,4.83226829581078,4.7928760370718,4.68914502464494,4.66200526632575 +Dgka,1.37609401191943,2.46942855350862,1.43323946216334,2.24563004797202,2.57689138515262,2.15635857947598,2.43824875948661,1.37084364304717,1.77914728463904,1.98986762460337,2.64374705903931,2.25093577358408,1.04933368870616,1.86708258866958,1.36447943136609,1.88109531791315,1.84882343175377,1.23068487839234,2.09173968853451,1.17324595298079,1.09816264252088,2.01041787881872,1.973187000375,1.93987677136445 +Cdk2,0.698042298327393,0.622939253496912,0.382572940574988,0.590029844849142,0.579084089937311,0.440166358197366,0.494226839515033,0.0335638475668123,0.580103170963072,0.0176504745012589,0.288927851049015,0.591827628550118,-0.260059535566311,0.568819045933266,-0.407926542982156,-0.0973741962094463,-0.347421056445739,-0.527848667666682,-0.450530233427013,0.159100338900472,0.46179615616578,0.380519994339964,0.0281688157920905,0.585336731713731 +Rps26,7.88447101156462,7.3138342581426,8.49804530848493,7.91514383124563,7.56920816798152,7.56280383866017,7.17991400082881,8.11493842618336,8.10363993007981,8.10648336384226,7.6183389058764,7.702443743608,7.37470195530324,6.82352528205646,7.37336419069345,6.95510044209277,6.4927890574245,7.1553261565029,6.36189492514595,7.50300107347272,7.19639420657755,7.00026168092742,6.4814097446058,6.65674379639617 +Pa2g4,4.40425578008207,4.0691212954971,4.29128352486659,4.19224208866024,4.09947951288954,4.08156357083408,4.01447099181171,4.15547746191631,4.16211756570956,4.06699389346626,4.12776404411385,4.03628275387871,3.80427217781093,3.74860287179556,3.79065787263146,3.74469321026645,3.93470939489769,3.92420393920217,3.72240353250155,3.77156803216663,3.7673873073091,3.64896633777854,3.86338504859226,3.85124465822962 +Esyt1,4.5651195594056,4.37559470683192,4.37573483574172,4.44987102097209,4.28288276526735,4.14019427860729,4.42338693873913,4.30880803853331,4.56353137029178,4.40369083033236,4.24238583178292,4.11362333767912,5.39650056870529,5.71791873478778,5.91420205052795,5.8879363041612,5.70833414544505,5.4090736488623,5.74930265769662,5.70008611693848,5.57034648366778,5.81000019326858,5.80457768097391,5.52875149246738 +Smarcc2,4.85354763450206,5.20244333681345,4.79281083705562,4.88381888408572,5.25413255961451,5.33834163506503,5.21866587056139,4.97552297047879,4.90146576498243,5.00279058077924,5.26598639974876,5.03673900357128,4.92087782996038,5.28887701002716,5.02052009213002,5.14688029927405,5.59197270424666,5.07050247014306,5.68656015329142,4.83139761386409,5.12065850341593,5.20315251381104,5.48251284394643,5.34120705686753 +Cdh9,2.61820414724349,2.63457713318114,2.75595332871096,2.60536009991504,2.53482121412825,2.49493699472056,2.43438962336128,2.92373450395986,2.90089943979296,2.66471046126739,2.67695347418515,2.73725960355036,-2.63379402400883,-2.7485111521998,-4.04802342723652,-2.87382664443099,-1.61202272270769,-3.41788175500918,-3.3864524595641,-2.9595596658535,-4.04802342723652,-4.04802342723652,-3.03281174269096,-4.04802342723652 +Chmp6,2.31472425255629,2.13323318147525,2.53014798493903,2.29241566246774,2.23073877615421,2.22290208233285,2.32067176552732,2.30701558992935,1.9001556870174,1.86939991719729,2.23824725984324,2.27415538526858,2.96496034999531,2.98460109283875,2.76070610887156,2.89152001505678,2.71180733219644,2.84396682848598,2.72193862513077,2.9526410211023,3.08950970638608,2.88962581466296,2.96382575843465,2.65401063685732 +Baiap2,-2.86788635303839,-1.550989591044,-2.45105074736927,-2.17893844740694,-0.354431433565566,-1.51463802082502,-1.34020144207518,-1.84680295896693,-2.21542825430406,-1.54886660477625,-0.411886797452574,-1.21361286858421,1.68692750413324,1.63061058867734,1.46528187010386,2.66867879600477,2.55725603665037,1.64843500457898,1.86597147269621,1.33345654278807,1.48745051324731,2.54064821576415,2.45230584354932,2.13272772218132 +Rnf41,3.77319498912076,3.5901316730497,3.80802322921974,3.67113699946631,3.6868715037862,3.69191738094416,3.66901351172444,3.85073634401311,3.73281850453501,3.64382204030528,3.58315261155803,3.54824698248991,3.36865181123838,3.2688764134179,3.66524299491315,3.57668995810719,3.53914007192552,3.52285971212129,3.43291654691467,3.42277715190791,3.68075250850788,3.66708131140984,3.64696835363199,3.4074056259816 +Nabp2,2.5797933431151,2.19449503129273,2.3223960616908,2.26426183490162,2.27492916469477,2.17252184200542,2.36216561107042,2.26346459543187,2.48288018189869,2.27203638909058,2.54925294826816,2.14292051005204,3.07704533260143,2.7000213604003,2.59580816083874,2.43950601172083,2.66745329404802,2.72140014353327,2.8343840118987,2.81444311525418,2.74775666399043,2.73999595217663,2.68315172850691,2.86067167338249 +Aatk,4.7593263260129,4.83674635414292,4.94138124595413,4.73295888548302,4.58900364690936,4.79205138422057,4.83959763434212,4.95544198093996,4.93261971668624,4.82549033539821,4.60637498759624,4.70928714800435,2.59810739546731,3.26140024350207,3.27131149951293,3.05014027252803,2.66950898193425,2.66502386810768,3.10037131278589,2.56122695064974,2.77827873537462,3.1129926547493,2.73713549096338,2.82325889659725 +Enthd2,1.36810911295439,2.08571376606984,1.48641272169819,1.84942943760716,1.89840704006652,1.93300744822693,2.22301120259647,1.50750684843807,1.18272933829129,1.74432168976767,1.92057917746674,1.83208274288847,1.51038575927711,1.60812271993087,1.15689177703999,1.70220495931773,2.1325769871477,1.45834159874011,2.30914885075927,1.31897393958025,1.75505716807341,1.52615158657186,1.94452777790338,2.00522280321244 +Cnpy2,6.46705370251762,6.15638837159482,6.81889188690139,6.40927127911649,6.06826832482044,6.02181552650635,6.06412410762894,6.75665027589435,6.38409489682348,6.34989153293415,6.05495536844399,6.18109933007027,6.69246347457716,6.27551014746288,6.61037094394811,6.23064682558497,6.15930284135229,6.53502153759723,6.25434816503998,6.65764397408077,6.5565561075641,6.5293110098585,6.24250932978965,6.29703836215723 +2310003H01Rik,2.77787347818348,2.67966557430359,2.71677036471473,2.79518061577244,2.62026116114095,2.71222968303248,2.85058516728983,2.64879629384428,2.74439376799341,2.73799527583628,2.67362355982756,2.51253914196018,1.99093303972121,1.87778465855738,1.8578489685338,2.12234714999627,2.0675190364046,1.87871044987102,2.24167963504577,1.4705049229394,1.75935497719064,1.85004348580658,2.15094576102687,1.79719767438409 +Atp5b,7.20581688283748,6.74771889082534,6.98000923606196,6.93499289721797,6.71913305821322,6.78867554466376,6.86486280428422,6.93822382433577,7.02528286106127,6.87299335014267,6.81291027916725,6.91375397521194,7.35929361558876,6.94536817213142,7.15425353822903,6.99728189014539,6.90005592725813,7.25789448389513,6.8790555421161,7.25302593516944,7.09883608788281,7.06647267834233,6.96920518052248,6.94990872567941 +Prim1,1.46973697644779,1.1121250108463,1.33204402055645,1.32423612566781,1.13918916611117,0.931057030093486,1.36578422438393,0.944813936243596,1.24337400754604,1.34571791758354,0.968720988732058,1.23334107248693,1.69322283024929,1.4183280909903,1.37395286038473,1.6400010129302,0.767675611548372,1.25855508059738,0.987091123510125,1.51381681959197,1.82466886757943,1.40723493857392,1.44462126546417,1.30935664682873 +Nab2,2.33177844332193,2.05989783849354,2.30863666433201,2.1986898865103,2.4739661266481,2.49321157951198,2.50088869844868,2.04653461268062,2.34974154034041,2.50252485683879,2.2844918134376,2.17034119477538,0.818284744763548,0.308442443445191,0.634494474991778,0.808460816360109,1.13683860290586,1.00505487084808,0.614802856546976,0.813990707379077,0.895696626826253,0.161505407576723,0.968958845720151,0.359244902594489 +Shmt2,2.68180784897278,2.86511877424024,2.99356439201995,2.6749170901483,2.72272223773668,2.62957229440401,2.59499225451595,2.95786537869862,2.87589993343195,2.83470877432299,2.72999912742564,2.62870929763441,2.9226145115803,3.36811353753241,2.88783014367413,2.86767820715162,2.94460288770576,2.89467958849372,3.12588027120082,3.98837148049983,2.85347648965598,2.44593735104584,3.09314111806955,3.00825478351383 +R3hdm2,2.66874520417361,2.75378074165649,2.6029287699536,2.06165143503773,3.65078691989272,3.75637974424388,3.16608725026909,3.6814632390997,2.58301104576691,2.53529819589681,3.51697034538341,3.00840016427003,2.99458119734062,2.86061236654441,2.72439754844804,2.60632207693207,3.80461763885298,3.3954307866468,3.9283169539962,2.87770603758058,2.64953982625437,2.95168848675414,3.8191449427038,3.27013965018901 +Ddit3,3.15699936545555,3.39635275822879,3.03576606229862,3.60385468757036,3.11622992432311,3.22445785288519,3.45406438614327,2.9389710486421,4.14779002506987,3.26295037355569,3.19061805288975,3.30461295769754,4.45489473863079,4.03908375609615,3.12461275947267,3.9236123552503,4.08622956172093,3.94674883466369,4.59526039201634,4.14645121662693,4.40059542115895,3.8684961688341,4.36789381429994,4.25887828556682 +Mbd6,1.35114848823604,2.34805155594663,1.18170761339835,1.74356757898353,3.59902599682857,3.72071678219327,3.52589610095463,2.25566396649303,1.46075222060207,2.10695191232012,3.61304170148603,2.67008617224906,1.25428675942127,1.99528609742068,1.26925517917212,1.32500174319113,3.3997959109903,2.73274775974202,3.7915928913053,0.934074828803631,1.1536388453156,1.59099888144676,3.43817257531903,2.87357636659738 +Dctn2,5.37830884122346,5.36292518248322,5.42481811730588,5.53874304193415,5.40187384645868,5.40582574000042,5.34993667115912,5.06626908936116,5.38342299237905,5.54222066459028,5.5716234649676,5.3404094730924,5.35312780674936,5.48647350736347,5.28703883725386,5.67171398153586,5.46640135702887,5.3809004988597,5.73412565256573,5.16030272624076,5.6706876127392,5.63883896537441,5.63908189688076,5.43715469386795 +Ttc4,3.35068496778844,3.63161949313797,3.16977634505788,3.56694474498149,3.32136663205416,3.38823222931396,3.70088579352477,3.31220353384242,3.21649370266474,3.60659790360274,3.58438440760697,3.55490517101003,3.39215026001662,3.51763858250351,3.18211926306795,3.49761700068104,3.51638605134943,3.10402793270868,3.31999849338671,3.44197870766064,3.37696001823236,3.46493331955159,3.37660940909127,3.48780486046533 +Pip4k2c,4.21223078038072,3.9472035213874,4.16527418902483,3.94204535844829,4.02254300296755,4.02438644848389,3.8846192858011,4.07299066744103,4.01404637231517,4.03998167806105,3.95151602614369,3.97723747266857,4.83549780367522,4.81340521202661,4.94146883728674,4.76925635026615,4.84949728806441,4.95355451455673,4.86685396866828,4.92486893209065,4.76634981067093,4.93529560573372,4.85430960375816,4.74333941121785 +Katnal2,-0.133990711353071,0.322089087480705,0.597912432193664,0.689520018899744,0.446337937813626,-0.386973643865718,0.191440192013361,0.317086318041607,0.12742328576382,0.0355940225061651,0.626291184156318,0.300186416307911,-0.24150786556087,-0.170872752547474,-0.351768394352736,0.0998233780247788,0.112885530059962,-0.50619622334183,-0.0060290666039337,0.173152641316638,-0.155815034794295,0.323856238770476,-0.225410621602278,-0.489114972114478 +Hdhd2,3.73638147988756,3.38374050063249,3.83324031928726,3.51806938080114,3.28551109610152,3.3670277757865,3.43939697472193,3.70942872241981,3.71490529056568,3.6014167025395,3.29444182949551,3.46379130291066,3.72609603931739,3.48024285766573,3.60720302837129,3.48318538164124,3.19789553096377,3.53144956536659,3.18920578314246,3.79589285777685,3.7917042230866,3.63100479267999,3.17487877305091,3.4598996714015 +Agap2,-0.17040155457273,0.337663791543471,-0.534564961130078,0.142836541894171,0.93661765233931,0.798999385569505,0.525909919509422,-0.292171170580199,0.0212079937366676,0.057721012619262,0.358694660506676,0.510804465661933,0.221433320289257,0.692885081175705,-0.0356934387004721,0.595133200411339,0.576085845675868,-0.0563238414186902,0.715887088294375,-0.48282817560105,0.485139885158516,0.723407120770257,-0.0447794392355827,0.017049370703087 +Pias2,3.60436817935181,3.49945627068543,3.69544861940838,3.49138218828553,3.55187031785609,3.59588726335324,3.4487576659727,3.75853886054011,3.6125874129751,3.47183465313987,3.50579520781325,3.49686782954052,3.93401757993362,3.76671241371103,3.99047191995288,3.822427285409,3.70932463679032,3.83380833463907,3.5720818047442,4.16757313617684,3.76268212432057,3.84058882639745,3.44859153742504,3.66362984931896 +St8sia5,-1.7407516611889,-1.51959478717856,-2.62660110093706,-2.16946137933798,-0.56680949360872,-2.1905589539781,-2.02953320407974,-2.24734009770266,-2.59184289343315,-1.2241166154671,-1.80379203322444,-2.27847806741178,3.43083622595349,3.12750727945409,3.57244424654571,3.43567685437464,3.32955962717726,3.43483772523004,3.34101188754218,2.95004754449726,3.11124753826372,3.20259940462479,3.490346661115,3.27784959045472 +Atp5a1,7.61043294547226,7.16325747811513,7.62192896642732,7.42044283320069,6.95726177970552,7.08516788624591,7.07678946358157,7.46893413722253,7.56990549280327,7.42433162381691,7.03013714036715,7.24812162966501,8.05012701750132,7.66295547219185,8.04128411682325,7.81798067342726,7.51435268786166,7.85566379039094,7.52493113383332,8.0788959134361,7.95584050278163,7.84366200096737,7.53632430887271,7.5944526466264 +Pstpip2,-0.0654574563496189,-0.40225642168004,-0.0563072817917438,-0.0491607140143906,-0.487158771063244,-0.716617649975248,-0.330377053346506,-0.468369365895535,-0.389434249424345,-0.373762720707387,-0.330205211163471,-0.758606818755186,2.35225070894364,1.30343314058456,1.59541133140168,1.57246774957673,1.52190891859143,1.76649399359848,2.11104627688451,1.67251896410994,1.79104860833834,1.31895656255868,1.97210183334231,1.5710497844488 +Xrcc6bp1,1.47355932104611,0.532433721924133,1.2189894660065,0.781007039417994,0.682137059967787,0.889631821451016,0.700925337356404,1.39852688332422,0.974037222925347,1.06007588138167,0.685414296250717,0.535759257626785,1.08782035529955,1.2867624747712,1.17997196849444,0.65927768163912,1.33570651586842,1.27042951699409,1.09621884136992,0.516491692389311,1.56849152568405,1.30174997272452,1.30882713080373,1.76231638048869 +Usp33,4.48175946046582,4.67407280817736,4.42658704240953,4.59415948846737,4.46098546236537,4.54655130639953,4.57312379070906,4.5052031162057,4.46622486251077,4.49488208134386,4.60197318718307,4.59088418009465,5.28034479711458,5.19308399093685,5.30225529332233,5.1804262282699,5.20570690486599,5.15199861978937,5.19398713409531,5.37883966802374,5.28802950261711,5.1020707609818,5.21163108961561,5.27878486279858 +Clns1a,4.79943177262182,4.58701497071663,4.88056091572062,4.69460478022404,4.22527408471209,4.38404731330341,4.2919924366935,4.58852707495393,4.70108079748093,4.74511162231549,4.301310603498,4.46201282374595,5.28221412934413,5.07063577514242,5.29702515517343,4.99309566086506,4.77558629848851,5.14181656609016,4.56948341293654,5.28462670618229,5.15095738810708,5.01206939932844,4.78707014455382,4.89922166664212 +Paip1,4.80081295510586,4.42303763596993,4.7762724899383,4.5982999974882,4.29581239470937,4.46206829459143,4.43178949116657,4.65423595082342,4.79324318491272,4.58839035505003,4.44619746938994,4.58987323763524,4.74973282748576,4.59173629725716,4.81446983189317,4.57910152727079,4.15180292844903,4.5467107926918,4.15215243074029,4.90817946533402,4.76326207127256,4.68120173369685,4.35539988314866,4.45217380272933 +Nnt,3.18594937614475,3.39718034045561,3.12895983380687,3.24136817130646,2.99306518988144,2.78833469958832,2.97382121382527,3.11475304108073,2.90235545619158,2.77559798515909,3.11009684039913,3.14650116271778,4.16020710355225,4.25169329746939,4.11709730847332,4.11987424805279,3.87447711165075,4.05819039379118,4.19669627256619,4.14490560042186,3.75248050839566,3.64595624185212,4.06573107543689,4.18874554813574 +Paox,-0.0173842272299628,-1.1130736956302,0.64502209562622,0.187705088508758,-0.806745153546433,-1.37656344060792,-0.327828045333741,-0.0857309883660123,-0.25893152938092,-2.20219886615548,-0.855404158939301,-0.702572401821071,0.41599393788413,0.428262280817723,0.760254644138879,0.51250656386891,0.54726345059327,0.398383472959302,0.339025644249627,0.786474406363267,0.591407780983317,0.442879527094689,-0.347744306284903,0.122770183099798 +Echs1,2.97453530847804,2.78038375022728,3.04402108307804,2.72788869737806,2.71674926573391,2.76321354080154,2.66259542473154,2.88043912067693,2.83556266304647,2.65681511812736,2.70832546737453,2.83611866765764,3.18741971411297,2.88531574179419,3.01716290516666,2.81528740856083,2.74643328725019,3.01080885492095,2.81020264951222,3.11809053176228,2.92037449734808,2.83654714146583,2.82821805018649,2.75934217552906 +Fuom,2.01684872623596,2.0322415992598,2.19229132284327,2.15575245229491,1.85402605324953,2.04502177287805,2.11736304803682,2.16829216554558,2.16535161541742,2.24333269668933,2.02696637261301,2.15822556381622,3.27568620190643,2.82186095675813,2.97474706621601,2.95420593373574,2.80220385075473,3.00645918465209,2.94635466308632,3.09041643797738,3.16339854879744,3.09500874103933,2.90037901314671,2.99081078082134 +Caly,1.95544782384903,1.78563783305481,1.9649194421167,0.801410149976087,1.39086788322412,2.06179505892712,1.58454736327587,2.24657857354967,1.66410343709099,2.10444157469718,1.53248920542841,1.98131185301618,1.07811291069093,0.150746423337296,0.508734631483432,-0.0796380456387231,1.03862292701048,0.642327745944142,0.660794534663856,-0.107782484320933,0.477292774288104,1.04526242506407,0.133232993655919,0.393825025624311 +Zfp511,3.25049772866368,3.289826456729,3.33134981829724,3.04959538898029,3.46408495007073,3.16961241958319,3.16813053265199,3.19984439525859,3.16668446429098,3.50358050879655,3.49816048855803,3.42966808961671,3.24875474777252,3.45281381950821,2.89704774332922,3.42451825282091,3.28026803248046,3.13761775019233,3.17450510337745,3.25448466975204,3.28792163314049,3.43399267428448,3.47337771673544,3.49392196388484 +Adam8,-1.55286641213962,-1.78206276643698,-2.71231538027297,-1.87153638711325,-1.2103525462995,-0.671734251801351,-0.403509143872315,-4.57491367040485,-2.220931383447,-1.44275149056001,-0.821641200047691,-1.23201685900715,-2.88774939475409,-2.7942840205731,-2.99910588630525,-2.76206877764304,-1.51273565705905,-2.90096479370919,-1.68741853159257,-3.93037677939293,-2.7539632494675,-2.27027224542251,-1.46071394921416,-1.99176743298061 +Tubgcp2,3.15663901723612,3.68565722640757,3.85792174258137,3.67168386231289,3.28430227790332,3.34475704499123,3.52421709867503,3.56257437927747,3.68389064600202,3.7124340019685,3.32479229674803,3.30744506711322,3.29228905777948,3.17077964902103,3.18948391967337,2.96930399120559,3.09336321050096,2.95748468782504,3.11284707120678,2.94519127709066,3.17684154195211,3.37982521609617,2.90130609774516,3.22816877589861 +Inpp5a,2.97965383410748,2.66529704308258,2.94537568014796,2.831417916495,3.09031333716038,3.14629470424233,2.87006888449971,2.78565622285733,2.96123874616414,2.79947626369852,3.11860265167404,3.00886300589558,3.59136485640934,3.56002462098925,3.43864058375327,3.375790843723,3.71853680910738,3.48153411862006,3.69156414793887,3.67335091750322,3.51066056798833,3.57914764192663,3.67601091509874,3.64441401357753 +Syce1,0.18525458851532,0.493803956898947,0.620027174704954,0.335825189390004,-0.670577172827914,-0.590606490841487,-0.432731214762631,0.53754949681757,0.0127933428251857,-0.138396229890821,-0.242445439235382,0.223953652756074,0.311883698084092,0.0578385363878253,-0.113780295109464,0.287310854620204,-0.126555460136253,0.378040048289348,-0.268678362501625,0.414275084448945,0.107282748002748,0.82550665293379,-0.0760194340787981,-0.198483180926985 +1190003J15Rik,-0.526087429753532,0.0124405881156729,0.374992578697556,-0.174168867681832,0.128391735423858,-0.461662644982402,-0.200019904687972,-0.0449014307099116,-0.0239701216772089,0.503276610811514,-0.589127801789078,-0.560525566324775,-2.78041031585219,-2.20785802591191,-1.46671884736306,-1.251834949383,-2.20494785298261,-0.680676871982232,-1.32338743995178,-2.13587342484028,-1.77088003100148,-0.796610479299901,-1.17520100394106,-0.666609567959314 +Bet1l,4.87980078409925,4.5903828632258,4.72109247889493,4.70461499509881,4.34331820769339,4.21967921111611,4.58896406473313,4.55734463768282,4.78974088877672,4.81384313905357,4.57474889690147,4.41173838941564,5.31454139686721,4.81569303314339,4.92445381634188,4.8322857842662,4.93298936696478,5.32288391590517,5.23630157939697,4.72615827971038,5.2784254081566,4.81263826896545,4.9712409334955,5.03632382589209 +Ric8,3.29647842493531,3.5372523642865,3.33990041645834,3.49397627368826,3.29443065266469,3.13732823094375,3.29552025259683,3.15791634301952,3.30448015388209,3.5256151582937,3.36802250557793,3.40695384735367,3.57943175629792,3.54054401516088,3.48791406218716,3.59180661433258,3.58608781052431,3.64567812197426,3.81313380114832,3.35859458192504,3.66705830286172,3.60992952618014,3.63514541806554,3.63515256825727 +Sirt3,2.57242582355104,2.89215881803962,3.39879505828433,3.01474073532085,2.85939482245173,2.87437940962484,2.87108167380421,3.0618488236685,3.14416301794543,2.91036012619701,2.98188559032288,2.96282455901584,3.23865047754556,2.87348043242987,3.22727390879048,3.12521701304719,3.0520904287633,3.09228366202773,3.10467757853675,3.00354254082007,3.05121004329375,2.87851140730909,2.90811036889777,2.86526110128329 +Psmd13,3.92421612379837,3.50322661688964,3.56128198297453,3.73104886441304,3.63066601822294,3.58873155520878,3.87822581847711,3.49096801241323,3.57297980349687,3.5477550820218,3.68719137424798,3.5859166807748,4.21097537240004,3.68142577582599,3.79301948247426,3.82690316781274,3.85059483056661,3.89344710077806,3.98256228260197,3.68308447530673,3.81909947508465,3.75868574366233,3.90729909840646,3.94294421843088 +Sigirr,0.615330536871602,1.54003648626444,1.5012212055424,1.64397158270271,1.9530548662137,1.3424369602503,1.22050678850668,0.991935401537257,0.628075523364756,1.35975342194746,1.46340495729352,1.47563052508132,2.16811762857245,2.33690333381664,2.14016510526685,2.25325574279795,2.2901242564037,1.65569936910605,2.76793197579936,2.27338135137122,2.26434239106155,2.16380746058135,1.92322452453307,2.30030765787266 +Ptdss2,0.973372098791566,1.15378310286176,0.85447385399581,1.09702255697925,1.19275636257908,1.20725995458136,1.38303984724279,0.746690830188439,1.09836734900213,0.803445984184847,1.35026179344572,0.995116389081709,0.543947922896872,0.85560820033467,0.661706525365231,0.979096624311493,1.43344141371669,0.748207657549911,1.24023479384804,1.04503835893441,0.847494202644425,1.3205740502092,1.26558692368505,1.28178023861131 +Irf7,0.527507166121956,1.30724333310484,-0.0263814651522996,1.1877515311738,0.230291599521102,0.654936343447772,0.567570207783029,0.249705037123849,0.702981795534358,1.42875591946867,0.209453109646005,0.170313887322353,-0.294185423682106,-0.346618085236176,-0.324752007735904,-0.0661556241667298,-0.981031679364274,-0.444159637527342,-0.109817646585925,-0.096218628944323,-0.691021911885948,-0.168688784675762,-1.1226246723388,-0.295001969236909 +Hras1,3.30472755224837,2.414433430646,2.89127710125747,2.8287539493591,2.67328837262448,2.90422966893457,2.99097472175074,2.78397958136837,2.88435738426852,2.71840018517517,2.68801631137572,2.85359284543291,3.36389280882407,2.92495423873276,3.15920779721278,3.0196798646888,2.93375925871974,3.19089846577563,3.10517698468425,3.17110791216462,2.99553141148386,3.14300426079423,3.06753614190602,2.90378592319295 +1600016N20Rik,-0.322691858390613,1.18343075759666,-0.768089726059999,1.26063437377942,1.43568488822857,1.30679347977217,1.64346446404694,-0.170906513852727,0.363874168079048,1.34904245058615,1.12461417608604,0.670689104899296,0.244473367671966,1.07035912862228,0.377287146986505,0.472503167187341,1.59928146594443,1.38168987196249,2.22284444319477,-0.461457991506775,0.644947235978175,0.919673718096803,1.82160773634217,1.24988411835914 +Taldo1,5.15391793828711,4.67300980444921,4.74993192678953,4.72748146511048,4.67525908315432,4.65009181463261,4.8132281459392,4.76560265274178,4.86671206944442,4.48640458842954,4.76996773678872,4.71389027967543,5.29616030231526,5.02675405860171,5.12217192266817,5.12595524226687,4.94234956282008,5.15702166070709,5.06984199991256,5.36792338123852,5.1081252360348,5.05724635661111,5.04958564266115,5.07941999223889 +Eps8l2,2.94078149279321,3.60503121759388,3.10836998575068,3.34823313566763,3.23681482533297,3.51371297449574,3.45800925558367,3.40926230226532,3.23277892029884,3.22078454497698,3.35475373328784,3.51604967954575,2.903158181128,3.52251935138798,3.06699608228301,3.23764198683326,3.13793443869324,3.01724934438943,3.41510018212678,3.22901950958589,3.00567724542557,3.21239525160331,3.2132648906071,3.34418041376529 +Tmem80,2.04094117539447,1.96932000788547,2.00022181287964,2.16219703949699,2.20695028524692,2.25194666883519,2.21298163906341,2.09691818158064,1.98708195030433,2.48296480203648,2.12031049799376,2.10089357992371,1.88673609746946,2.30841224088171,1.95693198995924,2.15296980940567,2.00830177390155,1.94527504225671,2.05596851199087,2.17323299780318,2.0004026650533,2.13895234124222,2.18023061050768,2.02481020155982 +Lrdd,-0.935867842268209,-0.385270846699103,-1.85885518998318,-0.643030821132938,-0.518938800626018,-0.511793838722944,-0.0926355470091731,-1.67384024688623,-1.43729852782196,-0.846861518836708,-0.454422968841462,-0.982201874416327,-1.37535611504182,-0.787918461689896,-1.71249220593858,-0.961886189547413,-0.213379722528303,-1.39236066100465,-0.0144986074324613,-2.57593420047906,-1.24312858445506,-0.884107511528321,-0.309541237534227,-0.725816232605524 +Rplp2,6.30803524934332,5.52955106496855,6.36900551483126,6.10437943783846,5.84277009661399,5.93010836988459,5.81430707935521,6.33479144740323,6.12691567887348,6.16894793218749,5.76910474723783,5.99235334695234,5.45046089645786,5.02787457742946,5.49865213358352,5.02985135885861,4.81635781260417,5.35537642461134,4.93987484974906,5.42786714038022,5.43307008830388,5.10320134090288,4.89850426322918,4.92672557600768 +Pnpla2,2.87330773813988,2.90140402711164,3.02104341749154,2.87988439714042,2.76047043183825,2.80165190676387,2.83842295235798,3.03197119316733,2.97362615673982,2.99051186364913,3.0041733624832,2.75569658720116,2.66073815855099,2.87717492511261,3.10185175585327,2.97052065521797,2.86109273347609,2.90907206453297,2.78400143490682,2.76872029321167,2.79757102014502,2.91740068193074,2.71062884015357,2.45880112630185 +Cd151,4.67309375589067,4.44261927587414,4.64293158756679,4.08044554564806,4.05351927966661,4.22701689106886,4.09688738143469,4.51985627101068,4.42426473135003,4.23548508789661,3.97893348950631,4.28478386921407,3.63562606731878,3.31757714918012,3.67921953928687,3.34513833408398,3.15412718469935,3.40158753871368,3.25863571423828,3.6451216374087,3.6918462360399,3.51500281782378,3.04869141508638,3.06906473670202 +Chid1,3.22623547825879,3.08624353204898,3.20718372190389,2.94458696678372,3.07711707740262,3.14577470445155,3.10767797861683,3.24457070977493,2.89451963838736,2.89802088649108,3.14412638391936,3.28793867705745,3.58745630313415,3.41738375137058,3.3251762037634,3.08917649949344,3.38413681148967,3.76753620528024,3.5429449679028,3.62167511680599,3.17746451487807,3.13690768511246,3.43564939104712,3.55378943208185 +Muc2,1.90589354732753,-3.38431125253101,-3.38431125253101,-3.38431125253101,1.53668443719854,-1.2174782352554,-3.38431125253101,-2.11229722761289,-3.38431125253101,-3.38431125253101,-3.38431125253101,-3.38431125253101,0.887480987429837,-3.38431125253101,-3.38431125253101,-3.38431125253101,-2.39858487164699,-3.38431125253101,-3.38431125253101,-3.38431125253101,-3.38431125253101,-3.38431125253101,-3.38431125253101,-3.38431125253101 +Tmem192,2.47153994178332,2.32049415632674,3.24699433363263,2.39069654305437,2.39222691157011,2.35003262500798,1.60901214055802,2.91250021313324,2.55438830583531,2.63929789796911,2.09370036503383,2.36901266125171,3.63094800773006,3.89353958671592,3.84995920380585,3.52318940296528,3.01300687439449,3.65612487361948,3.37239299226788,3.93560212051909,3.67979524325073,3.824892431485,3.13024732646263,3.02709318782336 +Apool,1.3553700074823,1.21544309641489,1.06141809035605,1.42422135182778,1.07483575697882,1.00307556481045,1.05084446037465,1.12996709317522,1.24758089416747,1.22173189955543,1.24531030047631,0.921381075132255,1.15367087495769,1.44407798220388,1.40851301105822,1.9943359350005,1.31675806802685,1.53572620080388,0.855714088836913,1.76071640559622,1.55609132753834,1.74647041953964,1.17030356608206,1.02691523526695 +Zfp711,-2.45422776112913,-2.24078816038253,-2.0643396407732,-1.79267648556702,-2.74084461624564,-2.66316115015215,-1.89616591721453,-2.43906405321357,-1.98832249123391,-2.28040513132706,-2.26811073663632,-2.23771104230101,-4.82999416742776,-3.8486497472573,-4.24960176354723,-3.65579738462223,-4.82999416742776,-4.19985249520042,-4.82999416742776,-4.82999416742776,-3.82046388257704,-3.84077403866553,-3.8147824828822,-4.82999416742776 +Chm,2.78883839498246,2.82903176001134,2.96174842442334,3.03339750063485,2.45915830053204,2.62713241233294,2.62617912091856,2.88233333442877,2.91281970884471,2.91854269980962,2.57492517102278,2.71485593512422,3.57548015979091,3.16976386382099,3.52690588494277,3.46068586854861,3.03153199709465,3.45757721182738,3.02320157418231,3.56956020471554,3.42488569466173,3.32312597164215,3.09028574516934,3.31834174545403 +Crcp,3.55997360482655,3.62321815076275,3.75606042892394,3.93363294897362,3.40742314959694,3.57555524594979,3.60228703666932,3.40414874610808,3.84954606387336,3.94858653968477,3.62325220775589,3.84059921570321,3.85003000470376,3.54974292192433,3.33231374275102,3.74040384307488,3.54364539485098,3.59349123411748,3.72737025418712,3.54178084292643,3.95262010181377,4.01338344773615,3.70304019065912,3.7573197483631 +Asl,1.78153239635109,1.64883226206959,1.44299529119957,1.87894704979239,1.83695588957538,1.71146812456947,1.58445180718995,1.34308555219185,1.76231658544316,1.71038037421138,2.11145365360737,1.86048910677069,2.11345141765774,1.92716654639851,1.99724120111544,2.22605426833008,2.07125661716382,2.32040084575485,2.09949318608806,1.79809471516612,1.95120940731312,2.28513454753883,2.40936297559215,2.31817948244539 +Gusb,3.0261949006896,2.94735493080923,3.27796371654216,3.10565215732279,2.78390284905875,2.86725607051481,2.64594180286162,2.95459469676251,3.07355568325019,2.88677949079401,2.92199078434684,2.95467013621061,3.91422880418001,3.78442291681795,4.04696869190962,3.92658175451962,3.73082026675677,3.91314331876833,3.63404509564767,3.94659376471367,3.82544402922157,3.99210659055811,3.61021886079865,3.51547893144786 +Phkg1,4.27330134138277,3.77299324131124,3.95987688934735,3.94295210298964,3.87361625578683,3.6006643033625,3.79912468366068,4.20583329042534,3.91094006015691,4.07427414040458,3.89768909388787,4.03910149097901,4.33729550044191,4.00556765910355,4.30389550618836,4.03052941113489,4.02646145478583,4.40961884097077,3.80823611021443,4.52497353336795,4.04373920326232,4.0184206711932,4.10465962144799,4.20611771151179 +Sumf2,1.99508440934952,1.39824587159252,1.83768331082162,1.93254121170174,1.54744962923359,1.80444015696123,1.43719920494941,1.60059551671076,1.63393563874223,1.79640883172003,1.70548179156262,1.65209880598133,1.84659524300012,1.50869476228609,1.5675064044022,1.9891331362088,1.46222044972203,1.5213032716062,1.48021081698508,1.63884498516959,1.82693860079234,1.75678312030604,1.59274629639626,1.27533386746234 +Tm9sf2,5.60303358229691,5.25697213746456,5.65511203049117,5.36374396019545,4.93142647809038,5.01899327736001,5.02646703367777,5.69340133898905,5.61185416025721,5.29498734204986,5.09807929059163,5.29270978823671,6.03841550032445,5.78257143354238,6.01330968884158,5.76305185812866,5.62521655469075,5.91426891943889,5.48087052277114,6.10468290475276,5.77497834855147,5.69944587530558,5.63132648039794,5.74419894038179 +Clybl,1.55150711716066,1.44179897939542,1.80698051041332,1.68271055039364,1.01931355304467,1.0641897103214,1.31326567769239,1.25996234153365,1.66756457727091,2.12294607424849,1.14239266988228,0.948424310632266,1.4396408997587,1.75890217013711,2.07926822618078,1.47457814141047,1.43067268504682,1.62035550660716,1.87869780288328,1.83377589855254,1.75164990246139,2.04700250488236,1.66504647549623,1.10404164519953 +Fgf14,1.41204211144694,1.66034906764337,1.73429789740095,1.18175910582716,1.29793493169464,1.72856998897431,1.17347802366098,2.12736927193806,1.49472016512972,1.4899479652067,1.41622400581271,1.44564802386981,-3.48118923934793,-2.03176262860492,-3.5925457308991,-3.6397781485295,-2.6072594432379,-2.47298996903774,-2.52767771578904,-2.11140827795341,-2.69335950035776,-2.28019953858968,-2.97483468763031,-2.58520727757446 +Farp1,3.00616144945892,3.15279219061441,2.72527132978086,2.78469810240656,3.61260904037845,3.75988188129064,3.33711201019112,3.4235141500999,2.77936050831853,2.8440633615271,3.65136682166382,3.23400184172142,2.32138035450901,2.79082189846356,2.33719315604987,2.60087791649478,3.0815650541264,2.65620537164654,3.448257317529,2.39756050756544,2.48426049274046,2.41913346945654,3.23859706127861,2.90945058996728 +Dock9,3.12362637655568,3.41937630926889,3.2457596827634,3.33478620773822,3.59402683905431,3.36238609385888,3.33941364270759,3.44543925560828,3.21360993640157,3.25069028618181,3.49486460726288,3.3920684905846,3.2945635007525,3.75423968091153,3.24047330524567,3.55038492573604,3.59270738327332,3.48422111959329,3.83816326942078,3.11207734385023,3.13581517319246,3.4049156638934,3.61491387269883,3.66106091953996 +Tnrc6c,3.08701959368531,3.69146524729412,2.85085712294025,3.42408332864588,3.9009199123918,3.73142607199635,3.88585235909692,3.1524128457543,3.13767380155924,3.32257981868631,3.87673305010551,3.68508166635422,2.03949397487542,3.01885489609097,1.93066395548602,2.85246643679398,3.42388282704292,2.54009329780216,3.34636016735878,2.08394392885115,2.45035725451716,2.86481993372147,3.24798953044701,2.96628295493485 +Tmc6,1.89500807125267,2.20091673849414,1.98390820336454,2.12985889556852,2.18084667135952,1.83062181785228,2.03933798125327,1.83390219342706,1.9986190991101,1.97804492447985,1.8814979842086,1.96560589680785,1.46665811291268,1.60625995806674,1.25017344349832,1.53015820724721,1.49145427910693,1.51376979756211,2.13310751301628,1.23722267355216,1.66196404481573,1.4507018231579,1.2650415023164,1.71342375372753 +Cant1,3.36690489239356,3.577740227186,3.41790379690576,3.43057803221466,3.56794033280461,3.39360624900707,3.46897581628651,3.48364135797248,3.2648100550978,3.45553377822621,3.55239810282618,3.45009805406502,3.51050059605975,3.75361453080433,3.72038389581018,3.83772858858181,3.9477947326947,3.91045924560955,4.07497781939947,3.80509629784734,3.89799835443949,3.68318128453517,4.01677845062896,3.91220558101561 +Rbfox3,-2.1493400685707,-2.74296665066783,-3.03703134245092,-2.70515090550713,-1.43678217071148,-1.77663249691148,-2.24173113276366,-3.82296809642918,-2.9940489498092,-2.32402418952685,-1.20525907589688,-2.73999900575098,-3.40781784569655,-2.54124763632514,-3.10528527295529,-2.36053819120568,-2.0328041080015,-3.1924898421229,-1.99678935693904,-2.78969392272818,-2.75783564393451,-1.94427737954802,-2.90146329397893,-2.51183588392307 +Cbx2,0.604636732525862,0.741730173001312,0.553798031289598,-0.185501276448277,0.033522717772061,0.499100192625997,0.438266392429629,0.67637014596925,0.230988694691955,0.315095118662812,0.673393448619444,0.401576743779159,-0.503441274692487,0.185113174095082,-1.07136890565211,-0.284125060280951,-0.953858309670638,-0.574198286199211,0.431805971052927,-0.201529797087812,-0.575571126101371,-0.262257357146759,-0.252723105534382,0.118205993719057 +Cbx8,2.29633041514399,1.92481837482158,1.8698878595884,2.04967369683857,1.94292889573448,2.04232154357262,2.26321171506119,2.08707915478722,2.16138955929921,1.80638926744016,2.15969577004944,2.14929224735659,1.71635202946204,1.53132354187531,1.51552882307582,1.71384455779595,1.63952849531483,1.69745614811085,1.85865117264085,1.38840553219114,1.69839417132658,1.5975608803509,1.90961963128122,1.79089726379813 +Gaa,5.13793109518597,5.30773497280723,5.48388683829444,5.28993274211628,5.13716713459416,5.08233388786648,4.90689889369626,5.46649751273079,5.27452174374178,5.30250401585118,5.05797136130401,4.92630719409562,5.704936511101,5.87939063576329,6.11888983350994,5.67360505369983,5.81297180932216,5.95399219167634,5.95006265695046,6.02099813161587,5.66057553663508,5.80354539537656,5.99728922406977,5.77771375819985 +Eif4a3,5.01141768523475,4.63553766130783,4.87997910113979,4.83006130237517,4.56258877340786,4.66033793860344,4.69913501392993,4.57782688649816,4.90133688198875,4.99857138081588,4.51267014443844,4.59232765640627,5.05437523014111,4.57644736232501,5.0232649207114,4.69844901576831,4.78431242590428,4.92265547885794,4.79613060058895,4.74949716929485,5.10349297013128,4.90009602931495,4.74067117337458,4.682563674844 +Nptx1,4.42395238375319,4.33750847353076,4.22981915662527,4.41053325675901,4.55169889669523,4.56881094478145,4.20892746575916,4.61010937459853,4.34019227857905,4.32402904058224,4.66210835996316,4.47114852694515,1.88829458919478,1.64452026924434,1.9352352394836,2.22588344245668,1.7892278734362,1.6890600978726,1.29055840162886,1.63444656825398,1.76601011850583,2.21118078028229,1.35127548134565,1.22285008642689 +Rptor,2.38048334736785,2.47855137940151,2.31176026645586,2.38127377145465,3.01336487853297,2.95549489263559,2.7139758795301,2.63379802348949,2.45749700178938,2.23943254735313,2.88378602821847,2.59217044333421,2.1192417591744,2.28961931681393,2.17530226997633,2.20430767601924,2.73236294866728,2.5825772047573,2.83341275940069,2.03679933792295,1.88704030079308,2.04172712448806,2.87260257964548,2.57337162193797 +Pde8a,3.29692767938631,3.12574930762504,3.0143734471724,3.05612615866502,3.36826378019647,3.43491196253176,2.99033746902031,3.19611583353417,3.13812723342752,3.22800482866507,3.404515893267,3.26159254734397,4.1396722159884,4.27380139375646,4.00822323598405,4.3181629211778,4.29807695375804,4.18684750743257,4.10700082606961,4.31335501147346,4.15913852377042,4.27721756501207,4.20318951834207,4.15996734277709 +Cpeb1,2.70872043169697,3.10369039464705,2.53628947611691,3.08346220787977,3.55665025389956,3.28167490535081,3.29410371003101,2.58184248632008,2.6890756067043,2.83020555684003,3.45786334991583,3.30068771332249,4.37237557718676,4.32844003410174,4.19455198388924,4.37735175169148,4.66549403697652,4.46672087744619,4.65631203001126,4.25696313571005,4.30459566730762,4.39282099312424,4.6458692614416,4.52503693281008 +Nat1,0.971224678868247,-0.315680941112141,-0.141949818663932,-0.401329485380971,-0.868972072424618,-0.334981870512153,-0.113968224004085,0.988609802222323,0.47725914516928,-0.503174353918012,-0.229277270429706,-0.093421733383287,-1.10399642557039,-1.49164842618442,-0.99361663240243,-2.79116070122115,-2.21569823835156,-1.11721182452549,-1.67772138886613,-1.36370888527862,-1.45780379601214,-2.21337582417538,-1.45099773753147,-1.37748518500478 +Tma16,1.11681528935937,1.09296244174422,1.28567127845911,0.92543161855898,1.0817157694238,0.743726812741823,1.19201917445899,0.862310159478163,0.786602476330281,0.807913686283572,0.843089720366767,0.922206262674559,0.316910718758836,0.0818542919463399,-0.453007078913154,0.230355663329127,0.293051535391473,0.494841126925055,0.0914690556252751,-0.237459540162267,0.474578032813586,0.538943958208879,0.527975060091434,0.745479732378998 +Dach2,-2.73683101571813,-3.78062600918941,-2.52707017394498,-3.29264185265456,-2.02427311785891,-1.40084327993345,-2.17441017736741,-2.84824724284056,-3.32849078153688,-2.91151513667427,-2.58147603072153,-1.99425610211751,-1.11216984551982,-1.36062178528967,-0.096029263650304,-0.384969887604053,-1.03760168913093,-0.800745686729734,-0.828148297371205,-1.0260219874453,-1.20490156417513,-0.118697285664136,-1.19413877944367,-0.894497083369264 +Zfp202,0.731261171512223,0.932781054373564,0.667089814613684,0.846183689407574,0.84320639586467,1.08993418252532,1.00784393658912,0.828074869623844,0.599935010058675,0.954977607584524,0.818523796712743,0.730389481971862,-0.0773306483778522,-0.0392598972668683,0.0806710246741935,0.242976435740089,-0.327489683413585,0.122171737420747,0.171493196471257,-0.0970246462292317,0.203199606732289,0.104137775462088,0.380797170907373,0.469692841824707 +Copg2,3.96323681396703,3.78698596480855,3.97676718811176,3.8575621358428,3.63848603464623,3.69126208779226,3.71613940632153,3.9543524618722,3.95635501346705,3.79118705832266,3.67547968886927,3.90036122600714,4.16165635068248,4.08785221204377,4.14533108731678,4.09012251375093,3.81596109680639,3.99950262560959,3.89854563414564,4.21349846834287,4.20409357185983,4.13746356834665,3.74701380389961,3.91544425712776 +Podxl,-2.44192492563303,-0.854506656498347,-1.4264964911369,-1.85689483916507,-1.9088892806556,-1.73373670966382,-1.8075491478917,-1.19477535207973,-1.81932088081141,-2.26810229583096,-2.77461846772499,-2.33918469983534,-2.52921327919972,-1.85049863383255,-2.36950317398251,-3.28911596546246,-3.03077079111616,-2.71795788806169,-2.6507108959819,-2.35671312927504,-3.80816104708094,-3.02576099794967,-3.8024796473861,-3.74083566753557 +Mkln1,2.76477268712985,2.59370031639528,2.64060465186963,2.52722394204823,2.95009808235693,3.01931575428008,2.73009191072476,2.66171429561495,2.63398806680808,2.48807534996824,2.826924012654,2.70374325873999,2.6232439992173,2.33791758661159,2.42575501215686,2.24702689520002,2.46885296546357,2.61648815098628,2.38511454209415,2.56023989415214,2.45263928235794,2.19491391134414,2.5662211152347,2.44130272312468 +Bach1,2.4545881593313,2.88496702182234,2.85912478812609,3.13421407921614,2.86114003427938,2.56950264284412,2.64780674792966,2.84923802495976,2.87245434476227,3.22619130665723,2.95774145696156,2.79892934333689,3.32381744647441,3.50124033143468,3.70657865840799,3.97125768830868,3.95843142447674,3.70271811476043,3.6279637550004,3.55975411697343,3.56349259357363,4.01198462252327,4.09806189724948,3.67240180012767 +Cct8,5.84204315310028,5.32057227784672,5.56430654335818,5.49321864875957,5.38005018023561,5.40989178054381,5.52999757528264,5.43763421106777,5.5336183933187,5.67331831272894,5.54472050537944,5.64739023261176,5.85768197675012,5.44100095275712,5.66351538148089,5.59133909785724,5.65391833056356,5.65796110880913,5.51444221719636,5.56178288459144,5.68283957422335,5.6251139764815,5.7233829792267,5.72570119058295 +Usp16,2.37006885471282,2.63417747887821,1.99365480693001,2.67456109393128,2.78911021809848,2.55860845970864,2.60570386089522,2.02126200708351,2.41130603989661,2.37764475307096,2.66755538543703,2.58903453276862,3.2810531674921,3.22127745366311,3.0059972274107,3.37219499998296,3.69544903713424,3.19774291140215,3.41185291457923,2.95053650773526,3.29313910114789,3.44886641230455,3.56358497672724,3.35934827080947 +Phf6,2.6465060498209,2.45883165372711,2.35336450276844,2.29611751153639,2.61467585081983,2.49666130816488,2.20473052798418,2.61969032665946,2.59504743534579,2.38504071552724,2.3784448889726,2.54399795742319,2.27296684753257,1.88728099475242,1.98862076187731,1.59484927806832,1.95857988214048,2.1074406996502,1.60573550369745,2.2752610100856,1.84994083445851,1.84883890953601,1.82662615161593,1.68434140447367 +Hprt,5.261492498529,5.34496524194026,4.77072740778536,5.21559901037322,5.37744720549737,5.17225873155502,5.07905040825308,5.75634526137752,4.69921484750216,4.66466128907878,5.66022911686868,5.38723193747863,5.70799028393887,5.74663821880571,5.25015908045736,5.61761523278392,5.51286762104376,5.67722881938361,5.42084808163285,6.2607763563291,5.43337515944643,4.72655190930496,5.47242254267749,5.69782546875535 +Ccdc51,1.46913969762777,1.31516938045891,1.68094479006616,1.41329994579724,1.32033072180696,1.07397548203217,1.72955710484926,1.5243114661495,1.37024140297534,1.3805080306568,1.30471922847469,1.36105783010699,1.91697529094013,1.38535032873087,1.40841812671213,1.76423370145775,1.70692795943469,1.45899790504777,1.63419873288688,1.71459285725358,1.52510094086851,1.69610661711145,1.49420559781104,1.56725789574351 +Atrip,2.21397346746252,2.43200522694262,1.85179968064654,2.34618842866113,2.34797838615254,2.27110611431215,2.35628389924684,2.07281158853771,2.07849856724609,2.14468488310887,2.43625784469582,2.33919161592317,1.90057211674879,1.75476838045252,2.15493829204216,1.99315075897499,2.55817312202026,2.03698692752017,2.4037752755409,1.59083991556913,2.2709060439967,2.05197470899422,2.47693026008915,2.39492921345437 +Shisa5,3.60580970110656,3.51697157693651,3.72161430613774,3.58956207300541,3.33034853257417,3.17876668524889,3.32103879095756,3.70780905413708,3.58493215317077,3.43209737659936,3.19964596044499,3.38912659001592,4.16145387196439,3.91848783352048,4.17382580539495,4.01485306639591,3.48476810871969,3.80386437380145,3.59820193596994,4.02769618902327,4.04910522763614,3.99785169736654,3.53571394565913,3.67384119117821 +Pfkfb4,0.831978836583167,0.7733416405706,0.957767633742594,0.881933157856142,1.27944030324433,0.82024106896343,1.04970341266375,0.801134309825933,0.754735560360255,1.19749059849412,0.778823473428451,0.938014337450512,1.40185120621184,1.54798747535237,1.14852647072516,0.904833939570335,1.3125552929512,1.36802621072167,1.56932102207307,1.10724006704665,1.14848935619606,1.31946503155821,1.50409552127146,1.24367376125141 +Col7a1,-3.90610189746772,-3.13003832200519,-5.10823813609934,-3.45115002250063,-2.72377076387335,-3.02216873501911,-2.2111814379231,-4.18985002718137,-4.10752078789764,-3.43125798174729,-1.74523441617773,-3.24073769695411,-5.08227612218063,-4.15920993074914,-4.72610491464736,-4.19066896258123,-2.74431660844341,-4.04529545235476,-2.05976695790344,-5.0747074380385,-3.89829390811308,-4.14867296405615,-2.52238623396313,-3.13609809162619 +Uqcrc1,5.78660043407049,5.30132287043651,5.75321937440417,5.52496709188559,5.2252180635405,5.17925722074963,5.36332413647088,5.48243294421862,5.61197071932969,5.58355283327747,5.33005411035348,5.37022462682663,5.99438962911375,5.64247396228097,6.03245489087185,5.89706055153679,5.646347118618,5.96929804343452,5.74639531724659,5.90976464088407,5.93353418387606,5.84144579852483,5.83222374047455,5.73365774555911 +Arhgef9,3.48752274360541,3.64401388351519,4.05927415686334,3.51352514497686,3.2241258510281,3.56855019347284,3.36029371762505,3.69382248142819,3.82912977306234,3.72855435670954,3.1980624368485,3.4654680495803,2.44078113648766,2.29579187791453,2.24374371704054,2.06333082930102,1.8284343612353,2.11019953390673,1.93212618929915,2.22487159709747,2.22685891381461,2.34800992356052,1.86749616577378,1.88502015469093 +Rps6ka6,1.02821555345177,1.22699590013624,1.49711726748795,0.848292220577401,0.568403452335144,0.800879873721291,0.791365314704292,1.41975029824466,1.55004374430161,0.915081151362199,0.780561095904228,0.741642396749909,0.0121112213497074,0.159291613216751,0.674533361801498,-0.376012099507727,-0.466323139125212,-0.169262728790304,-0.481213738184661,0.178926251238473,0.0861012568071549,-0.38570809712111,-1.13586512869516,-0.740107566486876 +Tmem47,-0.770074390320786,-1.48306866016821,-0.907566786159105,-1.24808420896868,-1.1758451539635,-1.56787715434261,-2.03297579019479,-0.717920433749396,-1.49964069863602,-0.756457919672011,-2.21931805630254,-1.30419031926756,-3.47199737555075,-3.10559712894669,-3.31041899467884,-3.35765141230924,-3.58144405171221,-3.48396797881503,-4.22465581110601,-3.79776301739541,-3.06527635784109,-2.73310545446006,-3.54606381508876,-3.19967373636926 +March8,5.28408220361605,5.2186028607411,5.30490081008944,5.30689531154988,5.02596711983807,5.05197990926698,5.00959262452391,5.34121258475062,5.19033231647097,5.22884438144038,4.99641084840122,5.1633138915361,5.73187059218022,5.54195514237067,5.65744643906544,5.70487456454186,5.49926161627684,5.63170706725218,5.39167217972141,5.81832231930328,5.57090832782549,5.70549529326063,5.44623291323801,5.68449671594826 +Myo3a,-2.85897759232442,-2.22596432454561,-3.28208262052018,-2.76730196324028,-2.44005852099568,-2.41589965010551,-2.35017647991391,-3.69973591415142,-3.45063735814317,-3.51663329779789,-3.13771092262512,-2.39812029163827,-0.987107289973875,-0.286777034796999,-0.709448624195338,-0.785949797075794,-0.744994659405833,-0.81947672685707,0.0824282180302012,-0.857347065724656,-0.343112061152082,-0.918643328625609,-0.666698898449979,-0.61472098994954 +Wdr73,2.72343169987397,2.68297901649559,2.61340270955213,2.77382394740528,2.44651312600922,2.48715202439606,2.57456086857197,2.71465669031177,2.57170765044559,2.78812567857435,2.38012496860703,2.70262804298761,2.36773329299528,2.22145880971839,2.2449956727732,2.36336911683511,2.09826017051426,2.44293322597055,2.19721969756297,2.36407254644679,2.3085893760207,2.39389695332548,2.35781390315892,2.12924071858717 +Sec11a,3.7991011765937,3.15456062091401,3.41639935919993,3.49690619438503,3.27881171247173,3.2854586254697,3.4571206602458,3.5024496726344,3.55551083614412,3.63456029263375,3.44850358379976,3.57161357933884,4.29683922447452,3.32858340860429,3.94960811081992,3.57789163771722,3.88848267213584,4.10394796845614,3.79435664486585,3.73775324032143,3.86378791210832,3.55488247183904,3.99161454186746,4.0308484640636 +Pigq,2.51051626784331,2.67380766718883,2.70150948080184,2.54739757766233,2.78955585528976,2.86727858482463,2.58988025081135,2.81899440799054,2.66592278789059,2.42219216588121,2.7800700292891,2.56044848329653,3.01462124552547,2.91384787066941,3.13911124593934,3.03529857117477,3.11288532195854,3.0780813583286,3.09605082724029,3.17988642134063,2.95282179635804,2.97443363529266,2.99866599537317,2.95031723619596 +Rab40c,2.18595434879941,2.09405779425849,2.26067514127975,2.27635596329581,2.71652035128286,2.67321010858566,2.53295569907434,2.28489065392364,2.15923035328026,2.33323839449652,2.48408146564501,2.37755010844716,1.74807823867558,1.91850586570814,1.88349856111882,1.7691109998975,2.25101197599556,2.03675709553134,2.35966237970678,1.76886290196906,1.87543446391174,1.84556610764937,2.05081906074421,2.08423322605587 +0610011F06Rik,3.4651500145882,3.13771818907205,3.73282357560722,3.40441676564501,2.93124346529663,2.93243517864711,3.34064802621972,3.22996646274058,3.34707598255714,3.48364901690708,3.13281498290967,3.24686625567284,3.53050504068654,3.51424551352487,3.51470053316185,3.67463646112233,3.45937565776361,3.48776610717029,3.4761301207631,3.61513242484736,3.73412215657854,3.66024231446958,3.27425255473463,3.50072980809542 +Fam195a,2.21264496708669,1.51060341282507,1.17030465690698,1.04193186326804,1.15998595264914,1.7356107961487,1.54161849134205,1.10479502147251,1.37417546789515,1.47795160731609,1.17560096566564,1.33844744573242,1.97997658415598,1.70446265798861,1.91905761453501,1.939149403283,1.99242458926914,2.14350104591956,2.26819836481121,1.95052973651031,1.70443490717036,1.76979113306369,2.28264258885489,1.71419793220453 +Rhot2,3.27515840069919,3.56975292467561,2.97309260129973,3.47952182024465,3.68222260384425,3.80759610120819,3.72349566187489,3.32242504405402,3.22897440015804,3.41654192105349,3.6691882195514,3.41173161737769,3.38561676985294,3.32343055449536,3.19820499787243,3.38908752475999,3.84248093442057,3.61274270735672,3.78738552970062,3.29500523154528,3.43407823412246,3.46863887888462,3.80526094506015,3.47893319912547 +Rhbdl1,1.1341106810363,1.51772911701757,0.446379087219924,1.33360851108453,1.76998324764948,1.95753590844807,1.78616606347363,0.300111860630444,0.861216340871606,1.04676660991011,1.96593217237187,1.5212668319098,-0.0446097165590685,0.689512316522643,-1.09330540080429,0.744314453203653,1.50419997687573,0.283136479549342,1.68153424802211,-1.15087037713498,1.32741418267608,0.941071824346082,1.23112793427054,1.10256467157288 +Jmjd8,4.72478302908797,4.68855853781194,4.6840539210485,4.560136647611,4.56241153087921,4.59936179775338,4.59015653911443,4.73846517492119,4.68160322106714,4.71748821580053,4.55515675485495,4.53244829725896,4.91401950119317,4.75405691253438,4.6288573291065,4.85902598020533,4.89285860946067,4.76759202556288,4.95527782579655,4.68613172143522,4.74273623042637,4.9182475099354,5.0012035723495,4.84600315563263 +Wdr24,3.03248629015493,3.29771210115815,3.08043114934682,3.38474317755006,3.34035772660056,3.17751595287771,3.33722605607109,3.03802293547492,2.91934020526644,3.28483568183425,3.449994373823,3.25510988760202,3.22845728267289,3.24846998759539,3.09854169553746,3.30596742316834,3.35064388421846,3.28945186925922,3.46925452552848,3.06354063762299,3.21827111853117,3.23463287599799,3.50803732675179,3.45976060391099 +Fbxl16,5.64093732893468,5.73388309320223,5.72918707885851,5.57531302339382,5.81320517968123,5.8064644510043,5.61921140535117,5.70461009061999,5.64013162831607,5.57590409381161,5.76403717163515,5.54859457616443,5.66858603886442,6.00493177982697,5.95780349256311,5.9319821509578,6.06433053112215,5.8913121637195,6.18545968552178,5.77517222116366,5.82003629848744,6.03666632516053,6.08367485529905,5.8541879673819 +Prps2,2.81907086280537,2.89160217277596,3.36658973302379,2.86950216661481,2.30329646544016,2.39724776434671,2.4338309469039,3.05084355404328,2.92039420158447,2.89350265301552,2.34589492630975,2.50846846336532,3.74551524988832,3.52642627251849,3.99988076117553,3.68431879861503,3.22589838086291,3.50519997162815,3.05569468115771,3.92612185337967,3.74324256814847,3.65448472268915,3.10267873389637,3.28370924070851 +Sdc3,0.0072189113150322,0.685853534757214,0.23686025796683,-0.566630856241756,0.938662367064302,-0.0261871338629325,0.0468857597536707,0.260527651133543,-0.055330576775205,-0.300382232303946,0.0393585385682065,-0.0623237442511466,3.07210580161482,3.27953735462951,3.46065447135175,3.1894502498776,2.87911464081054,3.00090203627634,3.17346756821271,3.00829512246581,3.04760074898461,3.18782855076139,3.03220608884894,2.96513794233076 +Hadha,4.59077575768775,4.37930681624809,4.66990477972166,4.51469765627746,4.18574986736193,4.41718175573067,4.29548596430834,4.49498731016043,4.59453119829373,4.43166205479089,4.23520315939642,4.47233655962405,4.8149270581355,4.74526201190241,4.81507334464313,4.707918272119,4.61699786290744,4.73108773670388,4.63079683737461,4.8119643854301,4.77280772953627,4.78012541909522,4.73350145924009,4.68509567872978 +Tyms,-0.0251103861359123,0.260901499441232,0.151272575631041,-0.0685115618051864,-0.0916025282706223,0.178266497220565,0.35495931398508,0.217243968925244,0.0620565585506903,-0.484731162551768,-0.0402561754807582,-0.0049219538235694,0.0608776130652466,-0.121239465605482,-0.936138680032988,0.0510536846618073,-0.162399638870108,-0.349857520356028,-0.0563940574519952,-0.10160482758376,0.20059723725715,-0.207104690959574,0.0840944849082557,0.32794005399622 +Hspa4l,3.4490628595591,3.18984262276096,2.92362719524579,2.96848186634594,3.40996980280012,3.24856003012693,3.16723211832614,3.24630115581304,3.14940209061239,2.79794992389638,3.52116433591708,3.58782898539804,3.03337338750907,3.25568023954601,2.78452028078073,3.10123586913784,3.62762951100579,3.14378871724858,3.00605709761412,3.53465360842897,2.99262876434096,3.00708253145358,3.58379512784055,3.47280510898861 +Plk4,-0.513020952903145,-0.484984644844066,-0.0841720679794054,-0.0555496173476935,0.135043321702146,0.0603798003323504,-0.36371533595747,-0.783094803366938,-0.326340745366037,-0.199117204018,-0.821180098247986,-0.229617613164237,-0.771311895033018,-0.276688792519684,-0.71660367476853,-0.240335759559792,-0.810801878713466,-0.7447908884702,-0.901652006132677,-0.580336841529113,-0.573067768759589,-0.888975833612924,-1.02687121872971,-0.601229244763557 +Mfsd8,2.39500847110052,2.28813115326953,2.37449846798073,2.16782198195383,2.13123519657368,2.25844366250434,2.36035683939767,2.61909601512679,2.45019694046057,2.40141397284037,2.23080488183392,2.27520951830876,2.78238406117037,2.80088313878141,2.93138446142622,2.4831394014773,2.52432325725365,2.66778328055267,2.37339738535588,3.07487891958171,2.541134896242,2.44619471223742,2.71197372077051,2.73082912529273 +Larp1b,-1.16634811106529,-1.11626653840047,-2.46147387811431,-2.01733431979655,0.161168973429061,-0.130894249034309,-0.161241056291808,-2.12849454279651,-1.85356915848083,-1.74846672519024,-0.12264788367388,-0.249433207711609,-1.93553971830872,-1.55223195891159,-1.62444655938713,-1.78498072686907,0.738030501824379,-0.69718324087498,0.524935678020614,-3.09197284106817,-1.41518590979772,-1.29084470396293,0.597421700208321,-0.248473124517621 +Phf17,3.52738608281919,3.44146224702602,3.66189373931944,3.56008886595103,3.5518583216977,3.62968942284672,3.319580137916,3.54780612069215,3.61413606482079,3.57400798788287,3.51561283948651,3.43320420367574,4.5988190245043,4.39452378377809,4.58139478381551,4.64867243835132,4.59163699587904,4.59147789618168,4.57860263222058,4.64560586920018,4.530719855473,4.49530084441201,4.60965075618431,4.44770710632124 +D3Ertd751e,1.63572103765058,2.0334250948646,1.71357874518158,2.28133576604166,1.91360781830824,1.92527159792965,1.83451398060468,1.50359566094999,1.60058127884802,1.97506127889171,1.90701873839787,1.95797896364883,2.84205665401555,2.9563437831526,2.72171581660785,3.01506082009496,2.98473331257211,2.60286141047213,2.59576537705615,2.74665592368087,3.14435392159278,2.79633529618697,2.90468328272439,2.97566975237034 +Gdap1,4.19153669787793,4.13595995444219,4.57702405653723,4.22063970510855,3.58804665309688,3.84822296364858,3.81403109735026,4.17473777870991,4.33756505767363,4.32357235134691,3.73116653987971,3.95349310310919,4.85089819438361,4.61363230906386,4.69453279469158,4.75376532474304,4.44191837187644,4.57731661188995,4.25541996601017,4.67647413733506,4.89235538025683,4.8225485273732,4.1817323012995,4.52803583217322 +Ly96,2.25855086994406,1.7715173609513,2.76330643366042,2.39227612534575,1.9724190718287,1.61272923788363,1.87642213346839,2.09771627417701,2.31257783240899,1.65204616900478,2.07312130558868,2.00446257855281,3.29521564765952,2.72493180858717,2.90978209555476,2.81031334268816,2.34147930167419,2.85126958614249,1.88846392050808,3.28905008268887,3.05904228427068,3.04799643621454,3.01211079331356,2.36631578527374 +Itih5,-1.77106527343848,-2.00369222801562,-0.843718224523782,-1.97447938128453,-1.48678738371419,-2.1768727399146,-1.78350252956545,-1.25270704075037,-2.50159182751682,-2.05957657704696,-1.74070823231011,-2.28717870020509,-2.75937856500869,-2.2888868414761,-3.54571943489195,-3.29304735863463,-2.4612043370314,-5.34326350371067,-4.22982419135565,-3.64151502966576,-3.00611702629787,-3.55133316972869,-3.32050570378265,-2.76011726628644 +Atp5c1,6.30290819758707,5.84806347374675,6.58889194380862,6.26736999320402,5.5690409799062,5.77755399893828,5.82250107813097,6.25158560758577,6.30273486899264,6.15906886996029,5.68630311820033,5.95090499638171,6.21662798587574,5.85960280105816,6.1737092876758,5.94610631807713,5.38674298027061,5.93396340228618,5.28620622154401,6.23048379487055,6.07061427187562,5.96302024701388,5.32428168984598,5.50212258244628 +Taf3,1.27491300494786,1.51307096152312,1.53697302145457,1.29925641068639,1.80556961387424,1.92736346867626,1.52880539505086,1.89576970372862,1.54494389360246,1.26024112393561,1.74003164345296,1.36338757101418,1.00174426534824,1.05815130972861,0.939294086745297,0.858000602420041,1.49148378084918,1.01680750746058,1.14686201044856,0.952031192090844,0.494549391781582,0.662131049742748,1.50589642194894,1.02362577268253 +Exosc7,3.19777335824225,3.07691541818247,2.98198863458144,3.19395060894392,3.14488247239032,3.01939470738441,3.17036704365994,3.06570595187213,2.96185371929456,3.52172010940389,3.14774021849226,3.27301182398133,3.54966742928834,3.41283204909048,3.58838934411067,3.72704780485371,3.68807786946073,3.43358515240533,3.58038683408292,3.31011125055946,3.5032734970374,3.76296524928739,3.89510514444684,3.81206060441525 +Zdhhc3,1.65774365013515,1.75424566485328,1.68777962091206,1.78121495521255,1.74283404104952,1.74778396102036,1.63158647558352,1.70959491223212,1.58935110421492,2.02423041204188,1.82958074718686,1.7023828187085,2.98086366588667,3.03759468610823,3.19936136342256,3.3186317865385,3.01517246968765,3.06147364463733,2.88279793568301,3.12942999287309,3.04104763350606,3.24910232080461,3.02727659155248,2.96658644963758 +St8sia2,-0.855261918176132,-0.66468802685954,-0.0785192452604981,-1.39794222882791,-0.968295616241106,-0.784112923659983,-1.31670884511027,0.535986945680049,-0.238062574448308,-1.69260955639275,-0.892289805986145,-1.03765613653662,-4.18780352936779,-3.04414208640584,-4.24437933235706,-4.12137328431919,-3.25887228314555,-4.19463006401025,-4.82477173623759,-3.73630797485457,-3.81524145138687,-4.82477173623759,-3.80956005169203,-3.7479160718415 +Slco3a1,1.23734193192691,0.986149845477048,0.880069992114736,0.966137617371043,1.74864092746699,1.56213002470187,1.43077217147065,1.24787229468822,1.23263512657188,1.0459173606646,1.27526152400179,1.22838073587559,1.08183476702925,1.15722457218328,1.0670384334229,1.33112090695319,1.46722116419611,1.28307618807385,0.993136535181887,1.23591291111954,0.621331734953118,1.29735907966218,1.39815105355868,0.915950431800692 +Pgm2,4.60171342784815,4.15149336335432,4.51861123684825,4.41843377105359,4.09273207713991,4.15057266130936,4.22862847830871,4.45842198057324,4.46099504932061,4.37064892909487,4.22107449077509,4.02361621400852,4.29387819056705,3.87073610401665,4.18334403852673,3.84529809581574,3.94215573981029,4.28556695551225,3.97052079295283,3.89513332044516,3.91095261001701,3.98247823010252,4.00697370234045,3.84385713130847 +Slc25a10,0.687381704538125,0.826327308254814,0.270606772082396,0.966006980632185,0.586701741801618,0.26072779837039,0.952887844796471,0.339159206483207,0.721452667149085,0.763887342779876,0.948055081227143,0.746471313169925,1.30985914174383,1.05391374816958,1.43547041853199,1.33616736633447,1.50486903053641,1.23718958029889,1.61942157233284,0.949035425014735,1.55165414641593,1.45630372434868,1.43465165913658,1.36095377870204 +Hgs,3.7785457768251,3.90337856160294,3.75272796968648,3.87396443477113,4.06738551920327,3.90887019688998,3.99500984794211,3.9341351543431,3.7573631936365,3.98712340348112,3.95676762522836,3.72426024522856,4.05353888205631,4.13948361104359,3.74124141295155,4.17086732571638,4.16123163124246,4.11375890770284,4.45826259430551,3.7873374403451,3.98076230561712,4.24340844744302,4.36192471812651,4.31055478051859 +Rpl14,7.42707038179809,6.7783036601865,7.73853175514461,7.41788862899515,7.05935876546024,7.14203145596437,6.98804867034976,7.45882645135145,7.38906357483768,7.42606350905209,7.19166625238597,7.22354800806433,6.56890715587151,6.13689681821298,6.68037742102679,6.23155195075594,5.99004238395228,6.52495371080623,6.02217891600502,6.53813440255552,6.46186288557232,6.3026812509145,5.98730231432136,5.99599509098021 +Rassf3,4.76916566054839,4.6312292530656,5.03186709409026,4.33464876016331,4.42160116400319,4.68347605611207,4.32936477172537,4.98790885076138,4.70260724740896,4.24632201500997,4.3806626186014,4.45859405702876,4.21972504147703,4.12425840424721,4.49262194823357,4.00135186953787,4.22189907314103,4.37298852919976,4.15179868760743,4.57302352687785,4.38922597714853,3.99826756935694,4.20553858329362,4.1892363600904 +Itgb1,6.47671043093002,6.35422796234754,6.64639255545668,6.31037029158284,5.99136449517066,6.1831212463722,6.09369551494185,6.56582122986197,6.46674583786667,6.30607495089719,6.08568161689844,6.28272700323075,5.76234858443317,5.79735010231166,5.79804804233931,5.76390847987465,5.44364505110646,5.5778708431541,5.44731690411397,5.82093209578257,5.66275761111722,5.64197193530294,5.42779976867494,5.62352318943039 +Nrp1,1.01486454718422,1.6245831627914,1.35158015727792,1.07088386639691,0.61748025946623,0.716122740703057,0.800965932852264,1.70017581904964,0.85415086541295,0.762345175532993,0.746878789586083,0.97187803583545,-1.20013902817359,-0.95901593984198,-1.41282724347807,-2.18939253223992,-2.36274239062076,-0.755577443696436,-3.46681358648114,-1.06409569135459,-1.20585125528158,-1.77313172058227,-2.90107866245353,-1.98713229020481 +Pard3,0.701773207007355,1.29472856535064,1.10153010036285,0.719037081703188,1.75613793903573,1.4294366427314,1.04401128632118,1.28974967816945,0.812272999476265,0.590732088645963,1.6647163556143,1.23461291017933,2.8277405914806,3.27630648582304,3.00692388705766,3.11172754609271,3.13409857004716,2.99174023362645,3.43219801731113,3.0358344510828,2.96295911496342,3.25035312555136,3.27392826334479,3.30923802025067 +Homer2,-3.5998384584048,-3.26495533745824,-2.69875844995372,-3.15078406121187,-2.94535929322741,-2.85764029305014,-3.48935191124748,-2.40725768597462,-4.24243780335069,-2.89132645576719,-3.66287883044035,-3.49917822890714,-4.77683930434386,-4.87281692433301,-4.86102193010041,-5.15076289258507,-4.54937861743724,-4.18021246780781,-4.74072203214845,-4.76569758312045,-5.26283833057861,-5.85416134450347,-4.02512422544947,-4.16760830209429 +Dhtkd1,-0.673333143644708,0.0063059743610494,0.249607204318557,-0.289964850040884,-0.442961398559041,-0.433777735384993,-0.982993543842193,-0.540832944093391,-0.179377161230085,0.153137154954023,-0.558334312091123,-0.966267037667608,0.860998229174575,0.592131880913882,1.23828253333366,1.06409906050082,0.725096524683118,0.683780099513881,0.954802064479856,0.342265480039129,0.573526722480546,0.732013925088552,0.553849722816734,0.607425770889888 +Sec61a2,1.8706988715282,2.31656781435225,1.63392052254916,2.3663529647277,2.37743987727452,2.25592985953322,2.2735932595757,1.74898108094298,1.79234374862513,2.25582829514114,2.40099046715697,2.24379015754919,1.35234883224807,1.78448965867939,0.69964728733922,1.42786208750823,1.89412446192763,1.34950156193933,1.82297938501973,1.27324011382585,1.34629208367925,1.48613721885603,1.8823605631532,1.84923464222234 +Nudt5,2.83527002521481,2.68451309635278,2.64610625351785,2.63542198649816,2.44176315734746,2.56909399928225,2.48532611713908,2.49262939834926,2.69879921314333,2.5373932442779,2.53994270037372,2.66821590414436,2.9436645796056,2.84814212409628,2.9835807129927,2.74165055913636,2.80750895051201,2.85368011346104,2.49351620997636,3.24644067194101,3.00113810877615,2.8061183772881,2.69734374419715,2.85672248893572 +Zfp282,2.48572033595827,2.59946439423655,2.58768016702091,2.54890189811321,2.6242919826973,2.71908634590206,2.68342453442481,2.50865238210167,2.60465452329962,2.47209952556164,2.67816346923147,2.58928466387796,1.94837690793084,2.3775509742494,2.03573882725091,2.27627567406116,2.45675622884967,2.20646441356611,2.62912314567093,2.03123306551129,2.32691139388214,2.43736286966032,2.5154435081575,2.44968226529354 +Pdia4,6.93094661162473,6.50792612941932,6.5733271911085,6.51413560939624,6.41565576477864,6.39530174665517,6.49491006815589,6.83501424763684,6.48350471630846,6.35414222603201,6.59861314642236,6.6806035891892,7.9290499820711,7.17450236054157,7.1331795809055,6.90335923257814,7.3945946417175,7.69584754647596,7.58102522032864,7.38823077959159,7.16318483215305,6.87452066047323,7.56786270886625,7.62110672849776 +Iscu,3.61682354409018,2.9173777019325,3.21496498817901,3.26440684509027,3.37307467524362,3.19245291511095,3.21653139265602,3.10600940278101,3.32469100200788,3.28209762378426,3.3864264060358,3.42263779714466,4.19040451647886,3.97542084035438,3.93786474926551,3.98397881260107,4.27298697796356,4.12748904408317,4.0242381436375,4.01863608895841,4.07108224877379,3.95891759966207,4.06271141411504,3.92790136701804 +Fam20c,5.39044765856706,5.13457008298556,5.06742682166014,4.97505336219333,5.34522945868614,5.46774039865013,5.22061945167918,5.47058322915522,5.15979464964297,5.02363841984556,5.31039162947217,5.26384423248069,5.07056255270028,4.90220083854105,4.77540867368306,4.80220698486866,5.21466086782421,5.1449147174205,5.27849203044424,5.03680150273693,4.65074621035363,4.87186916019425,5.35542271827729,5.1076078426034 +Prkar1b,4.59001936443124,4.52878385348907,4.60443108655452,4.36924375724989,4.37039143479297,4.42479518658969,4.3639865145413,4.90653850426613,4.56084004234539,4.43100007199075,4.39934913588823,4.41430490141945,4.94928559097872,4.67611035707382,5.12836542524759,4.76944832857696,4.82573509442206,4.85686987237089,4.61585768606091,5.05937160392741,4.8546921186348,4.92771952868536,4.87475243812279,4.66085765451147 +Pdgfa,1.77823041661939,1.95040217625163,1.61458641210376,1.63875537612815,1.72783826893692,1.49255605708199,1.96540585272398,1.63272104801312,1.64372273585016,1.78066208494418,1.69344012821103,1.81093428651512,1.77881800377994,2.49639299942538,1.80911204203992,2.39365237932898,2.25992496589113,1.92668447676384,2.5052207422178,2.3010804981641,2.38586594818403,2.36311530178643,2.3852146955073,2.17118897033653 +Heatr2,2.85772519925533,2.55843818288164,2.79034893526263,2.61782115392726,2.55460741674669,2.76989780654304,2.733919015372,2.79723288942916,2.69036190453568,2.65365531221729,2.68394585379379,2.68649619555507,2.28726664750273,2.23130016860307,2.23814644649432,2.37996761643829,2.6673974538129,2.30416260199732,2.58880372307117,2.03922781549916,2.3911655751381,2.17042054260088,2.61701478292328,2.48944200142716 +Get4,2.69744467323041,2.74184111094288,2.80793945248133,2.82933011973788,2.80807309820875,2.67504049990664,2.74250199895414,2.63147186158347,2.79911679071992,2.79070441535529,2.9348985156758,2.79958821575281,3.35825868225351,2.96372032232379,3.11159640992405,3.28351931140168,3.25340036450871,3.2947740232105,3.52236849604944,2.94481108781812,3.24624068153795,3.48529902015014,3.42049826827472,3.45407705332887 +Xiap,2.94280355094515,3.11852592414952,3.20775139815883,2.89252082548545,3.10252193047293,3.03432374750069,2.84245523892471,3.40529760357732,3.13742850921235,2.90446587694859,2.8716493599612,2.91359544489313,2.78206127548862,2.95586425948075,2.92530195612182,2.99907476809567,2.77152799214344,2.64311325878331,2.5934165854501,3.23348393810989,3.05354533853366,2.96410304340326,2.6571005151467,2.75401659112195 +Stag2,4.688048675458,4.76336712827855,4.99779911719427,4.77015541886365,4.52859888617851,4.62100469936349,4.49746063970347,5.07020922047851,4.92035406972995,4.75711496828669,4.55050572429952,4.73477695203477,5.00110332603094,5.08403017632249,5.24930035726961,5.2307354966922,4.79991742442892,4.96415599718295,4.662653999227,5.37752000975815,5.1400578185127,5.12362055437906,4.79284477326627,4.90478483160342 +Cplx2,6.93076019662234,7.16484866344691,7.25766049793309,7.02455764010509,6.95848834032855,7.03556764036629,6.90756090707593,7.34304668700021,7.15339049419039,7.1607782964838,6.91806915563188,6.96587579983385,6.46729378892309,6.68266961054472,6.73163687820991,6.93151792318913,6.79925660147597,6.44200663647205,6.48793403759198,6.59114348496739,6.59557886926324,7.06246666358294,6.66847822470797,6.45960120913017 +Higd2a,5.22578073787957,4.61747505781813,5.19238680801786,4.98906078439017,4.76825729371728,4.77629016259889,4.73347898240748,5.00129318341629,5.04017500134709,5.12922043565653,4.76634018196402,4.93142854402481,5.27198015623039,5.00210236538178,5.42079044796255,5.24942268492053,5.19606822220682,5.2837081274876,4.6898384324698,5.42942093555842,5.2141040865272,5.44270319840192,5.17717729991852,5.11341747418831 +Nop16,3.14667196379354,2.28351052432745,2.44491346411031,2.76875229198245,2.68533854739007,2.42349512704745,2.66046399893006,2.51778899136189,2.5437275817732,2.66730760378909,2.83995462544845,2.85685789294089,3.02255879104211,1.92789411438298,2.35620623305823,2.32472876074848,2.58475897629822,2.40729785642251,2.68395032271084,1.62097966907306,2.82896495565729,2.51508353227346,2.86160481719808,2.70960313530492 +Arl10,3.03612753382756,2.66117313860147,3.07513668141813,2.84057946775237,2.63144723754392,2.60919347185157,2.52748335855779,2.96394595536206,2.98553086518111,2.82575459230709,2.52477279866234,2.78269217459705,2.83542368333444,2.67401561558091,2.8646900891869,2.8045803332985,2.64682504492603,2.82849697858903,2.74994181015138,3.15928807653756,2.98877424590718,3.0897570377566,2.81000683910994,2.59966584970628 +4833439L19Rik,5.65644673988491,5.26984782492015,5.24269704746651,5.19274312171077,5.47099801597805,5.50060779166799,5.24322695152583,5.39507315890079,5.42540772962553,5.31621837851306,5.59576009872502,5.43682348717284,6.80701139630906,6.55730414624831,6.91806665590635,6.99626097196685,7.0314611822187,7.10626022720033,6.55607454566366,6.89966310012831,6.775725996824,7.09577536087872,7.06776798522248,6.87809817643769 +Thoc3,3.86006025196907,3.57598661455617,4.03882438832091,3.67340690821365,3.40462255483055,3.71242038683332,3.63876994571193,3.5744029038888,3.8791460077322,3.60194632149766,3.40421352503596,3.48364555738638,3.87498530002767,3.58829875670652,4.09332390198255,3.8663044183182,3.59710554925694,3.88618188707506,3.65807739750739,3.50088808557629,4.08163180488399,3.9260077299219,3.62729176330825,3.58974245949786 +Faf2,3.95264968747359,3.85403420078964,4.04162893841662,3.79378488812702,3.63324165969179,3.75830154273231,3.7235172753475,4.05882367922711,3.97272896541265,3.73803200672568,3.81430748620344,3.80267564038232,4.24553086695164,4.04631833388625,4.23018380062471,4.12325741880296,4.11418487459258,4.20191840601942,4.15277441184642,4.13115318121354,4.16333133498498,4.06382367937594,4.10745670081707,4.10387510379451 +Tspan17,2.57854216684263,2.53505609474346,2.93976733500671,2.59560336049869,2.26720341329191,2.47597836012026,2.47955148704234,2.60877431644916,2.76177005057829,2.54073400898565,2.47599254326661,2.14212451296552,2.16509597697579,2.41243681663755,2.37230554818829,2.27506083993121,1.81301276897079,2.14639477681796,2.23125375365875,1.90902593034205,2.83558957683171,2.67013074599976,1.69405803508822,1.86210243415553 +Unc5a,3.08047339594625,3.22881099766674,3.10265034997996,2.97961837843422,3.42040832009316,3.50896418684227,3.25149212024748,3.44085322119976,3.15347640958076,3.39484756692571,3.35721685710969,3.07324576236032,3.22899882866069,3.46367614219434,3.04129098779093,3.35423569193319,3.66699238144183,3.26465650868773,3.69785713577158,3.28933661434032,2.79777584663315,3.27879549671998,3.40702543755286,3.15868452707718 +Uimc1,2.45891634671259,2.77473740997566,2.31540438691891,2.91046428802197,3.26190155412327,3.13986166644496,3.26798978647853,2.5517510769383,2.56297983354707,2.91761327481687,3.31825823622979,3.04616338197986,2.42867693908705,2.8135290180338,2.50296780406668,2.7759497972279,2.8995465143897,2.57401095451437,2.86587893381533,2.66335260928791,2.66738031390371,2.528080728806,2.80738192426291,2.72158406291267 +Smad7,1.80235264894016,2.06554560869829,2.12289253384656,2.04048473457439,1.94333067211599,1.74342387586473,1.87578119697167,2.05104604171237,1.68325962730633,1.58991849133445,1.89097436662153,1.89689049874871,1.08517115023207,1.52297910269801,0.956291618378876,1.55432288772263,1.63332389857616,1.48615354572432,1.59605913657601,1.53795070448284,1.30079013825884,1.37140107134635,1.77723008295314,1.42942860213565 +Myo5b,1.17528484999144,1.43694816734222,1.30483275189872,1.47234420928251,1.59623221552192,1.65096646299523,1.44559617713822,1.2692216369187,0.97144607567208,1.19766374470554,1.81910996048307,1.52278159031053,1.56820915945986,2.13669780714046,1.83335706138314,2.09194940232372,2.08883082336433,1.52920958178952,2.11869127083334,1.47608548709019,1.6269182183586,2.05885771458954,2.27282444072053,1.89733901999472 +Snca,-0.0453775927033713,0.429230655797717,0.245062274652421,-0.206963336605732,0.693719209590302,0.478379375098178,-0.666744198141227,0.40603244651497,0.160426924821102,0.635662895149097,0.46312271733761,-0.0223311890951563,1.98994685487224,1.7260204947383,1.83130468112683,1.6516023723147,2.17033363688673,1.77039238907547,1.50671149876223,1.89883688751607,1.39309142965456,1.85017085250652,1.67323787549615,1.9344386767179 +Kbtbd3,2.51013463376554,2.79167664438243,2.87287381510055,2.91670383691506,2.32768232631897,2.6264461934173,2.54940819324859,2.65139775904944,2.69122933405188,3.10279962392625,2.67690246407087,2.58910042370238,2.69828675568645,2.78591104973194,2.50460840414879,2.63794454792529,2.60207296459172,2.50266814849488,2.37338977253565,2.92241328661173,2.72557518040788,2.92499351501828,2.7084943364338,2.81703825740952 +Aasdhppt,2.90363800716681,2.78726872799061,2.82290144351824,2.78302729202194,2.80171357099132,2.8483087964069,2.78806097285642,2.6995519814493,2.79806906897878,2.58325411976959,2.8364213685405,2.98986668677517,3.4421833306065,3.12466519061015,3.20191741405956,3.34554549780241,3.10588057418648,3.31956848397245,3.10246598205085,3.3325199466295,3.48956782600196,3.33444664542725,3.0900740564187,3.18504838888154 +Cwf19l2,3.28452695446303,3.22433467542622,3.58070149297259,3.40211793149023,3.16619512842216,3.20627460065359,3.29523835096857,3.42046405068191,3.41924401160306,3.19074267588249,3.33036626893859,3.33487384342298,3.34085483089711,3.10211395834837,3.48743737792513,3.22647708800142,3.17785264599224,3.28230221415764,3.14439613208316,3.16630602983115,3.41264307754117,3.14587242048882,3.15741231997648,3.30053090869438 +Alkbh8,2.01058694656375,1.83539712821381,2.12637702906704,2.1043743955246,2.30847675074326,2.27422903154207,2.03598369409365,2.1393120979276,2.09002064092849,1.97157501334841,2.03474872325428,2.02052986275226,2.3470657678793,2.11055523444308,2.36252340308736,2.24221595755704,2.36223720986264,2.13402757364073,2.11227385287683,2.17386511715161,2.0964615809676,1.85473472104729,2.16039137092739,2.34618828924308 +Lypla1,2.86179457976501,2.42552776266549,2.71024098960954,2.37532979968436,2.27882084866705,2.4157374249688,2.25417819128858,2.63135357788602,2.58254385762246,2.37452956220789,2.35961362921636,2.40629014492183,3.16516263432769,2.98470080455572,3.17102020862109,3.03256415261185,2.62181168582062,3.03707621017355,2.53971762803287,3.35619052472677,3.04659216782855,2.91185566262592,2.48825196607034,2.66836037009104 +Rb1cc1,2.53385232220841,2.7136670659933,2.52649151697417,2.75840295695315,2.79047610322914,2.65306178819532,2.70182606415257,2.67732030824937,2.70245226064375,2.46208376297518,2.6911221917847,2.6150807760097,2.93604786378082,2.98777780345699,3.08333100646978,3.03633500735233,2.92108066563868,2.82008786585074,2.94514615180091,3.01607719079258,2.98883457263097,2.89064401660004,2.86703961658153,3.05322966359977 +Sntg1,-1.84344186537731,-1.41578555678143,-1.93418462026859,-1.7157075375969,-0.134328615228827,-0.144424889684706,-1.39752115790754,-1.84748984593952,-1.94795295859955,-2.15174712973507,-0.864604444919495,-1.10406838076104,1.74205517692553,1.68497323264957,1.93158141037277,1.7435094408228,2.39446874510093,1.90285853682786,2.24081610274371,1.77998333880293,1.79466293133874,1.83085074187731,2.35419768260838,2.01917354929504 +Mybl1,-0.505367380502354,0.0401858567809428,0.0428135838565304,-0.488856263116332,0.0899493797734174,0.0680774207537969,-0.754128277987044,-0.112146028849764,-0.0809023662095436,-0.183035049785792,-0.300464924143367,-0.586143014930157,-1.48141817403368,-0.536267702198052,-1.55043671909911,-0.836367906219994,-1.48993123256269,-1.86527483391326,-1.8985691165071,-0.624408545605653,-0.598190135518173,-1.16210569430731,-1.67186453412869,-1.18980461499263 +Sgk3,1.62446513133739,1.63093131996762,1.56025730549384,1.64780785909274,1.79758074664972,1.49642857331317,1.53553710504771,1.67868913168148,1.58540163698436,1.67261863838686,1.59177995429139,1.66742042506663,2.32015610819759,2.14313122305647,2.19142619469969,2.36129541146266,1.93206010324864,2.25005436602458,1.96542540536129,2.41919183054686,2.16912754051552,2.1933403573121,1.88850274993913,2.07990903675867 +Ppp1r42,-2.60692228305103,-2.54976485381481,-2.44618571661716,-2.59896234073486,-3.48507704687475,-2.16553361245432,-1.68164017093817,-2.92763112249075,-3.48507704687475,-2.50619687911284,-2.95312010912427,-2.23899686889202,1.30375347403209,0.287437518844204,0.309510708728968,0.404726728929805,0.84519791003814,0.391972607466589,0.239342589220477,0.721281694296977,1.08770648069166,0.494644164424411,0.865617449710484,0.700489873894445 +Cops5,3.60751804867141,3.22914158908835,3.63950564638607,3.70643671849978,3.35562188615812,3.27242183829207,3.60553131207724,3.37220880011101,3.70531957175207,3.84763631046364,3.50838252085441,3.57087834854114,3.76904139616159,3.61884312785841,3.77333589981578,3.78779990963933,3.49117813608122,3.78714303382235,3.3807132392182,3.52755406218807,3.76574106184122,3.71267979107928,3.70624999318279,3.71579307919846 +Stau2,3.0282263976907,2.78126090902552,2.99692077777688,2.85063039699309,2.96802437462343,3.18027309980507,2.84089542418443,3.1181226278321,3.12425937125426,2.72414779420807,2.92905557461407,2.90922812905194,2.98434590178945,2.98011060503474,3.24053086281593,2.86447392019558,2.89420365604565,3.13968366178932,2.92735894645476,3.39880538142463,2.97479281317242,2.89404568037429,2.74244873261015,2.86433898371029 +Rdh10,1.41862501751154,1.19364961163986,1.03200430675587,1.23148142988395,1.03419343255956,1.14796843431326,1.2132525153894,1.47648467760905,1.29361570638653,1.29513922528919,1.27775900796637,0.96403314117258,1.49827169378953,1.39060167605601,1.0763500076694,1.18944064520051,1.48452804425612,1.4526238875858,1.59136735855532,1.50570544669345,1.49550417479975,1.40623392586382,1.44463476147502,1.57484195926841 +Gm5045,4.69011647981463,4.0734355313166,5.07955481188862,4.66179924519976,4.33359741537945,4.28206227910523,4.23410143375255,4.64828236204292,4.69108971705913,4.66328893565543,4.0780140750876,4.45374063753702,4.07440111525613,3.55867105679913,4.15251088192313,3.65215454209823,3.19471705100121,3.9120669095302,3.19410138446098,3.84751310956021,4.03279588152057,4.0244614178117,3.28870570745828,3.49312385814893 +Terf1,1.95102101755006,2.10682263917195,2.63655542557209,2.23911209520211,2.75975481325292,2.52796641079088,2.46314931917402,2.35747044772104,2.24141338778568,2.10001476839821,2.79176386028177,2.44977136058656,2.14446907339066,2.37098073573059,2.25838533058378,2.40297898653216,2.41168958018103,1.86630967543775,2.57209314408164,2.34742175274902,2.3255306957203,1.93334574548579,2.24684682309737,2.34485692759235 +Paqr8,1.22923819141585,1.5407181133433,1.71851473656753,1.83001301161366,1.25350084732059,0.917836945216341,1.19426774365281,1.85425915224994,1.4487557834686,1.43811160747245,1.66013758159146,1.30964591367533,0.050120145157845,0.399913921288707,0.509102436364016,0.566053235695337,-0.291382234529577,0.12514990861788,-0.169016465882111,1.02496150225439,0.386516801805879,0.750374230646555,-0.065282537609217,-0.0856517978123921 +Eya1,1.96102429337415,2.41871736222636,2.37491607671228,1.90186579600236,2.15627388168225,2.27559609159771,1.85691899973612,2.58980942369833,2.26507798454118,2.20466414833545,2.1093863460705,2.17764814308666,2.31445751482035,2.75873268844617,2.41919090836396,2.43462243584736,2.32671077368628,2.38377836803771,2.24196586968454,2.72606740853465,2.35545341494024,2.58127381259512,2.51989682570895,2.70955883635853 +Tmem14a,0.921698547566557,1.32735670075676,1.80163124569796,1.19036803531216,0.432599335294954,0.901330850137403,0.422054673752345,1.12579275528527,1.45962953195034,1.62340137510481,0.228566581979036,0.611060828378228,1.20334916103591,1.41693460005117,2.07391896146541,1.7665044671275,0.932903959426128,0.969829970986376,0.486565584310547,1.61575356760763,1.58019055437043,1.70743022374081,0.137717928665555,0.800821115242223 +Tram1,7.22464510550058,6.82441252081851,7.05560490565206,6.8986655045613,6.66832270278192,6.67961085555691,6.62561542788465,7.05228982858335,6.92043814205359,6.85144190398179,6.67214937768626,6.76491520375294,8.75493368603048,8.04089841420014,8.3981198594804,8.03654940932297,7.87181353024549,8.49502375269655,7.926273964816,8.66885874820471,8.28974627440995,8.10890372275741,7.96413114613527,8.12538926078209 +Lactb2,2.47748708107827,2.39827160274547,2.50606316892796,2.27040166088634,2.4335846578423,2.30150612937776,2.23983009173372,2.42183791904647,2.59553200169411,2.17716957315547,2.23250674004857,2.40191660898727,3.97703510539888,3.56937943156976,3.70910673562201,3.83299223641038,3.88032338903768,3.78588177038674,3.55497107346239,3.81868296459793,3.59509852489689,3.51161193816295,3.87321969635599,3.93335879924422 +Ube2w,4.50966316657379,4.0617422756196,4.35532395516512,4.17304535231689,3.88652455822604,4.10785033509648,3.99577964039922,4.31161065745356,4.22904014419267,4.00715466660237,3.8819865373781,4.16089106258248,5.23290289995847,4.61710432583541,4.94834071314802,4.80080571100213,4.33800504757658,4.86142113872939,4.279359485699,5.18881329065214,4.75485822542904,4.74045421933432,4.29338948621698,4.69642602891746 +Tmem70,3.5330995946079,3.30182178224606,3.38198548029041,3.35318820180731,2.91929659487699,2.85819547295382,3.17436879347248,3.54297393544218,3.40216365240731,3.44675402514361,3.08710691638186,3.41534650784984,4.04327179346668,3.76529266682029,3.78337086188534,3.73791901840945,3.4397277311349,3.76926006891472,3.15028763949011,4.10520392078946,3.87565847267333,3.6898257223478,3.08065325873094,3.75611517581254 +Pikfyve,3.44823984163069,3.29156340469943,3.07192284421708,3.20622429834048,3.6504304890693,3.57026285256589,3.55098770499494,3.3179376577823,3.38696544768916,3.03255913459338,3.56490188935752,3.42985895434422,4.07837920822993,3.91919106932005,4.04112586509477,3.98385092252753,4.2615597337304,4.17852318952367,4.21893571286678,4.11457269169638,3.88333857221224,3.87137769668453,4.33113724491955,4.26757947478316 +Idh1,3.21637355511777,3.4063618077419,3.3699804787883,3.22861987629261,2.67169504016024,3.10929172525772,2.993299678534,3.35544165132434,3.40735661808332,3.11525157545366,3.03653987413336,3.16047300198177,4.64934719763461,4.30643444053501,4.43803122968323,4.51045390298755,4.14432957160349,4.37002141295173,4.07922596044079,4.67038810313119,4.30706017106608,4.38902539311553,4.14976285158106,4.34349478171666 +Mettl21a,2.09445440562022,2.14947791447804,1.90798575656827,2.33220614505599,2.08760526037784,2.03599492774371,2.2290334021237,2.11801552206233,2.0117772640726,2.34905379869734,2.17362618095513,2.2188358328825,2.38979696263312,1.88468357588966,1.84507188841566,2.03319704153247,2.15223120415595,1.88074727651909,1.63997280843774,2.23175297874618,2.2298295330335,2.01861127813499,2.19999889029376,1.78304219920338 +Creb1,3.82886380912917,3.73407206009367,3.41119720166289,3.51007055274886,3.63267473068418,3.59834682124993,3.67281573224689,3.72390984110153,3.62535292699593,3.41409009711606,3.54958119439426,3.70070720600119,3.57159558534969,3.36807426260743,3.10755772432302,3.30714067859217,3.21914413225063,3.37015596088429,3.05418077175066,3.61122026655221,3.34027962664588,3.20495995330055,3.15528706224735,3.27072025303749 +Klf7,2.00434616722074,2.55720753212177,2.12442337113031,2.01802704253708,2.84865918227403,2.84009139792189,2.46392713239679,2.87135627001113,2.32274198894444,2.20466381697227,2.68180165783998,2.51180488271379,1.52191430428169,1.70448101231412,1.26936064978826,1.33605596687202,2.15134840006361,1.69649418720746,2.02468249482784,1.7768662841152,1.12828393835793,1.49705089609701,2.15156790420188,2.02863331009273 +Fastkd2,1.89233632651859,2.0874917258905,1.99980397985488,2.0483822518952,1.72226322367488,1.76003383386387,1.9829310261321,1.96101341442926,2.04298669841972,1.96115818412141,2.03425418218137,2.16613110223986,1.73346518188374,1.72678720984586,1.83241615734078,1.70496186946346,1.86341526442001,1.69840476748029,1.27715345706284,1.7543615169942,1.78980681616762,2.04030357581261,1.90890218844118,1.5178914403884 +Adam23,-0.366948383608941,-0.36120064407084,-0.58694853583511,-0.257135811012352,0.245139170757816,-0.0939924277136481,-0.0403660920231363,-0.359301371424666,-0.17769418753829,-0.118423613385954,-0.0167439925634008,-0.418229034976705,-1.10185986413544,-0.780531292196563,-0.505119979148315,-1.56688981568281,-1.33542580971931,-1.75399014669743,-0.94850330586896,-1.20769205854074,-0.906297848675715,-1.42591957533732,-1.15863485180299,-1.26210328320283 +Eef1b2,6.77170990083908,6.24397545972401,7.04553240437464,6.73183085692977,6.38023292467068,6.40700321632822,6.27426308690803,6.71394961401518,6.71133177422287,6.79457472462634,6.49599857065856,6.57485659005903,5.90563508332728,5.65067637774053,6.04152661300948,5.72921933098236,5.33711493568659,5.79041996077901,5.35138246685374,6.0300523922998,5.91400306983419,5.69605196906078,5.26477771332872,5.36081723495092 +Ndufs1,4.21705319099657,4.13972343385167,4.23001440449749,4.23698625673238,3.9596983062559,4.02392096907885,4.21374430841184,4.14286521150662,4.24555335072107,4.19199268303191,4.0451333581817,4.13600392664191,4.31499070446778,4.24613924158099,4.29457805837933,4.32315051084136,4.20279246959229,4.16780475589949,4.11037186531881,4.10535813164675,4.33444614266345,4.50662294913591,4.22937259150645,4.35797906039874 +Nrp2,-1.5298391553441,-1.21353835392434,-1.49408640279895,-1.62489792018499,-0.712024512299517,-0.756562804508493,-0.847806631506909,-1.48074937679329,-1.48560402075371,-1.65056124060744,-0.704641562759183,-1.1488660597531,-2.08137098006215,-2.94197852824783,-2.62273200060418,-4.08212911411248,-1.73057324439767,-2.49499906904592,-2.5125117161734,-4.96616758956975,-2.42388003219705,-3.16895482806841,-2.49650475939098,-2.78250254040939 +9430016H08Rik,2.07075709860136,1.84423658618147,2.3419580142066,1.98123467177512,1.63078710567162,1.74166577914823,1.75975334142159,2.13256857442502,2.34300208855838,1.88143657219015,1.6746555572829,1.96397722461382,1.48599732764409,1.40740930418602,1.6716867721485,1.24440601484587,0.809409058330549,1.65819176476164,0.609930837339937,1.86654987246708,1.70387987568352,1.5350733730804,1.38361903326206,1.38761459853222 +Mob4,4.15217596656985,3.66293024996035,4.1606833628972,3.88600894455313,3.38561444633156,3.49211431941879,3.69381288385201,3.72852974516392,3.93126031424842,3.78733771647226,3.56314217869855,3.81730047527125,4.2010194940335,3.80457442761157,4.17393886152607,3.9349642353326,3.54010620873818,3.86669379137545,3.31187096587138,4.07071770371113,4.01587134588643,3.90803620283405,3.44975057717945,3.7442405237947 +Hspd1,5.51475275266718,5.27971146371467,5.1668683088864,5.13558986422897,5.35884226946779,5.21312951924419,5.12123947244672,5.3575006471563,5.13294555420823,5.2196276958384,5.46214549216739,5.54305824316253,5.53970192292193,5.32100494873538,5.20194258280981,5.395641871014,5.65952132026362,5.4884731787454,5.34540084240923,5.69853380106231,5.26434868366641,5.2814476551786,5.72661240934884,5.64393728339955 +Coq10b,3.55922521140166,2.76023120419186,2.94412920473581,3.98954149683901,3.51721884757338,3.11834937922969,3.39402981771358,1.67175117874524,3.69053173897749,3.69877741507225,3.38302935585187,3.09408769273365,4.49591517621248,3.3088609124159,4.67166040254283,5.02935339990289,4.2396940683763,4.43637001844643,3.62484994084105,3.20556923403814,4.47607650063134,4.71638482937405,4.11462125483721,3.83393392590651 +Sf3b1,5.58707883602881,5.89542839433501,5.84229221327735,5.96551361295878,5.78617434651075,5.63629597339855,5.88094089451836,5.47336880185388,5.85144322736901,5.93071459908804,5.83631875806419,5.83844325260109,5.34612293681295,5.55936746044449,5.61877702641499,5.79033765843746,5.65811162705618,5.41104750288948,5.53040938188001,4.89061185297463,5.62289320264673,5.7687343566435,5.66459469867424,5.78772911119396 +Slc39a10,2.43570058077857,1.86297969813573,1.72446420405191,1.78225898428923,2.0888675464795,1.99031225284754,2.01130145817232,1.94004080481306,1.92330675031441,1.77625279063143,2.2830281416543,2.18360871498124,2.93122525303437,2.69503528556628,2.31664122654984,2.42429900119183,2.39694894757791,2.86683048773274,2.46063380084553,2.73029130836985,2.30639235335706,2.28042713487666,2.58547025335196,2.63036227978165 +Slc40a1,4.5052709858705,4.81953202110172,5.0797269162073,4.59291866069036,4.53199487733382,4.11122218264104,4.06509736379434,4.79896713145857,4.52949255306876,5.06549675293139,5.09488076793952,4.40602212631448,3.36677980807515,3.9630882749934,4.28570487399732,4.41963164683432,3.9925301375271,3.83269110919148,2.99328349106146,4.10805431447533,3.90891925480006,4.49841563441598,4.00183306256735,3.61561033810283 +Wdr75,3.10832295129787,2.70697254113126,2.83485702626456,2.89437068035453,2.99948334758957,3.02626087310602,2.9321276323103,2.35633498483997,2.71716501252135,2.92929334523547,3.04441505700661,2.93409239562934,3.08753725475544,2.72985486090811,2.99119086000417,3.08638172515616,3.14502251520347,2.79063075199248,2.91391171567896,2.63725237485431,3.04192584316609,2.91988288525568,3.11664647375364,3.04784983389068 +Ikzf2,1.23789500274391,1.52920276864392,1.57229271153894,1.4938219283589,1.72550774891993,1.66615739153468,1.55437639861131,1.90831038395666,1.42710157390725,1.44854853939685,1.56559848011409,1.64173638499715,1.67194271424947,1.8538180484152,1.70253753715833,1.93550185648712,1.9709712507068,1.67859382930626,1.68110272874239,1.97932218748796,1.72598093733555,1.98912284800563,1.91319874050117,1.91860441734769 +Lancl1,2.57229451800369,3.12093320867749,3.08505548540808,3.1395872035761,2.62040275833753,2.57003168833794,3.01815028954679,2.69221865991516,3.08626411579641,3.15997241446275,2.82473524454633,2.91163358965105,3.38949399346853,3.40092158822489,3.41296794859956,3.43138549215787,3.17034620636649,3.22310624315181,3.10802466055747,3.21442218828149,3.62685697345264,3.68365570012731,3.21178237497943,3.2302244228842 +Acadl,3.06474867749509,2.90120649293481,3.47410101713034,3.06540073378717,3.07515719472032,3.09397694959774,2.86366851793109,3.58418414321172,3.23305985602899,3.24192090977662,2.86199624846288,2.72668594853989,2.67135497235423,2.93345131326959,3.06492340004279,3.18049572023754,2.7395866259885,2.61360077819958,2.82213268629735,3.06162007443758,2.86517770657235,3.0108917555966,2.56193502749557,2.67047894847129 +Kansl1l,2.05926424123893,2.15149859975776,1.99581795446499,2.0765608727017,2.32462695446474,2.17059740298373,2.0494157880558,2.18821306718587,2.00283526438889,2.02348213811041,2.21982545957785,2.23862805616419,2.68944788885961,2.7247842466526,2.67421562310963,2.64456031117627,2.52635664071815,2.67656385097974,2.28750099232764,2.95471474340279,2.79447290333057,2.75132460610222,2.60351679579966,2.60145460349879 +Rpe,3.78258070619167,3.35648317612563,3.29571200509453,3.41149218654297,3.45457041367536,3.31825992890807,3.51118201124263,3.46346540063723,3.30864461559138,3.23413313842474,3.26232282038913,3.55871432507151,4.11908889727992,4.00453155437833,3.87837151118253,3.79583159514237,3.79190087673413,4.01695089025414,3.60569475681862,4.32634827038456,3.85524935476326,3.71683705849838,3.69573659847769,3.92753553966978 +Ctla4,-0.463846420179812,-0.822062269788044,0.284918870946636,-0.188435895886332,-0.164519971194113,-0.556551971573221,-0.216990789389995,-0.427997937480198,-0.606481749618622,-0.328898080962621,-0.700814105599527,-0.40748567997217,-1.04593784625569,-1.000502306726,-1.07932772940723,-0.328721713016066,-1.09210289443402,-1.60167851210094,-1.53216796961796,-1.14537622821556,-1.05124738231862,-0.986747619600034,-0.525706905411091,-1.58712863506429 +Raph1,-0.777847120714758,-0.905069363758614,-2.18668986055728,-1.54126335616206,0.327327483161826,0.336511146335875,-0.249785260348609,-0.416158991831297,-1.24627018833341,-2.68790718423774,-0.230264756557542,-0.410507112789916,-0.102902627331363,0.419706186411815,-0.303306961397397,-0.862659560265567,0.814984346241527,0.128159032424378,0.666581466457763,-0.17677417366967,-0.226822688263687,0.0202384044369555,0.667251468261863,0.324813294805946 +Carf,1.53777139688546,1.75445948061492,1.69578908712887,1.71445678467181,2.12006729604829,2.14418458416218,1.95815523915931,1.7451150384533,1.74003913357158,1.63313977403012,2.18006914848251,1.91642028662726,1.82362121479164,1.78137146696706,1.8527741114273,1.8644664289409,1.78033624866999,1.81541443230342,1.9120417070674,1.98803743405657,2.00276963064774,1.74749494107702,1.95173041603713,1.77895970881787 +Ica1l,-0.998893392097953,-0.143999239985331,-0.63470806261208,-0.692165088961393,-0.624456750435953,-0.588318483067635,-0.160429228144316,-0.551398653154344,-0.582983554936855,-0.460633589044282,-0.573953005099926,-1.09520876545623,3.23870846630943,3.63796856411953,3.90498313907209,3.61518037575579,2.90790239346145,2.9243865732096,2.96575797793862,3.59713040735838,3.71521627953564,3.72147294317943,2.81274314093922,3.14435620205161 +Wdr12,1.7529603017525,1.39351202666206,1.60971434252951,1.71166826331579,1.57265011281971,1.67207626002904,1.85644183176595,1.27125267147887,1.28576011532353,1.63398941061072,1.66653123356159,1.75037649278181,2.08071450500487,1.94626035502995,2.22918093071099,2.02879130682238,2.2204463938775,2.03882863882917,1.83683019198987,2.1315581017729,2.26773219680909,2.25147754403824,2.15885318949757,2.30998209033547 +Nop58,4.71704112383502,4.5931445653114,4.47044723019409,4.69916704823567,4.37918104359604,4.5090467132052,4.6137900658127,4.13231892123167,4.5265431093024,4.652573597285,4.41332070078636,4.65963643024028,4.41433414597479,3.82549287042942,4.09399384440505,4.12671434607738,4.29141612203608,4.28362223906866,4.10918036036499,3.66489522071912,4.38963609355593,3.97652975006476,4.13779893266284,4.23553041257742 +Sumo1,4.61409343469071,4.05998808836738,4.46221484621718,4.42021346762685,4.01493720138525,4.13807887647665,4.07178875868949,4.2669169401864,4.34689824473488,4.5686511795234,4.21767894193292,4.10721761206953,4.62943744421459,4.31327032539643,4.69021459429471,4.7138813911437,4.33392648927352,4.47347600621505,3.91141935089727,4.59875586407857,4.60319901825261,4.57950522758007,4.46538870253133,4.31818807624146 +Als2,3.01397158560291,3.30973063613008,3.09001660874538,3.32395454318701,3.36713508142868,3.30800447869969,3.22391488055131,3.40955211916081,3.12059516262406,3.23833634120019,3.38213074422038,3.26755666767643,2.62706608065484,3.04527247187941,2.32480284166581,2.71026694453517,3.22670000439663,2.7775353261145,3.11545205050103,2.80456139859977,2.59528389686353,2.69513318831277,3.35035824227161,3.2583534114991 +Stradb,0.362250176902934,0.307956884746688,0.0038162039532116,0.23338326094142,0.698742458967283,0.29908658809339,0.602688621321836,0.0372272751919143,0.385355869653697,0.0233704126632994,0.398711096084918,0.311566642946802,-0.0971456483233877,0.484037134542614,0.0328061916517264,-0.288344873715817,0.143732011309369,0.350968419545702,0.162299413346807,0.517671239947691,0.190280704373297,-0.0918650165365276,-0.0013168626132835,0.24760404251858 +Trak2,2.84918163767543,2.9339177817617,2.86408957968569,2.84797189234569,2.98729982817347,3.05954541433911,2.8379506441067,2.84569074607033,2.92448408120466,2.87410195001473,2.81348432728344,2.81939271250365,3.25578555297622,3.30127904391623,3.21312504924693,3.44794913552461,3.37143582484943,3.14395780871092,3.28854077701876,3.10856621872918,3.29772158577719,3.355776744075,3.2759304093287,3.27319835211285 +Casp8,1.7352295500283,2.02351612648165,2.33876403656377,2.0501764620526,1.85672342840572,1.71575892066793,1.83210687924517,1.98922042758631,2.25318353693741,2.31292457591528,1.66149314684474,2.02714220393083,2.45329195791253,2.35683232905501,2.51779773679241,2.29675358609291,2.09103570896219,2.43433191373355,2.02346091258711,2.70123452082604,2.40297516186005,2.14376172319693,2.37482255803735,2.33506209922418 +Cflar,3.30571649223243,3.19998570627946,3.33014204150196,3.22841164381353,3.28386295483087,3.10084579938595,3.15946996501238,3.26710683828297,3.31591224842292,3.20016966761428,3.22628550291677,3.22844906781386,3.52885230487528,2.85839307153382,3.2147538595502,3.02417663116813,3.55395512445695,3.29836087076886,3.40331685232638,2.39483210079213,3.30929731001222,2.85220693019098,3.45073715074538,3.50354593987157 +Ndufb3,5.55652247124094,4.95274613804524,5.62088718150382,5.41465905391628,4.96386891909302,4.93178134016429,5.20080346367895,5.57445243180013,5.35579019141524,5.26268375305939,5.00948615707817,5.29322959767948,5.57529935232159,5.18136376996487,5.55431334424526,5.11727525518114,4.75530010079262,5.28355672311656,5.06582235411838,5.47106347614273,5.41840557712543,5.34717787989508,4.81370900364752,5.17189436810627 +Clk1,4.12523263021374,4.93387628776101,3.66169746652501,4.93028285948881,4.96104240266895,4.6103015853572,4.97781941266299,3.64079037918937,4.54089631801872,4.72981024644393,4.88031530398557,4.76074257455466,3.27902486711878,4.11469298357171,2.82043987708136,3.93977697529926,4.119657901749,3.434427004177,4.09886982169656,2.96365389878241,3.98709492767752,3.76830144277988,4.19113328694559,4.05919636618514 +Ppil3,2.22674477184818,1.98674112801919,2.33596432784093,2.13358648319429,2.02889510824005,2.06605360586274,1.69417774355922,2.06390458074469,1.81025164767533,2.2859729937481,1.76039069398705,1.95970989396771,1.90267209961454,2.03321501500596,2.11787814242473,2.39313182194487,1.70831007372009,1.50635738179558,1.40070648260551,2.41551813871414,1.99120550771987,2.18338399560018,1.59809235975366,1.64580348307118 +Nif3l1,0.901396091944657,0.855999096768589,0.935279061587294,0.730561122678359,0.861073358303928,0.914744583902371,0.722272453802028,0.777031668752418,0.825029352626653,0.841764924855396,0.518850209835324,0.97579221141992,1.51976093504052,1.14464357022112,1.51669279156382,1.3441658927596,1.59689274646185,1.59870125559328,1.2237075045068,1.18835783402594,1.12135251145682,1.28905019956426,1.40905432737234,1.30043142211457 +Orc2,3.15886995528701,2.62601700693523,2.95334022379771,2.86135389301775,2.80784459267173,2.80995664195039,2.86050928628502,2.69766715790524,2.8508449811822,2.89098049346673,2.6861658373498,2.87973351845155,3.31773938621748,2.94187742264329,3.15766237633923,3.17808958266057,3.11739801095725,3.29861908298572,3.026595741649,2.93780844575966,3.16484301556143,3.1022733100026,3.08926754251658,3.06947226676249 +Sgol2,-2.15285587405329,-2.86435411730708,-1.47041749941438,-3.29059139161716,-2.5580255752233,-2.93534089757086,-2.68876303383815,-1.42436771279188,-1.43655728283313,-2.38277041949356,-1.98968787259695,-2.57737633999793,-1.62771337430856,-2.37862497057209,-2.03738135797068,-1.31059490726072,-2.49635875106543,-1.49155266547155,-2.04486431678198,-1.69226482430325,-1.59332191837505,-1.49258791046847,-2.73884062822588,-1.54966654988889 +Col5a2,-3.03137975329837,-3.14761233515151,-3.56514131636413,-3.79747892731094,-1.474169808879,-3.62607353723712,-1.82944349014364,-3.87535764567562,-4.01136855410774,-5.62309209526052,-3.06120866446908,-1.98698875904879,-4.98612388839072,-5.05053980532023,-5.62309209526052,-3.81024720249872,-5.62309209526052,-4.99295042303318,-4.9615211275881,-5.62309209526052,-5.62309209526052,-4.63387196649829,-4.01788278334939,-5.62309209526052 +Col3a1,-2.07494018867995,-0.556102305468676,-0.471148279333125,-1.83987214143646,-1.35678069425067,-1.9080851762175,-1.12944584685136,-2.33266868907399,-1.78248370963864,-5.42801673462537,-0.729254201018647,-1.73979976824814,-1.83094376282385,-2.55361744534232,-2.04813769973692,-3.61517184186356,-2.13188371186868,-2.40648004167964,-2.23499288884995,-1.95056304971806,-3.60706631368802,-2.27731199282608,-2.15298059052379,-2.98501106578619 +Kdelc1,1.67173225780587,1.84344842729872,1.5099532061689,1.97704819982437,2.26876312800481,1.88443105643,2.06818032998504,1.43410972588725,1.76094306487505,1.87263689509042,2.01277075316529,2.13328228580445,1.44257556211948,1.33563248940408,1.14086856925573,1.57786075788946,1.74014579902873,0.837562616406869,1.58756297828881,1.21567599138465,1.74819469090108,1.56271421815051,1.70902179506797,1.70963079629277 +Ercc5,2.86956239544444,3.06991977431178,2.78552283153548,2.97575386846068,3.25220608607081,3.19422644727154,3.3716504740491,2.83888011895611,2.86091512512893,3.09171816028827,3.50497066097882,3.14807919944656,2.43546497267732,2.69139747717618,2.56786088917597,2.83763469513883,2.92325628382113,2.72273774275203,2.95076805505286,2.52685787420255,2.61101896493279,2.72160511213066,2.98600149167712,2.87756966135671 +Tex30,2.63168245596347,2.02314862414272,2.38292657721461,2.50374548489846,1.83905421457421,2.3184418842097,1.98531353696277,2.07020563841823,2.35858028485954,2.40611505047418,1.88955429945253,2.3216369175679,3.19066256248297,2.93204115846065,2.95553020771321,2.86294595199537,2.12438161407196,2.52250456427417,2.39892517542288,3.12947788227119,3.19558435791531,2.98449774319497,2.32254129281504,2.6346542585889 +Khdrbs2,-2.41992205336216,-2.51937738041116,-1.71738854666163,-1.92941875094916,-1.88054552707691,-1.52726570893764,-2.02596203397246,-1.48566740760447,-2.26691171126254,-1.82489646079268,-1.30837874130493,-1.90197690276404,-3.69435398422871,-3.54854898915511,-5.10858338745639,-5.10858338745639,-3.80380066039017,-4.47844171522906,-3.65156051155598,-4.02011962607337,-4.09905310260567,-4.53079851041063,-3.76842042376672,-3.19264801419255 +Ptp4a1,2.21658282838421,2.19510976781298,1.42644586715993,2.19376340202077,1.96843397401473,1.78075764678354,1.90665224409119,1.83622244875257,2.06598685767427,2.14685191874746,1.92569561143152,1.74633829556586,2.40662635869101,2.10842775179282,1.93784041913729,2.4895010427852,2.19753139339439,2.37215735239431,1.83643914402971,2.0835313845718,2.37431731899943,2.13518828680257,2.06115024210536,2.46079714514393 +Il1r1,6.17859949194262,6.28068201714339,6.12759926635284,5.87738090021475,6.58716680526876,5.96239853893765,6.12694248100044,6.47029957794042,5.78863846495924,6.35411521430644,7.20164787111506,6.44688426997477,7.50993731291613,7.58708441798363,7.58547688395297,7.33444856927633,7.99161678146864,7.82519408236258,7.37906653094382,7.94899895798325,7.24384165740589,7.5109274609642,7.99796427348968,7.79773321936691 +Il1r2,-0.593447868767051,-0.392309306761334,0.840966809048214,-0.0751764397308204,-1.45181462757848,-0.281715391224645,-1.38172333479262,-0.350934385075037,0.0203369922272331,-0.0529980308843653,-0.328682807841644,-0.830177095132877,0.910483764316597,1.33349126438111,1.75572787635643,1.9669616095078,0.917087817712647,0.394302296147484,0.007863635046213,1.59473812114338,2.13714067512867,1.92310474695561,0.366059745116829,1.08579132176388 +Map4k4,4.14719773813657,4.45738027353015,4.09127602435149,4.17142883116433,4.37526973139238,4.45505549215035,4.35727444363501,4.1806234321845,4.26308545337053,4.17082590513475,4.38169202056537,4.2348392695749,3.23791440602271,3.54710793174309,3.00695930303652,3.38739251872073,3.43372712955477,3.26370349778424,3.68690099589115,3.13076022138441,3.33316428180572,3.28778081020038,3.44100836230058,3.62921069018884 +Npas2,-0.425395752412812,-1.07008322183828,-1.78638990938074,-3.96766210767651,-3.33776981186411,-3.27146417931224,-1.63628361497953,-0.0769860251722236,-2.09733661964141,-4.8537768138164,-4.32181987606592,-2.63389206428898,0.0991680588254868,-0.161976835310452,-2.86407996542438,-4.8537768138164,-3.28787736072436,-1.14782396644089,0.508850348590229,0.503418187397258,-3.03282639287905,-4.27599193677064,-4.25865538977235,-2.1429058330321 +Pdcl3,4.03251542670434,3.82933144205042,3.71883741663776,3.70381530003458,3.23209378583932,3.59874188665166,3.52074917844354,3.70932115953757,3.72775935110976,3.84811804715995,3.51164573229783,3.55422578092064,3.27419739891791,3.11630588252408,3.28900553535254,3.2807027058378,2.79394523946275,3.32882869249213,3.01398505421845,3.50556067253326,3.19051135303486,3.37012954290642,2.85194932747458,3.04904355595123 +Chst10,2.52175000764067,2.50496188685865,2.4415345034926,2.34946960715565,2.40363467450959,2.51112371757216,2.02920990285576,2.51598707433109,2.63882117249163,2.64372330607976,2.42089902196867,2.47934434628011,1.77652961560042,1.85725852102342,1.76721399371844,1.64350775725136,1.61510273075257,1.68277164892617,1.75275229003234,1.94958367394458,1.69041023907524,1.92058508820673,1.52080903667954,1.86071266288116 +Rev1,2.54565130555017,2.72192654044413,2.2730579910318,2.86509421936714,3.20878479761873,3.0285402727602,3.00373745612761,2.28198315923883,2.66993606261065,2.8638042271811,3.12645816145179,3.0420495343974,2.11866096034025,2.31889090315278,2.26007732348986,2.68859208930359,2.80496574438634,2.36384391867172,2.49093660368925,2.25233754819569,2.46198774320102,2.61256197476443,2.78713781871138,2.5098007319078 +Eif5b,2.37605190893281,2.39248166495082,2.19494553131147,2.21738595151885,2.52559427318903,2.45634629321996,2.42787497192937,2.32322080716133,2.14334015482033,2.14114848819688,2.66079043070049,2.2410840416276,2.36476916092567,2.4424157062692,2.01072899842179,2.21273923144425,2.76861770571315,2.34953024077636,2.87361145273299,1.84621904932929,2.17434256799669,2.35457365956319,2.82476800216821,2.76449275712525 +Mrpl30,3.65594855460784,3.59583696816301,4.18040155460327,3.94069910251559,3.2648141606178,3.25710330590847,3.31984295943411,3.80153130872947,3.82388773800555,3.88563954833065,3.41619243314999,3.51646035086236,4.05406504654954,3.70600029423295,3.94208085631667,3.85857825519982,3.58686614585414,4.00610102119104,3.52155775658899,4.17179087374921,3.98378535573727,3.72710829752653,3.69115668968918,3.51002008117138 +Mitd1,0.807069763898736,0.833268021301492,0.641225340577649,1.11629466158241,1.1253876527534,0.813273610094948,1.32863253837228,0.390194748359129,0.557003049745099,1.02814913838003,0.982941046217769,1.20195079221767,0.869462142025549,0.492795580725446,-0.165639082480547,0.753901384854271,0.520031820684406,0.730822422460098,0.519416154144182,-0.575767628436944,0.673442672509991,0.650839645748818,0.441744539234598,0.558132879208969 +2010300C02Rik,1.3680983522889,1.73417381596472,1.85680836696141,1.78534928055895,2.16436325734627,2.27977650649671,1.79098741750432,1.93110283709013,1.75357193573458,1.77446878324013,2.26082673035994,2.18631001970972,1.63296565183742,2.00780315078918,1.81003450700883,2.44872115754557,2.34929587181459,2.01596788914092,2.20650405253185,1.52325139122214,2.17425250770068,2.26223862490027,2.5492971912129,2.2528552993867 +Stk17b,-1.13517130957759,-0.877496349514363,0.201355218384796,-0.653983854944513,-0.224337242357709,-1.38373776832288,-0.80033553313675,-0.633909703825341,-0.21581463751498,-0.534809847307764,-0.426249787530532,-0.157005424415617,-0.948103404855618,-0.308298796635237,-0.508453629439388,-1.34636943221256,-0.858528724053115,-1.16002394094807,-0.714999611448727,0.0347097431342556,-0.205136547915011,-0.10109215105503,-1.14765690860411,-0.48455372202744 +Asnsd1,2.61939097188764,2.70377457477564,3.07088609427877,2.86002768411865,2.25785066048571,2.27973634730093,2.55591756011466,2.90324026157871,2.850498865588,2.83861030480214,2.47805658165113,2.51430701289058,3.55781627321517,3.40104427471256,3.57951701121332,3.26488205400565,3.11607973708411,3.31573083601292,3.05700458354601,3.76198918409549,3.31181535151591,3.32840025512925,3.14040205432187,3.32735468355353 +Osgepl1,0.301021156195692,0.252970729535855,0.0471547497848213,0.346479442186181,0.623927040872875,0.502555394799995,0.424730315575694,0.267295758196417,0.245617898854423,0.113047208347015,0.686652532076422,0.335264557569877,-0.0649691472925524,0.24493749127442,0.647926524593695,0.688864348343229,0.550840613872338,-0.0835842734253158,0.26916423868541,0.161043009723611,0.719610866332805,0.653480522541862,0.20281015042816,0.356533932730956 +Ormdl1,1.71280765456518,1.68961659294829,2.12242597308521,1.65171667944839,1.06802158782686,1.3055361534555,1.33771540547022,1.9265987973474,1.51660535976087,1.73556204317275,1.31671979240801,1.46550036738848,2.3721777291661,2.03779857731081,2.10317899370136,2.03220999405999,1.57393248422722,1.83624719923242,1.31769475537785,2.56745332177513,2.02127210122379,1.92804255986408,1.5719469431503,1.86347094918494 +Pms1,0.957882374037223,0.769391112593078,1.12704954438914,0.738240446179277,0.759154736582182,0.967673186109455,0.494026270679863,0.791891217236262,0.98962366459776,0.917962270434744,0.661394499378222,0.82143432303929,0.365679014875468,0.862529976414816,0.757041883077233,0.598830986622849,0.769096605025414,0.787388295076818,0.751005522255157,1.08078064236405,0.802606536587504,0.914683612532621,0.891699699430086,0.601845368429191 +Mstn,-0.373664911834081,-0.320659807612608,0.610227103656028,0.0377018438394918,-0.356455033984474,-0.0879507124413865,-0.0801298665987478,0.52754298386898,0.672933749976757,0.175423152310918,-0.411256750428376,-0.578113602970964,-3.78472008766332,-3.21216779772303,-3.20432768378279,-3.78472008766332,-3.78472008766332,-3.78472008766332,-3.78472008766332,-2.0829716136184,-3.78472008766332,-2.79549995890109,-3.78472008766332,-3.78472008766332 +Inpp1,1.57484178634149,1.97005750035416,1.83303057254378,1.54307377847162,1.92956048156526,1.85141554364554,1.91383476160353,1.60723217026097,1.68540733251921,1.68253553314237,1.84235477482061,1.83509449705788,1.88847339277787,1.9388050513532,1.77773536638094,1.97589442018635,1.66131236810745,1.50382651702239,1.47442026744666,1.76613185827439,1.63565987799874,1.61443539557128,1.7706943712606,1.74465248458748 +Gls,5.2480064486434,5.3959651438524,4.83740787011189,5.06926806923896,5.17734027647295,5.09293898664707,5.33161126128855,5.00621815237299,5.25109420408403,4.94343413939779,5.16466626094557,5.30985564775019,3.01623422275453,3.01515989453108,3.06674324754281,3.03253006908287,2.80480644988399,2.93163744986267,2.63782904986443,3.01928443154281,3.15352669432381,2.87454866106556,2.75219983574615,2.84587210726649 +Stat1,3.29339195146921,2.97637951638764,3.00000977889466,3.0011432134776,2.94940047075193,2.75286867093086,2.82194471455988,3.01807713185186,3.00780294420553,2.72651411037276,2.80155106481613,2.73341434583647,3.22318358960795,3.01950223454028,3.2524626964648,3.34541295218843,3.05740532861915,3.13121300908264,3.02176996203053,3.4625428099841,3.056078852713,3.17520968624285,3.15709962672127,3.01052589339564 +Nabp1,0.649047176738905,0.504397722470899,0.381334681100936,0.52648071505619,0.498456837678341,0.382967485774574,-0.156602749503673,0.229363492392058,-0.123830251336174,-0.199988416864554,-0.206629395744583,-0.0740773708672771,3.55067921488922,3.59731727679532,3.42892128961609,3.66608166209273,3.48533114095048,3.64023728590974,3.35017406184133,3.64500911893824,3.67733845243355,3.47485108243114,3.49531455389818,3.68866747424286 +Mgat4a,1.17334193064467,1.06684224980756,0.986606382901726,0.700266245239814,1.10092599611274,1.23355917444604,0.814149186726894,1.11459784593876,0.764233357623673,0.509680843314102,1.06732712386765,0.862694585925707,0.949599746527374,0.857174388413934,1.15738093186848,0.79051961852416,0.502283101895628,0.742764837845779,0.211955952594439,1.34129065286542,0.993259495400379,0.905502540601342,0.495255689732642,0.397718862406266 +Unc50,4.88352387014197,4.55944013192841,5.08746893319024,4.85108564194404,4.41582139358117,4.50407493889415,4.46897296455397,4.57549046154213,4.83847476184279,4.60247186356587,4.44003490284745,4.68741632709819,5.38723519502689,5.08190138994894,5.21364462078168,5.22833436290974,5.08288698397017,5.22403154434259,5.02353868102603,5.33677819776265,5.45129304783408,5.32200063907763,4.98377066084562,5.20186196099514 +Coa5,4.76639824031804,4.56234898870917,4.94167310531671,4.53262469114958,4.24620379864911,4.46461926093686,4.22028877270521,4.83965267530371,4.80930343961845,4.6687648950036,4.28723967960241,4.33852804558285,4.98270752674302,4.48428536383458,4.83626954210522,4.70426082885146,4.36068697507228,4.86589178415104,4.07669341086302,5.04651865602316,4.72602927680999,4.611250760954,4.37726947076859,4.42140242246753 +Inpp4a,2.74609501915721,3.4088030012691,3.06265280406828,3.010511432566,3.8371871426251,3.69533202901398,3.60500450897756,3.47344197944191,3.08175435606716,3.21344091834973,3.79858251915906,3.34307617176747,3.44780969573013,4.33877414082433,3.8637331355779,3.86166644899488,4.59167140428991,3.98780995198824,4.80832305709135,3.72073162164131,3.71826741122971,3.90220857441741,4.50031086754449,4.41980730693334 +Tmem131,3.56084657923864,3.58866568924817,3.41390831065917,3.12372753500037,4.02924279979876,4.03774827441737,3.57743526166603,4.07756311561271,3.47482663254898,3.39333538874382,3.92920030174255,3.67605571292828,3.53154775730387,3.78985659100786,3.616427460847,3.48059959464355,4.07675526127758,3.81741095112371,3.96471382301081,3.54019356039271,3.31760395989336,3.53574633004124,3.95394868018205,3.81724654147721 +Sema4c,1.52844512495989,1.78497297175284,2.02382962781855,1.62342729236394,1.89112883793631,1.5447005365982,1.80390707182896,2.03624442030209,1.7463273190735,1.58795759943296,1.63453747763529,1.73079817318345,0.815802416052036,1.85418532395918,1.61635490172806,1.42206787882985,1.37765296898849,0.908340756550756,1.28395327065539,1.50400290744144,1.27893790227665,1.61842306679275,1.26423578237839,1.15677487200655 +Plekhb2,3.85908031554722,3.43362044831727,3.64828129086076,3.40952518004481,3.44033409049002,3.40680577557998,3.20278402431524,3.63773694066718,3.62039206820002,3.42184456883078,3.29785323440626,3.41637511934626,4.16429455742761,3.65601957968124,4.29519700750867,3.95722692453142,3.84231425590672,4.04486448273125,3.53676508097647,4.17225347846206,3.98970047100378,3.91165094658705,3.77049329299461,3.66697287445333 +Ptpn18,-0.635489796428313,-0.316637516888595,-0.627595469332024,0.0260614791338001,-0.102454151450886,0.0726984195408963,0.140376579165872,-0.177030377072774,-0.0128857516066913,-0.240298270906482,0.5373455544307,-0.532749570630626,-0.896773629359836,-0.136856913443894,-0.437746203522383,-0.578737093115371,-0.335055222082152,-1.33730732603129,-1.89781689037192,-1.58380438678442,-0.996984280455952,-1.02745636617465,-0.527015584531047,-0.897455454834059 +Imp4,3.21112573316946,3.16032191092969,3.22335041665802,3.10117019912775,3.18205334489764,3.13059216248683,3.05375144504835,3.11965304138125,3.00640696916355,3.17905159160854,3.22722343271689,3.1292400942647,3.55677288030633,3.11002276296928,3.09514099835182,3.19541349301795,3.74935325735336,3.36368120206708,3.25213520019225,3.36743933076172,3.41536236082677,3.15708698196368,3.53917164450782,3.4798868695634 +Dst,5.08400336914577,5.80114326762362,5.07660215204941,5.49374619215719,5.80685763592574,5.83419178443834,5.78284702327395,5.34230561465094,5.22374582946064,5.56147702270093,5.7880503516595,5.71095019562396,4.86882107042754,5.63003591800487,4.58770506045517,5.42594064207274,5.83192144892652,5.17276124713803,5.8766388779663,4.42366350358996,5.13663342031725,5.37442730133018,5.87910119631607,5.77214055817069 +Prim2,1.93873269318012,1.70541910358,1.76088736356431,1.66221070098775,1.71215306595265,1.68257354471573,1.92550094533774,1.77208115637925,1.84858128610751,1.52983584927071,1.75134428601734,1.76774125913965,1.3002485667947,1.32840666296066,1.86013270845754,0.72656158692586,0.884821782511164,1.07450460407151,0.726588419881605,1.61133241647155,1.1740718944522,1.2580184700524,0.736902347750966,1.2335137713548 +Zfp142,1.82001844961612,1.80370738508824,1.46647017378168,1.7174983506941,2.33673039487969,2.24667909702932,1.94032256768325,1.89132329244744,1.75906095756042,1.65526894354765,2.03033535267767,1.87376566787553,1.79941068810182,1.6747385231568,1.60146207095556,1.81398416766897,2.68528857565234,2.00976182380314,2.6305247309601,1.10285781021949,1.6944792126461,1.6466319954699,2.4712870249091,2.15707040471834 +Rhbdd1,2.71896448302138,2.48275423056623,2.71859129802892,2.69551430151482,2.38476602859388,2.57535716007943,2.18466650514423,2.87958026853996,2.79954860661103,2.45258671773926,2.38588539853111,2.52591129362845,3.98176518767436,3.79165423645015,3.91539866918349,3.782071429387,3.21187235670164,3.76497686657769,3.48372411932416,4.18532524778036,3.75374813353666,3.57233579153643,3.26681001257282,3.47940953392395 +Mff,4.11996012807744,3.92604918477351,4.13666144694149,4.03359596082594,3.81210235472602,3.89207700665387,3.80864691709848,4.04003385161013,4.08971743907273,3.96997016467387,3.95529761347434,3.9897493759261,4.57307632634209,4.24707935288297,4.49819152680033,4.22700099138059,4.05778853299169,4.33305530881365,4.13894768342994,4.60205573565968,4.41440042555189,4.20776982204183,4.02560029282519,4.0293141569134 +Fam135a,4.15038182092137,4.34756962335367,3.94987870409256,3.89203482170424,4.2418227196751,4.22461065729802,4.35856773688992,4.08063040070133,4.12748752742943,3.80991966538315,4.18883686960342,4.07319817007813,5.15676439349953,5.15708169592605,5.0415817480144,4.88943470148891,4.94473642154204,5.04265362031668,4.99913683012733,5.06258713369418,5.06447859332875,4.9448525666838,4.85683938992677,5.02886098237517 +1110058L19Rik,3.99067031417708,3.45696407196978,4.07132882217895,3.79934446645708,3.107473566618,3.04827319502486,3.85056778172049,4.21488765278942,3.96400329584175,3.87454732321482,3.63759593460817,3.9065563393691,4.03433595881846,3.79584691005517,4.30772741164194,3.99832482325009,3.46652271888693,4.14452077553691,3.3021988822149,4.45248904252104,4.48600175857555,4.29992539493514,3.06301857521913,3.45266401600589 +Smap1,2.11142127863945,2.17952474327065,1.74896583146713,2.04520130811089,2.51785608229403,2.49719619569676,2.17232472059315,2.2274042748128,1.65427170194702,1.81188378639148,2.40066695407177,2.13789211481372,2.57511845322654,2.3971329074285,2.24688012860216,2.10383432027504,2.47697192576021,2.37564845628567,2.50316696315727,2.16690407264923,2.18935856058577,2.38537948792061,2.64404722785398,2.58337362527291 +Ogfrl1,0.26503267722155,-0.179293251350749,0.0209963256992141,-0.340401723250124,0.119401470096467,-0.181973729802016,-0.167117421805151,0.0094019008516128,-0.856434938756911,-0.0345805099195831,-0.041495408593387,-0.0333406343470575,0.936033090935983,1.03980479637224,0.558463155909184,0.564618107535932,0.288831165666859,0.396587699403364,0.641016982960611,1.17481830964092,0.380798394106578,0.645082030853326,-0.149275426402107,0.484968765431316 +Agfg1,4.90191753627585,4.74306985773468,4.72836036914119,4.57919992401225,4.65841765610995,4.9117368277531,4.75328577816564,4.54634366327567,4.6994403857783,4.67531408189162,4.65131130374109,4.81509657846666,4.9312503213438,4.81625152952867,4.67489879109301,4.87751776686374,5.01173740756215,4.83703996636356,4.74366573870529,4.73903952305369,4.76861383296318,4.77703179257497,4.95769819790327,4.85360854434328 +Nhej1,0.0518597320974667,1.08657901764548,0.631470617651098,1.04671325610951,0.641315671925013,0.145733119976543,0.144474124379664,0.947197823042194,1.3452584899117,0.696245893060278,0.328888180298889,0.538577065452998,1.02233976972879,0.989414599566078,0.137593712419998,0.946064792403535,0.240284693860228,0.768186009502559,0.929897464120904,0.715508038037748,0.280614918738695,0.632468558843186,0.839119857317019,0.39228565338772 +Sphkap,6.97144421887614,6.74940900654314,6.5784067153119,6.0142730666795,6.35721745226339,6.68650386300205,6.77270407098634,6.93802174954113,6.77253245907428,6.06637258411243,6.39044715765671,6.61204078872986,6.69233734415411,7.00936769798997,6.69557202701157,6.56810153189989,6.2075557978475,6.53376982859462,6.6876524287801,6.8999656090137,6.77018269243639,6.63509490096382,6.2589488295189,6.65592052450732 +Rnf25,3.47485668612345,3.58669760630756,3.5613088633072,3.76131988208718,3.64801326483118,3.75757646417491,3.80887987849059,3.32496927619663,3.4720945662764,3.90592378279968,3.75877677541453,3.83273075681828,3.61151732202274,3.84259661332441,3.57676338939486,4.0260563161129,3.78430149771273,3.40549422810618,3.98826624831856,3.47837028844114,4.03233901612157,3.8801059354922,3.87010690406683,3.78652351734268 +Bcs1l,2.57681250178247,2.2950821821805,2.16650732098273,2.43228244465186,2.39202541231529,2.23036031134381,2.30830621229923,2.50026444058934,2.35809585483921,2.27191382781133,2.44168401450015,2.40205584949763,2.56155481011807,2.16995702868132,2.04747025770815,2.1322510448753,2.53336959618259,2.5060584587137,2.48940431207433,2.38931330829519,2.39538143769335,2.21303224698971,2.58054627037747,2.29717190870849 +Rqcd1,2.8957402838184,2.99665631400457,2.90750898396585,2.96573300845207,3.07363185049685,3.13683649706825,2.95864073804841,3.06126380364634,2.96472853277821,2.98164286957324,3.00534962859884,2.9834578199843,3.18721222475867,3.10345389627231,3.06336704810093,3.02364700912479,2.96351244186109,2.99753160031919,2.93584480091956,3.17656856960097,3.21274458618407,3.19617640393412,3.05850584422155,3.10827905949247 +Vil1,2.36526792863231,1.62271867488535,0.907191315689305,1.20739031165213,2.46820572493818,1.56134840558144,1.20588511761548,0.816197711106588,1.19275829344332,1.3233177856199,1.76657873142833,1.52947029437507,5.53737061320485,5.54268965604109,5.6868886766333,5.73950507382553,5.69084710383265,5.43954426359828,5.70114596662643,5.47280456783325,5.69893548417532,5.84538108060293,5.70013098703268,5.51746192113004 +Ctdsp1,2.99112852551816,2.91346709898759,2.97462867683613,2.72739325789319,3.19972249712265,3.10899181138226,2.96896168558261,3.15640014553213,2.9857652507495,2.69319508079227,2.9676946465634,2.64430366898182,3.06993070486942,3.32751525214344,3.27760587455686,3.0686299064555,3.25434681836665,3.15550935313077,3.2114535402738,3.23048054856996,3.18767404420543,3.43220172874419,3.14300984129954,3.26182901421742 +Pnkd,-0.425875119098928,-0.371741358451621,-0.108077666270918,-0.494834451342601,0.111040857666509,0.0999998426810782,0.071393618022932,0.0510343046551052,-0.129505447304192,-0.470176105541365,0.0297081211625345,-0.283043070293231,-0.122010947482098,0.0040654926380208,0.150442158327659,-0.103219186403706,-0.0866822679913621,-0.161039853972604,0.216841674205839,-0.0425819653496955,-0.312987231718008,-0.0626482101401038,0.0468770045159301,-0.183939394636873 +Ppm1f,2.31508261444439,2.27942474916321,2.07357734560688,2.19116762147985,2.1662618439584,2.43868463398264,2.24778854892222,2.1627811536854,2.42120969550871,2.07854332306705,1.86927899055874,2.27771489082892,1.3702699116858,1.60605122804988,1.14601407838496,1.95981484950272,1.80282964954104,1.52423814356193,1.72505483720012,1.26304431726374,1.66188434189499,1.51767256263576,1.77864768896035,1.65711496591727 +Igfbp5,0.326857530768943,1.19768457328292,0.256091955453974,-0.682068661223719,1.03653383882561,1.10355036359235,0.967636238842879,1.12909172516895,0.517490323987976,-0.0820393131404682,0.519830855129423,0.694114133048894,1.25602346922314,1.8604499855316,1.72506541575218,1.72690096517156,1.29999305904111,1.18172196277423,1.7999769504902,1.21013130871282,1.45466094628207,2.35260814142636,1.1043563040219,1.25514888146528 +Xrcc5,4.28862631345733,4.10760844043428,4.43856627001098,4.45575691121102,4.03900499299014,4.24708944470097,4.06225483511173,4.25126537776889,4.27109271179228,4.18540247091091,4.09513337160242,4.32442902149605,4.78868490957037,4.50286340840305,4.73507542857208,4.69859672656183,4.70786988967224,4.83636150870422,4.40690593292391,4.80309692204209,4.75748067071277,4.72516626291211,4.750072174581,4.66102612994136 +Tmem169,-0.399912682283508,0.112406427382559,-0.0425329777367098,-0.285645212432979,-0.894878953846122,-0.727740917013138,-1.20420519380749,-0.242753880719758,0.402177877770156,-0.0119676725814599,-0.728458039159716,0.076551570951227,0.90110913878902,0.849625948598216,0.897246573994243,1.39293438035581,0.977398754015224,0.645647730451698,0.663293463201537,0.893900423223966,1.17563078772079,1.13615404512912,0.51622337649537,1.17325845322388 +Pecr,0.692032653773389,0.531013298964243,0.921737367574517,0.75477596300057,0.640471493872091,0.569352952930038,0.249725228901593,0.349042802576679,0.722360997115899,0.877175831926019,0.944499062867186,0.590019506501373,1.58029171396129,1.34349887245325,1.01913366261927,1.11997573432964,1.54485856421518,1.53616834900541,1.80470966479874,1.09997746975863,1.26442325662282,1.34194533030348,1.69068046116232,1.52010644266289 +Atic,3.54383427337173,3.18108412268353,3.55174565459633,3.23162122523711,3.12699401999924,3.09983095043191,3.15163831270264,3.41853666702312,3.47417270739203,3.35277325830188,3.11992887549112,3.2301477974535,3.50115360799222,3.32841255817223,3.69951490944764,3.61569105295467,3.27928365365752,3.53109700498192,3.18812055032679,3.50713317487859,3.53924912263095,3.56594738658892,3.50767917669376,3.37786852243227 +Fn1,-3.29489754485288,-3.51475944535773,-1.88722516824682,-3.42795006339522,-1.51454461174471,-4.09706307024262,-3.17301008290695,-3.16162178182189,-3.31567333312495,-3.85987304944713,-2.96799851822712,-2.93809987256674,-2.5876427549097,-2.74788055232921,-3.61906243584434,-4.71320805274465,-2.35442849131725,-3.14338342075494,-2.7759307054534,-3.98915468872053,-3.23188369304331,-3.62467617068107,-4.07644354097338,-4.33975084026697 +Bard1,-2.97982198404584,-1.90264228105146,-2.43294458269163,-2.56565039143229,-2.7167046183891,-1.95896055581914,-2.84422426533079,-2.44032034133433,-2.38628180059538,-2.66749525996933,-3.26419505259628,-2.73559685774505,-2.12651785751911,-2.28675565493863,-1.96750912729498,-1.40930172427949,-1.45809197640256,-1.44368184482853,-1.51046076906585,-1.63185236111224,-1.93884469755844,-2.16665607956074,-2.02232515352239,-1.11620695846964 +Zfand2b,2.79080408891278,2.73816407085572,2.28050869375023,2.8079308744646,2.74358075978281,2.79798131478724,2.96598818288196,2.36014113157937,2.63381123023975,2.55280182795226,2.88868929535206,2.73092001015715,2.51546131228209,2.21947289801658,2.56789446913189,2.64412263120369,2.47158375436889,2.40128529348131,2.68600505966893,2.48925586757989,2.44653319178925,2.58637832696603,2.6242902717361,2.79342509992563 +Abcb6,1.46852919845886,1.47281594889351,1.32649844304407,1.37777571453334,1.30521584604294,1.24697190607848,1.12399004254986,1.00381807804271,1.33397801195176,1.3158658633032,1.11032079686836,1.2615494291207,1.10444720817179,1.27898616953606,1.04789795094984,0.99428126934126,0.626768070051516,1.00136219933304,1.08691839798749,1.01173487331553,0.975081791519385,0.822033316518156,0.872882610012792,0.914437972758827 +Ankzf1,1.67423205644016,2.62400979223127,1.24623818527444,2.50767576637497,2.54952000869714,2.14891090854952,2.59132919095033,1.12295956690531,1.81865782839534,2.30624908663384,2.69032493199222,2.46961468109994,1.35416785899006,2.05448802222356,1.3761529512763,2.32840622063584,2.4402871409396,1.60820668841675,2.49044430315981,1.13664121548666,2.06614957841576,2.11332523476335,2.57837986545521,2.36019764988513 +Glb1l,0.421293032008716,1.29603684338132,0.623711459122463,0.993383588399727,1.43643023289277,1.1771756558951,1.47729087517885,0.189734062828984,0.594992359280477,1.0430637165001,1.25386960061556,1.26996232203565,-0.043410900614802,0.744734356362222,0.403340925858999,0.834326770046006,0.953625890524481,0.603010392262395,1.11393960918942,-0.0536135719740471,1.00042772347794,0.892174693347954,0.970831335996502,1.1685645582494 +Stk16,3.80817484210235,3.79279419440077,3.3056709068946,3.95097263094362,4.10221741932788,3.95823218598403,3.94102187179309,3.41745317637047,3.63877519728077,3.7105132093579,3.97587558656387,3.87763985433758,4.07998318907012,3.77415036586329,3.65707306224604,3.75626260021392,3.97732281279663,3.69850140217293,4.03759070882941,3.83888357144776,3.82500212263558,3.97474647977201,4.12650321813184,3.89930156577454 +Tuba4a,5.57399815214349,4.88459051093675,4.7271836611234,5.01501231265422,4.97824880480155,5.06856532696013,5.19560410823972,4.83436374693353,5.07115152288726,4.86677734314919,5.04892810386603,5.16070897401663,5.33427500829128,4.50596912852986,4.53552475098626,4.76206077654138,4.98799227042377,5.35409079233457,4.9986704094198,4.69681633973051,4.73872672963249,4.52767012956324,5.10067750348588,4.85082265120271 +Dnajb2,3.88090891937412,3.7214391423742,3.23415381989232,3.72210165309471,4.11026816917066,4.01662334609639,4.13431141931343,3.55203783787129,3.56597647850232,3.50004370025159,4.1323366189244,4.09249167709335,4.14199593325108,4.08334177708266,3.50908888952932,3.82859332269909,4.35081828598569,4.14393590455621,4.54146210588325,4.13445684565113,3.85555755640784,4.03323258598943,4.58644366906889,4.28832018081083 +Ptprn,6.6961700235478,6.50352442701989,6.63716923366624,6.27950322496698,6.55889368795968,6.81817790166451,6.57881966847794,6.86331207057969,6.65398961275662,6.24399776789227,6.48580774701378,6.5183486945233,7.2231490758993,7.16843108311275,6.9670950969822,6.70948865461788,7.19573306348748,7.21189293909276,7.66977787157157,7.03403573541967,6.95513385993681,6.82798297389615,7.26577589357989,7.1205084352618 +Speg,-1.02536370049377,-0.204505753304658,-1.01129340995237,-0.137018813992774,-0.200148916459925,-0.543288012983245,0.278871631295667,-1.19014625462144,-0.945217312522065,-0.297387430833304,-0.0359820528066406,-0.545136639047104,-3.77448185463207,-2.14386649173235,-2.90525414972113,-2.96871836804951,-2.50427454185508,-4.66070110740059,-2.4714865106398,-6.062959907364,-2.58624705471771,-2.6902083009798,-3.03644379974421,-2.75911069034682 +Dnpep,5.05264632170574,4.80795185410125,4.90199088173628,4.96895793265117,5.00372812148746,4.68035500236112,4.96540656479855,4.85780995050887,4.93765611850335,5.01345239677322,5.02940546982912,4.79227073994684,4.21563315369964,3.81804459774317,4.08670714576297,3.98478838853245,4.2175554011957,4.03011211345393,4.22766961272171,3.95409888473626,3.99178596785043,4.15503953556187,4.41121890401818,4.01189821065818 +Obsl1,1.4938251786284,1.69278680238,1.46530394602556,1.66147635720256,1.73103642111855,1.77324962165829,1.90812534619648,1.49560015525543,1.34500565990942,1.61941507913009,1.86336791424153,1.57326135566104,0.919022212849288,0.94643931551366,0.897717698668751,0.799529690189764,1.32129456178111,1.0815946523663,1.54693307420084,0.807464683313401,0.882178133761628,0.968606522315185,1.40939115435584,1.11283207509334 +Stk11ip,2.4631957129896,2.89184008748229,2.73617723227563,2.95701913147744,2.99549745841786,2.77103915716094,3.0440257312188,2.807791305087,2.82755912699068,2.93860263351276,2.92378245124234,2.71661677783018,2.50972359606506,2.76941124250758,2.59094765778188,2.63419768569299,2.83977323515363,2.54210704802158,2.88505455217752,2.48225040961733,2.47996237317557,2.63053660473898,2.88161824377504,2.5740488104686 +Trip12,5.25228959463921,5.2070769384922,5.29021794498376,5.13966828486763,5.23512473562149,5.31368542247854,5.13888867469125,5.38168459552876,5.24531891941551,5.0822776918665,5.13300822181427,5.20860327287613,5.14662529725334,5.07763378726597,5.23505806135604,5.09299683375662,5.22624973853696,5.26788453994959,5.13708219984439,5.22502598398136,5.07185706178948,5.09353898114785,5.19906830708409,5.19909037188684 +Itm2c,8.37190252772814,7.99281403695065,8.52998387412866,8.09910738283157,7.60655716617526,7.8042211420088,7.76853326621544,8.47775190393591,8.38133355233724,8.13769191915681,7.70212683789565,7.92343837084779,7.78398225740803,7.37410751382456,7.70096935527821,7.35994909242621,7.05141420328389,7.60432788358043,7.24986308992495,7.75365054712245,7.68348518585571,7.52844976221616,7.07960618298361,7.0941066156192 +Psmd1,4.45143186201796,3.99178646677096,4.08141441449429,4.04728430458671,4.0231226771012,4.13589393018592,4.1376250371619,4.17036395568322,4.23979932490584,3.95964369244599,4.12165036293222,4.20246321365752,4.63020303890442,4.17009178768102,4.54177295082791,4.23284637719798,4.30234050252282,4.60813212834056,4.2136372077583,4.37565371910864,4.31654238845895,4.28357796836994,4.39073875492613,4.36759035294336 +Ncl,4.01169847360841,4.41066625286418,4.57450835647,4.43052226134923,4.11485093942113,4.22950568177905,4.12085712984043,4.36188876927564,4.47574921657236,4.48626073089666,4.14252385861519,4.11796416775164,3.88216959111506,4.16505609168763,3.68923299729717,3.94487584815864,4.24276695880945,3.86299203896347,4.31054599929609,3.68307071488186,3.82070810967978,4.0868904757856,4.24523723076229,4.06137566558262 +Epha4,-2.53538443134961,-2.54768069012263,-1.78480388559432,-2.41691900206127,-1.86855595661405,-1.3263910750097,-2.25525473148343,-1.92781240468026,-2.45396064355454,-2.7351741029285,-2.35625172775574,-1.81655396553928,-4.38619224336184,-4.04181603006118,-5.02316045023163,-3.84896366742611,-5.02316045023163,-5.02316045023163,-5.02316045023163,-3.93469668884861,-5.02316045023163,-4.44537557318587,-5.02316045023163,-5.02316045023163 +Ptma,6.20626246230159,5.96908385131056,6.4604108995803,6.18844790708175,6.042296460013,5.97742833284396,6.05979651268087,6.16075020959957,6.24716829594177,6.30852213030655,6.11211411086899,6.11475283167581,6.41825466485427,6.1323704749257,6.43082132631595,6.40409744746023,6.30640035227154,6.50656417308389,5.94303414984022,6.37524333628711,6.49428072939079,6.50187451050342,6.34466653653786,6.25065174584869 +Pde6d,2.91447048094193,2.39654810962872,2.78114705800032,2.57595443877962,2.33153251192507,2.48895169903322,2.64288923323874,2.4987914529073,2.60370676003935,2.51808007849167,2.50255305564719,2.5785297453395,2.9773768847942,2.90473674855517,2.85072895499889,2.9598884338413,2.92185850919384,3.02928595490418,2.80799793357538,3.24792758944921,2.91806146712231,2.82513200878385,2.72534578113929,2.85328233898667 +Cops7b,1.50307203339568,1.31168342476191,1.44796690708654,1.65958207796671,1.45015603289023,1.77542370855516,1.81062695821468,1.16399890426099,1.40853253559537,1.20447835361161,1.5908512304682,1.44193236428404,1.71551786264088,1.75551392626842,1.71239545008763,1.60540324553118,2.01411145040003,1.43006598912302,1.65484641457611,1.76635247724833,1.77150419896311,1.8593398864255,1.76913994729314,1.68388673647951 +Farsb,3.8133957329813,3.35077513886623,3.42998440959805,3.37226402492095,3.18657778272449,3.34650836014805,3.40180271726371,3.34448270056999,3.40799168791361,3.21602645893392,3.47478314103258,3.49343459752799,3.77951556446379,3.26300354869599,3.47455076048722,3.36348875756662,3.46246658626299,3.6822013977482,3.31298216162593,3.65102232160986,3.39378823951475,3.38028522563705,3.69206096359528,3.76589382829433 +Mrpl44,4.05055578318622,3.81124056369242,4.25468596396129,3.99101853436019,3.41753984208699,3.82514138371076,3.5908194354467,4.04514094549724,4.08713518995075,4.07511126689517,3.71321752408616,3.8528310710731,4.09826191486762,3.82615128359646,4.30480526274375,3.96280112524384,3.75129012464307,4.05991471188839,3.78785546110581,4.13824348468209,4.21896006229891,4.03791515441307,3.65042494007384,3.89172031486998 +Serpine2,3.7623311897354,3.13941726184538,3.3474685757204,3.13031501594613,3.07692341290276,3.4851887085769,3.04525576527608,3.75436767108435,3.35128739836793,2.75703860119993,3.00459606627255,3.32469024163592,-0.4037973335007,-0.873424356220525,-1.22342141899259,-1.86623613295959,-1.73766117081037,-1.01136103257053,-1.52939790087869,-1.05866061128015,-1.19451649535819,-1.50992971485944,-1.46542051493868,-1.71560900514693 +Eif4e2,2.19633789275406,2.05186628458116,2.05171792472442,2.39366636948098,2.21684454352636,2.15458702702684,2.27563877236391,2.20698014128643,2.25260102718002,2.26737722889424,2.15290678103946,2.1511668088535,1.87621627670747,1.8598922371543,1.75754587390529,1.97830988201303,2.09177614991043,2.03283014582113,2.07354765728524,1.94177748152531,2.02727640975193,2.00539447191511,2.05236786173788,2.04097489545447 +Ngef,-0.42308219523041,-0.137076722879851,0.309745142781905,-0.348067812479394,-0.032692838969882,-0.124639734023086,-0.165078807067067,-0.201535421342039,-0.334281326473574,0.0016644864431318,-0.116327413141099,-0.273206859790175,-0.869720663689769,-0.514882019638902,-0.777569050494879,-0.937361870360268,-1.62022735752479,-1.12058506185577,-0.271111107652297,-0.649155467271785,-0.659328337392023,-0.61518364187636,-0.929199832089038,-1.16841893243348 +Ndufa10,4.37807036946309,3.93763072241263,4.20344687518647,4.21527897880312,4.05087816742851,3.89775573415495,4.06387596438712,4.01473975235658,4.17387184418968,4.27024000969954,4.08783144970023,4.10130481864435,4.61040384955862,4.25012763933151,4.50701311846184,4.66256600008674,4.48943984759601,4.59966297469518,4.38994420875711,4.63143550587751,4.63090516841497,4.60298612575613,4.37350783938868,4.45245504544869 +Rnpepl1,2.86250327151198,2.84106083348004,2.62952861172505,2.69993438658698,3.33420507681796,3.25744700769036,3.03916398470569,3.11583066286573,2.73288909802166,2.71958146615125,3.25036680921387,2.94500700252285,2.70828349779234,3.21307682693733,2.87582165912315,3.11673021674153,3.61378025425095,3.02867473643189,3.68403077535883,2.60030150412648,2.78748797946422,3.09005477254254,3.60580392975174,3.23341041352427 +Capn10,3.17201460446313,3.03463809262238,2.94393214745919,3.18932997523314,3.21234062080654,2.94121225465342,3.18527557680931,3.19999495233185,3.07434312908249,3.36527299704068,3.26127783409531,3.27644331900259,2.87809701238038,3.11816122221442,2.84508233041195,2.91777905901201,3.24523275420197,3.03767018275815,3.34008946357143,2.72290201594125,2.98900226097905,3.03653611048382,3.11886359640783,3.13959754441881 +Mterfd2,1.43171920422748,1.50206707195364,1.86336888631931,1.79971560203466,1.61275573301238,1.4460430077272,1.66832551551107,1.61675265450409,1.66887812406893,1.40799587633426,1.48671862364475,1.86792287111494,1.34310869471633,1.33278336420406,1.00836946490027,1.39783181239665,1.27834420652054,1.34729845384068,1.42165294753552,1.15076367490571,1.52605189377834,1.5137700410622,1.28153995631411,1.31873832111147 +Pask,-0.360762787021924,0.111626120141855,-1.00679115331615,-0.0553511609474757,0.0483264491144171,0.274872990375263,0.379422105004155,-0.178338568647258,-0.111944314550555,-0.121913860580373,0.362677999933167,-0.0575212063760202,-0.758225853001511,-0.832703321413863,-1.61675140183328,-0.96713369797035,-0.256813289527649,-0.593982273802728,-0.0684075429534885,-0.979995765176934,-0.608182256746813,-0.896758807644987,-0.36495257913925,-0.248435505160025 +Ppp1r7,1.82776284365102,1.85264365066429,2.11665188921455,1.58163867180877,1.76894833096882,1.87637068268674,1.60606993152232,2.13771884113378,1.92655088851832,1.94540301137806,1.67585384892242,1.51008138443379,1.42688852665819,1.55748851620436,1.86664242136346,1.59915367506492,1.64728917339831,1.43489909349216,1.26345142941928,1.50153334218017,1.5417652933441,1.59506297492363,1.38704027703383,1.38720900774548 +Sept2,5.53839155126478,5.26019127793524,5.54057523143582,5.42005593349498,5.06371523809719,5.11451470893558,5.27327116480888,5.33475400205339,5.53834528686576,5.43648332009079,5.20256326017256,5.28632493708627,5.39014867005679,5.09379031898418,5.41941355815438,5.31641389186681,5.08014159215528,5.2926616559101,5.03743925497285,5.25509624341471,5.38865191993354,5.32281816551411,5.1694886688341,5.22651594069632 +Stk25,4.90985378070357,5.09967851038907,4.92822123585651,5.07803150412873,5.26562346785508,5.15691544269803,5.23462365239709,4.93368832964871,4.97220339715857,5.17169113965815,5.35135568455255,5.15837210802513,5.32401870327503,5.35547739889314,5.21594617450582,5.2987943750628,5.39546139087929,5.3219147823533,5.38837952497786,5.209510187148,5.39115169028331,5.4178178967772,5.44951692079614,5.33794434474272 +Bok,-1.70501394035381,-2.8794423430231,-0.356905318442261,-1.69529656146209,-1.3634353410708,-2.2958041670187,-2.37855402715947,-1.92091655256312,-0.923893594105831,-1.32270888780718,-1.65437265763828,-2.33612437252767,1.01551556604736,1.17270135948504,2.03799407711825,1.64360272814371,1.18103415397638,1.83177615013645,1.18308623976332,1.37027580042964,1.53097408884929,1.98229873960667,1.35865587648078,1.16775314419074 +Thap4,3.27624203117436,3.23130312590447,3.32466878515062,3.10266664509849,3.25875241108262,3.14229062645735,3.27357024600109,3.33869570837178,3.1886262790487,3.19982991492503,3.19268582729812,3.06745448774928,3.15434634178552,3.11609856953786,3.03762244941113,3.16615715614205,3.08202881936307,3.13532739981499,3.10788637627381,3.00997541983946,3.19305912894153,3.08173882050455,3.11847172703365,3.27326118803034 +Atg4b,3.44859353221498,3.2327954017137,3.10799886724012,3.32564939001734,3.21461160365319,3.41174725583378,3.27697528300925,3.36406785623991,3.27348198414541,3.15526300533023,3.25750779703639,3.24321724361062,3.4000866900758,3.14241751983957,3.26515288589589,3.26603416376575,3.28804616186785,3.43368243210523,3.19726200250962,3.33042199308542,3.20388508367159,3.28337177975376,3.3233115187434,3.27162871512483 +Dtymk,2.06898034268422,2.17872264083965,2.13859486609398,2.15882014543795,2.48832809472804,2.1698038909527,2.29104585416298,1.66850025652664,2.3570274432629,2.55850304310852,2.38373008399674,2.33522932403232,2.46838178527772,2.51878381634769,1.98436734939018,2.52202189341125,2.51843553084209,2.19243308280496,2.27816758649071,2.21925249422197,2.50965508440458,2.29847558766786,2.63042927281707,2.21045927128874 +Ing5,3.11871081582466,3.12207282710571,3.20099543753373,3.31939358380988,2.93102375585211,2.93589842362891,2.99612282004124,3.17640701359181,3.44922831919102,3.22099237835728,2.99782247243492,2.95430809648908,3.13634842994565,3.22911401532175,3.3733508940747,3.31444416738786,2.95020655895821,3.19888355788309,2.91290838973258,3.24621410122855,3.42321630790551,3.07504477569787,2.82055879342061,2.96544686824886 +Atg16l1,2.80362494692211,2.65887343620198,2.45965061430861,2.76349049540959,2.84860529221203,2.94013580966735,2.99665954228096,2.32553103989325,2.68603482568489,2.73845772699855,2.74663871987347,2.80852036972955,2.84848002425915,2.70887446483254,2.9832336014548,3.01194945443905,3.21278685813515,3.12121796229753,3.2133418564931,3.21100302465476,2.97021363156713,2.69773807975791,3.31761020095694,3.17555498068717 +Mlph,-4.78283614647848,-3.53888890598955,-4.1718299535274,-4.27278969978035,-2.54405915759512,-3.46329271205805,-2.53923972472238,-4.22539022209449,-4.78283614647848,-4.78283614647848,-4.78283614647848,-2.56295139695106,0.363394795150538,1.07506538821515,0.54360109183564,1.22753953715844,1.46497223787862,1.01862512153107,2.22835653892619,0.190537249521331,0.774914752701994,1.2511332349508,1.71469560257057,1.56472206204767 +Rab17,-2.18120009515763,-3.35562849782692,-2.31673716756934,-2.84558205112879,-2.80473180840351,-2.03608506340649,-2.1887499455727,-2.0836144729088,-3.35562849782692,-3.35562849782692,-2.1305588124421,-2.8123105273315,-0.644006282627682,-0.801894012804758,0.216731235087879,-0.371641442034276,-1.78972904473489,-1.08240541391881,-0.468133359014644,-0.298683260781646,-0.754816985852693,-0.287243652199179,-1.00943810485687,-1.24182774993404 +Lrrfip1,-0.997538480635084,-1.10403651625996,-1.17310506099067,-0.901923547841389,-0.207136477798314,-0.499199700261684,-0.559044983370451,-1.57135704182577,-1.02273138339886,-0.840282515791634,-0.68690592680907,-1.05359658157433,1.87622866235769,1.29439348196035,1.5824861191314,0.910974571978763,1.24385657514678,1.36090386966384,1.67711239753747,2.0104764842326,1.11965535426321,1.26085679821512,1.36130100076654,1.45982810028808 +Scly,3.18804370985111,3.3459930059766,3.2755206116396,3.25390287021181,3.22697077359658,3.16087815808133,3.36410484504831,3.13966636881905,3.18176014405984,3.20807038556779,3.29800348846026,3.18043603860572,4.73467590404166,4.82437650649914,4.81870208960411,4.7140338527816,4.74303468821223,4.74233687980484,4.80365136781183,4.79066214630465,4.76666888784425,4.68988770308008,4.77897054106385,4.69075051926342 +Ilkap,4.53293204448973,4.77244319052703,4.48194935167781,4.90712459174139,4.72260022812625,4.5357154733362,4.74266795178221,4.32692618974512,4.55715068153655,4.54510243873767,4.89546839618296,4.8166426746176,4.63093980495697,4.59212750906458,4.57798996053442,4.72846260384808,4.90279997187844,4.41513777451741,4.83021128319177,4.54209762475506,4.70126940681348,4.54005079740667,4.86049200441156,4.78261170956211 +Asb1,3.84134602955414,3.42205227448618,3.76762959102367,3.45415689356879,3.3178944940322,3.18220187304584,3.42147275166909,3.6820661933952,3.72661071096855,3.50968175017154,3.15018752110517,3.39389896335747,4.02444238239515,3.43568314534493,3.98991727729098,3.59386170983785,3.62618672238344,4.03338366766184,3.63379188732896,3.50003726737216,3.66454579117991,3.52461128405714,3.57241116873207,3.60578528718821 +Cdh7,-2.77238136634116,-2.48976898910821,-2.69538817378083,-3.32591228122035,-3.22226571155202,-3.46402414241199,-3.65760582449881,-2.72553381529311,-4.05781104658097,-5.46104270043539,-2.51837111743808,-4.21496252245266,1.31026546546185,1.50169896403884,1.47368247545734,1.12209635533383,0.417640895249375,1.04398412062852,0.820621157384862,1.6981810476143,1.21597993062158,1.00137577977121,0.296577210264465,0.640679823676154 +Hdac4,2.30295257728527,2.30291172145697,2.11927121068934,2.08447235896378,2.68583168842666,2.72115488848664,2.55549778712399,2.15426377777754,2.10021856482998,2.02372016878218,2.76249333120359,2.55589237688832,1.48127792359695,2.3395679464602,1.59407581510651,1.7182048806075,2.68201422262655,2.02210701023867,2.84103916902974,1.61193355179098,1.48147580711209,1.83876988038705,2.82579288599877,2.5037623634547 +Cln8,1.22063183404104,1.25987083578352,1.15362872777338,1.1559111713707,1.16248505260689,1.1421488467549,1.03844077517171,1.20561131147435,1.4092301321798,0.936245075415341,1.20615205571328,1.25647273245367,1.33628574449046,1.27420069360539,1.34169163905222,1.14530701883773,1.49680008276954,1.52823344609191,1.45141204548867,1.39719475206186,0.996990646877281,1.16578871294125,1.52280328116216,1.3025813778699 +2310035C23Rik,3.09473250567734,3.74614653891762,3.1631156051301,3.67791312156057,3.82579231399393,3.72558262629735,3.81571471544174,3.13977626703292,3.53387825427137,3.59205192430913,3.85615636400802,3.71769309226004,3.11895104615794,3.53509365917551,3.41913844126897,3.50400496014019,3.63280108291627,3.28338841346426,3.50403341071291,3.31769858976929,3.3828310083771,3.48851731970891,3.66674750134902,3.47487339365329 +Tnfrsf11a,-1.46004969120471,-1.71839916770316,-1.62228597459469,-2.7010164377625,-2.0773308563007,-2.37092520816055,-2.10928246786612,-2.58478914808074,-2.33569059207249,-3.13293942381442,-1.92486841194689,-1.80166344822817,1.82562360637689,1.98737940123417,2.05158862591275,1.61253041330035,1.87439453743972,1.94824241025274,2.32151980637433,1.80204410964365,1.86050255597529,1.74014650325867,1.86382815330505,1.76212870214516 +Gin1,1.37937094727017,1.33286697273946,1.80366090857709,1.26719361533912,1.14217348123177,1.31256006537783,1.14815208373254,1.46607801373323,1.36403572089249,1.44613081487753,1.27519373579576,1.45760192150164,0.84247982555663,1.19310042158062,0.901961419707253,0.620390317066186,0.811505291020352,0.967513741136327,0.454970732647725,1.04543250491499,0.896387628275092,0.467050609687151,0.566115430787165,1.07995570088781 +Pam,7.93287967566715,7.51350307438621,7.94805365902496,7.45830721148369,7.11245747361054,7.50586757390214,7.33699387859336,8.0352514181445,7.85372731805372,7.38373719307806,7.20522156543719,7.54121741915208,7.10956993011366,6.68252465507811,7.26978492589703,6.71872750144693,6.59339684602277,7.05666732315407,6.59349100207405,7.27183877316293,6.94561095203406,6.72477562355815,6.59889453640654,6.65238632637508 +Slco6d1,-0.881602180665851,-0.506829598488881,-1.09008375445055,-0.454781564788566,-0.605774437961083,-0.307865254287611,-0.380621184097896,-1.10512205210158,-0.95469672475473,-0.89082115692674,-0.422915988783855,-0.915922374418694,-1.16853116699431,-0.542883013764861,-0.355579478243641,-0.240952725596967,-0.993340345121505,-0.474458639865421,-0.346154364273902,-1.40060138580812,-0.580049532078361,-0.572304499331267,-0.479183199974649,-0.955766070303677 +Ccdc93,1.2056094987989,1.49297315901695,1.21844373049348,1.3809979969695,1.47893621336422,1.49620072427726,1.59097650735977,1.34142272637306,1.20770921209879,1.49395817551173,1.57831564025146,1.35585067955832,1.29710079667424,1.42993527887983,0.885208582457857,1.40024798639925,1.71073457491108,1.36858606897323,1.51255388613715,1.12377347992357,1.15062826913651,1.25964720807518,1.73455492609213,1.66535002896226 +Actr3,5.86838389003952,5.42734793709706,5.75576767398959,5.35030596722848,5.20988323732515,5.41807881150615,5.33522980102479,5.71374069606727,5.72538405879097,5.43798065200253,5.22088233579796,5.4504085369584,5.91674360038579,5.56897320987912,5.76836348388524,5.39746390660905,5.26114460481348,5.64460153333444,5.31382762882019,5.90936349774715,5.64005925878671,5.37154169033446,5.15397580548172,5.42621766876217 +Slc35f5,4.48129468528332,4.28716292012393,4.51815613825002,4.08856609520362,3.89225263810652,4.03257175147199,3.99999296805623,4.38974765704726,4.23345881872371,3.91983702966833,3.86879061116242,3.98222685987863,5.97355157292504,5.80731994937568,5.67741596810518,5.27362880786743,5.27886775499834,5.73178788268224,5.55812404196137,6.12859106949269,5.61610230065116,5.23732438834281,5.21972424868966,5.56740005201562 +Gpr39,0.848146733327023,0.994098684261798,0.711726650008845,0.796330702015624,0.854790018762073,1.04436871674987,1.01640449971918,0.818130318459141,0.716799230032107,0.662453501013598,0.858741662052884,0.674128687077381,0.928626227364028,0.804822689607457,0.701854884323149,0.59039359095956,0.966532392575111,0.631430043751533,0.919823986631211,1.09958455080895,0.329948175761498,0.388665757730925,1.01564110399328,0.413792902582613 +Tmem163,3.02438741859652,2.35071414953115,3.11572743259937,2.78608174700068,2.42159805866134,2.69861911780441,2.3987441778054,2.59634335512566,2.81900124082126,3.00936489222679,2.44515443707587,2.55999548518442,5.39297975947458,4.95009321933037,5.37281438944737,4.91473612236178,5.13886255860506,5.28215846198834,5.0320478421998,5.28003949290059,5.19878448046732,5.15138845658211,5.15300793506043,4.97914610173539 +Ccnt2,3.27682911105278,3.94114718194132,3.37939535542365,3.80542144372815,4.10102631532406,3.98317613963456,3.9206397786939,3.47749576171743,3.54007511083277,3.77112909348718,3.88176928957484,3.80077621944396,2.734820637513,3.53842522524599,2.86164731143556,3.28425790061091,3.26137844734499,2.85302016073146,3.25608982873462,3.13112727740162,3.47568468955987,3.24969495321956,3.18377558337045,3.38390625386072 +Ubxn4,5.46708726157646,5.32179101517248,5.30597893544617,5.41594288303423,5.2854785534292,5.19485013367986,5.38907449539775,5.17510277970127,5.24189975969688,5.23004170471037,5.42549054729591,5.37469384295316,6.08582554634509,5.64539349321624,5.65575852078214,5.67363049971642,6.08157954345841,5.87060550566496,6.02292217844807,5.56087852304143,5.79683966312376,5.67392200916832,6.22906687085172,6.14316486851021 +Lct,1.108402653225,-5.04083464853353,-5.04083464853353,-3.85668886697252,-0.969598608158829,-2.34375905450222,-3.23739777259694,-3.7688206236154,-3.88139895094299,-4.06195448077162,-3.34954809385733,-2.97001879016458,-0.470531425558617,-3.06890926881391,-5.04083464853353,-4.33743619661513,-2.15877548185425,-3.97358560633491,-4.3792636808611,-4.39629775752161,-4.44951163460867,-5.04083464853353,-3.01807684860551,-4.40418284650362 +Mcm6,2.63099297424435,2.81632149882938,3.1782164225402,2.65473920053036,2.67081863988516,2.98683908013488,2.94938774954958,3.01853979626564,2.83927945455595,2.84123768532721,2.43059290877575,2.96306009136545,2.26175563993267,2.47432179191739,2.28814525812422,2.05503851220905,2.08502542619495,2.06422463114851,2.35096704116148,2.11652418145232,2.41541718292961,2.06942597353554,2.01443884701139,2.58995422248314 +Dars,5.32609810225938,4.9618892014765,5.28101518108742,5.03125995602556,4.64909891219127,4.98461729579339,5.02482838867289,5.18717800168819,5.23453291322159,5.10621856695867,4.91265812189984,4.88639984752373,5.28000335789942,4.88064879409028,5.20278389811048,5.08847403266621,4.71656305148375,5.18867047307272,4.69039449974946,5.45566305091851,5.12599853789208,5.06746901225889,4.7479449176093,4.87354345074372 +Rgs2,4.26192962217984,4.89436845194802,4.23138836408745,5.02745855812495,4.21261320999193,4.24752220909845,4.06282335363267,3.92714592125849,4.51385868240565,4.98288281741236,4.89909588107024,4.69437168639824,3.33055473845218,4.66566269764481,3.95593033825179,6.01148779675579,3.73137686815437,3.53638720499512,3.20649996312417,3.39363973513494,5.28058346582426,6.27092689419167,4.56489522754655,4.8615591171543 +Cdc73,1.77322854476927,1.69161890948678,1.781544336023,1.37766300346233,2.55462337880531,2.27089175726532,1.90590164907452,2.49569378920719,1.66621305383388,1.58699775820057,2.17265617985792,1.90285947898445,1.93392014295615,1.85457271147144,2.24016928847635,1.78511019160884,2.4766008683361,2.22547355926923,1.94888810436376,2.18352896046077,1.91928912991095,1.85364096672702,2.07650279304065,2.05597496623385 +Tsn,5.01006417387539,4.7000781457195,4.99223494267185,4.80170397616312,4.488516680347,4.55411397614537,4.61369328157516,4.885683855521,4.86815256434141,4.74360864390043,4.54036060609088,4.70213708466418,5.0335402320735,4.77840845109892,5.14749306882466,4.93699962003318,4.70460236142078,4.93887220807051,4.60122905594544,5.1775537234215,4.97234009446451,5.0736136916763,4.75645356433405,4.8296441961228 +Mki67ip,4.23689784243588,3.72735018753299,4.24025436490486,4.02776597659552,3.44900937674208,3.84001976295374,3.79816193805789,3.99824307666978,4.32879604422939,4.03961144676849,3.77607029253178,3.88046084256632,4.34927347357076,3.7036016884894,4.08501399336988,3.91605327657332,3.69087025887433,4.06621161504808,3.70104800380694,3.71714458054837,4.06232287205211,3.85688488200894,3.91329199089803,3.86265728038534 +Tfcp2l1,-0.241208767751864,0.277831120231252,0.0223906753442837,-0.431006142874156,-0.48424560237262,-0.3669730612754,-0.531156238122954,0.464682936679563,0.300351975712154,-0.633125780726465,-0.729419553087777,-0.809272886317352,0.337544064611525,0.178557331458139,0.0950301948333081,-0.341269455485227,-0.29795884150926,0.237601807089371,0.364354559886592,0.220506714306986,-0.181055300126444,-0.291089115154658,-0.204835314559273,0.169704700826084 +Epb4.1l5,2.73722695850301,2.60947697645281,2.82324648934415,2.55259717798282,2.67175870374943,2.73740877009626,2.61282776093668,2.62473652922706,2.81324501161407,2.39320854012633,2.69594418789512,2.58037309775406,2.52068927523357,2.14715434817801,2.28537642892754,2.18316779204744,2.31746333536134,2.34287895010471,2.0677956366363,2.56939632095593,2.32893387385033,2.012313831367,2.14955842421901,2.10103951184716 +Ptpn4,3.83102229861014,3.70694387438947,3.8112036613157,3.5634068916706,3.58005935178317,3.59117098495309,3.39098120420981,4.04079208712638,3.77808661622952,3.47850723940956,3.43033331253068,3.59300751223707,3.88499632713545,3.73120287661887,3.94538612219951,3.71200548570596,3.48661241807067,3.79690161740316,3.3871341072967,4.13622210810072,3.77797951988661,3.52763281527718,3.42801477714468,3.62396444359747 +Dbi,3.0594794994912,2.19187387810173,2.52748739768601,2.61228606887736,2.1787609134792,2.21427101533074,2.58200128893153,2.52417158409336,2.77269865590482,2.21863065503234,1.94825192310511,2.73240307046407,3.77964135476175,3.11606518274136,3.24639416072749,3.59564151775801,3.00935128030651,3.46013147382181,3.153001193558,3.73523715915955,3.41620712088846,3.3477202931903,3.16046429923468,3.35519680255719 +3110009E18Rik,-1.68248935859887,-0.365592596604475,-0.973094765600725,-0.534835297414979,-0.997391230115852,-1.49861323215817,-0.485489606141603,-0.482183234053012,-0.497261339061314,-1.20764544287843,-0.471626683118,-1.14064867458524,-1.05190251041925,-0.20745939941152,-0.507659310204077,-0.113650710993469,-0.613572623502288,-0.927732832388287,-0.397439025773292,-0.255537158890552,-0.156594252962358,-0.813482397766528,-0.885404863539797,-0.275185452772667 +Nek7,4.60039889132507,4.6334867930104,4.86502609319946,4.63778961180246,4.41429500503122,4.4760446997569,4.27618743970151,4.94818926464742,4.73799551725483,4.66207991180453,4.37738132853185,4.4819569230858,4.92213151463522,4.96250666002418,5.07226858516407,4.9375629477032,4.60039879134576,4.80993560435829,4.44538320897244,5.47275942317637,4.92749560787242,4.99523502823884,4.51393098843831,4.69166014401126 +Ptprc,-1.63360892801621,-1.97841329782155,-1.47203727504708,-1.98324398500626,0.224854912220999,-3.54368868142141,-1.06958351072497,-1.76788407029047,-2.63023337334448,-2.31364307974115,-0.848856232945721,-1.22712877963011,-3.17606784019108,-2.89130673612223,-2.17442180357924,-1.57093560016801,-0.935857399100943,-4.86323211584184,-2.09387477414937,-3.16148364179692,-2.52608563842904,-1.97507813943283,-2.51704172287179,-1.73130766275287 +Nr5a2,-3.79612732566308,-1.94899810009749,-2.93254012442647,-1.9111823549368,-1.07297571039749,-0.982663946341147,-1.36718532056374,-0.91789946095022,-1.73181376409988,-2.33281040332927,-1.63410484830108,-1.94603045518065,-2.38442647920416,-3.00150129574025,-4.30101357077697,-3.59761511885857,-2.51409302996148,-2.62706469408132,-2.13403313482722,-3.21254980939395,-3.70969055685211,-2.99203102090097,-4.30101357077697,-4.30101357077697 +Ddx59,1.30492585531634,1.40867951553083,1.80601611102348,1.24158312843824,0.859836814728203,1.67021220231602,1.36771569705034,1.50250884526918,1.53529325623691,1.44811237207459,0.978600237750675,0.99294720877126,1.77792212117479,1.57845240240551,1.42621511673149,1.07661909727259,0.956693880351439,0.548075354982292,1.28709249152626,1.76850954546646,1.42383560268205,1.56366479484722,1.08196364750308,1.4431618345541 +C4bp,-1.19638155171767,-1.09106631523834,-0.737528568621314,-1.36964368508827,-1.15929617311417,-1.65713746238884,-1.29869265604157,-0.803038204055787,-1.13421345706478,-1.01305024452235,-1.21108066617518,-1.00139178102107,-3.97588513325863,-3.40333284331834,-3.3954927293781,-3.97588513325863,-3.97588513325863,-3.97588513325863,-2.86244582090361,-3.33134824224671,-3.38456211933377,-2.9866650044964,-3.38076370921458,-3.97588513325863 +Pfkfb2,2.3746318614319,2.88246571067831,1.98819821235506,2.62908611781768,2.9308698923352,2.78630517664521,2.80926885577278,2.10065536290936,2.48898670146673,2.38722872442734,2.77323993780463,2.71576343154552,4.79228486779991,4.88328361622878,4.74994863826539,4.83914803220064,4.88129632977003,4.70241959548093,4.95906825933833,4.55100233256853,5.09094181452334,4.87457664329647,4.86967401185063,4.84904282121829 +Tmem9,3.79625194056545,3.54748921012666,4.19809451063127,3.36821805400046,3.29623732945627,3.65215389484883,3.27701363137042,3.88981565281518,3.67032581608406,3.80649043595077,3.24314714069699,3.45810793654166,4.25075900930804,3.93612651102015,4.34461255363899,4.20609362702858,3.65597915844225,4.21045701655653,3.74741614346819,4.44598645570952,4.14479208561949,4.04962530030749,3.56680643190838,3.7100788575029 +Pigr,2.11873270803257,-0.847904329218149,-2.3124488547518,-1.19123499714095,0.550596056081365,-0.91458267694823,-0.971646227607607,-1.6348907485059,-0.983813553505766,-1.59944170182773,-1.51392223076063,-1.39590628141063,1.95824416340284,1.52340575743573,1.53493805877075,2.09457419948808,2.20112204022619,1.82531489625037,1.39847225855151,1.5798270539666,1.53092151725114,1.6635697477811,1.74688735791944,0.965344150250578 +Csrp1,3.43470437338432,3.40364600393778,3.78029672931729,3.30571567056948,3.09852795050495,2.8955779369003,3.14638277154776,3.62059122208795,3.60026833600003,3.22848734195428,2.79308480160144,3.06698425573591,3.67813950416278,3.79829926900992,3.66266091901353,3.28191048171888,2.98220060929745,3.58894993809475,3.52387272049901,3.56206085603572,3.68388620781981,3.57403383185822,3.15181622161511,3.63942514768435 +Srgap2,2.25837536171881,2.16051823286537,2.00048416890209,2.29356257146731,2.78330201971308,2.69105675836079,2.56594200426065,2.27670909929886,2.23447217052423,2.06774013091039,2.66642077953578,2.40777966299595,-0.552103271141575,-0.0945047323641006,-0.683050434883949,-0.100235161348018,-0.140283183403618,-0.0798588964644105,-0.0765001355996469,-0.504128219070559,-0.379330232678945,0.0888945308136422,0.155437042759568,0.158123623744105 +Arl8a,2.83279636317959,2.80358968445248,2.58752826353437,2.47541336584022,2.87910202685941,2.87479161949982,2.69899855300675,2.84526304860689,2.67368467893013,2.7104861548894,2.89952544283069,2.61126857781519,2.98950150582511,3.40717299977459,3.23328190665961,3.15388641821359,3.4415167662429,2.94407952318978,3.45922463344634,3.14747845224493,2.98988995091043,3.30214792519545,3.55395580023894,3.42987764798503 +Eif2d,1.43488468634613,1.77266466721366,1.50479701526726,1.65321962035179,1.85848909121502,1.83965356415742,1.7921805487224,1.5382298436872,1.66428461439518,1.80902191988981,1.7061845640387,1.66832765446918,1.8805924012874,2.01190562035574,1.88322465907223,1.79691022526446,2.24741909670122,1.86985398869271,2.22944365296357,1.86761795988909,1.98869093870289,2.04113299652423,2.03847454488461,2.03473055078879 +Ube2t,-0.331563438485189,-0.607320458633917,-0.812865732284232,-0.159208783818407,-1.10737691449703,-0.614877058918045,-0.113905112195217,-0.461017580536864,-1.09559329414104,-0.23369157694287,-0.52961774320325,-0.604243340552401,-1.50936219002839,0.161854534232275,-0.62301646647459,-0.462082535537518,-0.134348452333346,-0.384051511413513,-0.309031326866868,-0.467001097885663,0.0684110224061888,-0.0458217238798617,-1.36748934662515,0.107322751338036 +Rassf5,0.228561058913649,0.90893274258235,0.674375562962646,0.707436706976181,0.53426213053781,0.718420452490933,0.593559323632099,1.15135785091869,0.643348966172079,0.772073101605252,0.673395801659167,0.559950097164461,-1.90375945610081,-1.15626183487836,-0.795252099981352,-1.09264506775166,-1.14792904038703,-1.04014651870139,-1.04875053530411,-1.59195984550316,-1.38340132516687,-1.42113492209098,-1.53668264239198,-1.48552759274722 +Avpr1b,4.74648760430077,4.1018874034448,4.02877358988148,3.84884301466773,4.22630826924593,4.28456212430864,4.30783712528063,4.05417407642237,3.89221346400056,3.86867360074548,4.37982230978296,4.18842147757797,-4.36968258838447,-1.01130158847305,-4.36968258838447,-4.36968258838447,-2.80378313529244,-4.36968258838447,-2.40287537975595,-3.28121882700145,-3.36015230353375,-4.36968258838447,-4.36968258838447,-4.36968258838447 +Rab7l1,0.558706288248375,0.608787860913191,0.861110857153504,0.574413864729107,0.433667602682445,0.78694742082172,0.546457084848879,1.1710915798022,0.70143191506409,0.168464631039242,0.0621071451905219,0.261714545808544,-0.877783166124227,-0.125644305363194,-0.635131422768915,-0.361851148085467,-1.228470804605,-1.12042138100138,-0.827563049068511,-0.333392055040421,-1.19671464957617,-0.227419219373148,-0.965333138643035,-0.878434884433194 +Nucks1,4.96337907422403,4.8504666026085,5.27044339445033,4.85209951378565,4.70503843835808,4.77662367238384,4.56181641855442,5.1014443008264,5.08382886789258,4.88908478893923,4.65684368221036,4.71993532541187,5.22569476592859,4.87508972097649,5.56387599244865,5.10986161333751,4.83574888097349,5.1443850768614,4.66899571057611,5.35087515539177,5.22400948412677,5.11304859249043,4.74394904528503,4.87908295935065 +Elk4,2.51144640226777,2.65953769672828,2.4830844833607,2.45281222212213,3.2104953331197,3.02293724897301,2.68355957335237,2.8839994856809,2.5566798508464,2.39757207357677,2.87206919229997,2.64195203995925,2.38098396536339,2.38447905112694,2.52178532631813,2.33074225510801,2.85600746516349,2.46535318667882,2.60276881545554,2.5436576592559,2.61476299893139,2.36037865754003,2.71708825323164,2.6650046085888 +Cdk18,1.70162143554948,1.31333230452111,1.3366803652007,1.58160457887772,2.31338925918457,2.23862536594214,1.88775357815157,1.23654180632108,1.40119542894884,1.16166552393925,2.11808110788162,1.67502427409145,2.44873157255562,1.84169087056987,2.01955678079316,2.35809150243764,3.09737435728362,2.34277173529297,3.03776591457093,1.75604824154414,1.72414806847201,2.25966829882559,3.10205068496443,2.7663975009593 +Rbbp5,3.18959548306748,3.5225190868492,3.19397513610266,3.16364981345989,3.37753940328365,3.31690149211755,3.49630801010386,3.37355172667601,3.34582787226404,3.0842645891766,3.35486677920426,3.36055069142646,3.32429011186521,3.18757064055265,3.18621634040545,3.30017723824233,3.28067316186397,3.39646709247779,3.38753987573712,3.22471899745945,3.04462631398802,3.06920413108471,3.36635141876013,3.31050015761446 +Nfasc,3.61865306997097,3.88743643862684,3.71699243836261,4.11395843002984,4.4076253994922,4.32592163227108,4.11056989617355,4.0214012886776,3.49925637403069,3.86448934649575,4.36188797939891,4.04519200207715,3.21118244155867,3.66650096658993,3.08071624492199,3.67034636160411,4.02156186614919,3.61359272329134,4.21536253454343,3.07297704594876,3.03864332406089,3.31433474112445,4.06815013419556,3.86086847651324 +Lrrn2,-1.95307973498684,-1.1545632948645,-0.745460664905623,-1.81757140524533,-0.0584803347039868,-0.456196804526891,-1.05576983919269,-0.699410878283122,-1.45096242691052,-1.91941627378237,-0.773166593096253,-1.00079613639315,1.61292392807951,2.09536148174939,2.13656395495127,1.83082746731305,2.37891300705552,1.91080386912549,2.47651447302251,2.52493977283946,1.22054219126259,1.93113273797551,2.26546123766811,2.00638433401063 +Pik3c2b,-1.99663698825263,-1.93612436579378,-1.74273408898121,-2.14200571111514,-1.20918541027823,-1.71455624783425,-1.57397983941976,-2.00223731000928,-2.57046476740457,-1.90763066482113,-1.59482530565213,-1.78171961882385,-1.42709720640252,-0.877035240018868,-1.62750154046855,-2.02265533553183,-0.763618694031504,-1.19603554664678,-0.550137709803376,-1.50096875274082,-2.38201077014019,-1.37984463513102,-0.681622681517518,-0.616748331388996 +Syt2,0.74495318960509,1.10068678501003,0.897739710084881,1.16850665537242,1.09287055429349,1.15624482098235,0.669049030610517,0.963225676725052,0.556634405096156,1.3534599691324,1.23991298923077,1.14709347118267,1.69920385261719,2.27848252192102,2.21775902228501,2.20052958381279,2.13622226318658,1.92350433876961,2.10134650006327,1.80809177041811,2.07001633996176,2.27781819797078,2.27449341585493,1.9708589824434 +Klhl12,2.38319184245858,2.23732084212676,2.30606261744792,2.4141904881335,2.38410039740118,2.42586442023514,2.30280183732855,2.29352362334494,2.30377526122535,2.3431169088828,2.32772796242991,2.2492504286384,2.71984377817593,2.57862002378449,2.53436138581899,2.69685060064823,2.49736570002457,2.5325230083006,2.47425521115884,2.62831405076145,2.44871314384105,2.55551263710791,2.58910232984869,2.625804291296 +Cyb5r1,1.81897382774227,1.89165036947454,1.91497772899481,2.28759387144535,1.80840671206448,1.59256368753775,1.79763725777588,2.00338425520332,1.87676660805937,1.89606274401123,1.8916105731443,1.99799978523825,2.21998763948275,2.33962032022237,2.42593712290282,2.37318438456597,2.30281679334469,2.24781014090605,2.36450990568088,2.62832752202991,2.4645376407175,2.44246487844321,2.10078665674603,2.06869533975313 +Adipor1,4.4590158413044,4.31429015496373,4.69331006660654,4.50379998332121,4.15041976095666,4.14941864399751,4.13027306946656,4.55522049817965,4.60060425622619,4.70784341945052,4.0914835077822,4.33706139311154,5.1146339435096,4.81015009953972,5.17377720021045,4.99066622068113,4.61844237161372,5.04998584046249,4.72248165376306,5.3568575310246,5.14142206880289,5.06428255072741,4.73414839597903,4.72818487478335 +Atp2b4,3.76084479352694,3.75565872918172,3.72521200811605,3.40278575599034,4.23255339079234,4.25089416011881,3.79268319604033,4.36687672435416,3.7115848818208,3.40707708021899,3.977274122626,3.94986175150555,3.28294665799409,3.32558444763752,3.37479039085497,3.10753571651446,3.5105463934903,3.61316364596528,3.60818782881058,3.19159421861584,3.07884241706057,3.13385875559189,3.41276941094438,3.36641362401539 +Zc3h11a,4.67347047114236,4.93466708071927,4.45385155788779,4.65455549315456,5.4620550095711,5.39339742248814,5.18921657330492,4.81559907572755,4.62478689470873,4.76567039042722,5.33617753501265,5.04503154361529,3.82187030703073,4.34880091164371,3.53006429329271,4.00802366638372,4.74651652626356,4.18363094410302,4.69025854678222,3.64090247463707,3.94765829868477,3.98129313299292,4.64815498901658,4.46375983952194 +Tor1aip1,2.23076919561382,2.35681929187768,2.488372462655,2.36575867779879,2.96324410004848,2.811599219808,2.34703881507791,2.73874995353742,2.66801893528517,2.21937382420915,2.5943307495731,2.35610845531489,3.07627016197869,3.19578736377016,3.50067425229732,3.36334400363618,3.51972876999866,3.19263930021022,3.33706043095496,3.23867127122451,3.35775009504078,3.39051726173507,3.50538953621151,3.12302582050987 +Xpr1,2.02848928838961,1.92186850880061,1.87401635322406,2.03453496934803,2.32361557036279,2.44425974230457,1.92205767833823,2.22319526360946,1.95817866828517,1.8467382153802,2.02972905273566,1.96968283229209,2.27349547059425,2.16412132299387,2.19969718541635,2.19665288697676,2.32637822599649,2.30134415025481,2.17054050921413,2.52845605372574,2.13212724322452,2.19419553089989,2.20528716634716,2.1710636321287 +Stx6,4.86429122255824,4.51688104159723,4.8785464871819,4.65249156674167,4.46978795218902,4.86598211904159,4.66521619953903,4.78013880733805,4.82579080272312,4.69469690214417,4.57239857746764,4.55205969324909,4.69531329759623,4.70395385655271,4.78418365766475,4.73241873474877,4.50668329368034,4.98737629345716,4.68768123511796,4.9191230370871,4.64947398825182,4.74310628126756,4.58500034226835,4.56662915830056 +Mr1,2.65932303537676,2.68838165431771,3.39328106991582,2.69861047737583,1.89537456768429,2.04904146858077,2.17644714145536,3.04824643089174,3.12454301326143,2.89871602760798,2.17129244684409,2.46988080459663,2.14590570859194,2.06902238355703,2.56468873334018,2.54305600101232,1.49302312541671,1.9638062019611,1.54619488869476,2.23517650431273,2.86165211383762,2.40909054753538,1.60774975298136,1.66690209777059 +Glul,6.02675975660821,6.29072813585155,6.64661044318382,6.4577534201381,5.83678681148028,5.80549247171639,5.74573565696805,6.63449000373364,6.32070995018117,6.6747226089202,5.93444076631642,6.00981753358642,7.33443000363701,7.51727962736194,8.06848886580572,7.81786674157467,7.11410765182803,7.30027776473978,6.93096107491786,7.85944453834244,7.62058595288722,7.86112278942149,7.17125502200689,7.12307522482932 +Rgs16,2.94165140808992,3.11439046517525,2.4995267930016,2.46386903833048,2.87898573458206,2.77509114261676,2.63930331323088,2.87634242316528,3.10474966974374,2.45824165569882,2.54430356560121,2.60758418659868,3.49297107788999,4.45476716534436,4.2755190886454,5.06556636192709,4.60810600226448,4.06707848850393,4.41828713254872,3.93224641303687,5.31887606989201,5.55474408577694,4.53031466692183,4.39161766846766 +Lamc1,3.11968705255499,3.00229293614141,3.06483458166924,2.91449896043262,3.05710891787793,3.15084863988215,2.98816424214823,3.18617455912601,2.91687132843068,2.83131081420011,2.93131807357342,2.84079655911381,2.2723409756131,2.2909097201898,2.41873397720355,2.09050364956743,2.03011430609354,2.28741992822271,2.20200264230787,2.30026210428769,1.88024704868001,2.12139004350286,2.05215100393876,2.22574412605359 +Lamc2,2.11522782837281,2.400685349717,2.82622326752837,2.30102533722387,1.69794532014999,2.16702365290697,1.97547082645586,2.53075328685528,2.68659726471032,2.3046821759195,1.97054528394584,2.0005181498425,2.60965412499214,2.74450571342231,3.02459391360105,3.14502620709161,2.30232325102071,2.34895180007591,2.45286617420787,2.7446703987798,2.66402390671114,2.76033137500124,2.55755688066467,2.43563243118883 +Rgl1,1.9093039174063,1.84877075026074,1.8350152578154,1.85028960294017,2.00272263945068,2.20048355176149,2.10034231643219,1.65781527087547,1.7074068244782,1.88962193556657,2.13420180621208,1.84138987508138,2.03558640742676,2.28469165377808,2.22491428469539,2.2485573483233,2.55266836976862,2.15475225958029,2.57425566131395,2.28469975306664,2.27885683027142,2.30054108285672,2.47970986297181,2.35678698245919 +Fam129a,-1.7782381479677,-1.61232081397557,-2.37163408536633,-2.36504353587102,-0.0615573317384133,-2.07864090291053,-1.36750412099335,-2.99004694386544,-2.24666121558635,-2.28219677797032,-1.93501404683755,-1.50651809570517,1.33027803690231,1.24920551193413,1.64822013672028,0.820525206614389,1.43391486122012,1.77415302942447,1.33743511993988,1.0329584109799,0.923447631161805,0.88338162217,1.24432422765193,1.22493980595792 +Rnf2,4.19973100873846,3.95818290610311,4.31394762458511,4.10042386463914,3.8488539439049,3.86598755628709,3.93260420663797,4.0251489292918,4.28657422742365,4.04222820232307,3.80347768950644,4.02832979337468,4.66829066034118,4.47241752801559,4.62827635228626,4.53371200952988,4.25480368860961,4.57862393737174,4.32685198079428,4.89463941185736,4.53894936702021,4.5558601386037,4.17890453470744,4.305878302099 +Adck3,1.02817807762314,1.79691691877233,2.15610506647714,1.73409852364258,0.964587673020697,1.43025339108584,1.25516191998121,2.52153846677254,2.05283645889716,2.14649460806293,1.38434396870741,1.49969967021413,2.36707528310718,2.84099435612219,2.4876258200286,2.6599913388789,2.21726549200695,2.55496941516962,2.80501456674191,2.85660376536608,2.5201655026005,2.73261766971819,2.41937606814438,2.70986937005107 +Cdc42bpa,3.24048734223099,3.34297790535596,3.14555554611308,3.17235606474604,3.6270851023399,3.61672855809192,3.34333718386643,3.42092580383112,3.1895661744676,3.19423642001616,3.50722596396046,3.52316729621429,2.89722634787937,3.25110324592914,2.90599827210412,3.11306584083821,3.32319534581953,3.01324950016446,3.18825785674429,3.01984667225272,2.96305192193746,3.02675716208664,3.24392858546637,3.32356263185037 +Ahctf1,3.89650757426241,3.85804289028617,3.72935701676547,3.89825622469532,3.89300714513579,3.8750943723699,3.90082924302115,3.63310373075613,3.72597760335577,3.74898860135077,3.87559333051015,3.87538342584201,3.63020375057161,3.55863943397693,3.66305707263271,3.74757449094833,3.63558529523206,3.58073250701211,3.43878923296196,3.64343242104852,3.57363061680689,3.67101143736937,3.58611505813531,3.5069602751673 +Tfb2m,0.493805709301504,0.271693549588266,0.226852217417439,0.351081676131955,0.0550251429306419,0.0316367780887128,0.480788926245655,0.525696495704315,0.541366274828989,0.388987857360778,0.362698065632531,0.0696700249778355,1.41087018557372,1.09838026098397,1.1964794767635,0.979643503376392,1.1635580153842,0.987741521004873,0.670639353767542,0.955059683478674,0.946887856611529,1.05499250131761,0.81799496426465,1.11776113714379 +Efcab2,1.96456102392467,2.31532062431219,2.48023675613089,2.14975240383483,1.77854780085982,2.08654539170092,1.98646050508801,1.96835011529415,2.34884416586253,1.83934291832742,1.56112196581447,1.54559132085428,1.32452818053042,1.61695856613631,1.51146762153124,1.72560062967682,1.24554407067267,0.668834075979789,1.15035917522528,2.1228498689294,1.5999506328357,1.76673105605465,1.34774505237343,1.63177818800051 +Parp1,4.70636003247541,4.52164901643232,4.486059617398,4.63680367097697,4.49613396439269,4.50984475735584,4.57951117635365,4.41699185664292,4.49731322029493,4.66118942522477,4.59774800003154,4.62880518099435,4.91579498711639,4.68565371181727,4.49047142275696,4.67336068054048,5.07385095682715,4.8066235466161,5.07082747261807,4.38427279295463,4.73378277631516,4.70015474217483,5.11239054765619,5.0651934291421 +Acbd3,4.95600811821737,4.92800258518563,4.903731035583,4.81120362942688,4.79180041641748,4.7134473748014,4.78266091113139,4.91455405571692,4.86142456396404,4.94991874482757,4.74588569153147,4.83005277153605,4.82365903620981,4.73582745898197,4.51319029460864,4.77301491831581,4.71110683838431,4.66324181770394,4.79715329469129,4.48470356215188,4.709123728195,4.70627959998298,4.71270484532361,4.83202415610498 +Fam36a,2.66367265628976,2.91217125931214,2.60767430558496,2.75678497201561,2.83343718637921,2.64063176203132,2.75772573470754,2.52099656758172,2.80529460747129,2.58924861019708,2.49594998120736,2.7537592436846,2.94618752275482,2.67354561452778,2.44419587871005,2.70177165249937,2.39856885672077,2.77368523865563,2.26569413468916,2.77220339951469,2.67660294970227,2.48178841505118,2.29015296851037,2.72252259749181 +Desi2,3.11269729783974,3.13992865829633,2.92206251298524,3.40956677156025,2.98328624428047,2.95559071327012,3.2470842108768,3.14823140670429,3.28247669725936,3.04139353739008,2.94880907565848,3.22602830788547,3.22249250092448,2.78634082980266,2.92134766537264,3.0208807541947,2.83899946529792,2.99826550483296,2.86590963564466,3.22842324013576,3.03798319358123,2.9093788131661,2.82222625039213,2.91349016801448 +Sdccag8,2.66013253043378,2.8015530821748,2.59677687515513,2.82078188214808,2.86741230469305,2.97397498423315,3.10330327677202,2.52853394423804,2.70357035132954,2.76958156013013,2.99853769793936,2.90515107245279,2.43189315376429,2.71713363351698,2.39954993486677,2.79561710208641,2.79039556242039,2.55776670676592,3.00825662285794,2.47806358144489,2.72877228379818,2.81826680352628,2.98275533352104,2.95752854071557 +Capn2,4.81852208142745,4.82837526569946,4.69172947666442,4.77195461304142,4.61428135079987,4.79259968635321,4.65692620243691,4.87369025581402,4.73982581575554,4.5364591937014,4.65983599976492,4.76870671229126,4.78506907392838,4.90031709939724,4.58704286422938,4.95473541641414,4.83275480285417,4.83992025770256,4.97794891154118,4.75214042195896,4.70056973519216,4.76069851447068,4.87488902730456,4.9349854584127 +Trp53bp2,2.90784031595999,3.06167377399533,3.04969868179721,2.81693946032826,3.11709892845472,3.29787411030762,3.05729318409016,3.1061349058336,2.79965618607226,2.93105369891031,3.06032900168234,2.98952535566064,2.5763413343015,3.06902876625564,2.56636852624919,2.89660356964392,3.12924135711137,2.73197102253006,3.15762052299606,2.80870491383573,2.66207638579968,2.80530934329402,3.12146682558235,3.07230705993729 +Srp9,5.03633098473569,4.59299429099157,5.18701537822357,4.92608471645931,4.53742997804356,4.48738183560732,4.65160734190511,5.03846291536288,4.9884856630912,5.06228176611694,4.60949286287776,4.83044299192403,6.03681663247888,5.13932866841446,5.77675098346942,5.08695606122062,5.34990038099049,5.78282903622085,5.4416092071481,5.71593389143996,5.65843192266668,5.16079328112888,5.22087818094903,5.53027684760067 +Nvl,3.55601804088859,3.5080619043373,3.11246684974054,3.48573180325577,3.92639466256668,3.93697673774198,3.72061327831279,3.38017277241184,3.30697625211814,3.48258852748667,3.76743435569658,3.73612589322852,3.54558988309172,3.45532243488427,3.24501504395783,3.47148532308787,3.72101848080966,3.69115764402717,3.60437306455409,3.27782567578467,3.46601023576487,3.58095958051743,3.643881192606,3.59611555323973 +Tmem63a,3.40433795379694,3.85451016755217,3.16762600163711,3.63499707135672,3.90682658258479,3.84261906949528,3.81340492913656,3.38635747394537,3.48074152263605,3.4704419320228,3.74319823603659,3.68251472597631,3.83524157982321,4.32308671612108,3.88484443839881,3.98710892197079,4.13202431909137,3.9074374037392,4.39761618159046,4.21555326761541,4.16215815218342,4.10071258591657,4.14275353047653,4.11273445716202 +Pycr2,6.05543268250018,5.58678586274223,5.65911329157966,5.64269069383789,5.59426838608995,5.59135034219222,5.74963618519575,5.63656903919605,5.76971137845762,5.6098708384982,5.63508926359356,5.68251349246158,6.64811416339453,6.37911971295787,6.50987402657659,6.53461761164401,6.60962432833417,6.62406059511301,6.75809048206289,6.14225085371318,6.73785427122654,6.45345115504192,6.71535847907969,6.4793443271625 +Opn3,-0.0623024387861952,-0.0829827166708426,0.115531822300541,0.0787289315650999,-0.290288097104428,0.0022144195424795,0.107675624123101,-0.0737509319236709,-0.892829288876386,-0.412201933866219,-0.305405456146118,0.0896861520226102,1.42283539757714,0.750253595065014,1.23069303257249,1.17103215339093,1.39289162251963,1.63115979921887,1.12344639623753,1.38064875545203,1.13145064164186,0.947444923551297,0.978869099407637,1.17058148743337 +Fh1,4.40692745303539,3.92405772296909,4.20158786046627,3.9839098600381,3.99804404823669,3.87415244040508,3.92972481581261,3.93149066475043,4.09867259003101,4.09605941272747,3.94227773898126,4.07118406652042,5.4628713009165,4.12532412642249,4.53477713875174,4.86901612800913,5.56276265487155,5.53174107096308,5.04889319710515,4.2320117398181,4.65521426776221,4.59081830902953,5.62246377528154,4.98710128482633 +Rgs7,3.52643524750178,3.64756112464717,3.60292053358054,3.5861997979091,3.53900930518144,3.73812614561228,3.70168558139362,3.47782784128829,3.44096394013516,3.7790979367516,3.47920586715949,3.75545317148429,3.21383098177108,3.14214655587347,3.39728037831715,3.01264551806322,3.47271515558358,3.47398799492005,3.35016406025692,3.16173222051582,3.02377170341436,3.38016040217858,3.51335689707095,3.35926073493709 +Dusp23,0.48882593726855,0.107023102650321,0.109399732827699,0.822215091445854,0.945152204736967,0.775947488179088,0.476576733869053,0.915519894766608,0.20651693604157,0.681752906369565,0.569985419312388,0.771852727534872,3.03869428395172,2.66885024150166,2.46218662963726,2.26215014645382,2.96554003432796,3.04632455956081,3.07844286592105,2.85870281714072,2.63005666325074,2.15916319051323,3.11972721587485,2.75810468338756 +Tagln2,4.74012614542478,3.97643473023659,4.13269418973446,4.08575508287913,4.55579539748813,4.57947299453099,4.45013560326295,4.43930981368936,4.15174518567182,3.82374467445392,4.49817097799569,4.36833264814048,4.90326039506076,4.27456159336258,4.49469984447537,4.41242861395598,5.12375800785647,4.63938327045679,4.78141610423886,4.24739148718407,4.55664319747388,4.39827718312054,5.12255432931159,4.56586982019088 +Copa,6.33070241323148,6.1113727852402,6.19749086996237,6.1051831628918,5.99711931225463,6.01022285972478,5.98860525109284,6.37206945040837,6.18564535139047,6.03652935967497,6.06294545162647,6.11722109098827,6.81177306844776,6.52364152693848,6.54254119471892,6.46623345366602,6.53518344483693,6.87158719273508,6.63314588493193,6.84094454248679,6.45764440322307,6.48982190248339,6.6490976945882,6.7451087032698 +Dcaf8,5.49722913101746,5.53359953331024,5.63682726953004,5.55576736837901,5.40788501687313,5.49114201239202,5.47248445582267,5.67544075936407,5.53419451272269,5.70031121214315,5.48595811403816,5.4434459535492,6.11560584656981,6.10572696439334,6.20949411289188,6.29917379854513,5.98765753310058,6.02123711399141,6.01889950090449,6.07787100555396,6.20767796927675,6.28688794184351,5.97164773350853,5.98934198508784 +Vangl2,0.198747802222194,-0.0666040367578917,0.690058291904023,-0.187825162950037,-0.0018085543700592,-0.062040057053117,-0.40380545694688,0.194055375895995,-0.21157451574446,-0.120524250984993,-0.0606194759461269,-0.225323805570952,-0.498666845199947,0.118620131574218,0.15973393229248,-0.855630320988181,-1.06445527757979,-0.425630207169627,-1.10417472323523,-0.142503566977446,-0.939272463132768,-0.406191833617795,-0.780348338542902,-0.815139445082218 +Uck2,4.83652263450641,4.24438917233661,4.2388678533991,4.19486217075808,4.36049246356004,4.67745186181548,4.40632949136906,4.13126953701215,4.44567353748261,3.99126560912271,4.31936722474567,4.33665147963039,5.56117198961069,5.12531624962528,4.78225296826876,4.90260604496591,5.15170185714196,5.34292711162083,5.4382417557045,5.10447753171495,4.83369319310677,4.83390441868313,5.33304789748451,5.39494411921149 +Tada1,2.53773800456665,2.45856924372722,2.44843314238983,2.34065771675147,2.33963676181761,2.34720427433001,2.4685031283961,2.33493895484843,2.34116797850287,2.52518939905362,2.40333414793363,2.42123059927279,2.25864382382648,2.27626890039308,2.19841395577045,2.19016883506698,1.83521045375209,2.23958797323429,1.95574665215408,2.39999170089004,2.26553117594685,2.01703405237953,1.95186835342092,2.1125828227095 +Pou2f1,1.6919682268702,1.94724379024256,2.06909762271758,1.43868280168348,2.01729182600466,2.06352137090051,1.70184260017252,2.32619594737713,1.86505267426358,1.4302477526124,1.65352830994498,1.69225990417449,1.471997159006,1.91506037107665,1.75194045812862,1.57543046811393,1.71746151488387,1.53958735154341,1.532981094354,2.07601754342063,1.56986314358344,1.6614794962603,1.50574158592973,1.61288406227786 +Mpzl1,2.45461742917742,2.66380422485271,2.37257214708869,2.25596761014378,3.2584136926635,3.19272472446199,2.76606168629967,2.88884126564505,2.49906571208683,2.68216400468659,3.21567533008029,2.68450046196876,2.75068355411601,2.7574643622049,2.33123485724715,2.21714786807702,3.57342919475036,3.11740476373639,3.60794162213191,2.70103183842878,2.5294985390756,2.25134610333186,3.53032771806803,2.97668199500007 +Mpc2,3.64937936200964,2.98035888374862,3.43851334227033,3.31071476873035,2.90167432519494,3.01545943029969,3.04026345733369,3.35862269549413,3.26335670239967,3.16860293420612,3.00625489704468,3.26599830171227,3.24894449908364,2.94988620295874,3.22095501273056,3.15229315876431,2.69941406488896,3.15919878322755,2.52003079145679,3.37383988476956,3.10933493833751,3.09895019592369,2.81257622665068,2.90421084532566 +Dcaf6,4.79242249345505,4.82269840824512,4.81840033540735,4.95873027630688,4.91574648583208,4.8710971079936,4.88062557085576,4.65470419545876,4.8001697490213,4.84105824860661,5.00807028244819,4.87246906694246,4.99113695598885,4.93466206456839,4.92091042054769,4.9893694476539,4.83934372864789,4.90221434816124,4.9333445605724,4.99471277899459,4.97381696302743,4.94259111150328,4.94983919007588,4.84720384668253 +Nme7,2.67645391341291,2.65539345878407,2.61809444737536,2.97323575737941,3.00814556921098,2.70399036740389,2.70681967862931,2.67726064944067,2.89335202317981,2.90361865086127,2.88989730591249,2.63436295579457,1.79542776986696,1.62061747164699,2.5019897130366,2.21154284582995,2.33252814689242,2.34760235535593,2.46669814636738,1.86802330107715,1.82509970156902,2.52355705107523,1.97331237145227,2.40088664752577 +Atp1b1,5.7942908057419,5.35693000927824,5.23502341779354,5.21013704706938,5.5718677015106,5.68484934758427,5.40948044189376,5.51914879445081,5.24461244991172,5.17167936177834,5.50348548755482,5.62725771547602,6.77272674069576,6.2805229484936,6.52357396983556,6.46397608216522,6.57689830653123,6.70263056093872,6.34480463546053,6.53615914749387,6.41203740380866,6.52688234302053,6.50311115295109,6.4575130898602 +Blzf1,2.52012532997412,2.5300086083671,2.59832549907346,2.69388747213573,2.30374214537744,2.20187890981767,2.49892128782117,2.28392508880436,2.33073533648041,2.44734399304762,2.41620659822107,2.32862128228167,2.67641514055172,2.35546412706258,2.50378530103364,2.53310101117159,2.40378975645999,2.69340691923223,2.54848971622562,2.2324339644639,2.58156200484613,2.57200873335847,2.51499485516619,2.50091997176011 +4930455F23Rik,3.80568499793658,4.15528381055323,4.03943292258764,4.15248551124637,3.88253115942485,3.85157058237528,4.07173066225333,4.06503753072842,3.9568654230774,4.30006023230634,4.025322538521,4.05758318073175,3.71943922045863,4.00830133884163,3.64049722272995,3.93377913196152,3.69967287320181,3.45804977819407,3.74276021354897,3.72793304165825,3.80677982035545,4.02411573932567,3.57497889440689,3.85448315391861 +F5,-0.752269747144298,-0.560879553353193,-0.265548884354541,-0.760962278403408,0.364610463762396,0.489010647457898,-0.491441352548147,-0.355474345397884,-0.404097560519685,-0.133462467828442,-0.161049186589227,-0.0561403467146206,-1.95647805626056,-1.28782889738854,-1.18303399225022,-1.33277128888334,-1.36685254056356,-1.63401975252116,-2.24177983548841,-2.73848130279818,-1.51496838767704,-1.90020105477089,-1.2671300892409,-2.03612338287949 +Scyl3,2.2353959712551,2.30666876605632,2.07781708261488,2.41646189903154,2.32129857019885,2.35963036332793,2.42565064254825,2.06139599139028,2.25326572255387,2.36568449847566,2.24815585598682,2.22211903268756,2.82463801391603,2.76249739559284,2.72840621283704,2.73579747355202,2.94677330303114,2.76121806340492,2.98381389058528,2.62614664917089,2.70441385306027,2.78829745010518,2.78602155167513,2.80913842593114 +Kifap3,3.20074145493925,3.25738412619253,3.26522041849122,3.13603164216741,3.11508567348793,2.92952421830895,3.14844551304534,3.51044145885027,3.46976286292904,3.20664427392014,3.18066638615177,3.06849895408699,3.243595758138,3.44862572845143,3.60070789986464,3.43388992525108,3.30268484174264,3.17016978764119,2.92818521848162,3.5195565751322,3.108485245304,3.4071407261051,3.2455763733933,3.29901284564003 +Astn1,-2.490912267032,-2.29914213724579,-3.04043781132115,-2.16043207757459,-1.90585472446763,-2.57334025454166,-3.64963097125189,-3.52268139898807,-2.3482683440365,-1.72441233352654,-2.70853241778153,-2.21433104506739,-1.88692130493685,-1.49790128285402,-1.11347724092651,-2.17617430925848,-2.83441514404414,-2.45794089430733,-1.31202755122313,-2.96512764995384,-1.12321369328492,-0.898701409331128,-2.07355775348568,-2.138491395484 +Sec16b,1.03104561147533,1.8981694662016,1.09222645495719,1.6698943603927,1.89392315069754,1.53751076082305,1.66629987201318,1.21989846478222,0.801958517941963,1.38982903599143,1.62036042078023,1.41435662817039,3.68509755823009,3.94893283941277,3.71126658427444,4.07686580693547,4.35981720871458,3.83860968479021,4.46145645535497,3.10314113213177,3.73421529822027,4.15664211377954,4.4785453727115,4.42091134958913 +Ralgps2,1.81337753883858,1.90784098018888,1.75628275650427,1.68820353661982,1.94916760077008,1.84348308867027,1.74456211385726,1.78725173362926,1.69551988566731,1.73632347897538,1.87172339212651,1.79262560342786,1.56215033385436,1.49806083800892,1.02250388404241,1.34893030403237,1.32958606837756,1.61604945761523,1.37905085146752,1.64077327602287,1.20000919295949,1.24496039315128,1.19223448380233,1.62916073949179 +Abl2,2.97373739549215,2.82653467968032,2.97821115923673,2.72844545254204,2.94916387052513,3.05283448925428,2.87783905412374,3.12859158796019,2.94536388691358,2.88190245900587,2.87283952584982,2.84871789201769,2.46949598314442,2.85710642621936,2.64482658569091,2.7546434971689,2.94683378904364,2.69487688545599,2.87238227908946,2.63836671717885,2.5212990685298,2.52426770315342,2.92475977102917,2.87915568399968 +Soat1,1.95413508176082,2.32549990066809,2.46187461595161,2.22126015559278,1.95589957821412,1.88393199714037,1.80788328286721,2.68011737907998,2.35280584825917,2.10609726835707,2.03655467589319,2.33448935948393,3.82724125812679,3.66681392318451,4.13453229396811,3.58800991021803,3.29986489788803,3.80579312954805,3.15984442064908,4.01903318206676,3.85844625126261,3.41379373120186,3.25569470521595,3.2941106887118 +Smyd2,4.07705453766565,3.98359795174849,4.22431893833827,4.13983670851289,4.00520458366865,3.98703176096203,4.20046977864225,3.92656488105166,4.05270112038798,4.24693647123888,4.26792630491595,4.0823925917938,4.30960683006912,4.27029229587137,4.37022011349769,4.3640992610695,4.30753881847467,4.17615462966226,4.41720399466921,4.40119426068958,4.37537795468982,4.43709955366827,4.39164180368632,4.19126908253965 +Ptpn14,-0.0054871018006466,1.2479520603391,0.0534550671190175,0.0881243190310874,0.775891314971912,0.794672523157413,0.870545905515109,1.73844373572518,0.427072191492504,0.177582643032288,0.797950511459882,0.911842353078115,-3.67651771726013,-3.34502232822008,-5.12710758261939,-4.59167163055325,-4.55434754393041,-4.71798819705904,-4.3859312412064,-4.41849852297753,-4.52259138890158,-5.54246211997668,-3.92672816965407,-3.53710075959821 +Cenpf,-1.75026013306549,-1.99018379168076,-1.23824654678129,-1.53841467186041,-1.32292862517007,-1.11535416799433,-1.24232199759488,-1.66074808442801,-1.30460735269272,-1.51459346838255,-1.14308983595285,-1.26214344041703,-1.23022379182363,-0.636193602647027,-1.83493503819271,-1.30446952931111,-0.916902854952226,-1.57198460833618,-0.700169166954063,-1.84783087728249,-0.372105249595541,-1.02932075627162,-1.44525731659008,-0.398223172717199 +Kctd3,3.48473833017097,3.67869702557625,3.37700434798553,3.55772938637034,3.57931946961078,3.66181384115036,3.65981059645785,3.45401323616753,3.52708396406897,3.64415536270286,3.59655724891426,3.54653785189686,3.22163793295092,3.45735024968443,3.00769312130363,3.33967673149254,3.28360046406763,3.16599339558088,3.51816456439192,3.27386543751327,3.13946598978833,3.32082371027528,3.42386568512583,3.46882433680365 +Ush2a,-0.0137112996694677,0.230119583298631,-0.3828209105199,-0.370932060526382,0.475396775875205,0.596496500849418,0.86674066553265,0.0648941938006375,-0.116413294545144,-0.296901426774174,0.00605408868224,0.294353367615582,2.99083164845717,3.17903475375998,2.87251653953747,3.15385852211117,3.78590181177571,3.36660392518415,3.97533960323304,2.80695572538661,3.04164958560145,3.32416205065386,3.75801701500368,3.54769760602253 +Esrrg,0.719761230046986,0.489585047518581,0.364706446062773,0.401487114485977,0.967459916295625,1.45174058628516,0.683243461673644,0.649839508265324,0.415024906106023,0.355252475931614,0.597343600978861,0.911214489208516,1.22986447625648,1.26201039570521,1.4746768194235,1.39575327122521,1.27991822182085,1.41975302458407,1.32864765452139,1.06836850355549,1.3630755967248,1.29597688885131,1.15323532370518,1.19652024682933 +Eprs,6.13577672272993,5.85535711685843,5.86200291814956,6.01460725520812,5.83055924041721,5.89481938554098,5.9112266531221,5.81030317122431,5.89938405709192,5.98696247407542,5.89330311692805,5.88256795821328,6.00806906398458,5.96512434524137,5.87482545122819,6.04313414740625,6.06027732763373,5.9662314693625,6.06338766042806,6.09073274458595,5.75517073469994,5.83882445046496,6.11792094105017,6.06779697359394 +Bpnt1,5.3429005091814,5.07141475052258,5.1010662499603,5.21908835376989,5.09060719747755,4.82271021943799,4.99015451402637,5.13792741938233,5.32994636715938,5.12180626119149,5.07686708390267,5.10672376868887,6.72467549139621,6.55789878647568,6.86498843080959,6.79950356489076,6.47129474455522,6.65984444352625,6.29064569786494,6.96854889179757,6.71953004111289,6.78413367418223,6.49199619025664,6.49648420585191 +Iars2,2.88717580447137,2.8962489849714,3.05069857540557,3.02883538558415,2.74851678831781,2.85535587931346,2.7718896038581,2.85226658843791,3.02733233943544,2.91186250255492,2.70098161005274,2.70516298491142,2.96846507331621,3.033851409333,3.18787098162742,3.06554964466087,2.81138125492111,2.79897246165647,2.80044080583682,2.94716108932622,3.10674827400694,3.16817072526904,2.8105404384781,2.81967285256368 +Mark1,2.7779411303487,2.76945638634427,2.57458085809265,2.68958358311583,3.0292913376484,3.00078286184399,2.8628683372676,2.69678482701818,2.65757551528788,2.86289590031275,2.87086295957785,2.9295866619244,2.24712581610121,2.84710901214145,2.32909737979947,2.61390258260609,2.92530756801875,2.47317616155438,2.90965765410662,2.24621294207418,2.3797228000156,2.66131461189656,2.91453503697295,2.86027220516064 +Nek2,-2.28213345043318,-2.46845099824466,-0.880975221681304,-1.35729170002461,-2.44730678534972,-1.95480692977074,-2.29285991477574,-1.363609407329,-1.53808588541159,-1.11565737863395,-2.08784835009591,-1.26009588087595,-0.306726176403984,-0.617362920900195,-1.64147823890827,-1.24415982085802,-1.17007170175714,-1.96855737873857,-0.876978965384863,-0.733801918428943,-0.30902549364297,-1.16370473014765,-1.92622940989008,-0.813578391892558 +Lpgat1,3.8290437594285,3.84836373988274,3.72383869810891,3.7648454504283,3.87488299828222,3.84712788352221,3.7192978764895,3.91233380210118,3.76890320676541,3.60761704797725,3.70712338860353,3.79174165760163,4.22345594282699,4.41706781764421,4.42604511536906,4.6466445759703,4.56758129947889,4.12655739746329,4.07802801278739,4.53068861242375,4.39282436341558,4.46130820797474,4.19502411770478,4.21936997253301 +Ppp2r5a,5.23793321882624,5.31609545195829,5.44892204422969,5.4077781206313,5.22759521344285,5.17691567505722,5.18333699615783,5.53983591955408,5.37699727889339,5.49774825430635,5.31529326189788,5.34664606480743,5.07502774736303,5.11678554074752,5.14819763393136,5.32245676933133,5.15851014592987,5.15300773303762,5.07680726179829,5.4246738717448,5.13434827500024,5.28082865644377,5.18448518747551,5.1486830621655 +Tmem206,4.16286747855728,4.07756007647319,4.03943066372221,3.84972079424867,3.6572339506718,3.57580790747795,3.75118043956701,4.19801282017565,4.07627333616939,3.67688939381315,3.69505032703719,3.64257062584086,6.18590157940543,6.06671877845931,6.00052761513439,5.90621306345516,5.89585332223739,6.11431418020604,6.01144777664269,6.32672118857112,5.88037007697861,5.91007717061369,5.94750233981586,6.05964131060968 +Atf3,5.23662472259036,4.63720414587975,0.528944187024454,4.13837424285574,4.69305517598165,4.2936787843432,4.87432715896033,2.26810671915347,8.22646590291449,4.58507497506354,4.54358260621823,3.84872202726587,0.648964809974722,0.200751305768392,-0.901634718196577,-0.485218657944146,-0.205371660910276,-1.44733059692131,1.06722924251384,-2.2613591147627,3.01767170958643,0.0899486689800699,0.069904048203397,-0.413118703968975 +Tatdn3,0.722735183563104,1.57011916924771,0.906646382616994,1.30410482278499,1.98820061262316,1.4784449091624,1.83917676125952,0.723537043058096,0.97501654635772,0.97730989349253,1.62804007208532,1.61943545794212,0.764015945621892,1.10132564328079,0.87508179899465,1.26060667728397,1.06339111359099,0.678216247390787,1.39511210150268,0.816844972689333,1.15607255899172,1.32917480049202,1.33956176902517,1.30576325741947 +Angel2,2.88774401055705,2.77885744907416,2.88676756585804,3.04840869735498,2.97034290565034,2.87970347776158,2.88837063215224,2.96977362763861,3.01697943513472,3.07336279083523,2.72602917135805,2.95238411833794,3.35847973664255,3.52343900323351,3.25838067575075,3.57437975236736,3.28954346347825,3.39531235201019,3.18401410532088,3.42762804536339,3.65446628927539,3.63997150589181,3.25198295121966,3.34119556122844 +Traf5,-0.0404351476425429,0.390181898390163,-0.0023168527931936,-0.432715200821369,0.55273957908139,0.509667725015541,0.264399113031099,-0.466893236294141,0.153946795113121,-0.430676804851676,0.496211351862477,0.0129876598748013,1.42400066153919,1.18519476117633,1.17827256208217,1.12953337757885,1.16396780903442,0.730113878320783,1.62518581513349,1.23035346533374,1.11650036376905,0.907865293832123,0.920618489878895,1.2736730333884 +Irf6,4.26230976779657,4.1785092604957,4.18200340849888,4.03476080679627,3.86577796846415,4.015235616317,4.03757317457659,4.1617698919329,4.16096874885948,4.09276632875304,3.92522366070574,4.11834611995922,3.82593502773466,3.83518871487255,3.98935570743081,3.99508110654859,3.62800917131178,3.70295594123687,3.60340061971579,3.97568616933876,4.06625733515357,3.8794536396422,3.53482377494153,3.63101879267142 +Plxna2,2.69592408924543,2.64183897753799,2.52388028767256,2.59031211107181,3.20411431790115,3.27627381890455,2.91410959168067,2.67768914217845,2.59870326046944,2.68312721800994,3.15022221916286,3.01210758198299,2.34679452901958,2.63658747816608,2.25595891783899,2.55937456573722,3.21474972089283,2.64516309068158,3.04561713063914,2.42163447843875,2.01318143321473,2.21492781243478,3.10172832817588,2.95182647911668 +Usf1,3.63115394906824,3.83525980801171,4.06886042868765,4.00094890119426,3.75324290991642,3.74974433230876,3.67729618814988,4.04352190406087,3.8177311878398,3.98422141091975,3.80259091033958,3.80659624996966,3.58526864955429,4.09566253743875,3.79816653038278,4.02500019877891,3.68378000461936,3.71964387827373,3.87138726625335,3.92096684672491,4.01134027089001,3.99580535957206,3.93842366436358,3.74616493082811 +Nmt2,3.37380632568313,3.46516698076062,3.15645432309913,3.28389950163946,3.30438898065924,3.3849640500702,3.41185546320174,3.22478019414593,3.31775394201665,3.46365598787297,3.39025979051993,3.52155009631242,4.23289069291076,4.30672169890969,4.17940475063221,4.37136753597912,4.31350905178473,4.26477330356057,4.16178335555805,4.303830764752,4.36834459704062,4.32981873721175,4.30791798949591,4.38675286583447 +Suv39h2,-1.10670229396212,-1.01451867636944,-1.22889018735134,-1.39719715451145,-1.30244319125281,-1.69813291289705,-1.22391285306648,-1.81880346170115,-1.37849556014527,-1.9265221558352,-1.32849415056696,-1.23256672588593,-1.0263686858928,-1.37255386350943,-1.61988356149568,-1.93240501981861,-1.8631169877433,-1.81735549237316,-1.73601684936466,-1.44468700326176,-1.46697430382562,-1.42952610282388,-2.08167594169168,-1.5088382259453 +Dclre1c,0.291503314744795,0.970296935237644,-0.0945839874063141,0.84439787010428,1.37858156376972,1.26045461634275,1.11760102893462,0.506920604461452,0.497990041527935,0.876041561824596,1.8076953276876,1.19774169708113,-1.17558347367893,0.0209835035338544,-0.729876802003831,-0.413866344404075,0.26466271346104,-0.496168233974997,0.0449477427568539,-0.891117761497003,-0.553547983925105,-0.271394118832826,-0.0398350204855986,-0.30992705552325 +1700009P17Rik,1.58756719255651,2.2213084175479,2.39449558253739,1.69003555310856,1.03422130907983,1.83009684756064,1.45975560464733,2.28383898597786,2.38050850040287,2.32453713633981,1.04697057914623,1.21226396479865,2.3338800497024,1.90439729167906,2.4274649673834,1.61988834839551,1.10626948995218,1.63868310526193,1.63659502815219,2.37185381618981,2.1699650821385,2.05729501088607,0.647061880611286,1.3810370741997 +Meig1,1.16888845563458,-0.149519603650521,0.960406881849879,1.40489084205003,0.49393849084707,0.494985977123326,0.351715914253644,1.17558285243924,0.703962128626435,1.04446844071643,1.29866957182146,0.904964279132755,1.3385642674724,0.372864214953046,1.94477062485608,1.61422539530484,0.281263627245026,1.47925417917895,0.780469035065074,0.649889250492307,1.64566708095805,1.00228074199103,1.2268636514188,1.54566041288384 +Fam107b,1.63131549522884,1.35531028604323,1.78145558299967,1.78639244181287,1.28813619364389,1.66154148591304,1.26584544938711,1.21592121623946,2.01025182585775,1.49661093356053,1.636777070968,1.66680572357123,-0.097416143685801,-0.652381582584802,-0.416772851104473,-0.719953798294366,-0.459661153082888,-0.952360517363819,-1.11759779192272,-0.869627348100829,-0.302799747924213,-0.482027456315344,-0.877461254266387,-1.18185518370387 +Frmd4a,-1.00587649036806,-0.448174369993679,-0.727644345968846,-0.690195151251984,-0.0530421908877532,0.088175052660711,-0.18358598554167,-0.558287517931364,-0.794563412717947,-0.544026919743338,-0.09930888224104,-0.385908537082412,-0.510742929484718,0.184071652861416,-0.330551237249388,-0.356453589542345,0.681206069014455,0.144045311764579,0.495483797136839,-0.195191155896786,-0.416557451944202,-0.106629873690762,0.679919416923553,0.263441910962144 +Dusp12,2.23242680376259,2.3239657657633,2.25118920441308,2.53398883874072,2.50697801907522,2.15318001031274,2.18947472606705,2.14568157465936,2.13073598125097,2.27985402065703,2.45374980339895,2.28209568703687,2.13007561925461,2.14733322612466,2.19762892098055,2.40730120903821,2.33396133158959,2.16216593895694,2.3072021059777,1.88948576502009,2.15736404397605,1.82987228099828,2.23223002126954,2.26783489493432 +Sephs1,2.57707375718209,2.55394602646958,2.88396825649319,2.64915017326299,2.56689335538382,2.34792184730044,2.30538625343312,2.67970920689593,2.69084425166755,2.75850543905512,2.51036239559566,2.26462282886482,2.34702163954956,2.40335403623092,2.65736705060192,2.53502217889457,1.92508457616017,2.18318539587525,2.07681325102148,2.40327178335204,2.56741366007869,2.44478008195746,1.79000232908881,2.09610989247113 +Atf6,3.92832015047035,3.98368893814205,3.95458840992196,4.02118422285437,4.01975919855306,3.86900244669378,3.80500769385787,4.04340286388311,3.9614573464816,3.91530677569344,3.96559870419516,3.83398479119435,5.08644537917922,4.85835433480434,5.31956589497124,5.05112598337188,5.37154671018372,5.12751172391455,5.05025579473642,4.90450608936398,5.04682620152697,5.10844123422215,5.36944099534938,5.34012495674296 +Phyh,5.52419439090333,5.25295458356654,5.66949856681311,5.62930917270584,5.06884143431254,5.29891098256684,5.08494542724123,5.311669949741,5.56191527658556,5.46987443013571,5.24309352111587,5.35768461721118,6.24561997960055,5.73706834479867,6.04403211605705,6.09135888653441,5.71580387503945,5.90446338965239,5.45953081539665,5.9992672352315,6.07003885394563,6.06044158284875,5.7453002589892,5.77883445136012 +Uhmk1,4.19292590869348,4.1003525620842,4.27801175395901,4.05763664302526,3.97269292120029,3.96831023058439,3.79183233470828,4.22809845921553,4.19307850669874,4.00095630738536,3.84278674584869,3.95578479111694,4.65117640998407,4.36227296652133,4.7199047687458,4.39424103026741,4.3727467175476,4.55364178579524,4.07262482828203,4.71173350546544,4.57076787958918,4.42750989426618,4.17279322051838,4.29703170360086 +Uap1,3.35252121900432,2.86053217037277,3.19778337294048,3.37287989295507,3.2126256331474,3.18015493888025,3.21497264851941,2.94073779572119,3.05491202646117,3.20964607708954,3.18558216884142,3.1433260988463,3.85941572410333,3.26065709288845,3.66108271303981,3.47893617495657,3.98200618360174,3.75544408025571,3.92138165427831,3.27080487248718,3.53715935629556,3.53824273315999,3.99392441824217,3.88108350942124 +Optn,1.34070394068892,1.75316140877738,1.47901056744555,1.80826265848802,1.49839139292129,1.45435305934005,1.79189915665007,1.40730190736107,1.6984133854662,1.96477808516577,1.70463727955945,1.60496911524588,1.94207587441468,2.61696820037637,1.9254693672288,2.30367906516688,2.36934122640733,2.04587869459242,2.6914377318546,1.89289942781515,2.05484653150724,2.45285011315762,2.58714391731559,2.34162741144412 +Hsd17b7,0.943553085032822,0.712084476558275,0.338627317887918,-0.134028858030443,0.33505404933375,0.822228639128563,0.893839169260022,0.0387129569286331,0.503747227713917,0.0533038796796506,0.149462578175617,0.620725988368066,1.94389194154732,0.25059379094735,0.828089726903806,1.13371093093918,1.15357564090532,1.4934156707637,1.2020997582809,0.683268653938549,1.01984482497245,0.757657472429187,1.43573555212744,0.842822786459088 +Ccdc3,-0.700322516520537,-0.894063934367103,-0.928759470622125,-1.77728481941927,-0.220864762590097,-1.17059498380611,-1.23328778504621,-0.11706443335663,0.369347682064876,-1.0349538554146,-1.71850804882351,-1.3711073687815,-3.53014782838965,-3.59456374531916,-3.58672363137892,-4.16711603525944,-4.16711603525944,-3.5369743630321,-3.50554506758702,-4.16711603525944,-4.16711603525944,-4.16711603525944,-4.16711603525944,-4.16711603525944 +Rgs5,-0.11857922364691,0.474275210485081,-0.116297785067644,0.0574243608354386,-1.39235579143291,-0.506301472472892,-0.409179366333036,-0.538583683522022,-0.765785508354237,-0.499512692604059,-0.701302229942837,-0.53872718896847,-1.08870422853715,-1.49258362281593,-0.859211854736576,-1.452718745736,-1.66490111837122,-0.617108583979252,-1.26495617565542,-1.49001504800522,-1.44272153783752,-1.65880630864148,-2.94175097313936,-1.96381404762626 +Enkur,-0.671062913691217,0.0444780802665841,0.0795176320640734,-0.121521250712503,0.0691989278062384,-0.0748843103054064,-0.0072061506804302,0.224275177253511,0.0466582703831926,0.708374502579342,0.214624404661697,0.0477675521191093,-1.74460952934556,-1.3782092827415,-1.8451474640841,-1.63026356610405,-0.859816909051765,-1.75658013260984,-1.4245231767572,-2.07037517119022,-1.82548202736424,-1.58826756757897,-1.13608113264522,-2.08198326817716 +Aldh9a1,2.84356013236446,3.06558009224601,3.63464906976891,3.12926054522029,3.00395730545216,2.83275992829906,2.55709899074427,3.59170721824662,3.37954155736674,3.31316344638451,3.03302228638444,2.63095340728271,4.03113499668754,3.99670796821097,4.50625026421884,4.28793246152555,4.39537378121635,4.27008596066048,4.2578986223708,4.30179168123655,4.26371264743616,4.20216065188599,4.47704164770043,4.24551215875888 +Mgst3,3.70448171168649,2.8187408270565,3.72027793991226,3.29382338102525,2.38103925893076,2.92740635609294,2.70262671199927,3.19062344742546,3.36701700813395,3.21815922791445,2.64798889234587,2.78885787702002,3.23771360535928,2.71639851014016,3.17804051825496,2.68241796243039,2.12135056002763,2.74140485363622,2.47098601442535,2.90133345730023,2.99933289576557,2.48406594181787,1.74312384334184,2.04037389843806 +Fmo4,-1.96444846484301,-1.87210274978245,-2.07750979793776,-2.50908202691784,-1.70133109918627,-2.13559249476017,-1.57529865481365,-1.20459920292735,-1.47450755775261,-1.6521217407665,-1.37822465727819,-1.72022333854221,-0.635462006783938,-1.16488341926726,-1.62917264485147,-0.743443071738149,-0.643975065312944,-1.24474454210868,-0.943421147180128,-1.63481988945051,-1.4651140734287,-0.959026053436061,-0.825908366878944,-1.49710241923046 +Mettl13,1.5848740549028,1.42591973788619,1.80341700865506,1.5693377191607,1.36632994732124,1.41128821866223,1.26262019964902,1.52900745332351,1.66944898683328,1.7910990877799,1.58302970400534,1.41258383464988,1.33586983362124,1.1639305882385,1.50939040839375,1.53497443974273,1.62152906368419,1.32411289011459,1.43205664555647,1.30479628934546,1.62595364974975,1.54700489422915,1.67475678041165,1.47395099719782 +Vamp4,3.81579530120444,3.55442534764987,3.57702246107118,3.99074396209274,3.84738927651539,3.7614227594525,3.60237660345818,3.65869497530549,3.59107646750219,3.78925443912419,3.8737723818415,3.85877177036969,4.61521620828234,4.17039468079131,4.35162099929686,4.4080162015401,4.39662183610911,4.31219668281124,4.01910609435506,4.47586535348707,4.19314590913337,4.32119696187364,4.07807459040541,4.4048348316029 +Pigc,0.738236069687108,0.834990348745475,0.986479455941713,0.684949454525309,0.605595853004992,0.370009326016756,0.400877832318265,0.811003986287396,0.593665527088759,0.8203734350259,0.720021990101038,0.930763921921117,0.7140961861635,0.684085495059735,0.683743925430675,0.730428565821215,0.291702447556474,0.344399656157253,0.352464391745841,0.909527480044366,0.596701580593477,0.89915213555986,0.567967136112291,0.581532428741934 +Prdx6,4.87749648559163,4.5311601267013,5.08935340955637,4.78150984663422,4.59161886307945,4.56257933808743,4.4296612407334,4.90238656402437,4.84942313118031,4.89236494972223,4.60594153009512,4.53484126877027,6.06718557545205,5.55303881648783,6.08350471180097,5.76585580657524,5.67260014578556,6.06561184725725,5.47259281554348,6.0504291082836,5.90487194059383,5.91259632934532,5.77350465313008,5.74259824201748 +Klhl20,0.460919188780877,0.66553913252318,0.635795043774378,0.570940699188279,0.957181331370846,1.01077352855268,0.64449550114573,0.704027106665941,0.527170737178303,0.611296904966512,0.763037087699243,0.52639622153169,0.15448318392753,0.554845866657494,0.503205667855543,0.521555733952793,0.693424265925194,0.507531959356381,0.869035990971362,0.510326249068418,0.740478409875977,0.591279218057898,0.600612637121864,0.476161983609943 +Nsun6,0.3679888784467,0.958544300002889,0.76134282368845,0.881249447336667,1.32016843351291,0.990584344077836,1.10670341229567,0.781547889702685,0.899985851565422,0.952761238443583,1.12024082365821,0.987881468287044,0.34686711914825,0.447355726735324,-0.0753004035171108,0.394257461268423,0.494946010527889,0.375683340080106,0.232895516166163,0.0440572866372575,0.195045830486234,0.0545561480282055,0.345755323896035,0.110701863428463 +Cenpl,-1.99323419434439,-2.09268952139339,-1.21995357225874,-1.37359044643302,-2.18365496837291,-1.6853744769853,-1.53026274654581,-1.66844697231007,-2.01604002990875,-1.71906063970235,-2.23328754200269,-2.4620107789112,-1.74442050390671,-1.80749623915558,-1.23496207003955,-1.94745159829699,-1.79983636175935,-2.11399657064535,-2.51491509248887,-1.83477824762439,-1.75852556838845,-1.61351068281088,-2.48837670107025,-2.09874929101439 +Dars2,1.61671451547931,1.65412114448738,1.48692095642058,1.69180595444647,1.51563132661553,1.39709660886695,1.57345871300804,1.70960755216925,1.76368294697358,1.72718110754106,1.70534722686129,1.76345816343164,1.71414347552116,1.71618563762072,1.48629921890655,1.73666452021282,1.45233295228064,1.37967189066058,1.45412734576869,1.73500937667329,1.5656236578529,1.53472298400016,1.74259884277577,1.71326698162509 +Stam,1.83604921407205,2.20576710780063,1.87918679885055,2.36595406146776,2.09738343850657,1.92854831223453,2.03935018132029,2.01744284937493,2.13315205493989,2.08293850122617,2.15755899512282,2.02135880172,2.55284288642963,2.38061709292212,2.24898635541391,2.44018915896814,2.19540166100081,2.08327296143042,2.15602210980987,2.43322303087755,2.34039006370003,2.3260393516326,2.13089536548815,2.3613016776258 +Rabgap1l,2.83148845370591,3.23662954525977,3.01767886951407,3.15802207217102,3.38862344223288,3.34935999153398,3.23662324440335,3.14867461712498,3.06347650578613,3.0416182122059,3.26001057115133,3.17021426196866,3.10454241630908,2.9074072444814,3.10895603388522,2.89421508833539,2.90496415699679,3.14018450650727,2.81487539184859,3.15326310323852,3.0297365664812,2.84037998395389,2.76353444884856,2.90215509326351 +Trdmt1,-0.018435001365696,0.638678263684167,0.797695650286397,0.448784948527842,0.0928300792789667,0.424962212206655,0.250202695015123,0.550268552649274,0.835597445175047,0.46721118302064,0.06677911996481,0.004658453551942,0.627724529135722,0.188527861056772,0.877317303618077,0.774408770644543,-0.0409342898957135,0.111312890793595,-0.093260529826197,0.674241519817091,0.577196188832733,0.702265777033409,-0.0610336566788428,0.23621639841737 +Rsu1,1.05066366028498,1.23988206205749,1.09312446264704,1.01643613884068,1.14133666189829,1.40296185277649,1.03722199823133,1.27556648791205,1.03021860584487,0.732041912255224,1.02778273321338,0.802505625911436,0.79891183089037,0.746073949111773,0.55474789852925,0.614830423116651,1.063924136694,0.708472274581417,0.953023209494396,0.789547007630775,0.872744305437411,0.638750350188926,0.794771861197431,0.757622747962358 +Vim,0.599404837651078,0.932146523827121,1.01223637042662,0.400973160040817,2.73798372959729,0.996318385433669,1.69213587717232,0.505723062604433,0.280165324483343,0.183049590523436,1.06351775926326,1.53790971886428,0.0769405759333115,-0.617640702256762,-1.13664524240673,-1.53461725527982,0.597495572245222,-0.380731104068749,-0.139812562149249,-1.12385519769925,-0.661463440305698,-0.696679423946853,-0.55831729273608,-1.89828035794669 +Pter,-0.247643896362975,-0.659626528753923,-0.901142540690198,-0.809707838590887,-0.927776257379615,-0.488674677605921,-0.498688776368083,-0.784345638682577,-0.273023469640912,-1.00865045482125,-1.04868450808898,-0.412670018433026,-1.4633736317316,-1.51711271268259,-1.7188273822804,-2.03834321910404,-1.85633667695613,-1.86426582116248,-1.52298003979249,-0.611114664260815,-1.95519090407216,-2.30853754493266,-1.80809676328906,-2.8786618652686 +Pip4k2a,1.69836783041683,1.7328330397315,1.54535341581595,1.56156401313259,1.62051879164552,1.74372641839579,1.48402461425967,1.73522513890988,1.49460911243768,1.44291231841692,1.66694223054738,1.64496573315508,2.94449777984907,2.91720738192359,3.15799484292088,2.94244782604311,2.60022098397406,2.84153864116016,2.76476821467495,3.07744101809898,3.18605599963929,2.93300477288856,2.45566122655707,2.63300181081995 +Bmi1,3.60588736292832,3.46742939283214,3.88940542132278,3.6874173069843,3.34467420276805,3.47692812971679,3.32318837485925,3.73404713183108,3.78056773765947,3.4759931055733,3.36613894775936,3.5169804088596,4.96587644527713,4.73204354273254,4.98520366987719,4.79553488483796,4.29709780915686,4.87466699507934,4.10672332426739,5.13016999778253,4.90775543958436,4.70321235445028,4.32023865085268,4.41216735231931 +Dnajc1,1.96847127664913,2.11292964374211,1.7564553678262,2.10735819521411,2.6020935649063,2.43312949962332,2.44595346249591,2.05876610750855,1.78393483888609,2.0894037931507,2.66096598362387,2.31222458929327,2.59273903753429,2.5066683796729,2.24926071306854,2.5737400256809,2.93584664492251,2.5753305893004,2.73249137409977,2.37543236860724,2.36317093672916,2.60373139403387,2.8560908430848,2.72442758070808 +Mllt10,2.84750700429156,2.99221711823215,2.64055615522308,2.91967091331853,3.26873002009623,3.32964490538252,3.10673707185189,2.74991375237289,2.86862335087627,2.84912017611063,3.33166011919263,3.01807480610796,2.46877650792234,2.5813598992419,2.60751848571479,2.73457801998576,2.90672321065062,2.5568090444879,2.82197697761699,2.50476026057283,2.49409493561572,2.62860842395019,2.83211672009236,2.57506554514374 +Plxdc2,1.12165359507021,1.39061867742101,1.36104474824518,0.65296309074882,1.38243096481943,1.08620233421648,0.727574405465703,1.45929590530774,1.07144133892783,0.990061655741025,1.07135619061454,1.02805138392773,-3.04331837438484,-3.59776654945066,-3.58199316365235,-4.45440249583354,-3.85301822068572,-4.09055190555333,-3.4234851919359,-5.15780094775194,-2.9730781361322,-3.84881839787594,-5.15780094775194,-3.04400019985906 +Nek6,-1.12150453466871,-1.07460323193545,-1.54077692629023,-1.30419073663211,-1.59758554748603,-1.33021988536266,-1.64626878888229,-1.40072595150194,-1.27446994702221,-1.13048758096678,-1.85229107683905,-1.71643553979263,0.253861953191202,0.193647265741551,0.0321311915555911,-0.406973196617156,0.258689411967106,0.643938529123176,0.254612555621951,0.242276573418935,-0.226300387829286,-0.0424600683886518,0.785182975799044,0.344538498621053 +Psmb7,5.58729856161181,5.06821006075349,5.33906968871015,5.28976985156245,4.86702275034772,4.94858065295151,5.15744988394983,5.18947318407273,5.37546332552612,5.33725332129082,4.92687111513404,5.14723056369435,5.45364700361352,4.99653261034694,5.31900141791007,5.22312041104471,4.90766044075415,5.32215787905272,4.89743627846132,5.27500336917063,5.39863192089401,5.3296990975074,4.97728092325128,5.01264622224892 +Ppp6c,4.57503000478122,4.2068222915405,4.76717795897832,4.39163206944466,4.06096634591789,4.15803333258777,4.10690783263796,4.65548960938921,4.5241537437591,4.27051524796566,3.9035206571474,4.14549127128188,4.95723909703245,4.35350038207655,4.97962295055907,4.52140469786071,4.19534739012475,4.76001263142687,4.06362977775561,4.88329086620738,4.78012296784827,4.48978967489793,4.22769451421216,4.37674711352212 +Golga1,3.17332598022344,3.43973715168668,2.92114919302325,3.46025653756813,3.70616089510012,3.53958997651701,3.57162255157206,2.92217406275503,3.15349701362177,3.12572112818902,3.58828345541258,3.45836093586706,3.26323502453246,3.33921062795879,3.09350062651374,3.3719490063445,3.88550763308056,3.3438655516096,4.00483540355678,2.7596727160527,3.40292505450349,3.29228287865278,4.01213380071204,3.82869588835848 +Arpc5l,3.70213415410885,2.98996033589326,3.44776744946779,3.48322260454441,3.37874884900414,3.31761033476945,3.52942659023563,3.06314392282266,3.34736429878039,3.27286476889681,3.24302295691581,3.36329609487151,3.99430347246561,3.60607552899767,3.84565468773511,3.69355019982264,3.84378065977054,3.80214360140668,3.69800950493138,3.84729082196504,3.86736961429991,3.73623594015942,3.83173290383186,3.75693187403087 +Orc4,2.49670136695334,2.28584629977745,2.2071039462092,2.41436209145291,2.64628037483059,2.45466178631679,2.63946511382381,2.19567770745188,2.45319255752399,2.43634961697487,2.5384421895976,2.48985964462609,2.74989928541073,2.40087676160186,2.40390502441798,2.52083808552065,2.50557506784469,2.55195593889448,2.30957519646156,2.7555527398185,2.49761510061607,2.42693355646525,2.5121513546059,2.74595497208722 +Kif5c,3.96302765963451,3.82454092678817,3.54693883940848,3.84560284615278,4.21525191873563,4.06786720261288,3.91844764182598,3.88920560041426,3.72079557836136,3.75908094809396,4.2961387285995,4.09989460542045,4.42442122259677,4.25625463430127,4.25348324161749,4.53085195628178,4.56964279559352,4.39184142159543,4.58178793105113,4.06272873167835,4.38151352621898,4.53814901600689,4.72629730694538,4.66017035817151 +Mmadhc,4.63096151711352,3.92461683868507,4.51051706380759,4.39905068237029,3.97295440279111,4.04385801960153,4.19562008609209,4.27411202185988,4.29761589165418,4.36238965251436,4.14856209401196,4.3629015116228,4.665759917572,4.3068299748081,4.61907378515749,4.3799126306493,4.51128254008112,4.67382905171769,4.45485397781115,4.35933504565893,4.44653356975,4.46016137562348,4.46744470768032,4.45150974118415 +Fam188a,2.37084485303754,2.15227468353859,2.58606575509332,2.21463162179842,2.28320054360448,2.10839943773637,2.08514645972727,2.38672484929889,2.56783338076478,1.97202643788877,2.25855858159685,2.23787801849109,3.12156309103104,2.9487050280933,3.25410323965973,2.94448676438675,2.56436906623772,3.08328728377847,2.42068195509747,3.28317316439647,3.16113933927527,3.05141326624785,2.68345471825377,2.80208816914966 +Spopl,2.6669226329859,2.63788710711226,2.64600502256148,2.520974987748,2.64697195563726,2.54080708057305,2.7259658984618,2.64238147809588,2.66731728057447,2.64218486687306,2.33311274329964,2.60434158804416,2.62505480789477,2.54624311230391,2.76212877113608,2.51707203824629,2.38123220405188,2.63937613642888,2.28225456238371,2.6721389876847,2.69694309966012,2.41163574689307,2.49009053792299,2.32444093056273 +Pfkfb3,-1.20542572165728,-0.978502887370779,-0.854186178850427,-0.338696148798732,-0.18899191403218,-0.478319298278591,-1.10684818793947,-1.4978176129495,-1.57760655384304,-0.309159527543216,-0.0319722712108326,-0.543793172270109,-1.57786256791723,-1.7496046533681,-0.603151284048617,-1.00781265945914,-0.67880413197561,-1.6631357772748,-1.11240695693232,-1.85130629355852,-1.25030569894621,-0.873558552298664,-0.686601250667676,-1.71748541266306 +Yme1l1,4.54340405264574,4.39724292900873,4.53062948617511,4.42204602777214,4.18702789306099,4.13781487204137,4.31564964354925,4.41319524826292,4.47939694668677,4.40824276615064,4.30163910106128,4.3686997086392,5.12463065274117,4.82705914670791,5.12157323979194,4.91025597679372,4.73113114314022,4.95137639788222,4.70162600249103,5.04705272071413,4.97449308661942,4.89843198521711,4.77834027099978,4.94464422057996 +Mastl,-2.20307001100474,-1.68841433225914,-1.57493263834339,-2.01174321426338,-2.39349078503326,-2.31008193833787,-1.33197037095375,-1.0632496974766,-1.29440235922327,-1.92889645636269,-2.8486584808923,-2.67184659557155,-0.943924679250905,-1.46640045874833,-0.319947089428845,-0.535699054120779,-1.82955333175317,-1.18577849772346,-1.44671050689235,-1.56810209893874,-1.06672713287933,-0.742236414215098,-1.27900214007615,-1.58788212808179 +Acbd5,4.52684121488653,4.48811286145222,4.54638796567212,4.55522168799778,4.27078605276595,4.30804115296481,4.26890203865527,4.50710757689925,4.53625440201432,4.65013718577986,4.35436756134982,4.37896949399813,4.9895921919961,4.78141295447296,4.97336641806691,4.88895876339809,4.59984706272714,4.79083658338218,4.55878061089938,4.97721875432277,5.05838629475588,4.94618396940739,4.64496245397844,4.80778865598561 +Abi2,3.95180385353012,4.03941060889432,4.21955989407608,3.93316016798762,3.79295619450953,3.90483178302924,3.63607563237301,4.18157676708847,4.07004480222267,3.90626249001842,3.66407893557132,3.81081324613518,4.36456654747879,4.11915812573895,4.49452806326619,4.19165976547879,3.7480108045524,4.28107131799026,3.62897640311134,4.66371423742319,4.34158829534079,4.08227314211411,3.66130144229276,3.79228674152353 +Pdss1,-0.894160719332355,-0.16859975109635,-0.726968164602763,0.0213888829748874,-0.0292431154427737,-0.268015691445359,0.106351749653014,-0.927189067585811,-0.751393754756579,-0.60909850697531,-0.0081949398026157,-0.0522770183156336,-0.384753859460901,-0.784676714830132,-1.96773578715915,-1.36424958374792,-0.554298070979898,-0.891277603350844,-1.21152526121513,-1.10792321340604,-1.46972165103712,-1.50584135762246,-1.10532614357572,-0.51564446374175 +Zbtb43,2.30831700519414,2.68372129259971,2.47404966499075,2.55616741355426,2.35375546036097,2.34196779925591,2.46606820612981,2.4269362931172,2.5197465055714,2.43971124901303,2.38823426569351,2.31023530137934,2.03177842387966,2.42043163054702,2.27842823885755,2.43820485528307,2.16134270950817,2.07693267815901,2.21806820534848,2.34845188994647,2.44695120322222,2.29776911340292,2.33847999686944,2.3026568846098 +Odf2,2.8105116871745,3.11810850338852,2.75144023377707,3.01620109978548,3.30470264046283,3.22378310492811,3.25881913026741,2.39680786684858,2.90352130093674,2.95837221839891,3.22011788753162,3.00087300059056,2.52568716212815,2.97041180742167,2.66782960435332,3.1470307571588,3.13107545781745,2.60665847399959,3.40609793182649,2.1214388747697,2.82104515454531,3.18178136026767,3.26398366338225,3.17657990442914 +Slc2a8,1.64159667334398,1.94309106639519,2.42082190777426,2.2576476843434,2.02615164506769,1.63949712487285,1.9457501022655,2.26253041285167,1.95825864158096,2.23072084580304,2.00743188428597,2.04320434653135,2.46976233419858,2.61590192229651,2.67709763667665,2.63401395382163,2.40867255037133,2.63166467889797,2.64123319782151,2.54955422095792,2.9490404578972,2.56313578181433,2.79317415543045,2.88452034802566 +Lrsam1,1.86618194226693,2.22265374316765,1.82346956502247,2.29422964567451,2.40983902330054,2.33783994104122,2.20360260343793,2.0350532837207,1.80356807539489,2.19223854623355,2.26646543461909,2.27959820589156,2.17209808894017,2.21024276122244,1.69685424436079,2.34176881521854,2.51731925650656,1.96674047432943,2.44457852781612,1.51694762645096,2.04926892792806,2.29577210960465,2.32224656251917,2.55007751206595 +Fam129b,4.06407437834904,4.16354411840318,4.25932344546084,4.1389793790904,3.98606151509751,4.04357747624018,4.01084556858087,4.26424069136075,4.34620729280201,4.15017093791163,3.91151615550086,4.00724386056783,4.45217715321601,4.70684878008708,4.72161708234065,4.73934691626397,4.73794677203506,4.55002704428065,4.90195219672766,4.44554994977078,4.52890942072307,4.68065524407853,4.86893621915717,4.86678573815363 +Stxbp1,4.46809673424174,4.41439106835631,4.36856519050158,4.20309232618675,4.74923769774492,4.99465413825497,4.60217620618612,4.58302241722387,4.42054534258936,4.34851972810284,4.5846117772752,4.45728345793294,5.08786318138162,5.18310303592494,5.20043350771186,5.15153451730211,5.53510223185819,5.2641553376782,5.5993571542284,5.07529290829465,5.1543376442155,5.36793924537534,5.52722139627134,5.36706207733934 +Coq4,1.38482431898398,1.47864506802394,1.73594818195329,1.73576118109285,1.27711379412135,1.57789600668336,1.55376561754125,1.59056504789014,1.63978255297692,1.19112310081215,1.30797739737999,1.52136521094053,2.03326536818161,1.88015482756802,2.10287997825008,1.55522386686667,1.74285363997798,1.80251699403992,1.79660708760827,2.159610190726,1.93586520628901,2.0763631545234,1.84740032468795,1.58713022562264 +Med27,1.79936103314166,1.45720769571207,1.65124933385249,1.39968100417801,1.95600629178964,1.76882037025385,1.68125711492419,1.71009621232142,1.49518054613247,1.59131036452918,1.87939532796961,1.61494039026629,1.77032838492648,1.76608695996569,1.40104616922513,1.51110306289806,2.17465988964107,1.80718016018089,1.90402345275486,1.73308371503036,1.78120055895808,1.73080303053987,2.22537927634691,1.83615336861775 +Ttf1,2.09414592830256,2.72688330772799,2.07846192224341,2.63189085381787,2.62691995854725,2.47041817025171,2.65735654030881,1.95329784934105,2.35272000671629,2.44043129385743,2.54906195965193,2.63427018960209,1.99843268768604,2.35063618266257,1.88622162645036,2.39224618053175,2.71999604501788,2.1842554864496,2.60084611338675,1.74172218262454,2.35700316180444,2.30737697591934,2.62510583448484,2.70890287651005 +Barhl1,-4.32673339878818,-3.39142120572824,-4.32673339878818,-4.32673339878818,-3.06671503766182,-4.32673339878818,-4.32673339878818,-3.3682076083282,-3.46084075729917,-4.32673339878818,-3.40699039241936,-4.32673339878818,-0.868477342274832,-0.837422213006498,-1.01717794506859,-0.319532087774847,-1.10444876048711,-1.12263110250107,-0.167078396705794,-1.00310415262796,-0.402103558015653,-0.591872584143114,-0.598334673039388,-0.730473758461434 +Ddx31,2.20899074018968,1.83657332989998,1.56500762863943,1.77310740288006,2.1401042396427,2.21423704405317,2.29970016028734,1.72316010596383,1.79676955404211,1.63345908013144,2.08034317782595,1.86035768566699,3.75851370313113,3.46991376434199,3.62057806450414,3.92691502425648,4.02948436079462,3.69975030455526,3.86472337132942,3.35444234834632,3.52619170779744,3.88053490788599,4.04466640701887,3.7930318640737 +Ak8,-0.462779558836918,-1.08190854895451,-1.3274102718117,-1.56873186779568,-0.945046286333878,-0.975738902302415,-0.623560058850288,-0.927850512863293,-0.417683748455231,-0.59455342032724,-0.792583841980069,-0.76137964258558,-2.92042010219372,-1.77675865923177,-1.7598442402448,-3.55738830906352,-3.55738830906352,-1.65489602983911,-3.55738830906352,-2.4689245476805,-1.73643788812617,-2.56816818030129,-1.72835119000952,-2.48053264466743 +Dpm2,3.18205439450855,3.18683245628863,2.99283340375704,3.26358144486991,3.14104481339148,3.01328531260534,3.39344263928917,2.86199836113617,3.12206540931137,3.34543575692972,3.24423889400908,3.13223837294782,3.59042946649347,3.13822142380068,3.03838935516297,3.05095405236885,3.38612728658367,3.50421186178449,3.25086021406164,2.99914996467633,3.08782827783975,3.34558824427245,3.26704121083475,3.29975572524533 +St6galnac6,2.88557786482406,2.91527555300578,3.22555158257891,2.92909478823214,2.60686368734541,2.59592196243885,2.75146038012461,3.06206006874221,3.12094045348289,2.68631522885645,2.60772533702537,2.6482657137463,3.20406131415787,3.25251824608375,3.35453296842791,3.10831812917657,2.81420193784659,2.98969549703789,2.85512753528484,3.23208175639805,3.23545936809682,3.19185780158161,2.9009984128517,2.78204412553756 +Tsc1,2.38379282142268,2.83654143631734,2.45643235968208,2.69017583849233,3.06209130243279,2.97676743557819,2.92738580584864,2.53293327064001,2.48437119468261,2.74907073256938,3.09129778727486,2.91836965160161,2.57062911214348,2.8755764720766,2.31280196102956,2.87226374798902,3.28480176492662,2.78998281289637,3.26789565083138,2.44723392388143,2.35722441900714,2.77335512989976,3.13747566582533,3.09064245691018 +Gtf3c5,2.59928593529234,2.26632304735884,2.48466966948464,2.41397043984964,2.49038909455613,2.51792758735555,2.58184778790436,2.66696164268197,2.45775202691762,2.38222842243485,2.43968142273152,2.50834090697619,2.57412163912391,2.48953108553413,2.437089495025,2.25600998004123,2.64834049563946,2.47315009876732,2.44263737556624,2.37779617296567,2.41114005219593,2.33789613265464,2.67085733556921,2.39853269412681 +Ak1,3.46264127446356,3.6846760760874,3.98984668590082,3.62772502096836,3.06390920665289,3.1853888050505,3.22946818430426,3.77694020681752,3.74771822037992,3.68489706820264,2.86161882949751,3.35093510297074,4.28782037007917,4.44140228653577,4.65722375586368,4.40673369133959,3.92000763182888,4.17424496100942,4.19753552978942,4.40009552089223,4.43523938524235,4.49395587685708,3.82914012238767,3.9586251909674 +Cel,0.781208638621896,4.1937664987829,3.7315998926746,2.86341883587396,3.42257470138589,3.96621030778791,3.88224554520776,3.30695800553819,2.37711638357765,4.89915278632946,3.31361504875914,2.92515248613197,1.74860527188531,4.56180330045597,4.27556426710651,3.00752131606077,3.66582894427538,4.48133913653752,2.59015481057979,3.90324875071203,1.04394817080348,4.12168602360793,3.69851315488203,2.77671339063644 +Slc25a25,3.34090358218228,3.02652858286874,2.9022708944122,3.26680825246467,3.29896101646889,3.32399467422828,3.3317919829482,2.70003828752903,3.46122040909585,2.99401631939138,3.56753349083339,3.22090132364114,3.82082920803583,3.43504515755313,3.43443719390258,3.91479075683057,3.93923949290015,3.79956744620078,4.0114984696155,3.29918212095833,3.67042608878575,3.77378365730077,4.1288583864192,3.75321160704971 +Ptges2,2.72667748868532,2.27213338942073,2.38247719112283,2.01769376401375,2.35075141899622,2.4994011560557,2.20275835392055,1.82411423217632,2.22660841752287,2.30684887949635,1.98278718939673,2.24932271275201,2.95924004557232,2.89647315685423,3.03333872984335,3.1360578293616,2.8402861117286,3.10818814927022,3.0749881800294,2.88814778229086,3.01447729021355,2.96561282594991,2.97248557033272,2.77950981336274 +Ralgds,2.96647073600694,3.33920247425277,3.15036592180028,3.16499007321658,3.32089344120866,3.20422282313849,3.07247148531693,3.28953318258446,3.26028825203929,3.43698629291403,3.14812276363618,3.11162170648293,2.91076947023588,3.42552970546892,3.0300980141984,3.33302535369411,3.26109237317458,3.12703723106762,3.34228777697103,3.01035999354302,2.91745412276908,3.09236378205396,3.35212473096058,3.38198376302877 +Kcnj3,3.30620808755903,3.3976244382674,3.55653773314508,3.48541321509104,3.35718681143793,3.48747249416518,3.29050300012347,3.60893423128314,3.53853396849618,3.65241505903522,3.31303269929059,3.2569552421773,-2.37317319128708,-1.39157158469876,-3.82376305664634,-4.113504019131,-4.8169024710494,-3.41464367108599,-3.08258671523335,-2.68616120166567,-3.48354556584039,-2.66378114673102,-2.47071207807935,-3.40322695483304 +Dnm1,-1.38852080325949,-1.22260346926736,-0.925736387179406,-1.89451782923181,-0.744712315638952,-0.85904208818094,-0.526629197130769,-1.84186576586984,-1.7156097613901,-2.08435639017793,-0.840938439102272,-1.79922951849281,-2.14369210679915,-0.983444937406775,-1.11315745163703,-0.792812572167719,-0.560627971986299,-1.48917559325274,-0.695659319916001,-1.89947170488795,-1.44579746821994,-0.384133380200257,-0.153799295075335,-0.390695838771966 +Nr4a2,3.09176162199688,3.26047215842834,1.13545048064927,3.23279414104985,4.06379127217514,3.48078397642791,3.99353599970388,1.81053114793927,4.28010648288645,2.72496259240796,3.88109005761231,2.92830925788609,1.74318135536153,1.19539538776019,0.158887662757156,0.794857148135887,1.18928512301106,1.31617443023187,1.98295751387666,0.590838205543277,1.74471373820836,0.324566925997108,1.44160559598186,0.762834175323033 +Gpd2,3.56917376713867,3.53596778565323,3.64675685546297,3.10037085948864,3.25337407327077,3.49266397572146,3.38489748651407,3.64713835805831,3.64923512240337,3.01909931793763,3.04987113064403,3.26346707988119,4.52320927168464,4.26850604013128,4.12458821484477,3.70859114261848,4.22107153385673,4.61155444247865,4.45792801949663,4.41543082722153,3.99021794398511,3.52536505779389,4.30007683642222,4.19472506717302 +1700007K13Rik,-0.33435207468766,0.482839206053583,0.212525326666552,0.799972073084097,-1.04999333678792,-0.50549610460482,-1.14313314566006,-0.780617396045236,0.155588832402742,-0.0220253506111515,-0.266938833707616,-0.405461460318992,0.627463326617623,1.29932961682082,0.37879861434831,0.98228481775954,0.472787003660741,0.894090598372833,1.21009298025273,1.93970644553845,0.794227049298688,0.75837314771346,1.24120825793175,1.28624794241246 +Olfm1,2.17216554321342,2.13814531197276,2.50026000658495,2.34256567754981,2.44732317284108,2.38304535911581,1.9021755658572,2.59030536189659,2.30520925515904,2.53557850439924,2.28269154458433,2.33321901538266,0.978219228388812,1.29638476443391,1.28795767756294,1.12992182879803,0.931424734439662,1.06674142609583,0.998982763420083,0.808561844232281,0.635230198967764,0.810949114126067,1.14283844687653,0.954920826689504 +Acvr1c,1.29439448015359,1.60920821539689,1.38765609807121,1.14145453383322,0.851376534615121,0.974173001838416,1.22238649224582,1.72262546202612,1.72268783202514,1.10705346069419,0.985285682920519,1.05638597499353,1.63120135803715,1.53327728267443,1.7239367609275,1.23546772151015,0.761903477456214,1.22330950575449,0.878474287153242,2.05538565395546,1.31209290432808,1.28081277106489,1.01946423827999,1.00840480406419 +Acvr1,2.09485168595408,1.99579802573102,1.93573352260599,1.73364042641416,2.60053929498098,2.51021438615046,2.21307027127816,2.52092526845352,2.0632718394274,1.83080369624071,2.18861249223571,2.24371399606711,1.47273294150573,1.56748734565287,1.77765739381957,1.33635597493174,1.99518948006624,1.66108167627046,1.87581136665234,1.69254848435709,1.60737956426902,1.32182926131996,1.85585658294504,1.74487100479906 +Upp2,-0.0492887400614923,-0.305801513231142,0.201269845813731,0.0240868947002699,-0.24195513762149,0.167041662708029,-0.456622017725962,0.0885288367080328,-0.0332085059264098,-0.315202111765713,-0.495425581459138,-0.126460677201439,0.0785240897838984,-0.122848657943842,0.531375531866049,0.914752640936686,0.0039217637301272,0.127780905854663,-0.143683051232595,0.38304264484925,0.0505344519491993,0.316342379001652,-0.166369014255481,-0.127982891276662 +Abl1,2.29597744347864,2.63095969796354,2.13077817049885,2.61428995789684,2.92632486319276,2.85895455859059,2.81808789396665,2.424254862315,2.30977062111313,2.74708572291975,3.05704669865101,2.62928068001925,2.07647902952481,2.78324505330667,2.36078761547234,2.93167369454005,3.27038065033894,2.46533916504419,3.19002785035805,1.90338717732236,2.54404158317451,2.83966648889105,3.2740751813392,2.92316410827283 +Fubp3,3.32040094146154,3.57887568629431,3.79223105566869,3.4936758393208,3.30719022119659,3.27451265204409,3.49634407014829,3.61211599681056,3.71832666850785,3.58494400779403,3.44702724792354,3.33378838993053,3.57060350299354,3.75229095727949,3.7783393931577,3.74585857658207,3.78649754673301,3.52415131584687,3.61398808932121,3.40232114961025,3.74685297852214,3.87788606584577,3.63386653909615,3.77404359111446 +Tor1b,4.50111085925419,4.41161304602947,4.37469128781925,4.5057504062114,4.28690807603398,4.22270520628847,4.35378581818861,4.40801702892007,4.52960207093023,4.43781167962249,4.37431456556091,4.41416628073199,4.74098763368031,4.71816809677791,4.6811732256994,4.78079426402617,4.66524094041679,4.69864934992503,4.64687517343091,4.76752362015223,4.77171532729754,4.74765263000839,4.67439349569082,4.73132402983872 +Tor1a,3.65117234682355,3.36273682235254,3.74629516092204,3.64954067004707,3.29338323939043,3.34562101430855,3.33604831700596,3.35322087300824,3.61965177282972,3.70848433690396,3.22677792394285,3.39113954994284,3.82524050772372,3.49978230758007,4.02084613187854,3.84581558277918,3.47794538654806,3.43066940986913,3.71703708527463,3.68915319694383,3.89947817367722,3.8398743550438,3.76500276786145,3.5321601144964 +BC005624,3.5286608857349,3.64263707891793,3.63145045292933,3.79508975148743,3.43742385143742,3.34616157182272,3.51516431241252,3.54254421655983,3.62103168882228,3.87690501816184,3.70085459538544,3.69623178804383,3.51023989787462,3.77170959543957,3.31531850600446,3.9144595717852,3.8549017863368,3.2781385670873,3.55139740857506,3.37152591670885,3.5740394058358,3.74493560373498,3.87312105025468,3.82208188825027 +Crat,1.86621221735541,1.73294064896438,1.84643090134948,1.95734283761754,2.02088920164578,1.7590489011504,2.05889233497602,1.84870104508146,1.99933611712853,1.98632703659251,1.76844813585592,1.91946637260972,1.4065939658516,2.07579547660974,1.71150913637052,1.97255420678871,2.04896940677827,1.23070513311902,2.18821215007144,1.31704881578606,1.59018131652986,2.19889942767407,1.88700160278705,1.93360753739356 +Usp20,3.19120427991189,3.08468577659989,2.98644092460493,2.95944437562051,3.27177381239364,3.4010618904612,3.17765913442705,3.08527530297827,2.96575836598414,2.8574489754992,3.23127687890922,2.99825617307896,2.91756000635019,2.85735830772072,3.05325010920782,3.12881523803646,3.29195811090954,2.99502415892609,3.42658784224747,2.55989389645629,2.89066775225869,3.03860990252769,3.29091543736193,3.12560362142579 +Dolpp1,1.73939022413193,1.81546807313343,1.49652991214777,1.82044036861599,1.9820967438503,2.0292604159138,1.99378359520278,0.818529294857636,1.5020882948968,1.42766270563333,1.93268350223802,1.63955243477776,1.30200603024763,1.23103907971093,1.04088666302076,1.45705268379946,1.68574168797272,1.58224776647827,1.95507737945769,1.08965925441057,1.33929824556571,1.09460528688356,1.60473174673714,1.41390499092102 +Ntmt1,2.32036505838158,2.05731907025657,2.22978637479211,1.74139795878871,2.05117921545764,2.11606455739036,2.42023914503269,2.0825876083926,2.17994007261069,1.9703651575183,2.33982489774291,2.34908008578636,2.49276599106691,1.78980882811401,2.20673467536616,2.00094329753929,2.25520023258975,2.06476835531408,2.4572753121278,1.87714661289399,2.07976721688841,2.03980624044126,2.50601151582731,1.85557436832207 +Fam73b,2.39246377468491,2.67694841088648,2.50174464454416,2.65937352024976,2.71728074380825,2.67750704043678,2.72759357512099,2.43873446239005,2.55670001909102,2.66686152595589,2.7700129523774,2.54637732092054,1.99618323552044,2.08696301691992,2.1411778324976,2.23501392106891,2.49781202439308,2.10274835931809,2.52970952786066,1.68070735093064,2.06366793710197,1.99029956132088,2.53681699765789,2.20981392517359 +Sh3glb2,3.30342534695208,3.65976349457651,3.13106460649902,3.6673970539356,3.7974449684235,3.64674659382104,3.98605670653554,2.58354702143174,3.52563798182861,3.58063028830336,3.80463172641233,3.6534582961429,3.05620797583706,3.45397833623315,2.9290378506427,3.43961428244752,3.58321240761179,2.95676407308679,3.8182803839562,2.29753263168664,3.27093744602606,3.5298162197238,3.57562189762061,3.56187400748073 +Hspa5,8.70900988633772,8.24231781349894,8.15411436494199,8.37812236532401,8.18790863493078,8.03835252219433,8.34469509529876,8.32633383348834,8.25928002012766,8.25932640455764,8.41158422742418,8.47659308245608,9.81372084240918,9.03759554731413,9.0848356934762,8.9689334540392,9.49601105113068,9.51160670578182,9.65423067810067,8.98307789565839,9.27396165875863,8.9947661912197,9.70237312212298,9.61859558271459 +Gapvd1,3.73622470664777,3.64538841987673,3.63157782989692,3.60092450117649,3.85931814091906,3.86337958896433,3.76878738449363,3.71316291665987,3.69962226561644,3.38763021756683,3.76261634265435,3.69405688937997,3.61619587504722,3.5446117075834,3.58663657056282,3.6048832335483,3.78309948763627,3.70909848670929,3.74991265307699,3.53890502971639,3.41726685365556,3.40061714321786,3.89175109238849,3.72027484005419 +Psmd5,3.62222441489813,3.4411194232028,3.62145647579471,3.50826367362002,3.10674837441206,3.13888374976125,3.17628229056852,3.51638610883341,3.5326359839548,3.50622071684749,3.13246083904994,3.4921857534195,3.76030101131592,3.51817919388603,3.52433465568178,3.43765982834139,3.34528555173999,3.5853721483255,3.13442589245364,3.64407506926682,3.45839203535587,3.58199197206762,3.26283508051053,3.50695371243 +D730039F16Rik,1.23340674627889,1.39247612094481,1.47000559345446,0.851211289725556,1.05763536253782,1.04773309590015,1.51570634072619,1.59103424122538,1.16573950917782,0.702935907600601,0.836716185636017,1.33481544397496,2.19951184514822,2.27995422907685,2.46684333056575,2.25953558339772,1.93772807578799,2.00344637758912,1.77368281637995,2.45101140765388,2.51959615232841,2.45907042696366,1.59002519941939,2.00560379352252 +Zeb2,-3.05982549820723,-3.60020983459472,-3.49189246353449,-3.55108439166458,-1.70257629142306,-2.87597005748124,-3.12057862909942,-3.16365111965627,-3.34366294802939,-4.44226268086867,-3.02548696492421,-3.04203206179459,-4.28651974840949,-6.15769673823152,-5.15444124407222,-4.47625486579089,-3.58579781293637,-5.66299998597319,-4.38751540178072,-5.02850055412689,-5.3968921229628,-5.15967766317754,-4.53673020080343,-4.28724335933263 +Phf19,-2.8942324491811,-1.82255606274351,-1.94172035410924,-2.57224446154876,-2.78518625196727,-2.7103563227404,-2.12698446959958,-2.9596404311789,-2.35339259380595,-1.93641694894334,-1.94257041368035,-2.48749013123638,-1.48613702096843,-1.28204399441316,-2.39643943754563,-1.61313334144931,-1.3409902459891,-1.78658545935768,-1.51435103498839,-2.40208668214467,-1.3683373435446,-1.81922090435479,-1.59317515957311,-1.32468197505843 +Rab14,4.33516522855983,4.17764850972471,4.26833984933757,4.06227970885223,4.52117917231104,4.43776506040902,4.0904959465222,4.59410670998534,4.1815217826353,4.16612879548571,4.21482390292695,4.32153420246992,4.3092438030865,4.27882523029529,4.17374847540755,4.18267390530717,4.36717577980633,4.33144376592166,4.16033765108197,4.43362658446379,4.16761589913807,4.29730305174181,4.21199526389548,4.29673349333291 +Gsn,4.37848222387188,4.15678252708041,4.65303947080436,3.93141930645448,3.92045804965535,3.81899490900247,3.71628957170075,4.33175847998131,4.28942752081334,3.8552559074003,3.71404599008756,3.80386194981644,5.21516032112837,5.02583918229636,5.43362070619395,5.09580317420549,4.70322288280557,5.06786935402559,4.93208623539268,5.22491077020039,5.00404185494132,5.17241098333076,4.91031139202391,4.95737248365179 +Stom,-0.745515102636052,-0.207413000131617,0.138536139756679,-0.531818770857053,-0.475562728757309,-0.843602801409325,-1.47531441960667,-0.744775807311279,0.383533397302848,-0.0722408619833492,-1.39151586642672,-0.952114422060478,0.889573500464347,0.516448713383445,1.16891516780453,0.275636616772188,-0.617839214561576,0.0897278482085937,0.410529150651053,0.532362293534689,0.985554885195178,0.59865762055568,-0.168400957868133,0.587785394563186 +Dab2ip,3.29574497808358,3.44327694500557,3.32519243997293,3.22700210428889,3.26471736296106,3.41573261577218,3.28925843643683,3.50389079721724,3.42947539728873,3.16362645411253,3.29912281353332,3.30669393859036,1.29279474690666,2.42509891690159,1.74462617441004,2.32947100437466,2.12253107266964,1.83897798846073,2.39457204130237,1.80604407654698,1.75240686369515,2.04091874135892,2.31665759980764,2.26992636056145 +Ttll11,-0.470841890720134,-0.426910569799736,-0.514912355810622,-1.3418149280765,-1.50976232046821,-0.131358293526628,-0.793345674060909,-0.621532441678545,-0.531549420454441,-0.925789725474097,-1.27697665930873,-0.95089094296605,-2.47251170581068,-1.81176961037542,-0.899245848863862,-0.37027488896023,-1.15362065620178,-1.47128886764204,-0.740852525792425,-1.73987699836355,-1.66362431912761,-1.147222734052,-1.10002325683473,-0.804744439242913 +Mrrf,2.29685698677959,1.96903264688364,2.0064543189324,1.9047180235011,2.15610507417381,1.90439558292063,1.64442720905335,2.22019073143431,2.18015784993368,2.0274266359646,1.68798639012725,2.28424991907685,2.89562183410868,2.64397112245897,2.95582370735303,2.72165179480991,2.63267271850661,2.77103465123436,2.33514011087826,2.89088630662941,2.65954312243886,2.55641126497917,2.50415966964375,2.39859613192732 +Grb14,2.18391238660886,2.36575673107238,2.16450722733683,2.17576287433172,2.37241406078555,2.37084574225315,2.27464326751892,2.37873577315276,2.32037506657091,2.24314055832354,2.25859853075669,2.07506049312563,1.64337396597315,1.92121748261746,1.38731908848784,1.52912930691907,1.57894986505543,1.58920056953487,1.61745474836894,1.95282474094615,1.95201651118314,1.65478791342617,1.37813584872067,1.58585672120288 +Rbm18,2.78261508913598,2.8374748618443,2.7788732228996,2.69172267591051,2.6536177214491,2.64496477122669,2.56809357840509,2.69200285345662,2.78227461981231,2.62211036182709,2.58979951033324,2.62248851855635,2.911388821722,2.73480769593068,2.80429061832331,2.73065872192774,2.64359151956535,2.67037261158424,2.45881032253005,2.8469146139014,2.8812822858251,2.7362517412578,2.61930953823304,2.64588513746698 +Gca,1.49209212355638,1.48150040669678,1.27566409752829,1.23336917586795,2.13852311080121,2.20840153081532,1.89705846043685,1.84894490857364,1.44011660665477,1.22986620200096,1.90879157339831,1.67412306658869,1.32374840699024,1.23478123927015,1.33740695380658,1.46208932078257,1.78900310158896,1.44706421959549,1.67280356576717,1.12995495659936,1.11754147652143,1.21510962398061,1.67833636935021,1.2061548365872 +Ndufa8,5.408164884894,4.67158090138713,5.40251971569321,5.12221462035796,4.8901154879035,4.99521376479968,5.05525338266195,5.23434331445316,5.19250302206801,4.97212388060808,5.00777082753937,5.07090501231544,5.28969851577734,4.8284706229121,5.32866707677106,5.10649744632244,5.00094033880579,5.2566557847972,4.96622159483416,5.18505722847868,5.10219489522192,5.06662765670588,5.15603782450753,4.84857938442414 +Ifih1,3.66411365447186,3.60625408969222,3.77322339329694,3.51671356405679,3.17002974948357,3.51356054523796,3.50979847274947,3.85264772417692,3.70267420179766,3.45541718210397,3.21743254902987,3.34178946865306,0.68823562856154,0.711671652405994,1.01339645186609,1.08433538355534,0.750773798230894,0.727342754003092,0.481930777774888,0.918203264719221,0.639068903952759,1.06347376612279,0.496865447398367,0.767978835573034 +Slc4a10,0.715722940731073,0.779135790599428,1.53089859429168,0.732805165813783,0.13859159169203,0.121176241418817,0.200861241072204,0.849596313120192,0.915670362153836,0.437064320242101,-0.346120209669438,0.0966734999893495,3.35328387520473,3.19148022660969,3.98851334090083,3.4103752978294,2.90953549088101,3.35065354920814,2.81656429094338,3.65397027592809,3.32499665825374,3.27116566067324,2.88007382679365,3.13782030545833 +Psmd14,4.05397373563037,3.37546003303821,3.67834875699076,3.56876654632167,3.59402796536194,3.50721438649191,3.59013262814663,3.61802740629173,3.70243969203883,3.70857528025186,3.68645623033559,3.70986197161998,4.00420694247282,3.38561427493516,3.74755108703465,3.52591997178731,3.69800868005037,3.73664271371462,3.60965155637431,3.74977992467523,3.63231726289737,3.44831358536936,3.71030172876228,3.84013476360533 +Strbp,2.19319451017467,2.15510557481465,2.25564203221252,2.25524633555106,2.35018174821098,2.39680907092657,2.04050333809842,2.41009734001441,2.10196966081385,2.1490617258286,2.29925002607361,2.19633476518571,2.18469120562818,2.23709026563291,2.06060485292839,1.98829191736587,2.07146498965626,2.0792711841628,2.02090576661224,2.29700096620165,2.07967344162887,1.92143530426671,2.0038847025519,2.16861089087863 +Wdr5,3.17889975988194,3.08265648379285,3.01817841891784,3.24939286976667,3.05446649259726,2.86506459586572,3.29651305514839,2.76395405992309,3.01576620473832,3.39371479848343,3.1237777473407,3.03497362247286,3.10681538470065,2.85295035234949,2.92828661499885,3.11384481809636,3.20246511652835,3.18026474136082,3.12828256355645,2.62775036220313,3.10109239987299,3.0971205632109,3.34585995717021,3.10593433645018 +Brd3,2.79956660263539,3.18037486565106,2.98729843696224,3.03059532477318,3.30481518435496,3.20049951078883,3.19968401958336,3.06984671681782,2.8379267590738,2.94035550741112,3.15723750286751,3.0531184359571,2.52090168763289,2.96933950180109,2.33111430447938,2.83666317341667,3.20462919641889,2.61217721024531,3.07685611067861,2.33105372110813,2.66821010506554,2.85316913910215,3.08838552621005,3.04990430879919 +Egfl7,-0.579626696720948,-0.371070429406017,0.263741590283793,-0.215966808682683,-0.773508315400525,-0.347494398388803,-0.451966861996421,-0.754869710550518,-0.654314880378292,-0.655769854032941,-0.448500898722212,-0.565670032867634,-0.81827882544325,-0.9874018443107,-0.260439691023103,-1.00510835274788,-0.979488730778292,-1.63387441128609,-1.31427823026709,-1.14482813203409,-0.660855493359893,-0.697957552758339,-1.08757364788868,-0.744323242023686 +Agpat2,2.72230091117906,2.41748815014632,2.96342423419216,2.79689658100311,2.27781989654237,2.31201648159745,2.22651858874757,2.8991895943369,2.56434764453965,2.50585692182066,2.15388587220215,2.12203913544384,2.91569200788229,2.61925594023121,2.87400237384354,2.91726648535045,2.2061089278107,2.52254073649203,2.2046139121607,3.04845408461043,2.99277902460189,2.91006021713681,2.31890744487772,2.60207589579514 +Notch1,3.24727868255482,3.18507505147606,3.1626134259015,2.87986881372758,3.36561510105057,3.50745436038708,3.3091758610553,3.60837187235842,3.29161041040786,2.8683355274766,3.18264277576532,3.05186754092623,1.06571965160704,1.95497316737572,1.02267950607201,1.51039409391719,1.95884177661152,1.44215820818539,2.31088000046076,1.0549529426625,1.38484125078387,1.65941883255108,2.04470025406111,1.67434616753523 +Sec16a,5.36687783603419,5.26959528631728,5.21062619772937,5.26836273905353,5.51858349178935,5.472253503583,5.35516074189109,5.33111233391572,5.21213963912826,5.22825037795436,5.43810722203417,5.29016429018467,5.65474055951815,5.36837098601395,5.4593890139574,5.45417338143892,6.12831882244064,5.77286648827481,5.93536407872225,5.09470267297646,5.20418264390028,5.3954041506464,6.06861671239034,5.86020183376388 +Inpp5e,2.72765898235977,3.160367831322,3.04069785336131,3.15857700835691,3.22735666404317,3.26466870702559,3.23235871537802,3.06489295249613,3.03472113583035,3.06901849975745,3.16712215326026,3.0095122147976,2.0838118303785,2.79581103521483,2.49181673341625,2.80364208511627,2.51667901469717,2.27884625826563,2.7224487854335,2.32613849494738,2.65080935861593,3.01224246771406,2.52972633787112,2.50265938669194 +Pmpca,4.02073002770977,3.93574432450116,3.98316173171126,4.01418983770975,4.13802786536273,4.2052224954098,4.05708563552838,3.87844572169933,4.02888503958996,3.85982594978646,4.1303540279841,4.1261471869861,3.8529060241919,3.85380450565742,3.71394988333416,3.87719640246387,3.89540553158205,3.78509519314649,3.95050894694343,3.81219153270844,3.94941508076902,4.00656422499184,3.86509436941959,3.91847191525852 +Sdccag3,3.35258947406129,3.6905389916768,2.81514306098677,3.62350796338932,3.90595845836843,3.82091580276742,3.92365215680426,3.11873840077574,3.22524206135518,3.49590493532138,4.06313870755883,3.83731132620183,3.92165891877416,4.04249279440412,3.97338683081317,4.02637414570052,4.1423132125598,4.03937875599364,4.18362795967641,3.91520784673823,4.05218060298257,4.07228185862796,4.13783315300576,4.02347535918666 +Gpsm1,3.1873891856165,3.54168309212219,3.34735635893648,3.52407683437236,3.42998818446767,3.36860732534343,3.55159040356321,3.14870379600596,3.44278767399112,3.40617302052344,3.38754977884292,3.22913527186887,4.58706191290943,4.48896437894581,4.68025985070563,4.92520881667943,4.90603695901536,4.64068971443065,4.70806832848265,4.28704292858821,4.58339729599667,4.8539005965555,5.00776586270079,4.81512651782437 +Nacc2,1.11358355598594,0.96780687196815,0.897798832325129,0.795503690443016,1.4694087106055,1.22299786356833,0.999332840915272,1.18152218667019,1.02287163679952,0.41193455862025,1.00089733108672,1.24535381263846,1.47268025514597,1.61236958168237,1.0681428363624,1.68558833837354,1.53871465389681,1.35709689884847,1.38054617831783,1.58411069702441,1.1505584342214,1.66767902819565,1.57886996189225,1.46459900466055 +Camsap1,3.46136843476831,3.21310026527839,3.29774000282748,3.33526437714692,3.38211103212493,3.58375784389482,3.33641498562644,3.22951356604754,3.27961338820779,3.54525686017587,3.37891821070812,3.34311077004522,2.72667321337281,2.85368262163918,2.7349258468718,2.88514292910458,3.23158728634174,2.92879004143927,3.20957101142349,2.59968986662722,2.78493261289496,2.81187980181933,3.16613413891063,3.07844610913118 +Tmem141,2.43454835787293,2.25160952017585,2.90500573734116,2.30875586455237,1.86447842909405,2.19661056202174,2.19061289197094,2.32191690246436,2.65703792264468,2.47566526369714,2.21998819307871,2.5373018840168,2.99481338339467,2.50218543771618,3.05896027847679,2.51888257167355,2.27773299812568,2.53062951038603,2.41136731417417,2.68380883384438,2.53533658236944,2.64129738248448,2.14543883929182,2.59509495451685 +Mamdc4,1.31171614011717,0.900525891040663,1.44172686339431,1.24942008307284,0.650982025576484,1.08131266792172,1.18802070634702,1.24962087444722,1.18519234411167,1.10932035470363,1.06411226254137,1.01186444058435,1.9766737511543,1.69896262996714,1.70519985065379,1.61107129747191,1.50527945844138,1.84004829486215,1.61458216909131,1.98133704778332,1.97726314944687,1.78995888350324,1.28040388062744,1.38599525873972 +Traf2,1.80187489179465,1.76285075897262,1.52606258645822,1.55651325343081,1.73992333365811,1.53948050904323,1.86829314367177,1.18301003598177,1.48973008509409,1.87978074555441,1.59727636595018,1.75229998532208,1.69232735863595,1.49728518062145,1.2191668121879,1.64481143509983,1.7476864807198,1.54108354210759,1.94564851761681,1.28538717685048,1.6581090474241,1.32943283785268,2.00635408158992,1.93965943830671 +Abca2,3.67061517016476,3.75932598289245,3.64847279199838,3.70777278626182,4.03040215251858,3.94313096832729,3.75648757163544,3.97827200720604,3.7615406250481,3.76143507883755,3.95359278473528,3.778786562028,4.24961987711477,4.5526100405879,4.36870339866911,4.48037288045657,4.69477208033085,4.36795521593416,4.81966915569434,4.34250070153007,3.84439872678246,4.43393741579287,4.61406583782674,4.59676924932981 +Nmi,1.83226926828593,2.28933413017434,2.53348494735413,2.44863202083618,1.8213423173036,2.44131738505083,1.94540101430293,2.46202643749942,2.12978459188349,1.9539195096642,1.90295554404813,2.15569125065231,2.051642632542,1.95879214436998,2.11627419898842,2.1492050240198,1.96743670117808,2.10611374294619,1.75658649442383,1.9343306522769,2.24143525843753,2.58236019232671,1.89615245076186,1.93342419969506 +Neb,-1.92936643609997,-1.25477667786771,-1.47605333333624,-1.40477750598864,-1.07457235612632,-0.602444604862471,-0.479861403505059,-1.92433463675001,-1.36747810525784,-1.17802604897193,-0.835709602748767,-1.12964704985087,-2.94862730734533,-2.45400420483199,-3.05888783613719,-2.64841121912054,-2.79567896945554,-2.79593740628067,-1.92412196489855,-4.03342008242235,-3.07254736827765,-2.6515838460493,-2.27983043670482,-2.90479839869843 +Uap1l1,1.9158198561932,2.24362193567041,2.90378327090245,2.55238035856222,1.79528992420556,1.66457161700949,1.77437578369264,2.2780287919899,2.38885749809171,2.7901108266226,1.66947953501835,1.70545735105819,3.7857331541777,3.95946857423796,3.74415905110868,3.62085612976931,3.76949097528525,3.79408259725863,3.96036974857403,4.00364584026531,3.73016715469272,3.6684613816829,3.64335358358337,3.97929666971851 +Dpp7,3.38786852564651,3.51310486871052,3.63464053516832,3.505975396748,3.19684947722807,3.21801381919493,3.39442548059706,3.68967507851073,3.4617736726705,3.66503173235936,3.32441826453787,3.62364602453566,4.21766768844222,4.3782856957057,4.6676746327622,4.29193878316254,3.99298515372419,4.27667847303037,4.00348131502722,4.67691610457537,4.22958882605492,4.28147300200443,3.96085471557609,4.1368003277664 +Grin1,-2.56494754338264,-1.52430882325797,-2.20213640149387,-3.06323396696828,-1.17702388590466,-1.6134570600016,-1.93991111948016,-1.72766241255604,-1.9926187915052,-2.89478262760814,-1.96789447089398,-1.65769627595519,2.52383728476899,2.52279068766144,2.74704919823431,2.72605440915147,2.72479151939324,2.54960387840027,3.24014043796076,2.23239127919305,2.38531906105749,2.82987749883051,2.89879457257446,2.77562400570862 +Arl6ip6,2.74601511269351,2.82109714164177,2.90208203289465,2.71708337912844,2.60830532588626,2.80000490527533,2.77728409088836,2.66767277298301,2.77025266973807,2.48394203198236,2.64050123707131,2.3624317634711,2.2592410965439,2.60154010707754,2.64164272864044,2.34859002698377,2.25258259061238,2.25231439179849,2.27711243573328,2.69574462638045,2.54471782133143,2.46806847138536,2.2782325568033,2.38509969073483 +Anapc2,3.80221716462616,3.79096703782389,3.53408882698494,3.49109289854494,4.02352171996758,3.90540594568145,3.67145755291786,3.70395421019047,3.44995625131937,3.57991414437623,3.8213231122717,3.67719055955874,3.3702497386917,3.51715223943114,3.41783239549943,3.26366612239344,3.7413946584928,3.55857491684251,4.03187766018283,3.2342587141275,3.34058210953702,3.44726535463972,3.85864531850732,3.59562798049792 +Ssna1,3.92918159069273,3.52255020898996,3.56237744013576,3.97041938262506,3.39317115106489,3.37050559427501,3.90358021444025,3.57015723362974,3.5931931436098,3.97273520420833,3.46372762050733,3.78895358345834,3.67417880383101,3.55366755674317,3.45330656282234,3.60060582413818,3.36721530347615,3.48267535037484,3.60063400645362,3.30144614788545,3.8907247355941,3.82014071434168,3.270938645028,3.75693229314081 +Fam166a,-0.718193420280546,-1.28738861137431,-1.92032965891216,-2.53133585186324,-1.01532884991095,-0.949023217359079,-1.6593588045811,-2.53133585186324,-0.919612310710465,-2.53133585186324,-1.61159284549442,-0.814739371987457,1.30876348993916,1.18881175898726,1.09987154037214,0.760960663810583,0.0297582198975525,1.44945340164571,0.465351089026263,1.1498868653609,1.24115096303746,1.09262270914883,1.01988410398279,1.06492378846351 +Rbms1,1.10558243368157,1.57511783157071,1.42252075031049,1.245471592298,1.47283957926347,1.54665677903108,1.17828638253893,1.34122580885337,1.45044504439827,1.0792206946115,1.51135567427365,1.59417868945111,0.580656074322385,1.16332964412425,0.629171425284394,0.637912318378308,0.906907469973453,0.895702935549367,0.755630073910937,0.935265679820766,1.16285976396584,0.520805261085563,0.854764377350881,0.972095509393751 +Itgb6,-0.654937403818407,-0.825872613653351,0.131257331720389,-0.833319006108587,-0.799501351230802,-0.467369218303114,-1.48687308562792,-0.0254326239748717,-0.314940990957433,-0.708578305880839,-1.2174533938198,-1.26765536875392,-3.27487621511968,-3.41083365686075,-3.87777183820335,-4.48806485477409,-4.61600084382291,-2.91824022278438,-2.8487296803014,-3.06072203730876,-2.59065179471826,-3.62089194169822,-3.85130034300282,-3.77778779047613 +Arrdc1,2.75214206503483,3.21846217515198,2.86255673703118,3.3277223382894,3.04003424391693,2.9435897998824,3.26352708094815,2.73547255313018,2.9856368884228,3.05010061668707,3.1357213378101,3.13746027634508,2.50383593665006,2.63136216333262,2.23988703223947,2.62454678906491,2.58635941516984,2.42910827561401,3.06648321982343,2.09411720089586,2.64254534541686,2.59331761061286,2.68064664516666,2.6386699976081 +Zmynd19,2.67030638849876,1.99519796219293,2.06450677825747,2.13193421844985,2.1898034344889,2.0182465117528,2.20800699790398,1.56244012934569,2.15170619373821,2.02901330660744,1.98568818801999,2.15224440824698,2.22820754210266,1.96838542499357,1.87853669782313,2.05443299172589,2.09774834367353,1.78568872225006,2.0619890476177,1.97770627821728,2.04095844148374,1.87075016875992,1.96668524370445,2.20319077297595 +Wdr85,2.72967486656999,3.0664792813269,3.02730404174118,3.1385396554276,3.0004370882926,2.41520141427019,2.93177075866376,2.91337905401569,2.88581704533463,3.20006106921004,2.81076686521345,2.93468755959982,2.72539276306542,2.86740610266404,2.8909415113636,3.1407591803858,2.95332340957054,2.80275317732698,2.80239753767277,3.00131844055221,3.23575892336778,3.01195180896882,2.85293007979832,2.75410129487336 +March7,3.1905030144178,3.70841094772436,3.68559488621992,3.80953450816926,3.65661253414749,3.49933965244991,3.59773618799799,3.4673077717976,3.81416823803768,3.90006412695395,3.68876731286897,3.54325252458598,2.88127455449648,3.21961267407164,3.33903332114889,3.1038559393189,3.06875044395284,2.83333647447018,2.8844749635504,3.44405490836316,3.37700526150944,3.23125033851318,3.02283976316034,2.9672778896907 +Psd4,-1.78604091164542,-0.944962650266255,-1.29425460348231,-1.91241803647211,-0.76348471884046,-1.70536572279029,-1.1999292112499,-1.93628716220429,-2.48413518801582,-1.98690082959657,-1.63971809846379,-2.06172628753067,1.64227187496941,2.30297067050535,1.94351608509404,2.31998934848692,2.56088900515282,1.65608729392082,2.2502588611113,2.02798728849822,1.92708059176125,2.17852404560486,2.14639460184337,2.06923549880093 +Ly75,0.963643020559841,0.828342822218934,1.38816674173817,1.19319359704014,0.293332451481139,0.596006948283549,0.521517204609175,0.890759131660288,1.33415541813817,0.894862523880133,0.589710502998255,0.684241258387219,-0.747708858915303,-1.36172261978799,-1.33913137003395,-0.745755940072665,-1.18354581323013,-1.61800682627919,-1.74463993854403,-0.959679115768212,-1.20361165614094,-1.24235869155976,-2.62148022606508,-1.86574649375 +Hnmt,1.03276803178331,1.14896379463714,1.79681341142753,1.6303155807849,0.964577387932215,0.811927335368149,1.31290976265308,1.43524874070589,1.84532782346481,2.02216523361893,1.0164792829797,1.41992418265681,2.50244301828411,2.28673017347861,2.83553512385201,2.15853585217367,1.8539191492726,2.17262072200284,1.72687720746212,2.81751563296134,2.65449800788736,2.37943088438129,1.27079083741609,1.84328943161076 +Baz2b,2.71153767903178,3.28522317286866,2.85941738167955,3.00859767308695,3.54503126634591,3.50945789291271,3.3561484748383,3.09253764388179,2.96642119331556,3.02274687893098,3.48288193551994,3.29411931325131,2.82165464139041,3.39362708055305,2.76395163539872,3.11600295934407,3.33770898361201,2.95602763278004,3.38106088985274,2.88587147124779,3.09004577291411,3.19530208734467,3.28197355607375,3.28483046144777 +Wdsub1,2.98100078355782,2.95448493915122,2.9969046272004,3.00654273860888,3.15490305845761,3.09578148990877,3.15735257840578,2.98390139899243,2.94168026192462,3.31892341461753,3.13094095214741,3.07285346321884,3.27213163785712,3.2297855746122,3.11757531834175,3.36698979317391,3.44583967752683,3.3526201980647,3.40110889177655,3.2289433581284,3.10489252019504,3.34351470590494,3.45813272623874,3.2890721116615 +Dapl1,5.02637280810759,3.69684836928007,3.22565021354449,2.58477935562086,3.09578563827858,4.402636220212,4.39951960341433,4.09158472639277,3.74081543621625,3.15590120005707,3.60539939035727,4.39199256870638,6.07506086480841,5.02406281555307,5.35837303560571,5.20331632121265,5.74599633255837,5.37204978807193,5.43651770766125,5.18766552851624,5.60830877283176,5.39961228627717,5.78945427312992,5.5357785023419 +Pkp4,4.0107111214099,4.28573379826609,4.10156588621711,4.10403400856459,4.23418110807077,4.3420121915025,4.33727472273787,4.22521216345152,4.2005603711955,4.17852634827715,4.25065926748348,4.33136244671852,4.63364757723477,5.02472501845767,4.71363843712446,5.10140305155798,4.8560033252752,4.68633074642309,4.90427339609509,4.93565152508347,4.80991451516714,4.9735800683184,4.93555374748896,4.88719218709097 +Galnt3,-1.8017027367127,-1.28704705796711,-1.84115318824972,-3.05933800965514,-1.67377511066248,-2.68584847749747,-2.12555463755095,-1.75485518566465,-2.13638178384909,-1.71940613898648,-1.82345534833104,-1.79262510296908,-3.07613466757925,-2.93032967250565,-3.49722465640388,-4.49036407080694,-3.91490160793735,-4.49036407080694,-3.82879310313451,-4.49036407080694,-3.89904105688208,-3.91257919376117,-3.89524264676288,-3.41350840641085 +Nup35,1.84375920559321,1.33873212832748,1.70482115989237,1.83486226575637,1.42109740550364,1.60317199801993,1.48670899139724,1.73353631582346,1.61125272700142,1.67706889079664,1.38420609794013,1.54381580610851,2.36591841611639,1.97940452552667,1.82209795569091,1.91905990205241,2.04203132343984,2.19047543294201,1.87385695405243,2.20904892757627,2.02451117339741,1.91048302359459,1.99077323300991,2.09798427890659 +Dusp19,2.37998005484039,1.9134156066756,2.31359737764288,2.42448836277201,1.97145936669907,2.15937418956778,1.97296128782342,2.30930190197291,2.16202216357851,2.14968719954049,1.88110827694386,2.07403077007873,2.9135566771076,2.58119230521575,2.27762909910581,2.42032814374912,2.50383094852814,2.74167557021705,2.55897683957379,2.91545319325553,2.56575155907796,2.45038007702656,2.38107444851963,2.53253023330224 +Nckap1,5.68668624839703,5.56998028559382,5.7663046463981,5.46727507087891,5.51272222041907,5.55815155683497,5.38293437419693,5.86210004513825,5.6703531563314,5.49301638976083,5.49001237409436,5.54622424960473,6.05957068309722,6.39750331570346,6.33589396938229,6.0873547324795,6.12887662078682,6.19834178320446,6.18046972549503,6.32518252087513,5.91732955437214,6.04854546330634,6.11164106075362,6.28942005227477 +Frzb,2.40589220631375,3.18304407880767,2.50367377712748,1.88986094253825,3.27863955434688,3.12485786841165,2.13819069039965,2.91568971522837,2.2426473799173,2.54566634146872,2.58115799352363,2.93511794688548,6.82290306552875,6.77830176505234,7.16559949962974,6.88990114738715,6.54780104397807,6.8189331518912,6.45527227962463,7.08936364765981,6.89069808404769,6.94570920543771,6.56663407400693,6.59001105627812 +Dnajc10,4.66269860773608,4.4779361075228,4.71069479810096,4.68192848400476,4.3695971652027,4.31153851087882,4.27989621828393,4.41014569269594,4.61420226775004,4.57223048798381,4.28884677983618,4.32273276566903,6.06417745380078,5.25598489621656,5.57322761700198,5.62210314343204,5.53713969871946,5.71603467128996,5.52826735798449,5.47726709011673,5.77795344518227,5.64592657142488,5.56006592083741,5.65317925566227 +Ssfa2,2.68764536893796,2.45226342501065,2.26853207794508,2.30544091643096,2.69310917141917,2.83245730401661,2.3703609632647,2.29382523991803,2.35700401939273,2.1880019965137,2.53600732813043,2.20055389790029,3.90924195594447,4.20339719150826,4.00542891240731,4.06910140796356,4.68127463607134,4.266241079727,4.58357159729377,4.11766003587051,3.92391826457425,3.94721076728912,4.57595747416383,4.3663723363172 +Itga4,-2.64603861521204,-2.53378604438534,-3.19284655561182,-3.20570040434979,-2.177369625202,-2.64656533870851,-2.88601906789894,-2.59989898860084,-3.02679233650809,-2.88280997045267,-2.56394162571582,-2.37938129741541,-3.22902187258447,-3.29209760783333,-3.0911630735378,-3.43205296697475,-2.33520873814518,-3.5985979393231,-3.16980995622687,-3.1095516600711,-2.6255790213969,-3.37767136940465,-3.13998078949659,-2.32722224831355 +Slc25a12,3.50139814547801,3.43806662404398,3.66781376488741,3.43249090047082,3.11095632640917,3.1722033575759,3.19564958099589,3.56418730121416,3.70940331688482,3.31288949461874,3.14235166287805,3.42960105229087,3.40388008966061,3.43577292467783,3.63732717616961,3.615909441229,3.20787945213482,3.38094553184259,3.37822360673938,3.44736821011351,3.66858377858774,3.58738481582898,3.33188891474308,3.38974762254341 +Ube2e3,3.8444757330277,3.55482705474857,3.85235100350385,3.68332881475224,3.53447106450821,3.71229330795896,3.37132180448602,3.95764382822983,3.89027521864129,3.6318897191185,3.58525461997864,3.73360742383673,3.9400216078778,3.82887206835674,3.88297281019778,3.83845395744431,3.56589709358005,3.76470476307534,3.23756460367762,4.17558161914763,3.86538274151262,3.80020827628447,3.55410817168411,3.55446277436284 +Dync1i2,3.81419076293531,4.01323578229669,3.90877071410613,3.97471568700021,4.00206602249808,4.02896701502418,3.91793817406874,4.11407201368217,3.95573355291949,3.9366382590989,4.02941958503035,4.05846137968743,3.29195624589552,3.52589305316919,3.48961820369788,3.44132760830407,3.54331935254794,3.44808486295716,3.34229233828079,3.45908820202276,3.49361287959279,3.49068988017603,3.45836142686105,3.5247289520599 +Cwc22,1.58721978181724,1.58267703941397,1.53683826999376,1.60445686740433,1.71293083540396,1.74709456357093,1.71053329031137,1.71566596279906,1.38364263903483,1.65910975440315,1.73239831855053,1.62955018156945,1.40971710065805,1.77366264543916,1.62295154833937,1.64584216716233,1.51946729950922,1.50630968391084,1.59256364689554,1.34193837085146,1.68163824615893,1.77766954576606,1.73128632083331,1.63882406005913 +Hat1,2.55804142948035,2.50424833478054,2.77223559296353,2.62329074376242,2.17332574084917,2.34189800900514,1.92069359184635,2.63248624169663,2.64279895480936,2.6000788731849,2.21594312190704,2.39310392704709,2.38976723646634,2.23073965003128,2.21817726602543,2.18348239412129,2.07959439540087,2.2376524667628,1.89770713285078,2.13073852010693,2.42249492754052,1.96194492862568,2.01307219537767,2.20504748753653 +Stk39,2.69089756664984,2.52008586231092,2.56581428241119,2.57339311804812,2.82174509433351,2.70945560268966,2.53451844068568,2.80822898084642,2.63055951949111,2.56355365782007,2.60841038917183,2.56374289556422,2.74627100178983,2.84309822944496,3.0371148237634,2.76045549382951,2.62312341243726,2.72248238484877,2.57466029829137,2.85367492961105,2.75798203013664,2.72604321347273,2.44721135045182,2.50634251031004 +Lass6,3.58437689980559,3.28923670642027,3.49132044350712,3.29829669479675,3.43990908876988,3.54946813832073,3.2704281302397,3.62592687647091,3.44063171970267,3.28005505472547,3.41829802588323,3.51808559762539,3.66113481523043,3.4686070106489,3.4861313570431,3.22311198009592,3.40255655529997,3.57218112178051,3.22428324700583,3.66035832532275,3.35549617220197,3.29738375877383,3.34916245821005,3.48427445947561 +Ssrp1,5.13185802735528,5.07482355434281,5.29254319198222,5.12733331333591,5.0756512033023,5.14069044913776,5.04518064972889,5.17330566164989,5.16280465631821,5.20819870039861,5.10937009809366,5.07060885318654,4.95064364532537,5.06119228050672,5.04513552241222,5.26027452073149,5.17938115566626,4.92361151749542,5.06595919141671,4.94801531738769,5.01994319164096,5.19329252850446,5.2362856790295,5.07236973086265 +P2rx3,-1.49407309665416,-1.28063349590756,-1.34730247837195,-1.36774916573864,-1.05325054280833,-0.349907944544917,-0.589361673735347,-1.1343306178105,-1.76890633141468,-2.31310604773686,-0.377287652931156,-1.07383083647485,-1.95325241137998,-1.44106204248335,-2.55614803446365,-1.27847406407907,-1.891303240506,-1.30194054515951,-0.771646738544516,-1.56455130433366,-2.86030921810207,-1.88603966640049,-1.03650477532031,-0.565990285935604 +Timm10,2.91501442613252,1.97891329726426,3.13762446589268,3.37365955103012,2.7867026819685,2.09988677132936,2.8232315180929,3.31094137714325,3.34428149917471,3.02168015553332,2.92314463023871,2.78654186944243,3.0571568430867,2.29028975136881,2.82731441267986,2.86595761769427,2.73893370961603,3.19090715030862,2.26996745766426,2.7136155169953,2.75939592318055,3.06243747487356,2.82092972213002,2.46906545972281 +Ube2l6,2.74748767600741,2.38179798232921,2.73945641412527,2.67407639429122,2.25308019861045,2.54445776478616,2.42181375709837,3.06604819663105,2.80602552875108,2.43257147487302,2.42159288470154,2.58085155927224,1.10694238712309,0.560570844535545,1.75740128910107,1.93898060979457,0.862239374319872,0.975623331247104,0.599865726253737,1.45065493631729,1.76845275096182,1.40198890130774,0.799312684984787,0.588454946958208 +Clp1,2.1194000259708,1.6910257151587,2.32971210172543,2.08492873876746,1.80456703061941,1.46472481709627,1.77753968713261,1.91942791119656,2.14260176410662,1.90685077968165,1.90395777790194,1.67971070806932,2.50889912725732,2.28170101254294,2.84367869536942,2.476175988692,2.05045978477192,2.55992551968552,1.97406444546966,2.24766974528129,2.55231270178094,2.29737859965972,2.14524811586727,2.13606328058678 +Med19,3.28793027815493,2.71491150979092,3.0762133241566,2.84778227891578,2.94967902336177,3.01166483097079,2.7194028533052,2.98477487241728,3.11643057547732,2.93483476145387,2.85981121140625,2.9698356407198,2.74158688083912,2.22383553759415,2.39402213532911,2.5189137686699,2.35587931839232,2.4028120770786,2.5993704466445,2.33632885236347,2.58060582401381,2.2649884886616,2.57064388691654,2.10784383441143 +Tfpi,2.44723714466063,2.17122603003632,2.53663653276333,2.56370361838286,1.78566942775287,1.76238962474904,1.99937321752895,2.49755292262415,2.6088614303249,2.8607934430197,2.04181229173163,2.43602279579295,-3.39687487022915,-2.51914200887007,-3.4974128049677,-4.10770582153844,-3.50632154639061,-3.74385523125822,-4.81110427345684,-3.72264051207382,-2.6263814618371,-2.82730443690454,-3.79589258891128,-3.73424860906075 +Fastkd1,1.04769120266969,0.936479568177863,0.932986598664963,1.2558077534153,1.59314673327172,1.36161203062623,1.36321906304465,0.748323051362547,0.856547243765742,1.42241909651049,1.40994045957648,1.28429976962093,1.36736000144575,1.01825024552782,1.55962909828045,1.48070555008216,1.6384552217861,1.57693377859938,1.715020818042,1.30316572817736,1.39357112831429,1.43435845527907,1.84049280110461,1.62123519291482 +Itgav,3.42131009476094,3.34805976185401,3.66282788016824,3.20190208439571,3.21581866324497,3.34902996406753,2.89100825343959,3.59346864047967,3.45196889010568,3.22216649298707,3.20104752093798,3.18045569306723,4.79889862328755,4.7857618513777,5.16108110387227,4.40167494679046,4.197977271913,4.77146141378818,4.50755706546297,5.19517233015535,4.6586049240672,4.3789732511813,4.16252817511083,4.53167155200225 +Phospho2,2.74104836513045,2.24052411593586,2.47186890264346,2.73065786405492,2.45975273595366,2.20843766290332,2.23806163494683,2.19486264470836,2.29971897904792,2.32353728327554,2.10165932894207,2.33193132504001,3.2319126261279,2.64306495593844,2.84525592457016,2.99818472037869,2.71853155977416,2.93702447240452,2.83783343146388,2.79133110891516,3.11186412610556,3.01162697567575,2.6199003310626,2.73865031427042 +Zc3h15,4.73740423743533,4.51666206902614,4.72524293085802,4.76264511995268,4.4638416350101,4.40754307697133,4.5792841770902,4.40585117323972,4.64411460329089,4.72372882119088,4.53128776782258,4.72393013311697,5.1326024377141,4.83218289433858,4.91990587440722,5.05182020073294,4.89010637152665,4.93568827683269,4.82601479233347,4.87131796946674,4.95751565324413,4.93003977535259,4.94892495944542,4.94493154109064 +Mtx2,2.95595754538726,2.74000648711304,2.84572326231718,2.76809082427231,2.63634236572969,2.70159936362611,2.7250152859798,2.6810465844341,2.78000322652122,2.65826118780801,2.66653539333619,2.74814189372314,2.94780344818107,2.82975228495699,2.77490579191049,2.75039324123446,2.55656506997945,2.60775535887464,2.37923772743068,2.92568430449898,2.81690382195415,2.69407698469335,2.67397594221465,2.6949812995919 +Atf2,4.11135723027131,4.03431293582965,4.33745399605447,4.01009200506116,3.93010859475849,4.02229629233717,3.83499159107261,4.34772211292972,4.20013204104011,3.99739144981573,3.91091682524794,3.98351953147754,4.50231189314505,4.05156761116071,4.4999073035728,4.18940869138143,4.0694592220793,4.38495769731478,4.03540588201147,4.45635185136799,4.28333290031451,4.13631148794085,4.0659280504363,4.14718319922795 +Ola1,3.01111130736742,2.75947798330222,3.18537134122985,2.97155456301257,2.61445998609437,2.92998822511489,2.60231492871545,2.88486294928169,3.02543316206475,2.72433326539335,2.66782238478098,2.83367663510266,3.05916368055765,2.55348018263085,2.83345811281807,2.91858903278856,2.61903776237317,2.89746623900242,2.44522544848865,2.92967031081297,2.81674244586083,2.8911957617169,2.77290224185088,2.73974549551659 +Sp3,4.56246516073206,4.50061999874316,4.77321876218668,4.57801925342753,4.21669424285424,4.32364479210474,4.38322537495907,4.65539301824824,4.68324595207205,4.57683555249343,4.23736901535875,4.49079810831369,4.39115112501488,4.42773976080111,4.49046491652824,4.44652619728558,4.04385235839626,4.25761029247156,4.00477998084268,4.55799648470319,4.38690236450545,4.37585184036651,3.98516487580886,4.17864817157874 +Itga6,-0.101241362371713,0.463192047168764,0.267929478227255,0.0201685074570195,0.474546224517211,0.0328300410274815,0.472509308975763,-0.0696534166166085,-0.349399933132479,-0.11467853994508,0.198042863206624,0.0759786425156066,1.70355562859482,2.24415444852671,1.85202617841833,1.72575019379277,2.3671255812184,1.92556522921927,1.95927921605259,2.15105377251421,1.62487467439454,1.76965911927125,2.51886575335928,1.90868544802951 +Kif18a,-1.81006085125836,-2.25573764752128,-1.72931783131252,-1.56165162028964,-2.1696211523928,-2.01869766927555,-2.04922536705911,-1.87912526268804,-1.83520030510689,-1.24005586594217,-2.34887814626245,-2.13303156800744,-1.76393785706104,-2.52230487973773,-2.21196230773244,-2.56465422681701,-2.51444455089606,-2.54319035459576,-2.13879108796449,-1.97767304890736,-2.11797789041203,-3.50577444181313,-2.38385962202993,-1.87664592619663 +Arl14ep,2.96957061497437,2.86215868203857,2.90906609710353,2.79358269550067,2.58440108554621,2.58705379093137,2.67275429911188,3.01562144891144,2.76864825965277,2.68659346759362,2.66463441707022,2.70835982791075,2.79678775914721,2.68757268413164,2.65833140218364,2.61173584725246,2.31432393840055,2.52961683515592,2.42905701621223,3.09706417875815,2.79485399200247,2.560701717189,2.38839616358787,2.57267089352236 +Slc12a6,3.65225778665204,3.95764472178752,3.6700465424929,3.72294287570341,3.92148387133934,3.84654319917911,3.68756065689792,3.94368610525055,3.78292616055271,3.74241047684682,3.86018105899849,3.90847748563892,3.06727945567511,3.64033594499048,3.233521060031,3.45173402752873,3.45299947535745,3.31910701899609,3.31210129560173,3.45606946758258,3.07853443655841,3.32944257295155,3.34006595876092,3.51273030689038 +Emc4,3.47428215584591,2.92797321117785,3.39571863741696,3.46088440910713,3.34522715408085,2.84698213890396,3.07052134282901,2.94267863696938,3.17139562088992,3.10876295917452,3.23616969691649,3.16718983079119,4.64572823495012,4.34201824675951,4.47067793834595,4.24017073543641,4.31838769230567,4.41686428236369,4.10345014224669,4.61240723876123,4.60111501067686,4.42664136547856,4.45344188248964,4.22150773543066 +2410042D21Rik,2.2125955845479,1.73492652267285,2.2439799710004,1.96837877389828,1.92118828117062,2.16402527989528,2.05837561252825,1.85160046754341,2.12630898954382,2.07471515565618,1.84546464772341,2.01160545241046,1.8355565752363,1.90606214602174,1.9462589755409,1.98188442612709,1.76471897734792,1.94143183052476,1.43204953079543,2.0265745212403,2.22921321304944,1.96312159832113,1.50088841754253,1.64175322053048 +Nop10,4.94652825740599,4.00215929172498,4.65300456179641,4.5662987209532,4.10674811916811,4.20649009069482,4.22872664181926,4.5453196707443,4.34400044782435,4.4583383453833,4.35333370800222,4.47532053479156,5.49740373726184,4.92366378116907,5.34291375574261,4.9918230251808,5.04575332924175,5.23121402576368,4.75079179555873,5.2933237840895,5.12661726147595,5.0602588942852,5.02722450779623,5.12217363839747 +Lpcat4,1.52140064652416,1.47152719853648,1.36576153103204,1.40140268494594,1.54682967412464,1.78131922387607,1.67256124769582,1.10420233756225,1.30947429869758,1.77207848275741,1.38962152935964,1.12505861030643,0.532445878397409,0.963096881945375,1.17241890691157,0.540992771791696,0.50636677331909,0.624270364592878,0.966371909003559,0.474073086417668,0.618931525111063,1.00310110342124,0.455490204258314,0.641776807520741 +Ccdc34,0.3072428377671,0.793552451899926,0.554671547044904,0.757006319964125,0.0978693470269794,0.179952846189996,0.306498466915542,0.356126892133857,0.534472119681286,1.05741358017632,0.420160741330465,0.455984650501588,-0.247098868994533,-0.0267707099728529,-0.481498198193755,0.215732077581743,-0.372595423472118,-0.505270236607337,-0.181236827815267,-0.154815883557465,0.0827892967752026,0.1789897835285,-0.889237677944459,-0.323505758287379 +Lin7c,5.6506707046142,5.47876853640118,5.72908698649614,5.43894661204692,4.99218498090035,5.22118755439834,5.13256970383911,5.65338362966347,5.65390154960335,5.42365630944924,5.10987828475849,5.31990987014371,5.80606030203001,5.50324480288335,5.83783492090025,5.533520808674,5.08254962522559,5.5869724926304,4.9667855850008,5.97237357499823,5.7223170309708,5.57025272764572,5.10964121900382,5.41089243238014 +Commd9,4.25984796377905,4.05604511489667,4.41440603079935,4.27330118206062,3.76180043936055,3.97713681943038,3.85715451622081,4.35883885672736,4.12973410312222,3.96088282007287,3.8715838472408,4.01579219082624,4.55568783058022,4.23428167698337,4.51108801351633,4.58565912350371,4.21098223770201,4.48607616092203,4.29998691168439,4.50893524333843,4.66412193385259,4.34659329437554,4.45641598638664,4.34600031091811 +Traf6,2.42279052822447,2.58052185306546,2.63110971884149,2.39200450897276,2.44737538055138,2.40407911922698,2.21280601005503,2.68972334394506,2.58837901370944,2.50011696952718,2.47543412041484,2.34229239859011,3.01952411878215,2.90318192295682,2.97480833493033,2.85546882389617,3.06378027311892,2.98074092310538,2.88609046503906,3.13035313042238,2.69836039798148,2.87428998676497,2.95913862029151,2.83702833697624 +B230118H07Rik,0.777234029640344,0.237603089193882,0.783309531340914,0.636784492728165,0.178549989378851,0.387334067601097,0.241058850029476,0.629743375780492,0.645516011821774,0.729883015006847,0.134860768610686,0.248855673418476,0.832315152495489,0.48335899414261,0.644421449670292,0.445086616951662,0.178839163198335,0.49872099005589,-0.264711296704467,0.670042859094898,0.66434368522614,0.478363426029365,-0.0141034009102379,0.14400385734051 +Dnajc24,2.24173326109772,2.52221982069134,2.3301771399675,2.17927953482686,2.50717900260666,2.39058687025741,2.59480699298532,2.31228714315681,2.1360499102515,2.15803859330741,2.53102118697568,2.20108537799171,4.47206084766975,4.41003870860274,4.23248327921625,4.25607607960317,4.06770160452059,4.11549418815503,4.42146856878937,4.69614016357668,4.19440191246871,4.23380630610903,4.10569971607518,3.90097481035061 +Elp4,2.4145463529503,2.30248677318497,2.43961755143782,2.10597760817503,2.11706240687844,2.17845689280103,2.0503528988432,2.57046187391954,2.41266266794761,2.13615794074197,2.1601749437985,2.10081671166942,2.75834865973307,2.64217519220793,2.96873698855157,2.47051230816774,2.40570777766538,2.81338435827803,2.40384010649173,2.88382779246427,2.82636514311353,2.5866669572456,2.42421830182055,2.5998573650616 +Pax6,3.63506551033044,3.94316625681875,3.93627929821111,3.83015175550731,4.01528194029848,4.07569647326199,3.95171957997785,3.86846487140249,3.86383079997882,3.90595965649229,4.04925599489525,3.8979898149192,4.05603371938592,4.25802485450759,4.18923146424762,4.1595600060317,4.38957322720047,4.18461171263956,4.44725451556903,4.23757758369007,4.18359505843133,4.18211349356995,4.28432820278012,4.28097433526174 +Eif3m,4.80898669520395,4.3136114560084,5.18772629456045,4.86313654914645,4.34617565113051,4.30059455525293,4.4009980551885,4.71112608640433,4.97154414188081,4.92709074788447,4.31287266365843,4.57817040039324,5.48754331744471,5.11080515037566,5.45769975235999,5.12192349930996,4.79735677446536,5.36986918135804,4.99938799746655,5.45255411413967,5.59180609471237,5.2412183044473,4.86377885696223,5.26220864216867 +Prrg4,-0.670539804129135,-0.338802406825899,-0.78525978543723,-0.913632579076164,-0.419556520586915,-0.383418253218597,-1.1703653614909,0.0669401128857536,-0.286253630842479,-0.891454170229709,-0.421061078673989,-0.236500750373582,-1.73513829734261,-1.8828163350618,-0.865910592431675,-1.15901213187297,-2.71883362300832,-2.95636730787593,-1.02692940918504,-1.89287508069082,-2.00934442780356,-1.13546237366553,-2.68345338638487,-1.73584338912979 +Depdc7,-0.837337225334142,-1.07703409661681,-1.04538883390138,-0.926959230082142,-0.710972604095764,-0.847400160535191,-1.46350822408847,-0.415601011167742,-1.19605082479894,-1.14106321999316,-1.10337469231821,-1.20916481776887,0.800680592831566,1.64302176745897,1.28563834005845,1.37925564115912,0.791712378119682,0.648517503468713,0.730605434786097,1.76014071239829,1.56662910005553,1.40804219795523,0.686915117278353,1.1737223457123 +Tcp11l1,1.47204811773629,1.03796189430421,0.815374132322447,0.912471112344811,2.16480566836046,1.98661675708375,1.55246805201916,1.4496491530165,1.08948348674727,0.678274230035882,1.87006092090353,1.29607384200013,1.30392516189114,1.16010513548333,1.08963709899406,1.25480102558465,2.24710575382092,1.54813612189635,1.82066655898465,1.31760163485856,1.06874469394221,1.26413608371506,2.07227502404509,1.64817784421601 +Cstf3,1.97909996262021,1.93573360370253,1.93801454377416,1.68819095500684,2.25851241149809,2.33163344872297,2.2193749928431,2.02131459353206,1.84628251163824,1.62443663309975,2.06321665807981,2.02422326853,2.0239215017041,1.63657675070911,2.05890096919651,1.58680687265506,2.05492517774976,2.16445717137826,2.05969024237477,1.66029124527341,1.8163147909714,1.60119878722451,2.34279418996759,2.26423960632096 +Hipk3,5.77573232625253,5.58272840792635,5.82716753032847,5.60379370024619,5.55795181330599,5.67175966978381,5.37396493796901,5.94534718255622,5.76820524147406,5.53651333377736,5.44660452363903,5.61588905576443,5.56057466839885,5.75599833354138,5.81824660939113,5.75378399918775,5.47760774401185,5.67963872706002,5.53139981615147,5.90245764903705,5.67359594788736,5.64513666490835,5.48856691675215,5.61165676363422 +Fbxo3,4.13668966323095,3.99328987450087,4.30114890609586,4.22624308191273,3.92467369933157,3.99166807471361,3.89114944086104,4.13558811169057,4.14119145372073,4.15959464451017,3.94386009822692,4.1017299635009,4.14385673993577,4.25308407678364,4.38870491300899,4.59185460437203,4.15765042986125,4.24956220186167,3.78436178747628,4.41242221096407,4.33880395711393,4.49807558242854,3.99031592930873,4.18434412899109 +Caprin1,4.85756780381638,4.70623578917814,4.6783916408177,4.58865570757052,4.70580217405393,4.79417359089076,4.62948068141758,4.81645601688136,4.76848717017235,4.52481830428895,4.57561589895002,4.70655829303836,4.91174988392034,4.82152362286569,4.65374702311695,4.74917938419562,4.82326604982033,4.75888735168488,4.71937486050284,4.82287494768639,4.72329800069664,4.73138708069744,4.81100632365855,4.81936797369981 +Nat10,1.75204993777456,2.19440260118477,1.69978846060101,2.05054040758872,2.64941395237211,2.42708090105993,2.53464072236542,1.9786404989793,1.86827182987667,2.32589411271247,2.56877561639857,2.38380656398001,2.0800386189022,2.24930287861508,1.88042699129594,2.20569539402245,2.65704227194468,2.30524659828623,2.6304198388448,1.76851563808259,2.01423384059749,2.17867092379462,2.67579628771618,2.62642548908828 +Cat,-0.0766944451142875,-0.543800962239037,-0.981463448424307,-0.709800293218123,0.475520194060876,-0.227186416670993,-0.529624776241991,-1.23195670914073,-0.607413414470577,-0.784283086342586,-0.804446392081552,-1.26861134298255,0.605289088398719,1.38630798624298,0.940099221021291,0.775927096087944,1.17932290604117,0.933615033893931,1.10720679604466,1.35011384251231,0.885819343508861,1.64114500882063,0.567012208387986,1.01159503117268 +Pamr1,3.64002228167293,3.73386870222551,3.93618774242416,3.70798573648434,3.34123109299254,3.56807287500997,3.3858649431379,3.83513344316575,3.83669401690871,3.65837310848009,3.19306427952933,3.59193334568022,3.70270043725507,3.49098804837427,3.87437431218039,4.05800152745569,3.97542612256421,3.63523350344916,3.21749913356945,3.80832866914918,3.85922531012804,4.08575075507152,3.797315869724,3.58432530376595 +Trim44,5.35906449367458,5.1910983561436,5.25097150055078,5.15521398851791,5.21759564268808,5.18268830588361,5.08375038331742,5.32633447498397,5.19283317865232,5.27614955191029,5.21897909378281,5.19596467008351,5.49450613691126,5.26446483529525,5.40722096568597,5.36418823690386,5.34176987166822,5.36780762446365,5.13067486971123,5.51501389576814,5.30651983047995,5.27976676364467,5.18673194461397,5.21593836623091 +Api5,4.77905088009661,4.30658827584735,4.76935153475627,4.49214899895804,4.22327461008337,4.32839160470032,4.38963477391612,4.58095039902376,4.63425954288396,4.4033621059417,4.32006766538745,4.43042894501454,4.8633511515103,4.44749318039053,4.73174766098859,4.6145772631028,4.57541711993659,4.71744424611594,4.4554519396724,4.81196003917362,4.60769961888717,4.62869243237182,4.4546196749922,4.58969338493577 +Ttc17,1.96379774197641,1.8910016794809,1.74192897370305,1.78645309114526,2.22430724037329,2.23171179912661,2.03570675865745,1.56857214614551,1.72480675666664,1.78330981537616,2.06815564358607,1.92900805729912,1.99927270803868,2.04994978577784,1.68279573985681,1.85305341721161,2.30282621072137,2.11487040817886,2.1836120214592,2.08546677424017,1.7709318321193,1.71365707709372,2.34744759652456,2.10788019859259 +Hsd17b12,4.95307503334089,4.15539370303724,4.79439877227819,4.61835279093975,4.24435393004998,4.5768431996764,4.24342791280902,4.29032983019174,4.57003489960173,4.52861880045601,4.25389564473127,4.33851901206716,5.65495025785498,5.28807046715472,5.64302342151046,5.11372477007143,4.97936056336352,5.29698825613976,4.99450141837645,5.63694931645617,5.63824750557136,5.1778965679633,5.02359346160441,5.22992004444448 +Ext2,2.96702905070856,2.62094400468248,2.88329101100441,2.77044922848388,2.63981159299877,2.89736030377592,2.78026971777561,2.92808132202906,2.79722762389152,2.70461504779023,2.7471257141565,2.74672060856418,3.06193418248891,3.04998440375819,3.18847567573352,3.11560368132192,3.14140585287033,3.1859859176057,3.21283836025453,3.22618022359392,2.85338359620278,3.00484926257189,3.25968780144293,2.98099914835336 +Gatm,2.34036155020724,2.544192066254,2.68370090636965,2.86195769533292,2.83199905169172,2.50864607310838,2.31919178859916,2.50128798236254,2.60046501915782,2.91784283494287,1.9566027203712,2.11609038045811,2.53299383155409,2.65259723900991,3.440353086174,3.93577467142338,3.22922354627394,2.37275010740144,2.1386443177411,2.95814877053425,3.38490810648306,3.35356929738522,2.69043358833064,2.39084297410529 +Sema6d,1.91256365430165,2.25728777609007,1.94060090685701,2.07688867403825,2.5705181521167,2.51226404352673,2.28466505992373,2.11426707048966,1.99895842554417,2.03546304681276,2.49800230805962,2.25463505669522,0.569620182393576,0.943302179125697,1.03249957285236,0.895815618247162,1.08550870633932,0.77909141330024,0.793189318530384,0.8607136398047,0.709253871677234,0.735794533575034,1.10267019122832,0.938077931453337 +Myef2,3.51810060212114,3.92868560383088,3.09282471849428,3.74649677948759,3.85426662176509,3.78834782090446,3.85316615717197,3.47050904787804,3.55487967818295,3.60244087265325,3.86410129957393,3.8376319938598,2.90730788362136,3.19606780407083,2.7933872777588,2.96933962967142,2.82033637030234,2.84355827308917,2.84036462749269,2.96503842734188,2.97178762630729,3.07443159256288,2.93805766363334,3.14284809087728 +Slc12a1,-2.77742164760926,-2.12651170600845,-2.49243264019893,-2.96399264448934,-2.55728093042744,-3.0099041509945,-2.31445019981068,-2.63185715604933,-2.70964278752851,-3.49787981425579,-3.14040810672541,-1.72756941070207,-3.54949589013068,-3.49415760198388,-3.01789482375435,-3.41586683662745,-3.03008227717466,-4.83594130947615,-4.35264366934847,-3.76433450765858,-3.28136017008375,-3.67415264772151,-4.45087129715794,-4.82943117967358 +Dut,4.00757496054961,3.82657806042952,3.93374122532038,4.06676527580397,3.74118953386555,3.81681324296565,3.72092004121284,3.8745447671426,3.88988128287056,4.09538498085056,3.97330017076132,3.97617437839576,3.4498297931251,3.22106474196237,3.6505108211009,3.38280106514324,3.22375472996832,3.33284556527262,2.97806197931114,3.89352684056758,3.65521801011805,3.31963238699415,3.28831114233263,3.34467344901536 +Cops2,4.52113721752454,4.48159068754139,4.82883378989364,4.49898320570016,4.18047788450411,4.20809116607303,4.24553504527775,4.56481787264895,4.63306006504623,4.55988350853636,4.11606913680575,4.36577549258817,5.1698788996656,4.84783306744683,5.18546053488974,4.90994741137274,4.52064682538254,4.90387660584147,4.50899396904243,5.21274229222948,5.05655528591387,4.87305519685231,4.55217617891895,4.72222317880453 +Galk2,2.44793702208064,2.56267075157804,2.77079139186895,2.57433672720866,2.53579803481255,2.5600471492862,2.5369377171593,2.55991280884657,2.57539185236633,2.46604338618271,2.28625374694112,2.41243180276025,3.41647487922928,3.30579784573327,3.43886736563638,3.21582397112607,3.19878666977287,3.41874037618407,3.11763598261555,3.41820947240923,3.47152388907628,3.27549339976446,3.26490756530519,3.28521433213439 +Meis2,3.51011270299058,3.62294895297947,3.67220852941013,3.48102757067058,3.98410890082374,4.1221637923281,3.74696007872055,3.8413259515829,3.55546161375939,3.48857148321146,3.85229309127731,3.73049442053226,3.13703318554106,3.35971159214451,3.056255776505,3.02828056635515,3.31527272485172,3.26276918044875,3.49236877485757,3.23588588484618,3.04929868636038,3.05256791628009,3.36137029833067,3.27165873200253 +Cd82,3.00530950061397,2.90230353478351,3.20441316447648,2.98037709550889,2.93423865912453,2.97580713391563,2.7493638599086,3.22345331353563,3.13595099255768,3.11043373330545,2.86082493146929,2.55182348117286,3.02962726738099,3.03582651182326,3.15930071813956,3.26073347839704,3.15645375080825,2.89252441726887,2.8736694153498,3.27385765571722,3.0877269479832,3.0730159407559,2.98667146587603,2.86177606635555 +Slc28a2,-2.11690465878317,-3.24872382459287,-3.12419761873129,-3.98262461838366,-1.06440601140295,-3.494658008311,-3.62069401779965,-3.22065704016367,-4.49267106508179,-3.51379089731989,-3.96071412733131,-3.94935309458637,-0.397027090035994,-0.772523454231294,-1.41733724150322,-0.181598080048333,-0.234473478794784,-0.239085624178994,0.302419982987347,-0.578017087945258,-0.474853113891818,-0.868712504069719,-1.00570004273874,-0.102429558544151 +Syt13,7.31672757996452,7.43035890222836,7.61999736327844,7.4131440079084,7.24324638570541,7.26556209412803,7.23711135252471,7.54663638962623,7.43904796494968,7.5015150841016,7.29147722607057,7.32734759489099,8.52212930292777,8.52942154378377,8.90145905090889,8.74790750398457,8.73984659712737,8.65925096996895,8.49775276515008,8.71724838441031,8.53457474739282,8.83019806789952,8.71283870204739,8.55719433808815 +Pex16,2.72079746655826,3.3277080793681,3.15187046872543,2.8866304281958,3.07823274334968,2.9971697458134,3.28123179771648,3.0200917495838,3.04052540794709,3.17316096360055,3.23815554732755,2.88373832261907,3.13050272588108,3.27428690657557,3.04410002017584,3.11971014633144,3.26746160794761,2.90181187629224,3.26438465557807,3.19935855681,3.43494005737658,3.3729068544595,3.068936773147,3.03898993809827 +Mapk8ip1,5.04043207746155,4.978307726066,5.13236151762935,4.83928254582068,4.75786149701115,4.89884191257172,4.96563800399025,5.13968679651552,5.12175240733323,4.8574005339994,4.94046447253754,4.84071476465816,4.89860426773769,5.02949584954269,5.03582340447657,4.89165897302265,4.66097609168971,4.82317796436696,5.08871771142557,4.85214320479787,4.94300264075304,5.01206342471367,4.75872886783416,4.83470918012531 +Sord,2.35322396776103,2.95312071457774,3.26868868407481,2.9768225530541,2.13478526681921,2.29560915067954,2.08348395902441,3.04244556962716,2.88714921616786,3.04906740915476,2.24219105145826,2.60856633002953,2.87554918269172,3.08175336966931,3.24281582519699,3.38242600702039,2.39882476441499,2.81999352193483,2.4526333982027,3.31646851007507,3.24371104675817,3.13814956968856,2.40027075396148,2.82881141893781 +Creb3l1,0.148605465440034,0.746360186162442,0.418234304792729,0.0808357693398534,1.3854158136866,1.32064526568441,1.04320125421862,0.536011874418295,0.163566182502213,0.741298838648697,0.827682891274688,0.182221775775618,3.01498558196598,3.28183919000781,3.05213819305828,2.48999316001738,3.85557952288301,3.44425343598456,4.04200248153508,3.28681283711063,2.58095368794904,2.92348514217728,3.99589431429303,3.42950987514801 +Eif3j1,0.833224259509088,0.341057698278029,0.770225650278327,0.477526048286473,1.09000002711893,0.859374028622791,0.308921146412481,0.832629488701247,0.71316496267988,0.834684548419418,0.533368414989021,0.217836385373444,0.998038158781881,-0.0343039672098948,0.605201667744597,1.06265226806417,1.08921694116349,0.896554534162855,0.909423025766901,0.391555936094778,0.92110914890271,0.71774457362426,0.35337773457974,0.410883194855041 +Frmd5,-2.27860578146206,-1.42371162934944,-2.74257444263313,-3.00613863207354,-1.35930668290617,-1.26406851294487,-1.85031816266864,-2.2618348745232,-2.66655729309384,-2.73727103746723,-1.17385857282563,-1.67409544262394,2.25277356912249,2.1373951941299,1.53881652526721,1.90667379348323,2.23139840182074,2.23734195998953,2.6782332662932,1.77615824918208,1.88569478848948,1.90904765256728,2.51343984268624,2.44508849746794 +Wdr76,0.460326624720578,0.697579823266062,0.432091464568741,0.0365635733840053,0.289326926429129,0.50176467340633,0.391770899567041,0.806251234189574,0.635955808949722,0.798264749467476,0.43512818595195,0.28276209367079,0.318701234733276,0.155018560115161,-0.0088682003072464,0.0823055646696389,0.445899796127997,0.25979755045963,0.282182547771384,-0.124297097806289,0.129834479302064,0.436675207977275,0.351467750731606,0.356934940509903 +Harbi1,1.31087590071107,1.60183250595256,1.63917823983831,1.55801098586132,1.28272783177852,1.3665575615679,1.36506260472642,1.45179459908549,1.50215997545713,1.24690919370073,1.49344503051965,1.68342959411637,2.13650081542654,1.93394037460482,1.9885911986417,2.06631096894303,2.01411483737341,2.07541944035453,1.87388847469997,1.90349045928509,1.97431268290058,2.01113130276478,2.02202951611509,2.01703577484296 +Atg13,2.94802562342602,3.34554237780584,3.5796060880948,3.26378012720499,3.34986230563096,3.45602301998949,3.08043504588565,3.70848966286264,3.34711161262136,3.21745655975595,3.31285767615992,3.12161582827237,4.13562936310639,3.82952800419841,4.27597095057928,3.73480364698238,4.3456260290754,4.12859745655974,4.37717421946752,3.77029854861256,3.99204022442153,4.00178778605277,4.34271369065155,4.12660338135983 +2310003F16Rik,2.48902071079027,2.33111398577335,2.14759362826437,2.35137212700628,2.22214907097425,2.01601708626792,2.32942564601444,2.13810034195548,2.23010462063135,2.09122499447271,2.39186461960995,2.37284629302512,2.49679481154794,2.36117962565655,2.35936852485761,2.472638963516,2.54100477766784,2.70471218360169,2.57468423374463,2.33982187922801,2.52425980590911,2.39701635681229,2.61297404109425,2.59691261847652 +Arhgap1,4.434150648501,4.2992877098728,4.42177537252523,4.28863143883223,4.293057755591,4.21289011908759,4.16957974172347,4.49482734963803,4.39823845421096,4.24167917718705,4.24043510122763,4.24078652982797,4.53541318582971,4.22629851819854,4.4418287852094,4.25293206916166,4.40277924043734,4.42541963063436,4.34194102865769,4.28580665724022,4.32814832662988,4.2925631961599,4.3075686944298,4.27143187974247 +Pdia3,7.33265111463248,6.99035931785312,7.16961063766027,6.87756699422981,7.22290943307057,7.23431139678852,6.916489338016,7.43722362354157,6.99357350491237,6.83829621528406,7.1698990175033,7.15624389675175,8.13825447482317,7.63044016487546,7.55738230246961,7.36930234000277,7.85271375913193,8.04530873900775,8.00854110436985,7.94611868011615,7.67638286296242,7.35870037627975,7.92110448998164,7.92494934325885 +F2,-0.798776327047374,-0.826060976757206,-0.535034687359351,-0.463917561294906,-1.33312384675729,-1.31679171159421,-0.903250900517714,-0.938245727284841,-0.915628682150037,-0.793278716257464,-1.12692567914752,-1.67315227633459,-1.42845174963819,-1.5067850449022,-1.32553417091649,-1.46692016782227,-2.77424116632127,-2.28793862322865,-1.79180436544429,-0.944716015253426,-1.54452479742274,-1.87901231472173,-1.950934780495,-1.97801546971253 +Mtap1a,-0.523566564780872,-0.704726960422174,-0.517407783474201,-0.79047028126904,-0.150563397428956,-0.224344923464086,-0.407262446251574,-0.440387744924184,-0.577354806591932,-1.23545735127251,-0.382504008103592,-0.937015000091443,-0.811039418295825,-1.0158179046455,-0.805727539113519,-0.775157411898422,-0.942175424780686,-0.874231004075467,-0.484558796656545,-1.70998807488002,-0.983392300916125,-0.956701397316685,-0.705527336326496,-0.726765722460313 +Arfgap2,3.60711486201871,3.59782813735324,3.61266151511715,3.59912141497639,3.7013665894143,3.75534912284014,3.69068270515265,3.68882527859444,3.80453190609371,3.84166491580792,3.70693712495038,3.71182493006244,3.68898275676811,3.75519367831322,3.5484622774884,3.68013716662718,3.79659764882329,3.73136725290815,3.78262291333456,3.5727189308671,3.80497099104816,3.69440130851596,3.97481910554535,3.80623281528958 +Adal,1.86154071611145,1.35549358504547,1.21370874129908,1.39420839112688,1.37341684025868,1.56412033283411,1.62611323988293,1.44002140700671,1.35883970533674,1.4061609112273,1.67790507036784,1.59987017233551,2.05514035586921,1.92358692334521,1.72141685955282,1.93773337670152,2.03008691662658,2.11785320479081,2.10836064611783,2.11752653836568,1.99969524527897,2.14037081196868,2.26616159555895,2.39595836403774 +Tubgcp4,1.65849487760032,2.04846101615126,1.18865634739355,1.98074536786539,2.26719464617063,2.04374468533231,2.08628228885263,1.61580029295856,1.71899409457691,1.64507612537584,2.22194184747977,2.02892025032216,1.51617696518974,1.91910917954564,1.64918965750512,1.59432694041511,1.98722432672728,1.87385792908936,2.00662537633561,1.89828301453601,1.529739738293,1.75618172746943,2.0459151931621,2.12569399377477 +Ubr1,3.4380455464477,3.45443847590037,3.37021446778548,3.28816831543724,3.41838355680694,3.33204261971691,3.24059762476291,3.49235852765414,3.49985887977478,3.29623304337489,3.37444440780071,3.41790659618287,3.64949991067339,3.60471602591896,3.77556658574764,3.63232854941391,3.56702685315737,3.67187240890812,3.33783894979805,3.65969228021649,3.61689078252156,3.54218132695053,3.54123652546169,3.5267802517677 +Snap25,3.98637999047804,4.07142568976576,4.04981188936072,4.17420418635165,4.49001514000292,4.44510540511629,4.1505129773461,3.83267042515959,4.09676457612267,4.13681077801111,4.29638541043809,4.15370885648205,4.31801089477311,4.02053713720206,3.81726102118995,4.2597959958832,4.64987341620886,4.23390783924539,4.33544941126269,3.73613864150265,4.21524384513665,4.3529979263125,4.51687147319287,4.3138938698028 +Mkks,3.04389507702735,2.77129702074406,2.6826284255781,2.54601174489183,2.55208369403241,2.44430883266904,2.81126251997564,2.58614005197659,2.71317653496038,2.71358260254766,2.48527470809165,2.85961485849257,3.31731325768549,2.92794208151174,2.88894937527203,2.94753734508408,2.75916254248579,2.8989643178469,2.69618784756041,3.15789730584623,3.1321689964925,2.99300657277159,2.79857412088081,3.25709471977539 +Jag1,1.56463736892047,1.43259472767502,1.52923761779305,2.0597265790453,1.41024810752653,1.14720152780218,1.53749383730019,1.38774314440585,1.35636887500798,1.62359253802657,1.90926155856343,1.76274095156212,-1.37483066058664,-0.852020458598025,-1.16200729074481,-1.35798427811318,-1.47079053813016,-1.26007065020171,-1.5383504102007,-0.382720212095049,-1.49464730732771,-1.53141255472197,-1.55496947050821,-1.24320673037179 +2210009G21Rik,1.96324137694241,1.79093473474286,1.82510606309552,1.51406962029011,1.85550531100549,1.82090535523731,1.838295250755,2.01551043175989,1.88971842438608,1.44399758169562,1.78941525019719,1.89153759691279,1.39529807220212,1.18937944640908,1.25291199574471,1.29611716841713,1.59516656166752,1.59035284933656,1.22266564125222,1.29040494722302,1.19340664786336,1.21518744901765,1.30618155233714,1.60847441196048 +Mtch2,3.2438955642937,2.9146518686406,3.14508188278569,3.09559426852393,2.8191301695041,2.78726589412931,2.81648085004136,2.85045134607215,3.06759421289803,3.00624580993504,2.73684665506943,2.9962078258847,3.84538826986154,3.31625424412445,3.70400164650751,3.50556717268034,3.24871708119245,3.51535836991063,3.12395640078624,3.56348972169938,3.59415413981988,3.4396216967926,3.1995617834474,3.28535954625906 +Cdan1,2.58864711769231,2.72317874436395,2.44978311931098,2.52866520721797,2.8183324465284,2.80687152243548,2.62868051401993,2.56706762901498,2.58314985238437,2.42166462908279,2.64583351819423,2.68229936021457,2.31480685976522,2.37935022373312,2.10783151011415,2.26333208042002,2.49429781964114,2.25589074079984,2.41390214160011,2.29767447958062,2.16056212872656,2.21770321210749,2.63320215519474,2.52532949985719 +Haus2,2.64810981507479,2.78112740615977,2.89273086154122,2.78290260236778,2.21535293979119,2.39970481774885,2.19493643768848,3.13090816225102,2.81731176982061,2.92143338482156,2.38889842288256,2.40253958977251,2.46772130892494,2.46217060345417,2.96668276251834,2.52607814083416,2.52394649739208,2.71928819150517,2.07453608050693,2.95570832024727,2.81674877446423,2.93657814699185,2.16218540913275,2.14448447829301 +Lrrc57,2.34110933935667,2.71907697996704,2.53634214702102,2.73264845332852,2.40281535670802,2.61911879987073,2.26382391964784,2.85972778844583,2.55406128957565,2.52903195926346,2.32097755350684,2.757236305662,3.13246126159338,2.90579595632873,2.80082218098666,3.01856168571258,2.89807424852397,2.87073401655047,2.55657238948019,3.17710288341975,2.77836647392351,2.75674517500394,2.45577968235968,3.00663477348848 +Snap23,2.78702588866871,2.72698474693695,2.52563351617972,2.68431554133493,2.73179047314932,2.62541266366369,2.87692336794022,2.1043408119442,2.49509816346933,2.49438689757044,2.71673284224408,2.9670145649768,3.73662132820563,3.24405862640824,3.14497099348029,3.09787162259875,3.61915357289791,3.59240064537437,3.30487294111573,3.64144603705621,3.24200990881348,3.35426107897213,3.40594062561886,3.62542571887078 +Zfp106,3.84165798391388,3.90790342519494,3.56131934967052,3.70991619460638,4.09441929333022,4.02007746280092,3.8535557118822,3.68756301011177,3.70409346897211,3.8069846496163,4.18627744992348,3.93505772739869,4.48400485012373,4.65811248239126,4.21372022874643,4.41678163643945,5.145175411619,4.68240663157709,5.01427017039858,4.30278453595597,4.18480731244371,4.44725817444238,5.29215854454842,5.07475204547377 +Vps39,2.8828185871507,3.15954460076602,3.23203774264622,3.1466231166526,3.06197278596924,2.99501500015596,2.91846935015699,3.12716916851714,3.0037099580683,3.08342943424993,2.93658825338468,2.96155435701785,3.13079700430052,3.4486764309048,3.31897264726384,3.53472511358025,3.42364719352137,3.07605826173818,3.47434673885902,3.25746666887385,3.19441643331173,3.4790428831258,3.32183265326956,3.41930549246667 +Ehd4,2.04209800727724,1.47165528141028,1.03288635287462,1.34523652682187,2.04824300989853,1.99846049453839,1.69315658923878,1.7129736902953,1.53829427499912,1.14902063621008,1.73988208893119,1.89265927141272,1.61715377303681,1.39361234453541,1.33682141433505,1.16714219342559,2.09955179756841,1.7080384903675,2.09992806118388,1.05154030028972,1.51272021990363,1.22958049850583,2.09224775359428,1.96383485201544 +Itpka,1.85018115286939,1.48157191521092,2.00063846028763,1.30311919133309,0.722488222716394,1.19871028064988,1.13442055076594,1.31030434381102,1.41150036832691,1.32044435736773,1.26183628122306,1.14533847108846,0.373309921848565,0.385578264782158,0.892555497429505,0.469822547833345,-0.0793118347175085,0.355699456923737,-1.0567826140032,0.519452754654492,0.548723764947753,0.563507565342572,-0.613536123311184,-0.935990089008192 +Ltk,-0.795946083439549,0.251315204833638,-0.61319274195728,-0.145954923183766,-0.217873987354408,0.111149300758892,0.23622281968534,-0.823887149442031,-0.561468234282055,0.337206148051891,-0.0778915374222118,0.284470453701271,-1.16860872663154,0.216603247418969,-1.31202316164521,-1.22301420347614,-0.326870023084782,-1.7789296989463,-0.0950922670726291,-0.525778542044641,-1.10276251205581,-0.320298690860442,-0.478602533519988,-0.678477567130038 +Tyro3,-1.27607653269397,-0.948017493203513,-1.33773249049452,-1.1281783539376,-0.601251649883369,-1.35301550848911,-0.694642717571057,-2.15898777969089,-1.25585088611299,-1.12600017019247,-0.757826166138921,-0.90522389182855,-1.77197574554969,-1.44263942343095,-3.19566953652634,-2.73921944296414,-2.43211953358426,-1.41375109846837,-1.33373623419808,-1.84178928052275,-2.2766823998218,-2.5514639528318,-1.50624258300201,-1.46468991320631 +Ubox5,2.26990361193567,2.09005221595212,2.34696111264012,2.08631463254131,1.97467922942516,2.19477780222994,2.16143121826579,2.10121757345589,2.07147183711908,2.27580165374627,2.14538212296817,2.11621071713204,2.12981805123569,1.88825664721066,2.09962101975448,1.90074822638725,1.97826384639825,2.06715518091735,2.11440214917435,1.82721046969835,1.88175226088598,1.85878652132345,2.13844338051478,2.01739189765826 +Ptpra,4.05793909518218,4.03263020306227,4.1091340081726,3.96234538643218,3.87622037140738,4.06642967830626,3.88915779305307,4.12658405201507,4.14059802957658,4.07687098225098,3.96253776913529,3.90639243927702,4.20191090863548,4.5857374875211,4.36861690635763,4.43803453740069,4.2426901272032,4.25045777841079,4.32526876025229,4.51998171474537,4.35721078187914,4.49915785461219,4.30149733081194,4.29848782929553 +Rtf1,2.4170971002429,2.58429570997965,2.47220599825493,2.5417543687564,2.64499736846811,2.39662200492944,2.54270609968029,2.44976239303144,2.45044866104253,2.37214461388428,2.47514925076654,2.69562821854726,2.08302076024364,2.23226173621017,2.07770196844509,2.43007278144037,2.42220923207831,2.13288225231883,2.4816316676326,2.17899299379507,2.17207920186438,2.23786733904405,2.45821696591923,2.6085968582155 +Ndufaf1,2.79079616597626,2.94475212983844,2.65136280973938,2.72631580534487,2.37674347716383,2.27761342213218,2.50399877693026,2.81548583068896,2.77555238683025,2.73884681053501,2.52031135306588,2.74650196528315,2.75491593921642,2.65972657470888,2.37910241093459,2.75019488692219,2.4169824902172,2.57348942309659,2.49466983514108,3.00289186023526,2.71514186988375,2.57065191439168,2.54168061225041,2.53882045899915 +Nusap1,-1.73556200873172,-0.901728038395915,-0.494645408006967,-1.62983979344982,-1.81188132009631,-1.25783257902988,-1.08339600028004,-1.32887529727458,-0.265516946533768,-0.763018789122264,-1.97561535639002,-1.08132653142825,-0.762449366536773,-1.28763245643217,-1.34888951924738,-0.957808107415917,-1.27977212759051,-1.50343392141983,-1.65486600113348,-1.46838072571551,-0.318873107457743,-1.12175738861674,-2.23070451545757,-1.38660948350044 +4930402H24Rik,2.62062259179148,2.79110726519611,2.50364041261205,2.64820826254634,2.78644669936593,2.77940802235606,2.64084155982612,2.86113856383186,2.64181351819144,2.58457813158961,2.72939412898062,2.74090169299509,2.99449819945484,3.55737142985259,3.30351379142184,3.55383235404656,3.61721138207119,3.39215284502357,3.55809591943084,3.45320779644933,3.02889886229009,3.4505693760286,3.62374184225837,3.49679716782131 +Atrn,2.31422165213161,2.19919049458067,2.23453923336302,2.34687035728812,2.49782918233791,2.4727902572208,2.30749391903625,2.39097715385461,2.4037382515812,2.29280709556519,2.35324298825639,2.28318215393917,2.7922036519771,3.08370171396793,3.0684866243698,3.12038990776928,2.94675644933737,2.99964067699733,2.99928142552246,3.0426583758957,2.75205470581403,2.95636877453169,3.11362938189317,3.07777821466724 +Chac1,0.776369742640149,1.60742129811206,0.95366184754442,1.58136727338772,0.688276435652566,0.24588445220283,0.922390206872057,2.01568951838187,1.86340986714399,1.13518012457645,0.530090099167561,2.05027794698715,4.72858429980619,4.18484234441955,2.90268317961146,4.40481355290772,3.29150730430876,3.91593439425159,4.42560595865756,5.02646247321634,3.7277209805496,4.22795829450936,3.62993116827028,4.27114328452128 +Dll4,-1.3613765008257,-0.222501213664049,-0.915823712807542,-0.528507034304761,-0.235782513227605,-0.0628580972594861,0.10841197192892,-1.29356999747375,-0.759560064901227,-0.439805118449716,-0.0378765664337848,-0.519902953901337,0.0056440986376622,1.09924379872814,-0.0721178215723994,1.4078740963298,1.26480175986529,0.103426213374016,1.38275470146322,-0.057300410149564,1.1872887183253,1.04690528336746,0.989254520547077,0.88288010154918 +Spint1,5.47220445512269,5.43893826273372,5.67423248126605,5.7539915701222,5.2678648009884,5.32364378816551,5.20142026549268,5.73545453634651,5.5699137646137,5.84029153979226,5.46675122467046,5.56136295919118,5.57340724284153,5.88094803721672,6.21248577044569,6.40420188725826,5.7350052689264,5.69497254461753,5.59309924333427,5.8993302689725,6.03316504640584,6.42243882018836,5.78451507344898,5.67191545785437 +Gfra4,-1.5001182521463,-1.12376240469345,-1.09211714197801,-1.34064745615789,-1.10144399500198,-1.01959904466394,-1.51023653216511,-1.08484776115874,-1.12179558841508,-1.1877915280698,-1.15010300039485,-1.40496201700399,-0.891892936670948,-0.421401213138358,-0.240150339152657,-0.0093626399628954,-1.0397771708441,-1.20255479146482,-1.74146211955688,-0.519935258262492,-0.652123661682506,-0.0360063302471421,-0.542621421622847,-0.539073703196187 +Rpusd2,1.16445919450519,1.32158686656676,1.25409380767625,1.03866670118463,1.3673220619162,1.34830997084861,1.05095855761315,0.902759505989396,1.09900640350863,1.01934331211725,1.4336642065273,0.693899023234676,1.15537218290651,0.721078785374929,0.917115217619366,0.910252516584451,1.21900938482626,1.23662472512116,1.19499721943544,1.14969988964099,0.864526389588637,0.391417893658412,1.441335655224,0.990403295390087 +Casc5,-2.59102172120703,-1.99192446835028,-2.48233440689642,-2.3460009774026,-2.54718269712493,-2.21161475285843,-2.68807902965278,-2.13961168198869,-2.3162801877927,-3.16799840109785,-2.69118028131754,-2.32267693393363,-1.61588540659858,-1.90541056648687,-2.76717443613839,-2.86461930952727,-1.67525139097334,-2.16859053840036,-1.49759645105114,-2.05339410082946,-1.63098053618135,-2.08323314201679,-2.5228282946509,-1.22709393748482 +1700037H04Rik,1.98717009958343,2.10736509570457,2.52520460315741,2.0629505178929,1.96936346221178,1.81854279328937,1.76815948347145,2.27010248599577,2.40115153314918,2.17139924569367,1.79822401547231,1.66434300291867,1.11940835593373,0.879569265533162,1.487132714647,0.892520827238924,0.625264185038984,1.21230521679189,0.581230838540597,1.30395123102671,1.32625650237871,1.33197548824302,1.24246994274242,0.96591560954031 +Spef1,4.36314897983038,4.3490964708443,4.63090579548271,4.36745055011868,4.21630832039893,4.28326741657149,4.3743950854969,4.54362095239049,4.36881864113948,4.34914897310692,4.33273182586962,4.18617763270132,4.47006831443988,4.46780835624713,4.60796471795,4.50782535161159,4.29710373825239,4.47772482866859,4.45422001931384,4.48744287566712,4.47696988039299,4.65878161494004,4.59593648939576,4.37900929476682 +Cdc25b,1.20479612344037,1.63227424680484,0.964588799827454,1.10787719696617,1.47027146700129,1.35100177227331,1.67534687748386,0.961984718697452,1.33389508316353,1.15804666243006,1.64364417931521,1.38211674795176,0.499754174196414,1.04342089946147,0.726865139349962,0.448012495906708,0.413051209184476,0.357945932594269,0.906430644155958,0.633797412755013,0.616515354602333,0.719227607566779,0.791897937858553,0.666186231896129 +D2Ertd750e,-1.11806726736325,-0.37888412871369,-0.235907761205387,-0.658578185240758,-0.978073576663687,-0.92805261551558,-0.720062536018391,-1.09584320171067,-0.387861132008714,-0.964181609358796,-0.527548075996212,-1.00051691139446,-1.32725187753152,-1.10127775323674,-1.18216797897167,-1.94033779354038,-2.04226568265376,-1.41252508688909,-1.55851109842757,-1.52173420176151,-0.351541321766617,-0.900250775790639,-2.19823545676372,-1.39580115719428 +Ivd,3.91922148670837,3.98382580346033,3.6488488204798,3.73205515207302,4.00852358155675,4.21963715515797,4.05067643707444,3.97037185834172,3.94358864725721,3.76839712277684,3.86316969654345,3.91977574852331,3.99886153633764,4.04123743131268,3.92567570862144,4.02234931648338,4.29768435818627,4.27632418858026,4.32381340628503,3.88450034266495,3.98143666030409,3.9078003365241,4.1738356205054,4.07888373320946 +Smox,1.79209616074266,2.19735438169787,2.14552518209976,2.19039200694284,1.80289237254681,1.68464863106025,2.3941384034642,2.09396353924793,1.96849576530943,2.12711570016565,2.12121809193257,1.92527373874008,0.777618802514869,1.16416956904484,1.23372883410644,1.26605696723992,0.93479142435594,1.09101461873034,1.41508715278216,1.09280992600022,1.0709188689715,1.6102433139762,0.935620733947304,1.05217842700519 +Prnd,6.29307761275355,6.067545119431,6.22585861828156,5.95703852886835,5.78615404302314,5.86180915845159,5.75450169514952,6.27371556992253,6.13529359675856,6.02750579349694,5.85272243574315,6.07326707371512,7.44178123732463,7.13494382356205,7.25875912039735,7.12653510166458,6.88980601026148,7.33746022944297,6.90463218848784,7.39372481198589,7.17671167252341,7.20731156368137,6.94295881559613,7.15645089140544 +Rassf2,-4.31556540453594,-2.97425782215369,-3.42299450890003,-4.11991836553129,-1.99928026081153,-4.62598809906044,-3.36514112231665,-3.43037026754273,-5.07963889199185,-3.97732836603317,-2.77144404307135,-3.0575221026787,-1.27749507265918,-0.894505608214998,-1.67317473685265,-1.30880430735259,-1.44940012573774,-1.11843156815903,-0.733279087300906,-0.824754771615137,-1.79832937819282,-2.01157009422668,-2.05935284505526,-1.59396767254145 +Slc23a2,2.20639663240667,2.29121050730631,2.14306820882463,2.23215638642386,2.42215566394451,2.35997139119292,2.17012951540147,2.33052335587715,2.23754681992751,2.15542347140756,2.05351932557058,1.95707643888686,2.93750844254484,2.98019902988466,2.89021953259793,2.96407853772383,3.40165883260553,3.27901018894874,3.08194916116959,3.04591479636158,2.79715287872726,2.83380596588533,3.40914656904942,2.89783388852954 +5730494N06Rik,2.36488959838193,2.29958732788607,2.55347912361078,2.25805785266899,2.21091713826111,2.05598597120694,2.19666865275938,2.53378844409215,2.33817306469052,2.4734815523681,2.0984697751322,2.30323233412786,2.51430550099438,2.19732943106998,2.12650884941312,1.91259557769295,2.35347506504162,2.34591512733313,2.1232846401222,2.60845129950723,2.0991019926715,2.16665463239192,2.19889534872191,2.28797502366206 +Pcna,3.18878503461412,3.06454762554958,2.81773226090809,3.26914387340628,3.05319152058138,2.83105498621079,3.10369847444019,2.85453803944839,3.31966752789417,3.04765806973378,2.85591760944093,3.04893845518195,3.21137515371948,3.03880470791363,2.991296998289,2.96811757629196,2.7222533840573,3.10567374807539,2.94039724952082,3.1381473170333,3.3773971398144,3.29660560981895,2.89733968054436,3.02365063190653 +Gpcpd1,1.97073353817217,2.40264560462621,1.95237399272343,2.14028447305083,2.30894755792683,2.05431936741469,2.21656011149963,1.98845042505916,2.02006172742699,2.28513336184541,2.04326509004861,2.10843203497955,2.21728713475754,2.44630072792726,2.08112876278382,2.38598855840547,2.47563376653044,2.33409448423086,2.13469766346308,2.22904681695142,2.23884134040772,2.49279622306629,2.67336962423704,2.36481696425961 +Rasgrp1,-0.765972352353596,-2.37135791748217,-2.98423938745929,-2.34474734037702,-0.423271447133753,-3.84882462082038,-2.07893195884297,-3.09910322800627,-2.49285539063332,-1.30083416254474,-2.17992895511527,-1.79075287408559,-3.76951563743157,-3.54732540255445,-3.27102989349158,-3.03399278482937,-2.17063669694638,-3.77958863539256,-3.73339836523615,-4.84683767759117,-3.02588725665383,-3.05490734360919,-3.24162836568004,-3.76998201319509 +Fam98b,1.13627575132556,1.64203769630841,0.882349848047599,0.816846561109046,1.85101761346646,1.78028421209972,1.40850510312181,1.25452806823798,1.18676917173347,0.96526684662805,1.40195693653423,1.46538847659326,1.80676925161608,1.62179965751747,1.59173110476171,1.78572260515517,2.3165469435702,1.67876514422701,2.10398819867782,1.50486450877853,1.53978057348073,1.86722824204542,2.14557653013627,2.06936353099275 +Chgb,8.59629654055253,8.88718163075157,8.75401661982618,8.78187629079403,8.55076256780285,8.59247787486883,8.61029301718927,8.63916813617527,8.65183377790445,8.77281625184551,8.6851991832702,8.79485743761655,9.04623103349113,9.26839548316465,9.15213910499539,9.38963563892426,9.10016461234454,8.81748249439417,9.20459761658249,9.02320402511986,9.27663017623494,9.39354564616708,9.13288508270682,9.16532630577944 +Spred1,2.19283710107217,1.47326832748367,2.11256316992184,2.04557993419545,2.13434690273979,2.09167159874004,1.82907827522309,1.69386887476052,1.55698363597863,2.14705408718574,1.96502296468368,2.14513337153709,0.131533409634041,-0.48718590568641,-0.229949792764904,-0.48681979419376,-0.39627656326032,-0.189185437153956,-0.963892018239652,-0.499681861400344,-0.198287651535319,-0.12214936710591,-0.422031993398986,-0.394702860423648 +Mcm8,-0.585514090713748,-0.251164552611733,-0.0134099690091467,0.131736064946107,-0.184701580303627,-0.867217625682816,-0.646267221605934,-0.334706340308529,0.0599719658909046,-0.29579438070409,-0.455732974526866,0.0478527090563405,-1.03469976088295,-0.590129608569075,-0.461349865074606,-0.87395654149023,-0.0736086480772351,0.0384902925086361,-0.664464223954121,-0.140414515189878,-0.653550741841998,-0.468667005382803,-0.836210696329209,0.0558830417134344 +Fermt1,-2.89646001987381,-2.52010417242095,-1.48092480230567,-2.60402533655064,-0.882992371186057,-0.705950056893787,-1.47336623705986,-2.03789381744627,-2.51813735614258,-1.90928475436416,-1.32351788594279,-1.66551315840808,-2.16049742790119,-2.31838515807827,-2.88242279470842,-2.82190349802439,-2.19591866245565,-2.77238619923047,-2.90531243447191,-3.78365588171741,-2.04846542941001,-2.71899831878206,-3.2669103311893,-3.79526397870435 +Crls1,3.04410429024384,2.58433149987749,2.55298383882938,2.89995895159562,2.68902056117704,2.47352629375506,2.81644857417574,2.64175904959922,2.82608316660194,2.79669754522925,2.63873911593421,2.8995487720707,3.48524946384125,3.23243494713507,3.42215216443317,3.41598257252278,3.09899108328344,3.29451264899239,3.12612250767734,3.40562010490285,3.17578189115563,3.26167843341046,3.14983881085691,3.38381770964515 +Bmp2,0.469957025279491,-0.851689134570573,-0.597451892954116,-1.01209577375839,-0.120024369890923,-0.0250908240589738,0.0765542228960958,-0.461903378429684,0.124649176303608,-0.324046975113035,-0.437987939908465,0.209420414592935,-3.11393837010601,-4.19126041026562,-4.19126041026562,-2.66268504379643,-4.19126041026562,-4.19126041026562,-3.5296894425932,-4.19126041026562,-4.19126041026562,-3.61347553321986,-3.59613898622157,-4.19126041026562 +Slc27a2,1.91889587413992,1.85561342544186,2.08986963636436,2.35447267757195,2.193295472108,1.99163894600665,1.78549566281434,1.94923655899457,1.91669758106339,2.13680864544252,1.97409550301026,1.84986334132247,-3.64359200683881,-2.98104793867188,-2.96686874521947,-4.2805602137086,-2.71466076061657,-3.65041854148127,-4.2805602137086,-4.2805602137086,-4.2805602137086,-4.2805602137086,-3.26534852916305,-4.2805602137086 +Hdc,-1.31986391740227,-0.876917280675308,-0.439931219270871,-1.50064949909116,-1.67243986594801,-0.755371201492072,-1.28719448297041,-0.831336552958222,-0.691606529663929,-1.26911799917405,-0.871588480436067,-1.24988539035239,-1.19690164825096,-1.42765967531825,-1.72744553633376,-2.05301393426071,-1.97482297670755,-1.45753848317667,-1.02560308903072,-1.79690635876234,-1.26451417515265,-1.73453503584414,-1.92280126886267,-2.32613000926906 +Gabpb1,1.28050370716017,1.32628420353363,1.41206619580552,1.40405014032058,1.52425264581023,1.42740068694798,1.35040180209564,1.38692927651928,1.3882227615733,1.30092020797109,1.06300820427847,1.3299375996578,0.881957772423581,0.452555708134304,0.573763808886119,0.388602992197687,0.715752929722012,0.527172154594223,0.585535877638568,0.708263971417416,0.663939350722408,0.321836835510884,0.480694674659529,0.598226700412334 +Usp8,4.35420697627852,4.38226692596037,4.41491069196071,4.28080877571854,4.30284130654815,4.30251933004376,4.17145634504855,4.33948291547972,4.32287335733885,4.37608213328751,4.23491078198009,4.17264810567763,4.19464882970932,4.30472385133327,4.30609372756984,4.437647837887,4.2535377559348,4.24297226912369,4.23973502568936,4.33886044596653,4.34540662772819,4.45525509384708,4.1752804638251,4.31543274031736 +Usp50,-1.26410757356553,-1.67200802946211,-1.87770462713657,-1.55636076408239,-2.5821613111625,-1.61318565537339,-1.48991311282757,-1.46514630205621,-2.12373578917371,-1.23436009391791,-1.70195148387051,-2.13841853038656,-0.693239088289169,-1.98013180912348,-0.850031305860876,-1.72808809848211,-2.13232532054634,-2.0787979223564,-1.74948249568552,-1.5780576420088,-1.42201651899144,-1.45964251924707,-1.99764523880485,-1.0996941041364 +Trpm7,2.56710244434394,3.02095480066871,2.59915628363984,2.93668639951591,3.07818773961033,3.08265323596236,3.05412626325758,2.69426720769497,2.72409162891398,2.855400138611,2.94331850513315,3.00105429247528,2.62586310917003,2.757529324123,2.44512490425732,2.87534838156289,2.89384156438826,2.62939913268628,2.83605009892773,2.62807601632611,2.57142009692334,2.72599137400443,2.67244107403953,2.8046204572844 +Sppl2a,3.13632674999105,3.00604016348561,2.93754191344105,2.96244054414652,2.9148353334096,2.90744194565358,2.79868960213751,3.20759643089527,2.84954757425235,2.72415246872928,3.01679113502166,2.95535563235922,3.86120591157538,3.63310586883234,3.80771996929683,3.61386973474025,3.53504428754099,3.75005911828148,3.36719005631507,3.92014121692779,3.66905813630992,3.53933694866795,3.4316413072032,3.53399354180539 +Stard7,4.45015625540706,4.15751841757551,4.45021300514594,4.30066590908052,4.08647422900312,4.14498429821458,4.08473047797386,4.24508186430695,4.43280235632287,4.19335721162492,4.07891804934018,4.10065114461901,4.92231792419313,4.65946016064584,5.00359719643817,4.88317614790239,4.7867759488721,4.85144556523519,4.65026130133297,5.00130352111314,4.86278088333568,4.82657515766227,4.61397482397533,4.63096177164804 +Fahd2a,2.83907148293721,3.09876366713228,3.40383535550067,3.15002862335804,2.27313371507086,2.68567769862388,2.68419734432697,2.577162594181,3.13350447172674,3.36957377437857,2.78541276685633,2.79618635517089,3.32572612015593,3.22255717823188,3.34287143461086,3.49171114297731,2.73396291769623,3.40926365686124,3.24747719710669,3.20135272920226,3.63201420159121,3.60741172716393,3.34834333992261,3.35637472999892 +Mrps5,1.98516160106172,1.86636981720607,2.26400288893663,1.81452927106676,1.68134830037431,1.82388729416342,2.01615429446153,1.78583297834181,1.8210248922771,1.90108668564284,1.69376353810873,1.93782637202605,1.8969371616949,1.77852204585437,1.85566531729849,1.97568625664164,1.73170711213733,1.98805418623616,1.70726436126811,1.68353271469378,1.50959509438855,1.81834266910917,1.86982049174919,1.73469664820816 +Prom2,0.643729405610417,1.35230475954789,1.17202841341953,0.937339412602122,0.87529154958427,0.889149217689722,1.03308802009133,0.88161837517691,1.04167610767222,1.39166003928999,0.511950288445898,0.597453947769497,-4.73631122012228,-3.43679894508556,-4.73631122012228,-4.73631122012228,-4.1608487572527,-4.10616954789494,-3.62287190776726,-4.73631122012228,-3.72678093527156,-4.73631122012228,-4.14118979607823,-4.73631122012228 +Nphp1,3.47541063535509,3.75261786449782,3.83996996253749,3.70986145347739,3.39196383248051,3.45950557116432,3.57094571754904,3.66839432834166,3.89790615600266,3.97917801435537,3.42087065019294,3.39990631407774,3.92117355984303,3.895303923087,4.02687159369455,4.2472455296034,3.79852709571213,3.63584893973063,3.79378378835495,4.00535541067621,4.11509789804403,4.1252528019367,3.86447037138281,3.88569273681063 +Bcl2l11,2.09056730949427,2.39635635727001,2.35000072300863,2.28566409814161,2.5006351053839,2.22560254481858,2.20218758873207,2.57743081444871,2.3610359075094,2.29838115090637,2.54291674880456,2.28333601015732,1.12216094882357,1.70983013557779,1.66411369465547,1.75473581909034,1.64381829659783,1.40747009484938,1.27587839710174,1.71672837254658,1.33166281895741,1.83104278808008,1.6175882489246,1.50294182281762 +Ndufaf5,1.94343888599751,1.62568587428957,1.78059407206608,1.69854036374748,1.7204314519188,1.8179494698098,2.16621981355224,1.78393401668804,1.65561852931499,1.88739873259985,2.04769727075743,2.01388317591737,2.35616550570233,2.15510326080757,2.05282726012834,1.84580186023043,2.24713034589778,2.09736770910522,1.84379609722056,2.39374369699002,2.04674909850912,1.90770071987406,2.30476066569885,2.17427792367358 +Fbln7,-3.54716518392273,-2.55400035163918,-3.44104523608554,-2.41028336505952,-2.53604442708433,-3.05403837226583,-4.05205142903662,-2.11471859376551,-2.09650268011936,-4.05205142903662,-3.52009449128614,-2.80597125105389,-0.91934147153805,-0.626720542685986,-0.157993764586779,-1.31760749889499,-0.618677806060622,-0.685912700290972,-0.531946750869611,0.0158150367473684,-1.86732861741688,-0.428092868024549,-1.11889497528654,-0.920126975947658 +Zc3h8,1.57616393226738,1.30462821009512,0.710477048005327,1.54342216294192,1.61963114749574,1.57907635579313,2.08683354913322,0.860268797425777,1.19410557409085,1.75595351890861,1.90807107189133,2.04271893910044,0.600811493345159,0.810906901647596,-0.487452483739462,1.7473427255114,1.86547839817601,0.518500023932668,1.31625432813522,-0.755674284324891,1.08623967234403,1.12802810044977,1.61195988271543,1.63738134371679 +Ttl,1.18167223482994,1.27606060917392,0.949693439957288,1.23330722211247,1.15351394717496,0.981864768681285,0.942121322034872,0.938329953139183,1.03696116032786,1.04739097859989,1.15189863176319,1.00628646997648,1.71588600974815,1.84987241646176,1.74677886287833,1.81092255397954,1.49798333545639,1.6727353518618,1.51162928407993,1.84439542504621,1.75106032574062,1.95234372711154,1.64375109946396,1.63292279649228 +Polr1b,2.49520323928867,2.15470842309944,2.35744823910865,2.29987601408782,2.14200873374475,2.37811283409232,2.36963596527768,2.02341594016033,2.09279990420469,2.15708692625932,2.19928500716314,2.10795415842353,2.47504713645593,2.11387320300359,2.29708586965932,2.21613472424162,2.34425378210805,2.55393790732577,2.33513956365265,2.01979341473344,2.03302381038317,2.0798225195072,2.53652249221884,2.42505691358461 +Slc20a1,1.37789238139769,1.75663342621005,0.950421644754892,1.52608306594422,1.67132866668394,1.36749507144888,1.68425993836971,0.879738295163265,1.13821424252803,1.0481191833975,1.45116323969731,0.974394441560229,2.1887532899907,2.23979541262646,2.12007891149538,2.27739247159596,2.68655361776429,2.38810646396908,2.5841655034716,1.56835890988821,2.41743821774553,1.95906991868268,2.51979531798015,2.47863131843297 +Pdyn,1.12809096728558,0.625997966188164,-0.235500843144285,-0.582676875989226,1.00769801028733,0.963159718078352,0.376832675166892,0.782936268474791,0.300565349369398,0.316663338814622,0.678287095442818,0.600489754975231,5.41302869218303,5.27365090317079,4.80782403344868,3.96058587630132,4.74039569960111,5.29420991686128,5.16006858954298,5.24484963805043,5.28026774097201,4.44719307845104,4.46336978981271,4.90414441221776 +Snrpb,5.33089812225474,4.79550515011046,5.10104817053768,5.17562234770369,4.88030898987364,4.96492505351362,5.11779938312111,4.96440549100924,5.10947624071964,5.05652035439439,4.96901244375211,5.10506422814335,4.70093248098477,4.73233016195672,4.79204803039564,4.64949804624523,4.7847647604661,4.70883123786672,4.80451739840982,4.60516024661495,4.92760778010916,4.83165628669106,4.98995682121848,4.60609111990186 +Nop56,3.34499453809854,3.27244415006984,2.72655877042569,3.46857083686118,3.50556116884262,3.47413283626365,3.55094451223555,2.52360173749455,3.23877180748532,3.20533713521833,3.59584802525889,3.3854665420791,3.19788807588296,3.02270872395199,2.64201032302665,3.13903571526755,3.32754362320206,3.21076610296308,3.37071087628452,2.46640641415835,3.05469676457519,3.03049650714208,3.42805555511528,3.38620864594633 +Idh3b,3.96501331071134,4.05594975720498,4.07979734067592,3.92623981917667,4.03783867223907,4.10057725912266,4.05139455792685,3.93216278733479,4.00685156788436,4.0549590985375,4.03889661155842,4.07529166835576,3.95051303032249,4.04549002464192,3.98447093770194,4.02178452209675,4.22100854597083,3.97774858054001,4.10116366073336,4.23713814296831,4.13535096720443,4.05892764006979,4.09603616431933,4.17042109636064 +Vps16,3.17641882237725,3.55796479145496,3.13117112275536,3.51476665378582,3.46600773738543,3.28895993863873,3.58981897938645,3.0892289310605,3.24132936281968,3.38446084390169,3.60496392926185,3.33750965047824,2.99976881417147,3.42185300460495,2.98493567352903,3.25394105709244,3.3311519053746,3.01453290057658,3.40600747211279,3.01092409991201,3.16817805285882,3.1823537611394,3.35153350187929,3.36818156089296 +Lpin3,-0.160818679727616,0.480511632505022,0.346178711874497,0.699195030174693,0.315166001113011,0.242672872627605,0.746685397987731,0.566770452530014,0.539705842112012,0.98246088024588,0.545236196095728,0.314630536623245,0.961449275782515,1.59194248513222,1.45903238832152,1.63407945053492,1.68696075037732,1.16797387745377,1.29755130618502,1.26596783084787,1.41204225982368,1.53676623472361,1.4462214737736,1.56399499355987 +Pcsk2,9.55134865738421,9.33315737249114,9.70145111432225,9.30317475292371,8.98890845027665,9.25457343214704,9.15550662508839,9.77827495665533,9.58490358599461,9.28948756727083,9.11369677431913,9.35196670687691,8.79548690283687,8.54053733511898,8.86753748389589,8.62746516625446,8.49145753214639,8.86232753910043,8.55985347834921,8.88872968966817,8.73032739156417,8.58139868754592,8.60829568857524,8.52791090490775 +Bfsp1,-0.692387655381057,-0.583030361176141,-0.141457414821081,-0.976094331232895,-1.13800549886795,-0.952637642563922,-0.575604632851039,-0.472968352241726,-0.413855086442986,-0.57239553540477,-2.16479590739229,-0.799997658562899,-3.85608246206848,-2.2960480637672,-2.86294304766542,-3.15268401015008,-3.85608246206848,-2.78883341986987,-2.74264314971346,-3.21154557105656,-3.26475944814362,-2.28551109707421,-3.26096103802443,-2.77922679767239 +Rrbp1,4.8564155966674,4.88083995573965,4.30882710675573,4.90036531644925,5.38029373914299,5.0573509517286,5.28450748848031,4.46026343669975,4.46186474173888,4.86493821852321,5.39790407335085,5.05992799664042,4.90130901223175,5.2290613490623,4.19354884196891,5.09778032121982,6.01434602025324,5.00056551782111,6.11315616310724,4.09281338084843,4.86388495389454,5.23831067925317,6.07545987658122,5.86594633000064 +Snx5,3.85335708346617,3.81767184978758,3.89229449707989,3.71285475814554,3.6867183984139,3.61360114616136,3.72036947425849,3.84146830448036,3.86411191591889,3.997139688658,3.55859579853623,3.88304614233819,5.29593278113039,5.07677425590659,4.96717633938438,4.85137377126511,4.92107557827615,5.06052323669754,5.05226479092348,5.44774891024391,5.03926905157015,4.79209730750844,4.90770749585158,5.15752756129331 +8430406I07Rik,0.818001386369259,0.995388890954564,0.827452254196987,0.949760416049244,0.724873437187608,0.891437430596141,0.956054694354965,1.02290770820061,1.06340389959693,1.13924534064148,0.963526481760438,0.920101233293269,1.12924725930431,1.47322019990754,-0.0732328949787542,0.603114828010645,0.911871696252453,0.929487036547349,1.19537939043662,1.5871410499084,0.844406050275093,0.732381386942334,1.21018835251852,1.74281338601127 +Csrp2bp,2.78206127557433,2.70089337608948,2.51584933186841,2.72082156206821,2.74923094019552,2.90212664263744,2.69387060542562,2.48253665857035,2.63772298328881,2.83965797728514,2.81176911554751,2.62706609349732,3.64653247187287,3.6167324899322,3.20311462111231,3.27729457118707,3.69730832515304,3.48267172986577,3.87447292133768,3.53740169734949,3.38225949837218,3.29757429150746,3.63607050444928,3.67448777382677 +Polr3f,2.27103243842679,2.11860170400807,2.27203380626267,2.23685413852962,2.15757547869634,2.08451007640252,2.17624859159122,2.20431984767949,2.23462935106748,2.04187931615315,2.05504087220627,2.00685215228935,2.19041815326105,1.98096926035152,2.21345421204825,2.25791848978026,2.06848082868502,2.16243472561442,1.74789482785092,2.0071864000514,2.19456665099029,1.92774773819419,1.9362403667087,1.62174703270002 +Rbbp9,2.49578739505997,2.26833261586236,2.48540968995687,2.20934422334476,2.23814961670626,2.10892492353643,2.13466169825536,2.43459182821084,2.69729578072932,2.6784945791199,2.22477633287785,2.47135998970725,2.42950560474681,2.06219586224469,2.57484009063207,2.70078347717469,2.15177678768772,2.21414060556404,1.67720688325778,2.52197661796335,2.3830604887232,2.22280848949512,1.98279632429388,1.98807186182695 +Sec23b,4.88732550477727,4.26631138209667,4.47517342060794,4.4597952005615,4.41543405435812,4.4453947346205,4.4860838564558,4.44464903156812,4.4833418109291,4.31533042610457,4.51731934546139,4.59061593985443,5.6076016501726,4.87969076005587,5.16748224615433,4.9193400992117,5.68202706546573,5.57106019472441,5.51580879239214,4.88317437820459,5.09979228436085,4.95763333205595,5.83719073574179,5.69284128677467 +Dtd1,3.08664610811932,2.60889159042867,3.17926487485925,2.87067083821483,2.62123321776382,2.87981891783784,2.62617055595703,2.97152108855732,3.12771618993783,3.06449283702709,2.77319603276293,2.66678003449137,2.42520436399544,2.22474571518883,2.75652862289436,2.33625725561271,2.30855979838238,2.39920595669221,2.0581865665738,2.40385328096287,2.38216116602746,2.34189036143588,2.31965629799175,1.91312853438116 +Xrn2,3.85891295021451,3.74232634798313,3.8717038633512,3.94971083728071,3.66784135908566,3.74478394015895,3.77013116427778,3.69344813786285,3.88397240450528,3.96058850513485,3.79591438706568,3.83230729006665,3.70846361734032,3.77795982695475,3.87967729855106,3.88072879040071,3.53276776999311,3.73065018526798,3.66081328107909,3.62067942748,3.90518524388486,3.81371660955973,3.70627553066706,3.53270714706435 +Nkx2-2,4.73232685197585,4.9663908263748,5.00816386704799,4.67654854837368,5.06442332990782,5.28234418482697,5.000958655414,5.20119404291875,4.8640203023723,4.72498021625048,5.15422495831564,4.99070662413828,4.7688828888951,4.97674815015138,4.9109370710456,4.75028391067941,5.25981334378684,4.91701902643993,5.4206219528863,4.86958111670561,4.66449575808277,4.93309332880278,5.21308030577576,4.99335967005264 +Cd93,-2.97890193084165,-2.62513113054282,-2.45140000809461,-5.10061089065182,-3.17842226185529,-3.29609529734236,-3.47982601333075,-3.16327805538071,-3.30675627759731,-5.10061089065182,-5.10061089065182,-3.60017537476432,-0.0968630913768482,0.793194500432092,-0.280990007353903,-1.63419565524179,-1.12749083131871,-0.419877881679027,-0.0310362558128587,0.809640326742262,-0.224282825636366,-1.03350692652144,-0.984646206077175,-0.749047029712398 +Napb,1.17601038401485,1.72832165873408,0.873615824552766,1.66195119971013,1.62984169417923,1.53106808429348,1.55454253507662,0.947209425673124,1.24222181901389,0.823256151952537,1.53964422484751,1.40068503039445,0.911656905524453,0.923296657599012,0.562150717300033,1.04022634744561,1.37733571254126,0.89273311954226,1.17603790324702,0.13775343222305,1.33140267127754,1.06619005416206,1.26006446616247,1.24487159851814 +Gzf1,3.29790637312082,3.30870787779001,3.33872645339192,3.31523114382572,3.15808635260266,3.14966883990157,3.21591879389144,3.37111672483757,3.46115351718258,3.31181623169646,3.18353863977152,3.1407163581828,3.67496165426058,3.63006825803333,3.61371078913713,3.73384450278288,3.520549171526,3.68016649862527,3.49626438381297,3.61462023273534,3.69135942636559,3.67042059770043,3.51344162132453,3.64375100254537 +Cst3,9.5425199766572,9.27085671867354,9.76697437708141,9.62710917451053,8.94726791242801,9.05151790129114,9.22353144653348,9.67473491474464,9.61793011530255,9.64512881023538,9.18856174651707,9.48221436944753,7.84015869639943,7.60452638250222,7.99364986090913,7.62551687881777,7.06000309538365,7.66751761514691,7.12120983276617,8.0038339155741,7.85597103639549,7.66362737701031,7.20506148007317,7.33672817680525 +Nsfl1c,3.40231153907111,3.35793718893628,3.04876326323666,3.32696403198149,3.28780523906038,3.34355084236665,3.24747037071143,2.96348377610629,3.24641183676575,3.25925384910797,3.43437358352942,3.48236008621708,3.28829324490918,3.22788914894979,3.21805954592915,3.30474135758286,3.23302389219479,3.15197100857386,3.37978692221034,2.96075790974273,3.24308688937987,3.32944439661127,3.42549960865479,3.38833924811458 +Sdcbp2,-0.470040406624969,-0.943959753618271,-0.0801522862690393,-0.577712506373805,-0.471472932552643,0.47254281151223,-0.369183865974947,0.249541232627777,-0.491824525965746,0.117028075812682,-0.520131937945512,-0.774990954554653,2.58663129180958,2.16218427521525,1.72597744274653,2.05643358068861,1.827057106674,2.23583185153215,2.09304402761821,2.1783929261206,2.2387169064496,1.94068571726503,2.18352161428761,2.3872877713881 +Snph,1.88623708168044,1.89425005240003,1.59797442119917,1.5156994294798,2.19633666014267,2.4704890453705,2.19757642470801,1.90666966137783,1.60316291011244,1.45459165955835,2.4330397986416,1.866905990476,2.81402710945531,3.09606988354311,2.71087003786275,2.98384807238715,3.53309263327903,3.01896004322801,3.66665654320514,2.48593694894054,2.59568534727823,2.81223611080261,3.63659458117061,3.34664519155652 +Fam110a,2.24591462279608,1.85902128619054,2.11081450609293,2.10893914889871,2.30049213517712,2.44678642979845,2.12774941413824,1.99909364149427,1.98841912950962,2.40884179045724,2.15453384401419,2.11176073724683,2.53962307043383,1.99892378957939,2.471650871806,2.64106490923885,2.53433426897046,2.63728230789194,2.55706588742714,2.89497492621617,2.53757796904533,2.42940956841688,2.37173626760283,2.37155875296398 +Tbc1d20,4.01741781307697,3.91174168126989,4.12845300211967,3.88824346220415,3.92294528585865,3.85963419259958,3.84379928750042,3.94547849749007,3.95163398239172,3.97455870342902,3.7710384735289,3.87822356432261,3.79176576939301,3.86943354715,3.89764008693925,3.89248312984613,3.93976129093981,3.88668364634804,3.97601072463918,3.8181857634675,3.75447469103043,3.9053499766899,3.94598980716634,3.92965967024458 +Rbck1,3.51572306096434,3.58080057066527,3.57921363153598,3.67758699872461,3.82007430893095,3.78582406955946,3.841267575296,3.71028185431097,3.56497784519323,3.70256351415455,3.8680407320867,3.69418332880259,3.29056867014118,3.56161026088685,3.47006390084451,3.67191220538882,3.84682718087564,3.40994676491354,3.85422935655913,3.43110866526954,3.48070682920631,3.76158151414531,3.73827244424117,3.59714057157796 +Tpx2,-1.58333726407501,-1.40206750950041,-0.362856870671058,-1.64458802957365,-1.24082339823489,-1.90830892830893,-1.3249066931228,-1.67876606504642,-0.959851497353506,-2.3173981750371,-1.66271293934292,-1.32902406668435,-0.509740547294436,-0.640563999800663,-1.80981065573842,-1.05920463934725,-0.632264463007122,-1.02592201546355,-0.354731518826531,-1.12793083743293,-0.30195247278835,-0.818113907044714,-1.40852642725295,0.0299532521731813 +Pdrg1,3.54367725003716,3.37836327237054,3.38029031755915,3.41324473484482,3.33877793420984,3.38490793043279,3.42752362744391,3.06095575585069,3.48763736410167,3.565051930524,3.59934665667365,3.41688767403701,3.83514919097744,3.43677376222251,2.99452963923367,3.50349346903213,3.87598839286115,3.48608388176533,3.96394115905319,3.19258677565362,3.45094305949213,3.32281882778808,3.8394613775731,3.71311910033237 +Kif3b,3.52656024257278,3.73318850316882,3.53585008443204,3.46574192610327,3.49510023495666,3.64005379979445,3.61274464867805,3.54203932441675,3.58574754084674,3.68669506225493,3.62322431334389,3.66324446687318,3.38447062921441,3.86159355428611,3.36168675631334,3.78346615547782,3.71174829971231,3.491999346549,3.94533271461423,3.39487443341506,3.62254956557642,3.67525980531806,3.71157597005833,3.71143319696168 +Dnmt3b,-0.407682348448675,-0.151188976513573,-0.952689696850348,0.0358696528402525,0.28943788408766,-0.259032372144529,0.281974246270199,-0.857559546024157,-0.348393580107296,-0.175761620860364,-0.0313191069476031,-0.258282265449977,-0.830984160545889,0.13907677785718,-0.300077602823213,0.18283849794619,0.56825680817703,-0.295880482592539,0.70132270972432,-0.663267720905507,0.0208804418392479,-0.0447368906479526,0.710224613235989,0.634118008928739 +Mapre1,3.07168111545326,2.76272071175749,2.91449003329129,2.77173436347843,2.7585684266167,3.02226426538154,2.7998987425344,2.92456449030565,3.04830791172225,2.70750398983889,2.79148913660783,2.80454114809445,3.46909288334439,2.82300892340091,3.13104207968298,3.00997393756821,3.28832064977311,3.26365888654489,3.03817656585752,2.86664161939686,3.03853566451219,2.97793840293962,3.09986244686467,3.04884216048518 +Cdk5rap1,2.49485523725961,2.04091259720797,2.42648306538583,3.4296692260627,2.63755233128787,2.31419935270454,1.99454442163347,2.06103609817752,2.28706477679633,3.07381575478912,2.42302725656841,2.49276751404295,2.14692909572924,2.05046946687172,2.13052454221284,2.7164996793607,2.41527355379516,1.74275968041524,2.05136105555813,2.13668918792553,2.26117538183709,2.85959373991777,2.16470166981487,2.32867058290354 +Snta1,0.519356100099269,0.342424645878562,1.08353966833426,0.58812627428539,0.663310303992278,0.134649874331709,0.213378266106762,0.785906741436298,1.09227303678687,0.723048655929438,0.244503391998259,0.345931428517959,0.400201810398066,0.85549265055006,0.723803860146868,0.784699282411786,0.0695924497915961,0.45624844735156,0.502683417900055,0.565514471791928,0.808787221025322,0.632203143070859,0.166951208873013,0.509532739521398 +E2f1,0.618532904662045,0.526847210069988,0.609572464192496,0.369080175075079,0.373368444912336,0.299557049478323,0.829937736799176,0.628418105755431,0.384022257745285,-0.0584502705751186,0.250548476619164,0.558292195145421,2.16335294626883,2.13419660856265,2.00128651175195,1.93440614761653,1.58265851576286,2.01770326451392,2.51034107172726,2.21689110988817,2.03353934398666,1.93739157018182,1.77930582912571,2.16247854247901 +2010011I20Rik,3.21671071197731,3.36971782275715,3.5949158778435,3.01124506181346,3.12679110994087,3.26768114296901,2.92215453407148,3.64248628433301,3.16157744367869,2.97034868821286,3.10334604326916,3.19882590271114,4.65012710275031,4.62437177064356,5.00966299012398,4.47225604362018,4.55930152716285,4.81590188075389,4.57740843237341,5.13896739923658,4.43755714711998,4.55010654365433,4.56218339981874,4.63198098674899 +Aurka,-0.537423551182104,-0.2979602392593,-0.384319651113953,-0.740321865102942,-0.983041394668998,-0.897171301486736,-0.933212639121326,-0.528271428666683,-0.56141379726124,-0.1551148428231,-1.50983584380641,-0.645033554363946,0.76434660034967,0.170751026722089,-0.625784534290953,-0.319137278681433,-0.0836357352555881,0.228733343201718,-0.419114248474452,0.101536060233373,0.564813498647071,0.232843081384664,-0.0293954628750082,-0.663504498544014 +Cstf1,3.09187080695644,2.85801436103662,2.93368113243058,2.98160732154278,2.89555546661201,2.8971017169373,2.90273440966934,2.96516043615171,2.88938698316481,2.842640049609,2.80513583770738,3.0592359028786,2.97917785481053,2.82022834230518,3.00080274339295,2.97035414265291,2.92522552248067,2.97692626700818,2.87930135933758,3.02252270746641,2.85406206758743,2.92184506501501,3.00429759543093,3.00622479278272 +Pkia,3.45226511609512,3.3264012333461,3.56882807859954,3.13619732474953,2.96202191207652,3.02521992746675,3.06438073188947,3.57174051346942,3.42827973813906,3.01920837151732,3.0528907460055,3.30206972430427,3.67594540459169,3.41730307394625,3.67474777505994,3.25016800686504,2.92888733668109,3.41208895295662,2.64674845256424,4.03746025726066,3.58075235253629,3.19562235530192,3.05456445333596,2.95630519563157 +2410001C21Rik,3.18684426748728,3.14670129660416,3.33679530223435,3.15492116441528,2.96046723832201,3.00005344588294,3.00521308555001,3.08528351779052,3.22821705243659,3.22102536298455,3.03036373310548,2.97788261375224,3.23892716709311,3.17331464137015,3.03339247318296,3.14135404313899,3.213366304302,3.05237800914757,3.09993844161597,3.05733321459392,3.13839721415073,3.25094931874248,3.0982602582121,3.0744642631677 +Tpd52,4.7396955805123,4.64591633890083,4.7634704901269,4.42754751405305,4.41378369722672,4.53751015858457,4.44907479185163,4.7831455506623,4.60179007565706,4.49086418393345,4.50465931838092,4.52492310328375,5.78762389907193,5.48831149302703,5.62961705641853,5.23998060602176,5.11572078779157,5.58425122271877,5.39184540838145,5.70567879690512,5.49964663167873,5.2399486576677,5.12381598108324,5.47314668520785 +Pag1,-0.210832146343797,0.209900496397803,-0.389570920171268,-0.476592325820245,0.477130594753183,0.239092766639798,-0.161341250115854,-0.0306833763516399,-0.616701232562199,-0.350360226056408,0.167123064319927,-0.0616926238313722,1.84928714340847,1.9120820065613,1.44693726819842,1.92153999206844,2.57386547943512,2.09061035862615,2.38324661532165,1.74689422018419,1.66005833906975,2.05885703603803,2.35204756059615,2.19154131881845 +Rae1,3.58696358648503,3.21515216892139,3.41187658522496,3.45920257628015,3.49468655573832,3.38517076673808,3.60755497295855,3.29504655754797,3.40231195427153,3.27702982191603,3.63724381253874,3.5242453895977,3.42409798140793,3.11278777009508,3.21470352903081,3.14363119366011,3.65819164265743,3.67389923717254,3.65275396828459,3.04842319782646,3.44424614282511,3.37808931491346,3.53506277834127,3.47349033419266 +Rbm38,-0.891927651501398,-0.925583264611732,-1.18222487684855,-0.87645782168159,-1.06014889301175,-0.737272833752994,-1.4752320470246,-0.547630715386439,-0.559820285427694,-1.50603342208813,-0.621386430199571,-0.712725646791121,-1.47173751948684,-1.91482244317607,-1.74468701497065,-2.88142567538329,-1.90796231283441,-1.48772350039554,-0.862598612413405,-0.904198133366513,-1.58062844354789,-1.2667969304771,-1.32953306561951,-2.13968708492498 +Rab22a,2.83225470325171,2.84232951227466,2.95334018981823,2.89027328474348,2.79359848878199,2.9147111097803,2.68177076019691,3.06303065898742,2.93039247402383,2.91189445478699,2.8487345543201,2.80325085840889,4.06654886833035,3.9367756549833,3.83770853878449,4.04913210124137,3.95673733197354,3.91216788218116,3.94716196482031,3.98048414108326,3.89581667135213,3.97480081411293,4.00942842266528,3.99558424940424 +Zdbf2,4.63656507600936,4.35691662159804,4.24657428620301,3.99941183357891,5.18617453090654,5.12468277400808,4.52803595032257,5.08695808135685,4.29256292708493,4.12919099095793,4.81041309484419,4.62190771799323,3.32461510997889,2.86826303147505,3.06730848331611,2.90641743135539,3.70670077011364,3.51912887742706,3.51725802024005,2.71351335810867,2.92470080650627,2.63833357071274,3.68666552814762,3.28168751231305 +Stx16,4.47208061043755,5.02793257899958,4.66854893713868,4.71787094676854,4.99385546869214,4.97706476294835,5.00076238079954,4.81980880001863,4.66205753820109,4.66787957652451,5.04193887425173,4.9268479358128,3.57390456917236,3.60079673188207,3.3563483908731,3.56915157339038,3.76076444598971,3.55147042107504,3.80087146510502,3.29086544269145,3.51676628593815,3.65870890697103,3.63087089327667,3.78175945086928 +Gnas,8.0367124608487,7.95242536154127,7.90265749294466,7.82268164473924,7.82259094310493,8.00804851168611,7.93607810908083,8.03125566141997,7.92019433059014,7.92071724038137,7.94504700233303,7.92631693414432,6.15817543671096,6.03858308697522,6.15678553555628,6.00553842173691,6.0270573776853,6.10038857427413,6.10048695807695,6.14407176892569,6.10849982479137,6.13708173285067,6.03922243577227,5.88115556768878 +Edn3,5.27078328202547,5.58440226141779,5.85376014012606,5.41163336952955,5.08160681941282,4.95965633831881,5.3628916783234,5.67542957373713,5.57230112773673,5.42471338131832,5.2928782658347,5.30033793093566,-1.81771698355724,-0.529732537667609,-1.71279160999663,-1.96908281264766,-2.42306565981244,-3.33435288006061,-2.66728616644318,-1.34465668521395,-2.38732999998824,-2.24848059794085,-2.20808309489085,-2.71504887985005 +Phactr3,-2.66529343462448,-3.13921278161778,-2.16766225958283,-2.77296553437331,-2.80228285203974,-3.0440412828997,-2.46066942975888,-2.52589857498497,-2.47186003424601,-2.07822495218682,-3.34977328624691,-2.97024398255416,0.315230547209454,0.536870737293628,0.589318764889648,0.0853409142075812,-0.161893536986944,-0.0810841706095031,0.321567321483526,0.501886253196584,0.847980245489619,0.49235195469271,-0.034466355792651,0.314365578015504 +Impa1,4.22137968352995,3.87532322352671,4.23249062798275,3.93058819097952,3.72290436124886,3.89850986149289,3.86310023750309,4.08114903874724,4.10986540644689,3.96737233213328,3.75677345837341,3.8865561985038,4.21201892717919,3.99983047340645,4.31394651794901,4.38552845168654,3.89278364909357,4.00606292509802,3.61817340328793,4.3543714890205,4.25470744213782,4.35579863646063,3.74422568975998,3.82882381954447 +Fabp5,-1.03242725953823,-0.992805053385828,-1.12873516179,-1.08613829522727,-0.339645946229173,-0.614804387706899,-1.26229381601242,-1.46061318108337,-0.990624863269219,-0.23597882625142,-0.952469192829677,-0.728706150188777,-1.25864704169375,-1.42089739742329,-1.12078824264708,-1.21213501043301,-2.40920152541016,-1.62822310843238,-1.42676472453318,-0.956027434934644,-2.01139925460591,-1.30796808981664,-1.71188144802976,-2.28018669296181 +Snx16,2.86157425641253,2.84185803771429,2.91483347552032,2.96181979570565,2.49443649040204,2.74327510537093,2.94831051207191,2.97464427364103,2.7205764534488,3.07196393053893,2.90069030050098,3.01079731630263,2.3224040106679,2.53427247696346,2.26235791608879,2.49883179342755,2.12216062148204,2.33829437045762,2.08990731429337,2.51993198376849,2.51704781039528,2.37004373318958,2.33814485803325,2.43447258090984 +Chmp4c,1.74670115905635,2.37143298683734,2.06911307752647,2.40800629553692,2.45097550277266,2.20193793072678,2.02336171664177,2.17191479456496,2.02562149830398,2.09718432299117,1.97762933537627,2.24974328690668,3.26168892452082,3.5293525159672,3.79883080620323,4.30285356337515,3.99401391117003,3.63828728761935,3.45459534107729,3.53861391576446,3.86854100588745,4.47304580234829,3.95635961678155,3.85507419931871 +Ptpn1,3.17624161618844,2.91522136569729,2.99848606341205,3.02669281101504,3.31410204029994,3.27247356168664,3.15799889770859,2.94470570601067,2.92591627117178,3.07651585386431,3.33450357237306,3.06468957244661,2.99296082384705,3.01882891244743,3.28610564611124,3.6360794019293,3.67913375459283,3.40223410427491,3.57578869739245,2.87284790742774,3.12018523754598,3.58774101596071,3.73792965667509,3.32542125098244 +Nfatc2,0.948669166087045,1.40783956249046,1.45648572680502,0.775200326423219,2.27337571436525,2.27055167778551,1.7399111006215,2.09721352343693,1.29094107798406,1.18206543782023,2.10719155249312,1.62330634384405,1.02148975727594,1.59058249929041,1.21063372164147,1.11665307990923,2.61000192974541,1.9958183596958,2.58533323035888,1.59117087959962,1.19107606230922,1.09678109472953,2.43818251844103,2.25825461247913 +Atp9a,5.13245393745442,5.02691053494021,5.35254533006661,5.15718860068327,4.88947828058491,5.02176381294155,5.00941050391961,5.29453735610629,5.22764793301835,5.16049139093875,4.97540537596419,5.01121481541591,5.18646273708686,5.0703151288413,5.27551392522971,5.13345469675948,5.03019234899578,5.19520611595823,5.19071755396855,5.26079684329159,5.16416610314005,5.23387456862873,5.18677462615233,5.08448043788121 +Sall4,1.7137565735243,2.00751421440489,1.8334636661647,1.69627880266048,2.08980096837297,1.89215077315521,1.81559866719079,2.17705148812533,1.68698254196678,1.93567488401797,1.99510088599137,1.95422358003436,0.892148513026137,1.71354992903699,1.33317019643432,1.09480400109071,1.59016303840422,1.10741011060855,1.58908198166515,1.28798584841564,1.32084718041139,1.36013969467007,1.57373847622177,1.37554557986934 +Lrrcc1,1.78255460791273,2.12056020963828,2.17914636348891,1.94340520105106,1.95891165275819,1.91247549612688,1.85777114048421,2.06224021182075,2.03360349589922,2.05177744761445,1.92107437957532,1.98364263951812,1.59321454733919,2.11281108130031,1.87260605654047,1.72141482383233,1.50250259766012,1.53211514690674,1.24715538424248,1.9405166111497,1.85340791058775,1.8130659010491,1.38852795283613,1.7554867874021 +Zfp64,2.01027430933816,2.18038949612965,2.12692767100736,2.15497296330608,2.00851418473363,2.16228913991759,2.23293644889946,2.01233779485049,2.07428107288359,2.3799190952736,2.23575631322344,1.995620577991,2.02380525007511,1.90661377813113,1.46076847513251,2.00739259105757,1.93377734345171,1.80359845737735,2.34040169979136,1.75130805775137,1.85385475243119,1.82022290400894,2.06928877262185,2.09245067018101 +E2f5,2.34876349317443,2.65442859968319,2.70024007298705,2.29826978048627,2.68164707885452,2.36567788445987,2.48562072424603,2.20763425782813,2.32232667535568,2.51659170372215,2.57497263997294,2.57435127700336,2.99012685169711,3.21956161883852,2.89367643302272,2.94911504488984,2.84655329466426,2.74098523404527,2.58380536951015,3.06589468624512,3.13456832321092,3.11282589101743,2.82597973036429,2.81062462004709 +Dok5,-0.40402554360931,0.089522975742064,0.0548274394870421,-0.0043644886430438,-0.106297166440702,0.27228783154968,-0.173386941110314,-0.0106821959474303,-0.614329318473183,-0.412571193329816,-1.30565344170699,-1.11271326678133,1.76941574749161,0.735564290481374,0.504219305163647,0.362650757842708,1.46134225421352,1.29938121865114,1.48525793810217,1.18895702124707,0.878718719445113,1.28765181664786,1.75262746120126,1.48365560182608 +Psma7,4.81075974796719,4.29254861108548,4.73260942706694,4.75823456894183,4.32441135331726,4.40776358103618,4.51643818703984,4.41323623353727,4.69081011307133,4.66696003070502,4.4206838007789,4.56520953978527,4.59387047576541,4.10869597111062,4.51942238749563,4.45385769216035,4.2877294045651,4.46566830854051,4.29524674213275,4.31993038596814,4.75775300342572,4.50364157290121,4.34420094908394,4.49746646380435 +1600027N09Rik,1.80924002822795,2.64287521442287,1.60740959679338,2.72523561466231,2.54168281428347,2.49304500754822,2.82714011519575,1.28849209577262,2.10757402122475,2.62236184477671,2.61618761314306,2.49855159766959,1.56433446652262,2.18686123679551,1.44752831244461,2.29662031813758,2.04174510537226,1.58996422091036,2.30498571273051,1.08615241844614,2.06955967443905,2.02946675036874,2.34539224324748,2.02370613977661 +Gid8,3.57204120125532,3.11921382702796,3.32661743293265,3.34016355322985,3.41849855586712,3.46806492918665,3.2559665932505,3.29298880935313,3.3522193849464,3.17804244995662,3.45424008472463,3.2651580870938,3.80027945812254,3.28332565674757,3.69895562189205,3.63062013357197,3.81288240607244,3.70187368647349,3.60994878784274,3.60097193707212,3.43859466706449,3.45565197926495,3.97502826250521,3.63615481135251 +Arfgap1,4.25891667146077,4.43515052434195,3.94899262367291,4.44463761320367,4.69553733670763,4.46880038658544,4.67224839103022,4.0204753322367,4.15071461211264,4.41964958135532,4.71628830763376,4.34073017037027,4.12280708048149,4.22792957946966,3.74158424090003,4.28795950065829,4.57787515102986,4.1511699466771,4.77345985745349,3.7141905423333,4.23598072937046,4.26941955549976,4.77581011593425,4.45520227073713 +Chrna4,-4.66533768690162,-4.12317652760526,-4.66533768690162,-4.66533768690162,-4.66533768690162,-4.66533768690162,-4.66533768690162,-4.66533768690162,-4.66533768690162,-4.66533768690162,-4.66533768690162,-4.66533768690162,-1.72786266236972,-0.999529674792375,-1.09297795398682,-2.41134352452071,-2.2293369823728,-1.85286273263599,-1.77784254808935,-2.06384638980312,-2.48061487528188,-2.22358803438836,-2.83630056784762,-2.22233201806245 +BC006779,2.29605052875533,2.46318395896216,1.52308278431534,2.33606837368357,2.7618226467194,2.61323955451351,2.79911523888352,2.10968644337548,2.28358210120208,2.26865946514655,2.61546571544146,2.47489750016376,1.3903640700323,1.69608305937471,1.16920482828175,1.55782149888393,2.19915218193638,1.71386310503907,2.37362466589499,1.07616458129794,1.35426712368673,1.39367151732705,2.21568865150281,1.97478468524598 +Stmn3,4.29975399417531,3.6989228058073,4.56973842315339,3.99423246695987,3.76903858336917,3.84301451609695,3.87546675761768,4.16564678461327,4.05182073364369,4.07071189046023,3.73433775688148,4.10848629234197,3.97865047922925,3.74846020946577,4.23541272577976,3.75682960706717,3.22087432568701,3.40408149646616,3.19237720199778,3.81404532926018,3.64328718721482,3.98780620860187,3.41513724485445,2.90462317118865 +Zgpat,3.10229318443257,4.16284705463386,2.16710750817127,4.15980375632553,4.41304016781756,4.04680650612058,4.53058308794752,2.72362282831793,3.1487290288391,3.95498250903875,4.53240331702216,4.1968986463759,2.56832212692386,3.36520513541129,1.98983059746934,3.44464177546525,3.88653527984414,3.01541500991793,3.97824201362283,2.27275730578616,3.08991636482524,3.33003783684403,3.85639363378351,3.83849041819994 +Oprl1,0.924946145304697,1.35558540707794,1.44966688018237,1.39215871577752,0.95047558521731,0.370583698091326,1.27463783527596,1.15606721480555,1.38440788927833,1.01099879117616,0.97880636792236,1.20450790531497,-3.19213310048621,-2.29752976092621,-3.27631572624276,-2.74087977417662,-2.96467241357959,-2.86719634068241,-3.6078841729734,-3.1809913792628,-3.2599248557951,-1.96481371566348,-2.2466973407178,-3.63280333861591 +Pcmtd2,4.39510870011972,4.84272290869964,4.77996238338995,4.71519687720426,4.47377319604617,4.43890559749562,4.40935281915799,4.81868479033108,4.67192661739373,4.60304034557328,4.50847507648408,4.56061437402939,4.07747020275132,4.62932241706001,4.52899157686544,4.55397787219159,4.1360234972299,4.02483232077074,4.17359117787702,4.73281100488233,4.5252252940701,4.53402066958446,3.97491272407838,4.23523717558664 +Raly,4.08756394995314,3.9971338035998,3.71370777368018,4.03160773535207,4.02473513343739,4.12998071560493,3.97620327772506,3.78416684660678,4.06900931559507,3.94332170164944,4.14507247356429,4.06746025638216,3.47463167418382,3.68959402595997,3.41769923816694,3.54656893549079,3.46094305507797,3.56219109509494,3.53790890666134,3.59834423400606,3.62152557940701,3.5634272391356,3.65364938796331,3.48646819147366 +a,2.01734907780895,1.92025488489886,1.62469902196201,1.9381691730817,1.95268092227665,2.05065442760074,1.88944203305449,1.72119917551881,1.9779094941735,1.86503816298026,2.06890216598768,1.97845150466398,1.41094870261415,1.6102128456829,1.34049917145132,1.48930976748063,1.3832780824786,1.47318234337676,1.45316572542034,1.50933548228789,1.5360229941215,1.48503881539155,1.56117643561321,1.40167411867994 +Ahcy,1.45615968615861,1.56031365635281,2.24856736396638,2.07652947211623,1.76219114845155,1.4686393962675,1.72012431876763,1.8229040899374,1.78068944944745,1.7236258857748,2.01040414675711,1.86969488389988,1.8217459171183,1.58962102220593,1.7664702061883,1.99733848920789,1.56550798991605,1.98011149662148,1.29326499692688,1.90398742266791,1.5785331910931,2.10657345947618,1.93518580561298,1.85196955999067 +Itch,3.36402695560574,3.34962900010858,3.34672798294188,3.38250142369318,3.38334477395044,3.28710279147281,3.23668485007227,3.36831229598118,3.35134066617706,3.33736427166388,3.26741582648282,3.33496732382331,3.52375264502389,3.25220156529818,3.5240990725846,3.40822737690182,3.3719226897156,3.4861113876856,3.41467076779065,3.41604522034653,3.40141007189045,3.37122343705781,3.43077217127687,3.568023808881 +Armc1,3.76512229572295,3.4878990296801,3.66038347956755,3.27840908364371,3.54246779726517,3.64264616800147,3.21373142630763,3.45982590837484,3.38526888199268,3.33130654987397,3.4513635391293,3.47589312600603,4.29091982649374,3.86457568281693,4.13787374729973,3.76470842299844,4.00797562938205,4.15875060465404,4.12287019310641,4.12348679301379,4.15423153798768,3.84799887882699,3.83597974503477,4.06710133694072 +Mtfr1,3.15437153988641,3.07203968835279,3.07045555056289,2.9034188019193,2.84915336420861,2.85507170599182,2.84691605768068,2.89828313144247,3.06573790259187,3.03782520019711,2.80137717602648,2.94070733675272,3.47093972552885,3.38279147014921,3.61293555780939,3.524973362522,3.0853811983258,3.36230162929736,3.13284541188824,3.63274090267482,3.60603946873777,3.4915548707597,3.10645638380552,3.07713912622338 +Map1lc3a,4.86947350255697,4.47167841155116,4.93024309868912,4.78440505135365,4.58458291367525,4.54944961153475,4.64736924067381,5.0663503280956,4.9975147616431,4.84811975027108,4.56085704502021,4.56073587651089,4.36820209643686,4.25008892368253,4.74685401466488,4.49366682629584,4.20303449142444,4.21536242032534,4.02418813197503,4.51745029975286,4.48352654812378,4.57184496765753,4.17675905845121,4.24747422767578 +Ggt7,-0.486436715097974,-0.063387275314847,-0.953180492906642,-1.07126570559565,0.345909597199099,-0.0679245748787878,-0.040496035677124,-0.187352107086597,-0.840163541065967,-0.447378833752706,-0.0549402837574604,0.195206942278272,3.26999087567381,3.54404326719606,3.38553323134576,3.52293939225058,3.68940287659905,3.31673907271006,3.70142768181026,3.06196564682509,3.57565758050566,3.60797009827001,3.83743662203651,3.65890103128291 +Acss2,0.160988454831732,0.426813440877975,0.0519361616794911,-0.0896543365226261,0.367981633007719,0.474134825209424,0.327418884166689,-0.228365335915725,-0.149492851919617,-0.111411137536058,0.418009904099244,0.299046485001768,1.57002989330041,1.53556515834589,1.69487929833421,1.53929295478444,1.57371528230702,1.61534382764313,1.7177838330344,1.56779377652419,1.46499979697817,1.57491841988602,1.57317103399769,1.54254061869819 +Gss,1.07247138659823,1.25326578521741,1.1956213285055,0.987045330676989,1.02514766587976,1.0062228315747,0.872287824246496,1.1946903137612,1.27096715699164,0.949060514938583,1.05018712431693,1.0101570228255,1.1106534933116,1.09144732589627,0.89840734802126,1.23741866936953,1.12619202614804,1.31010377795266,1.10720725511471,1.27188347785577,0.960866318789894,0.930701865955864,1.1408448296756,1.14856150907807 +Mmp24,2.20816928551562,1.99430897108906,1.95467843404907,2.05233185291946,1.98698546488845,1.96181069875629,1.76035176868539,1.77091949984729,1.91990371892745,2.1371831550314,1.84018324624145,1.69340696310015,1.91767179767472,2.14873504556734,1.9900023993229,1.8344882812929,1.81742942521168,1.99243257131548,1.71423823659349,2.25380760122181,1.9137590230597,1.86549361387278,1.69841705561769,1.97716656842623 +Eif6,3.74853734188671,3.22287206892281,3.70295199682133,3.60856304799752,3.24017295597466,3.2613106081128,3.32150932130825,3.43381339769838,3.47499775789748,3.58852385630717,3.38024875817195,3.57243901824368,3.72072604695767,3.35709105747372,3.69470940068421,3.67162969452572,3.56836150001513,3.70599173139345,3.70263260580603,3.457329654039,3.93082832701957,3.77549058512122,3.66510504646511,3.51829968263895 +Hps3,0.248401946905635,0.188249831288277,-0.0692264393811426,0.144365027986362,0.28487925671921,0.522587550485505,0.261587716025104,-0.269623723370473,0.167130239109749,0.171458494045255,0.448675053222843,0.231908160893082,1.29581725470434,1.78264902663876,1.57314298885129,1.69623824373881,1.49800242439481,1.6034511401423,1.61021324336804,1.67068910704543,1.60991635018156,1.62722512447322,1.58275320471927,1.59864224129406 +Nfs1,3.09895553889467,2.94971317502622,2.97440510767945,3.09424126984788,2.91859694353629,2.96290095213225,2.93187985876792,2.94393568496803,3.10384653804792,3.02214592876749,2.95231048558902,2.94402776235902,3.04287066788615,2.85505086820263,2.89818140636846,3.02788613771508,3.04226446189122,2.82211458776204,2.89050861460343,2.93010881167809,2.9568813244181,2.99007940468988,3.07258315366837,2.86266817466735 +Rbm39,5.14798585308735,5.79054242303623,4.86453646915583,5.65006891312337,5.62687775640108,5.36542101637215,5.75143105072916,4.78552860019218,5.24054602128291,5.68328314754029,5.66486922762499,5.73438108641732,5.26563075435416,5.57759987629646,5.02833688317262,5.54465777718004,5.5167726407494,5.22942516256461,5.53356026650001,4.88055446912284,5.5713388779084,5.55844847469383,5.54507837948337,5.7115344556398 +Epb4.1l1,2.17144997667243,2.16256788363791,2.46738924316459,2.01516742426532,2.32120174692829,2.29280195763391,2.32729562924834,2.37758776835102,2.26271271569036,2.1980320477911,2.20526004968022,2.15736948511932,2.21496334313886,2.44753273536337,2.31149312171822,2.54827863546813,2.75797845863496,2.36232901456813,2.81138513266152,2.18581713263087,1.95910465441599,2.62294345207285,2.92001095870986,2.60503504610486 +Aar2,3.76180396379746,3.44722110446643,3.70023252378785,3.37474196125557,3.1723399221181,3.31979709581927,3.35341225496702,3.7314159855006,3.46097775589788,3.37161478330943,3.13994049984386,3.28590674326438,3.6861832701008,3.44418882400751,3.90274577840353,3.38842379565173,3.40709948100906,3.56292741274975,3.49792972028082,3.70384781311906,3.73720498972883,3.54441142486787,3.26589811469828,3.46112229777735 +Tbl1xr1,3.1592158988547,3.28628036767916,3.29048753829367,3.00469157542845,3.18914117959587,3.12167555772723,2.9756235310473,3.41145743940534,3.14997023307322,3.11646041437671,3.08768765905555,3.22386061754566,2.8375064528484,2.89810189950205,3.12178621164977,3.07885177564947,2.6773951390796,3.08905603462206,2.48451384047908,3.1068463583163,2.87797597532507,2.94964303052721,2.59729460760078,2.68097955705324 +Ndrg3,3.86162667611056,3.6279114806169,3.62272348983784,3.54869248194376,3.67397033879472,3.77939659057274,3.51898143579042,3.87315590950358,3.62862237397612,3.61259676824125,3.79867001668588,3.73407542106064,4.01076243692961,3.9453324046667,4.06333077005763,3.84325198783813,3.99282492541386,4.01784913913591,3.82877212574539,4.11795894278466,3.76165511335089,3.9463283500854,4.00349472274156,3.97251771580236 +Dsn1,-2.68719070079481,-1.2224747213029,-1.72363280592827,-0.680464031913512,-1.38921657612266,-1.7885458684534,-1.33938782057499,-2.57789923745414,-2.31343892626868,-0.446088985619502,-2.416006984647,-2.03647768095425,-1.06890100668595,-0.748912539411766,-1.21231544169962,-0.561113656330207,-1.80827151580171,-1.41192999336223,-0.515820142598986,-1.64631533666657,-0.630580686676899,-0.734541932938993,-1.6230529211273,-0.649843412267508 +1110008F13Rik,2.69233635260357,2.13970753122916,2.41623796422053,2.44582284861421,2.21977620841308,2.3364316993187,2.39485310160116,2.22267817810852,2.56699471820728,2.4672384640878,2.05262043235378,2.23018494219854,3.14981527208691,2.63699304527677,2.9537397039557,2.92438101851907,2.63216572164843,2.7492376151974,2.65568992946921,2.73170324160594,2.87718704118149,2.7059407354722,2.76389244165252,2.76033457591692 +Samhd1,1.43856276905968,1.19786175452331,1.29827949353057,1.26476967771062,1.89239892712969,1.92219049112822,1.69093431715382,1.81413120646939,1.34427743032662,1.39207581963766,1.97379188693479,1.60563130286085,0.859278526060381,0.848382226879738,0.912544587551946,0.888967454697438,1.08536480374202,1.22989147549896,0.99913440463609,0.534186452054429,0.710431034824328,0.855845097037585,1.10811321352546,1.03369903955999 +Rbl1,0.674899663554716,0.91760696649991,0.293871768853249,0.506528435558957,0.986944093781674,0.722135746801626,1.08986302575122,0.348375322460899,0.749138458234872,0.453098193958627,0.564034139365201,0.739506764991333,0.952238263666819,0.934189958101567,0.815616425032324,0.995521239241869,1.35219306289688,1.23013998621553,1.2635638684915,0.82631805854009,0.896725160252375,0.994234679099975,1.21046436759831,1.34789445892009 +Rpn2,6.68145433302766,6.30713325029408,6.37463355670372,6.30204567304731,6.34686702896752,6.43015638766514,6.26608955210209,6.68386612631073,6.263599152197,6.14363084017254,6.4331653582765,6.46391975805659,7.91798148527038,7.49175672866293,7.47245877110223,7.26781625250042,7.33163607747909,7.72884938600193,7.62656029094048,7.88845569053507,7.52487370293203,7.25532567724197,7.36421424894271,7.5002990638864 +Src,3.00852484498944,3.20537224081596,3.23806721034522,3.04245699077038,3.08240387192876,2.84652372833236,3.03134052207631,3.33969864363676,3.14283628421841,3.18937618445066,3.01512778974255,3.01193901231719,2.40146462885052,2.68764552939448,2.6668927880615,2.65139353946841,2.74891059272695,2.57773981628589,2.9518754037457,2.60591954901641,2.43033266027675,2.83784678964493,2.89385405860284,2.68726418959823 +Ctnnbl1,3.47700978021591,3.62587406415755,3.49353789832828,3.64967401993613,3.56646965099491,3.48902822030378,3.64320848322527,3.54973942557929,3.49627111512035,3.64446414205092,3.66065777850217,3.61411983721366,3.85670754239101,3.92380394392798,3.61135194898219,3.90583201047018,4.07827351617227,3.97407783207133,4.12449635003968,3.75750963710235,3.89782332124178,3.99519775340773,4.20752070738479,3.97411313046885 +Tti1,3.418373641469,3.48328501663714,3.49577757484549,3.33070056598762,3.38336083630058,3.35702269555791,3.37795332801018,3.48910346767888,3.36998609506442,3.35133684268701,3.36196022992363,3.4786147388396,3.64980085445812,3.55820451690381,3.38323563219397,3.45609094998701,3.61134032330046,3.57550405840224,3.60815173399426,3.5154040001929,3.28765949677978,3.42923080913873,3.57713692275533,3.64590757693278 +Rprd1b,2.47750058785062,2.29270761904612,2.46347596734247,2.25280290744103,2.320299988829,2.43909416423993,2.2936135921743,2.57742271452203,2.31593634942874,2.02950675126999,2.14987929467543,2.1367554013585,3.10771385792278,2.94714557615,2.9177542359675,2.84564868566465,3.07007595688198,3.14782383020619,3.04503687152887,2.96793425347055,2.91833834846357,2.76883977251195,3.04681952878165,2.87886496150412 +Ralgapb,3.95241109420075,3.77410062148135,3.69252410571992,3.59083043351259,3.98067308212891,3.9873340667542,3.79124612049674,3.9085404569443,3.85439791936045,3.46031971645555,3.85910138198379,3.8372106983641,3.64585628985522,3.82080230612913,3.76896639212998,3.76028174258888,3.72689162257617,3.77116632926461,3.6196711837821,3.78055274918573,3.53387171079371,3.69664420981907,3.71680035229167,3.78691911167883 +Fam83d,-3.85327488415622,-3.81599996997375,-2.49556283913824,-2.71639306529301,-2.26901157808799,-3.36014807249932,-4.35816112927011,-2.42082829399901,-2.40261238035285,-4.35816112927011,-3.82620419151963,-2.64156464939433,-0.82882762875059,-0.748819814535006,-1.04860567555052,-0.350959818256777,-0.52687297029892,-0.535919713134396,-0.838056451103102,-0.0254480636439107,-0.482484314830935,-1.0556951750609,-1.24396140807942,-0.575911289335244 +Dhx35,1.90458099605945,2.01982987880733,1.95174997043061,2.07176903138201,1.85126951040363,1.87919871964252,2.16183597455785,2.19614781960795,1.97758912621433,1.98115875754277,1.93760679541127,1.9926159368372,1.3826275751676,1.98610907051454,1.44468477482693,1.70228067726603,1.69127723927738,1.58802914579743,1.67407344069723,1.55684847867878,1.46707163822247,1.78617721610012,1.94224618370377,1.77406369038028 +Skil,3.41419960657831,3.49960414648243,3.26464259834106,3.69605190191375,3.66951636166039,3.37433641547767,3.60216464797904,3.23314545833039,3.61813437323523,3.53818460750357,3.7072581678165,3.53219556316768,2.68913212453391,2.91275496698347,2.84363642329419,3.03671345944055,2.96769114387572,2.74525284050956,2.70349658449093,2.88154331526463,2.7791828631009,2.95093673122082,3.1365257408565,2.96418493772639 +Slc2a10,0.365006367247894,0.674579504481386,0.831209618872764,0.893496972559537,0.483258705764454,0.776094782812362,0.24588915427882,0.808498997211098,0.937394396682465,0.805813865389471,0.59725499967697,0.609086894007633,-1.06462496717673,-0.708023738893619,-1.12200110109673,-1.10309338536081,-1.1351569113295,-0.993232628388187,-1.42797758298283,-1.045910599853,-1.59652341270107,-0.359491883881281,-1.08313520348462,-2.51078188226613 +Zmat3,2.1439275648486,1.55751708216155,1.55690427375436,1.23925198283975,2.70334475180141,2.61319857850059,1.9557168654026,2.29391880783886,1.43587248676759,1.16566500990315,2.14840866635672,1.85245568057676,2.02050179974947,1.92087652317935,1.96668846915641,1.96694544221172,2.98651994398593,2.58347879938395,2.4101991852416,1.74167626724701,1.56646133685485,1.89132341852142,2.67254611420381,2.30324148789683 +Pik3ca,2.66104035900877,3.06549691659126,2.74132779007879,3.00712204337893,2.95328757645279,2.84400895710031,3.07712589508249,2.52368096956906,2.89767129056243,2.91521650238232,2.88733923029632,3.15592655874781,3.09997020821722,3.41467723867938,3.39098508423573,3.54662126034617,3.42917148342984,3.21287010366209,3.33946797808074,3.13101008301809,3.3455849682299,3.50363886307286,3.47385227259723,3.49454810450229 +Zfp639,3.60377905334469,3.57830986640091,3.51917076193297,3.67952356406882,3.52244360113024,3.50005958693304,3.71730748820262,3.1409431166148,3.52296409647153,3.72489367397277,3.54585063644935,3.52189569524953,3.40317682915423,3.34293280951544,3.36642386188804,3.57995087302043,3.50918508698482,3.06940344727829,3.14253073871213,3.36207897062327,3.34216347858393,3.57304432845413,3.23295342202548,3.54640001108972 +Mfn1,2.51654714742936,2.44485114731818,2.34766029157081,2.38353068204622,2.56869309212284,2.78350090448819,2.44985299928114,2.29223426585996,2.35092602711419,2.27278936907153,2.57760715895041,2.514693235651,2.78502334741442,2.6053513386215,2.62139216360069,2.96694280527353,3.07874016306292,2.76207472668172,2.90154722333216,2.6904794208207,2.74660790674963,2.92546908926608,2.99857433499183,2.77260865623336 +Gnb4,1.56296037290662,1.04743210829222,0.805290751439646,0.777678043928209,1.29652001056711,1.61062215139346,1.17914823010344,0.962264474723675,0.874418632456403,0.502090580717794,1.18518457088223,1.28517832992768,-1.18003104731782,-0.932851966675978,-0.972918409835076,-1.25008278879528,-1.38079473905114,-1.09130453524685,-1.77501311490123,-1.6531799720176,-1.17444045727784,-1.6539516791731,-1.35274375275549,-1.39032834390152 +Actl6a,3.18376217254566,2.76687605875366,2.73835412996851,2.92691041729372,2.7748909664924,2.92316699938145,3.08806678665124,2.8529680955386,3.05697180690026,2.73498375857804,3.05791714219275,3.03905661852069,3.09575682442947,2.99501387502009,3.03620687011313,2.90719699993125,2.81057400424667,2.93391245051688,2.81498118525335,2.98427794881685,3.09895569594396,3.01962533285321,3.1271319264122,2.91011164631933 +Ndufb5,4.76030154979735,4.18383676946641,4.84069695478242,4.80316307636955,4.2660808202331,4.4222650410749,4.27662766071193,4.6980911241247,4.83083635549954,4.76456313467412,4.38238259515799,4.47404231696709,5.06696768016454,4.57903990925878,5.12604597267625,4.75773989256818,4.3911947137993,4.93058063867898,4.29897688265538,5.16410583854721,4.84804130539305,4.79035116109279,4.43358105320829,4.57541029643851 +Pex5l,3.37735364014767,3.46580785206576,2.83240199111367,3.04280060331386,3.67861815619694,3.80573796701065,3.7467361844496,3.29723579787843,3.00076935889358,2.91746032216495,3.72037127657276,3.67505505672486,3.68203861025566,3.97856884329448,3.59489522913332,3.61493808501477,3.92139398820599,3.78372374697001,4.07218847059837,3.65721649268502,3.73906343080825,3.45255820479912,3.93592555413571,3.80718616077476 +Ccdc39,-0.141586471331614,1.02264251610612,0.182438309702366,0.775467687187805,1.26137744941955,1.15723457078932,1.36184629628423,-0.123308814356801,0.544293778013444,0.916746898182966,1.37990512569603,0.76959300426313,-1.81918635561503,-0.645101724731782,-2.03638029252811,-1.01662657641632,-0.920127919673419,-2.12886511741592,-1.45787103006671,-2.09263008125632,-1.18882848452768,-0.822300694459338,-1.25842407133566,-1.23069240664736 +Ttc14,2.67256510654775,3.21014255061226,2.203843095491,3.12632761567985,3.62525896337388,3.35939641032303,3.35276272736591,2.21096421365954,2.61317241233723,2.79072783135492,3.38284483580433,3.23768983089741,2.82828452843729,3.40461612988532,2.59537926428632,3.09594374078364,3.47678886243332,2.93581644614022,3.42704832698338,2.68801454288624,2.90356739482837,3.00899549414293,3.3893800329498,3.44578605188248 +Ncoa3,2.29263086160698,2.40540907403079,2.20159473797726,2.25729274884332,2.79647234676873,2.89209118182211,2.68008869894064,2.53960475919044,2.23189242111167,2.16222183264254,2.5963311547619,2.43937947288975,2.52878061178164,2.89168048097786,2.41874609353081,2.6475803199549,3.34327452271979,2.88144904727599,3.38942782848586,2.59690604249981,2.38736425275171,2.61337543144972,3.37783998647466,3.13120965157689 +Dnajc19,0.998027781242733,0.69245242085758,1.12630087100376,1.06041505233972,0.520546320113124,0.408147303608266,0.800920382546689,1.07039672769519,0.912828213952222,0.941443706069,0.862219868986281,0.96376113725574,1.71700343581066,1.16466358675268,1.45898704903785,1.4400464981348,0.839603336252277,1.16678771342599,0.853928553542542,1.23295383086457,1.22027641494628,1.27265150907775,0.927090295439879,1.18480023834955 +Fxr1,4.73253189806743,4.74875755564753,5.09266000493131,4.91723336111248,4.59083712863111,4.73543044306136,4.7912274062431,4.83461497852412,4.93827385222372,4.9755569884699,4.72828858832585,4.93773874426401,4.46977738311352,4.42544112897942,4.38157899729256,4.48328629418208,4.33968059825055,4.2911841672473,4.27639714810117,4.5333332483934,4.5145321174646,4.45030116293628,4.40170674995993,4.44885027098201 +Mecom,-1.85739267280363,-1.40881274579014,-1.2254102576428,-0.947894732349757,-1.1798279382083,-1.49658923178246,-1.22427495492177,-0.908606273718437,-1.14566988841568,-0.511897736577425,-1.69879576672623,-1.15270679649316,-4.78285466361937,-4.32921892425738,-4.67247487045141,-3.37577739995563,-4.0340182347413,-5.06776013930672,-4.30303850332038,-4.53788706720879,-4.45574701699914,-3.09726733288593,-5.12985597558045,-4.78346589686095 +Slc2a2,1.22986856568959,3.55479594227997,0.837325730002549,1.17917821088416,1.97679606490508,0.555225733988497,1.21665698590965,1.22032741202774,0.990596070016255,0.454307179928407,0.962827267621736,1.8278310436106,8.66959013901023,8.75842925445522,8.99496396683251,8.42502684161619,7.73491905178222,8.37472016405761,8.11626814056249,9.04360645985449,8.97555996105327,8.61025263436002,7.704610920612,8.13835984222876 +Tnik,0.926874066328247,1.51766694711361,1.28052444870694,1.19080405439441,1.41473669294808,1.5619042255852,1.51244460156017,1.2233956928188,1.12617701784653,1.09305799558159,1.41665850033117,1.46210641306175,2.16461050306189,2.43958531976589,1.82846158635835,1.96334415160714,2.05827869396178,2.05712429851815,2.58472081716207,1.63167591762544,1.94976002821539,1.92823795768019,2.02179734649337,2.44735717722781 +Gm8325,0.332230271303922,-1.23271618812966,-0.0671763429993248,0.0446013890722483,-0.0573312887254096,-0.437487653403676,0.0170695344578305,0.111830847329504,-0.212415742898516,0.526641306268705,0.238900089799958,-0.436824279597123,0.589134186772985,0.585584363415517,0.0231425102078897,-0.150576191642335,0.0877213908660934,0.0695390488521359,0.524914123711998,-0.0776180103897044,-0.659569232794052,-0.0661784018072371,0.352407774908069,-0.306361307262703 +Pld1,1.16266768745332,1.12113275789158,1.24291436549562,1.26939732334107,1.38354725737117,1.77931445425767,1.24448076997263,1.37429237708604,1.36844040628266,1.1892262900574,1.27590518468932,1.3887527367004,-0.787103568870873,-1.28118700515825,-1.22023929766267,-0.52289959712102,-0.649923505199256,-1.00800753513313,-1.24926868333604,-1.43655838545191,-0.736428370959039,-1.08342559045073,-0.448546544562117,-1.56100912412388 +Nceh1,2.92533988660537,2.91455640066178,3.19533456903499,2.92784032196099,2.61708109582816,2.69682084857266,2.59313977260273,3.1977752620254,3.08871420629275,3.02963285193911,2.56096528142585,2.81086159166624,4.3529715624345,3.84098303952376,4.35971263404133,3.87561770764602,3.84982588066535,4.24858699110891,3.76032408509241,4.0462101365965,4.10045464750934,4.00521593550987,3.71441775565733,3.79786242794432 +Ect2,-0.965494373065238,-0.611668245656969,-0.143585980293168,-0.785945394638333,-0.962349141621189,-1.25182039662715,-1.49127412581758,-0.529672433331117,-0.485942429850184,-0.288866954223365,-1.01847948467786,-1.03323838403359,-0.630013942912719,-0.253100479924708,-0.784642432769665,-1.00975182813913,-0.991018597607371,-1.12765844413056,-0.709223372248601,-0.565393213863291,-0.26173989767801,-0.704647990904638,-1.22053199918899,-0.236403680434925 +Sec62,5.15664994133274,5.08776168908405,5.24577802875055,5.14589480691062,4.8853100787108,4.92490560725892,4.95003016479247,5.14409079498181,5.09827097887128,5.14532838401366,5.05588596631671,5.10141030206674,5.75180745194898,5.75434973048836,5.71052199746475,6.04654144450758,5.65266754727302,5.58114307722449,5.45462356409981,5.80260211642999,5.74772440955774,6.01388790394696,5.59112796473445,5.68083947417834 +Dcun1d1,1.96245583499416,1.59108998493656,2.18146345364902,1.72482626389713,1.78127888226353,1.96928103962562,1.64009223930511,2.06332707783481,2.04281576036182,1.98914960067416,1.58195693619032,1.97170408636741,2.12262373446013,1.7978856492658,2.26693131728015,1.92543049268158,1.79939365890543,1.93597736759458,1.50151636595016,2.06217038611556,2.01167809242994,2.00987460888984,1.66298084110197,1.78956440815809 +Mccc1,0.53734333144877,0.275229264041077,-0.0293273112222634,0.316657945902731,1.01193812996829,0.92501299592724,0.6631478666642,0.476574562453768,0.137450509911803,0.482926831225334,0.817495247681228,0.669394452174142,0.620079764263658,0.963069864852831,0.502545448666729,-0.0502710387434666,1.40099542796621,1.24039647412769,1.43976358348857,0.622540811790695,0.569877960790149,0.467961411764506,1.37238474454541,0.783221665676328 +Acad9,2.10260692494836,2.0459789690922,2.02411630565848,2.0070010894519,2.0048411320508,1.9911601700319,2.02173344013619,2.07519200408747,1.8823409397617,1.82461110595008,1.98322010573577,2.02711607960593,1.98392216769162,1.94503451112316,1.88974602606588,1.81552667703901,2.03677329377605,2.00220351153704,1.84840775918202,2.06969727588329,1.83876328298367,1.88640994692209,2.03784078225457,2.16093616755243 +Anxa5,7.35046064307439,6.98174085411204,7.18952836081378,7.05324430683755,6.77876505625584,6.91162798563298,6.93132664233871,7.29053887418182,7.11043496525475,7.0041489858823,6.76842863947016,6.99145289736687,7.72458601863398,7.18074999358491,7.20733896566391,7.1717127241294,7.13464303598309,7.66847852267122,7.21486638124078,7.56339549878076,7.32392960332316,7.22557327757651,7.19121349268301,7.28293953609079 +1810062G17Rik,1.95730442844605,1.8958614162804,2.5193186814162,2.00665011449068,1.76219346235348,1.72354276168864,1.72986271549888,2.01514571214301,2.08897577700834,2.48699889357642,1.74707610331179,1.56018179014007,2.61870126153623,2.94599197152869,2.92962107005922,3.02371804574098,2.0677525404512,1.89669176234784,2.62739096156263,2.55296452231169,3.23457377438805,2.70632478812317,1.55599816011912,2.27348297716838 +Exosc9,2.71036720144859,2.31182183127011,2.45695561406937,2.12907444418142,1.80233052769209,2.10201051478659,2.32197748843036,2.19809920837193,2.19370542900345,2.17526333770902,2.0596063779928,2.04138847817513,2.61823746113059,2.456057654148,2.47476192480034,2.5741841735445,2.24741667725665,2.64357164818278,2.15178660654143,2.39982074564447,2.56064409256885,2.3539328677692,2.40010098860144,2.32985652846664 +Ccna2,-0.706088362211862,-0.389188288972649,-0.100799957583604,-0.226219746535131,-0.412140273065203,0.0328100911991998,-0.0695269428892162,-0.606283972435226,0.311523127971499,-0.626878365904339,-0.372677234799307,-0.590845421439886,0.218203976655179,-0.30101249635915,-0.015943273304311,-0.706466645540731,0.19212487157686,-1.74481032062828,0.121204490841548,-0.849252634790541,-0.0675316455825579,-0.0233869500668953,-0.897845736849187,-0.225904362896455 +Spata5,2.88081039546627,2.60789854592188,2.76993693828278,2.75883785145224,2.80911065032697,2.84124602567615,3.00811813641586,2.43514536108575,2.78799635008367,2.60965319353103,2.84313257107659,2.82882168434492,2.85878274100115,2.5044525794003,2.78438382136875,2.65951291552391,3.14321531062579,2.89964753883104,2.77579330648164,2.37847681573798,2.93203666200798,2.64097660485283,3.06212725862626,2.80596380473001 +Slc7a11,-5.34773636131013,-4.91731041336408,-4.81373127616644,-4.66847682486302,-4.33661560447173,-4.85460954965323,-4.6857440541698,-4.89409681596404,-5.85262260642402,-4.87374243866212,-4.6275529210392,-4.91554904084923,-2.12892517221605,-2.42729172007338,-3.6933837714959,-2.75838106710953,-2.97056343974475,-3.57939952251591,-3.21194680721437,-1.51990954079782,-3.37762859178309,-3.28567156810013,-3.12653321385471,-3.02442066625174 +Rab33b,4.46860869292405,4.23884559735969,4.4686682114353,4.3994806736453,3.88611428555165,3.9752375635147,4.10534128955569,4.27184620626958,4.53114485969483,4.19135918044452,3.93330263266578,4.12421909248808,4.83927939982871,4.3983677973166,4.65440663810614,4.36016610768827,4.16211046347382,4.61929440315334,4.28435692367149,4.56979114435357,4.58029502671832,4.28124016390508,4.23296049132973,4.29563775088718 +Cog6,5.33292442336339,5.14284099342176,5.11905802243037,5.1672382762067,4.98530287410856,5.0486540819905,5.09953493169503,5.14942800704842,5.1839850543965,5.05015168805762,5.04143589280515,5.13905616466678,5.6105287760431,5.48974843071736,5.32087280170193,5.45371173692056,5.52237871320407,5.48012640429926,5.46061617353662,5.50018137224791,5.35357078635998,5.44713808520557,5.6296477002284,5.71391885260025 +Ufm1,4.55630824179874,4.01394838301666,4.10850213930584,4.00580977157117,3.9023646474291,4.11091512120793,4.02440051566148,4.01513306320986,4.07720313590475,3.98744424551411,4.06162014725934,4.11611290541882,6.10504609865932,5.52998881119528,5.98504557375025,5.7817385988239,5.60892563390638,5.92569903120514,5.52269153076146,5.7123392392028,5.93671946968415,5.71955513805189,5.6753295898376,5.91424305480661 +Trpc4,-1.90285491210466,-1.18590408687614,-1.9271997609515,-2.51540973422622,-0.792616674097979,-1.16065674675,-1.00554501631051,-2.05229406725372,-1.58797799152623,-1.19434290946704,-0.983090307793802,-1.18268444596577,2.18139500578719,2.44950326790804,2.48025744415984,2.71616991572972,1.9642875211405,1.9723594898869,1.54876593082186,2.61287924228557,2.39299763680231,2.76972507651767,2.03253925495114,1.81030357201015 +Postn,-1.81051752688851,-2.35970209746566,-3.69438774276455,-2.2936581269321,-0.759007686177353,-2.33445475733951,-1.37417928373306,-2.40435735149903,-4.46508316730382,-1.78497229374641,-1.89673978080359,-1.2047025214992,-3.41438871722003,-3.5503461589611,-4.0172843403037,-4.62757735687444,-3.03195378527136,-4.26372676659423,-4.21753649643782,-4.24251204740982,-3.73332020067198,-3.34717597224055,-3.30821800886482,-5.33097580879284 +Fam48a,3.41513602889946,3.9538101488695,3.08867806924164,3.72085476690348,4.21932328144897,4.09452357594099,4.06441797106273,3.33042725372445,3.50429627244751,3.70182485304492,4.15354935281597,3.98311958711037,2.60334729553965,2.63130564626538,2.12916660788612,2.66515406825631,2.99099312299134,2.54369016906932,2.94391677112521,2.37269978024833,2.63438174571813,2.64702581130301,2.98000678230359,3.15427429994405 +Exosc8,1.03021774958698,0.996610777111356,0.95376267332842,0.877928197441967,0.940368124916114,1.29013632693889,1.11513283536638,0.853624114448799,0.974526174708735,1.13212418737254,1.14660829827671,1.0479398606759,0.220480346829191,0.314523949719758,0.251696976094387,0.490478473743017,0.350500767623739,-0.226197304236981,0.445268171923422,0.306628204903711,0.16018918121129,0.273264314133019,0.233755619247763,0.348520950515088 +Mbnl1,5.08291322687603,5.12341156926754,5.23993566235533,5.11453280224127,4.85625210109066,4.98486698130068,4.87237372991454,5.08476007589002,5.27051172054822,5.09880683670736,4.76971363447329,4.89933856561003,5.09432425019091,5.18285019761589,5.21268942490514,5.01011308612989,4.5517411639215,4.94341125066695,4.67924714410908,5.42868143928746,5.31557710755291,5.13881616884745,4.49232203673573,4.85195513677793 +P2ry1,-1.37405469856759,0.334284251263947,-0.247614827977026,-0.152672741531302,0.987537396059367,0.483823755263204,-0.75993577719897,-0.151390406315147,-1.39754924680772,0.0321223017964096,0.564749992488181,-0.19342346405055,4.47270660892917,4.7720986480729,4.67500475294981,5.41248817045517,5.14350672057253,5.1380394371493,4.64998202988867,4.22666975653723,5.17399469521836,5.50730894065989,5.53469806963237,5.11645642297223 +Dhx36,4.17068678615798,4.18637340263634,4.47914731979337,4.16251992718155,4.08324577795864,4.16250818275743,4.05061112793958,4.20043735744139,4.31473261610987,4.09524741636892,4.06948695318273,4.11943923127345,4.30968768703418,4.25839009403156,4.50079835294597,4.30311545670567,4.1036141591031,4.29944748326237,4.01267294705325,4.49633248377673,4.39401929705216,4.38547666374644,4.02271813636586,4.18941193325247 +Gfm1,2.85520558677212,2.43080355368007,2.66289857391702,2.34245386164487,2.38351606027658,2.40016499913904,2.50261145274935,2.5226365052463,2.73969739676347,2.47902844930661,2.23544465748301,2.48227433696775,2.91619582528101,2.68233535140741,2.81110708171558,2.73187625299068,2.64312759126965,2.8396202073039,2.70070991918663,2.81990423292126,2.74585240189805,2.6120742034851,2.71300366673896,2.77103537225182 +Mfsd1,4.23008112962603,4.26318007953896,4.80081817972275,4.22193815587796,3.51853223656244,3.99986420356071,3.71878022668812,4.65447375146341,4.5462038868619,4.30723258848108,3.71035363335108,3.95285021566009,5.15130117622205,5.05466872057507,5.33822593465541,5.01698797253864,4.46399980949134,4.99474735251995,4.53721526866705,5.43668378079754,5.09722738634909,5.05387400947454,4.46510696814032,4.74701428743263 +Schip1,3.81767577044449,3.63237039132831,3.82820859647131,3.82518873671327,3.71134370584437,3.74791390953703,3.66418952297883,3.80748490573138,3.79079060371062,3.7297324530495,3.65504962775865,3.79959945999443,1.15341293896713,0.88801466099446,1.17379011517955,1.38040567326648,0.980516531391873,0.690637654598734,0.616443160163963,2.00314631344,0.91313020621014,1.01424682336842,0.953115253281867,0.849646821882024 +Ift80,2.68912736103689,2.80056147922306,2.60036652062176,2.61453777479617,2.56953899758315,2.64948682551929,2.5131983015841,2.956030706641,2.72673348565268,2.60347902066295,2.64512352639157,2.64572220348448,2.63452316262453,2.74183226061564,2.69139597259693,2.44683496972015,2.46194995661171,2.54612061622078,2.36849635449635,2.80211947356519,2.49470077926944,2.50223902333212,2.62615107166856,2.67734116740688 +Kpna4,5.72924595816095,5.04404625747411,5.37493285103707,5.47254446819433,5.62111310949847,5.4830812292316,5.46563629306528,5.50382381116065,5.54248862171718,5.5126777502885,5.49872419821255,5.47679566189761,4.61896655029376,4.47791273209774,4.61543811202327,4.20851365472572,4.54190240110491,4.5022794464304,4.41468607272711,4.64141948660909,4.40007911175323,4.10455599469227,4.36637245322052,4.3970314946764 +Ppm1l,4.19842063270577,4.05517187636082,4.15409094918232,4.06894779649158,4.22728971937993,4.24656398362248,3.84990880142143,4.43595968159831,4.03217894010752,3.99436573994258,4.10546555982698,3.9995701715162,4.47149193085302,4.34656511442668,4.43355729702849,4.39287912623807,4.44818362791101,4.56531913954608,4.34725271483765,4.41731787712185,4.24921206598995,4.25615306581791,4.56444306570305,4.37185174401333 +Nmd3,3.05345265965328,2.7886606472016,2.84967180039685,2.89340809462187,2.95470284273676,2.98687934442142,2.76823679917263,2.60753187269729,2.72408972698423,2.82372073119717,2.81446456302053,2.64631226462831,3.12761442549781,2.6458545838494,3.09217120872647,2.68669149946787,2.98736238862528,3.17688107554178,2.76869970795599,3.09012996961662,3.05919940199813,2.84442966843618,2.96296947576026,2.83906853290427 +Sis,1.26178029823112,-5.04847153876082,-5.04847153876082,-5.04847153876082,-1.62020648508198,-5.04847153876082,-5.04847153876082,-5.04847153876082,-2.81547279626347,-5.04847153876082,-5.04847153876082,-5.04847153876082,0.491144511587282,-5.04847153876082,-5.04847153876082,-5.04847153876082,-2.90081139340641,-5.04847153876082,-5.04847153876082,-5.04847153876082,-5.04847153876082,-5.04847153876082,-2.43824461211906,-5.04847153876082 +Bche,-2.33486989411894,-1.33067988368179,-1.5205649583484,-2.61228313844576,-1.88633561528042,-1.7256534806644,-1.60631058453259,-2.01902543010853,-2.35793328148492,-3.1461703082122,-2.34956900857646,-3.20982323806461,-1.73087893202379,-2.97357346064716,-2.95513464073179,-2.13038641986726,-3.32745293484441,-3.2118811964355,-3.14756626703138,-3.18224160359857,-2.09773656594588,-1.96366873386062,-5.1143734756599,-3.70069795944354 +Smad9,-0.778204166712767,0.255563744525782,0.438605988281551,0.250145183246187,-0.13160117075887,0.23271818566152,-0.398704528817121,0.57496315995861,-0.24933180463471,-0.182766316425438,0.357167746548881,-0.0273188135512652,-4.14882731508923,-3.00516587212728,-3.47210405346989,-3.6115987391535,-4.21033305908944,-4.78579552195903,-3.67235620960401,-4.14125863094711,-3.45243861675002,-3.7965753931968,-3.77058383741347,-4.78579552195903 +Dclk1,0.234925265463851,-0.239737929928175,0.418413059767676,-0.438091800624599,-0.436540944343208,-0.0792409791031816,-0.493235459189351,0.0413485262794917,0.540135317665294,0.0120198339524187,-0.969242741452577,-0.501023155212205,-0.213099521731275,-1.43896545689246,-1.38810937542794,-1.36750136520826,-0.579824687089852,-0.537393528432782,-1.00575193668913,-1.58970516836141,-1.17432541666622,-1.09628625354819,-0.586311131898151,-0.607137222722147 +Nbea,4.45842773058274,4.52147382097762,4.45668206269632,4.3793995566672,4.91287641943993,4.95235393890843,4.72776331690186,4.80997151685324,4.48066396215457,4.39596974234412,4.84956022115562,4.68576590245178,3.93338118553744,4.12029534566603,4.02794063534322,4.05594097292713,4.28013481229348,4.15578426865026,4.33489211290572,3.8580123795114,4.00687738107069,3.95347328121984,4.21165854835977,4.21392469914582 +Tm4sf1,-0.754647070900978,-0.372622886466828,0.457564901944333,-0.374501051242947,-0.397341992031454,-1.6515447861374,-1.09758143280643,-0.791350550434089,-0.0884097050023431,0.173808785117775,-1.34291914976294,-1.40998464900853,-2.42055934119563,-2.80821134180967,-2.79403214835725,-2.05750747177035,-4.10772361684639,-2.43377474015073,-4.10772361684639,-4.10772361684639,-4.10772361684639,-3.11850348808416,-4.10772361684639,-3.47107181481648 +Tm4sf4,8.38453824737779,8.34296936341674,8.62481492054387,8.59377301394495,7.93046061834186,8.00114130182463,7.9621365923056,8.67917717764416,8.58536343364884,8.52965434822661,8.09810329994435,8.2433918584974,8.20847121405421,8.2324358335078,8.68216527131703,8.75357101867272,8.21212678964919,8.37597026854999,7.8247709095817,8.57823664043324,8.65931847677889,8.78529487592008,8.34688617403171,8.29403653329081 +Ppid,2.72621929154175,2.88210838690084,2.52918108738575,3.03416152684401,2.65643909178938,2.71575581529797,2.88247230258572,2.17456040817713,2.55009345169652,2.92192387141985,2.89372021859309,2.84397739101536,2.46941094972679,2.45927599402918,2.25694259509538,2.65912749419626,2.99273596036407,2.41969569935477,2.69200857633928,1.96125887799888,2.64852753894112,2.6419945623443,2.8730283412004,2.81237163868082 +Pfn2,4.02268491448923,3.47984731221395,3.88011404900476,3.65141238678362,3.49209043765821,3.51319547500907,3.51304637554844,3.70317034222811,3.78151419184567,3.717372169571,3.35289264183677,3.46050480422021,3.84292888405607,3.39616331670491,3.62050692571723,3.29746789257259,3.29774168896402,3.4615732486058,2.955605630315,3.70824243448342,3.54009987595373,3.49563160497116,3.02969386585132,3.49360195988058 +Tsc22d2,1.93274843668432,2.04759556041126,1.72232139677074,2.05438054330141,2.17348248476103,2.23047339092086,2.15680596862103,1.68884654258237,2.01989238652124,2.04646645451742,2.09345388079355,2.07216507180152,1.61745185216457,2.16286959604849,1.67250436604859,1.81230993236837,2.03765734783804,1.60412365641834,2.14002947041611,1.48689896509942,1.80523537772588,1.84115256351497,2.22689948009145,2.02468583136848 +Serp1,7.06521559374037,6.16048386723117,6.62869177784778,6.72120432897314,6.38856280294594,6.26510757252971,6.46494952385576,6.26267731704582,6.56130598148628,6.40195125090527,6.36029366823171,6.53937190851673,8.87946595433613,7.86105961848076,8.44892978179091,8.10090554147153,8.22181602900645,8.56033091873373,8.08742149105879,8.37444734881875,8.34726546856544,8.00625124456577,8.22156196317884,8.41494485493055 +Etfdh,2.62818359718066,2.43747680543223,2.73042761371956,2.74065730791662,2.10610160337534,2.39490155715414,2.47305333194497,2.5267710224417,2.82470141044945,2.65703683401737,2.32958000945906,2.32863058874892,3.12480384432041,3.07780505459747,2.989637122423,3.17054294043978,2.71484086485426,2.74484213805895,2.71517849877206,2.90520379896117,3.03770268053051,3.05487031436274,2.87514936248443,2.93233107619597 +Eif2a,3.35063544061729,3.50633891085917,4.32857814254002,3.74561345632201,3.02187706551177,3.0983827614839,3.05486072372029,3.6471929441798,4.05011219923218,3.98587480145839,2.985034693795,3.20556952221007,3.33813071301921,3.119966082769,3.70877591712944,3.16117610556827,2.9713689750008,3.11362770105971,2.82427541795949,3.42562274991964,3.42817485321898,3.3702764313639,2.87902869980002,2.98207183218261 +4930579G24Rik,0.129385710701531,0.0021634676576739,0.822412658918311,0.485014123465435,-0.0394940062343264,-0.533460751654582,-0.484156819453729,0.628054029461866,0.0491782721050457,-0.374572919301095,-0.888799821601443,0.0690915454253821,0.758236167008426,0.714735894470766,0.457179947566345,0.129007427372661,-0.041274785280684,0.368545039338139,0.725120774749043,1.07378428465479,0.966024241514512,0.343067271505059,0.0117868825605836,0.323549622697002 +Slc33a1,5.34893610157778,4.898571513598,5.22473577697079,5.16963733073165,4.58668704883293,4.7175078757675,4.82082345161652,5.19818809144076,5.21911432489963,5.0591175343996,4.71812784522266,4.96847789115489,6.37740185677277,5.84887331995928,6.34569692564086,5.84647080741878,5.93012374786194,6.23588219193693,5.87153182822175,6.0660631579761,6.23304639449288,5.90955146282372,5.92795646247149,6.09313656528428 +Gmps,4.03358043258632,3.59763109935894,3.92602723313356,3.64158763110723,3.48561639049456,3.58724504412014,3.48343094405276,3.82529485626611,3.77223743511048,3.60417837196748,3.45729296169501,3.68804041754883,3.96084562111736,3.30775999879543,3.85647742942773,3.56605860377487,3.45388331658655,3.81578763432763,3.44177717952338,3.45461754606389,3.76397110373118,3.47440397636707,3.52062639819254,3.55084813532954 +Kcnab1,-5.06129135596165,-5.02401644177918,-3.92958953504725,-5.05613115437741,-3.47702804989342,-5.56617760107554,-5.06528928521191,-5.56617760107554,-4.16294594722113,-5.56617760107554,-5.03422066332506,-5.02285963058012,-2.5277850684383,-2.59898490297644,-3.1179894431264,-3.31218343869463,-2.88997662043076,-2.87081405511459,-2.79682025938307,-2.16358695350402,-3.3814547894558,-3.2615361760932,-2.84008820850623,-2.73797566090326 +Ssr3,6.33182568767104,5.89468502033158,6.40653076821352,6.07940068079595,5.69300470899003,5.68370762297854,5.74416879857814,6.21653272379391,6.19879417600655,6.06573208880688,5.71080856929914,5.86496710061629,7.40535481037202,6.47879075816696,6.89417796249403,6.4357128027486,6.66128687107174,7.01963174576171,6.62328941391804,6.94404499715419,6.81903125660834,6.4646130600497,6.69390524271138,6.85431412289417 +Ccnl1,3.21807743740597,3.75986639097493,2.4206509875124,3.71217122457541,3.68460280927866,3.40793569519006,3.81429680537324,2.30609906314105,3.73445202295182,3.75672924028753,3.6460662028715,3.64875112694996,2.58790522012835,3.26721598383084,2.02369704221225,3.06551636342449,3.15761856889602,2.70086352515135,3.2749775874254,2.10743292022856,3.15009189694389,3.04122057532863,3.1424921647414,3.28045992043086 +Shox2,-0.0745357376958022,-1.11085338161488,0.119639567516874,-1.28774354356593,-0.534318589594231,-0.763777468506235,-0.204599547228805,0.195470943639189,-0.639899717316568,-0.949964913097224,-0.647891064952812,-0.739230281544362,-0.420353116652883,-0.416319080832812,-0.39437866262814,-0.388541495155766,-1.20006792626279,-0.570327330498119,-1.19463195412978,-0.279472674839161,-0.743089555722856,-0.458168531929987,-0.662400168592946,-0.0841705500093974 +Serpini1,1.81427201642819,2.11716946139948,2.34243812048148,2.08930945222251,1.60521494705122,1.71768176065252,1.58779049896166,2.27850951907834,2.1870329374979,1.78273195974074,1.74642374536255,1.89930605206006,3.44422039125196,3.5138427283536,3.79647220855699,3.61842759873905,3.02625789719077,3.2447251703042,2.96123944086322,3.6444016785151,3.70389194270864,3.63726168029145,2.92658907875861,3.22404933984185 +Pdcd10,2.57910989594391,2.32756028166065,2.65904512815766,2.63596413707703,2.08865144916143,2.06803455969093,2.38010333217624,2.43471766579876,2.30457618597397,2.36317818486572,2.18707923971066,2.54090489372081,2.5359418656614,2.30359335552393,2.31761917908939,2.31484311277016,2.02082176363832,2.17853816560594,1.77303704565535,2.44268280511353,2.64895440749514,2.58542183057338,1.84088370128968,2.07610012864553 +Dclre1b,0.426741874032859,0.514560981255514,0.14592844368457,0.577079173716556,0.366577449008739,0.414884500790762,0.180971038097974,0.283750809267743,0.192804888128878,0.37700757460604,0.256669989435478,0.266517524606965,-0.887300656321683,-0.643377824322226,-0.116562326653033,-0.680739695604825,-0.924114381469916,-0.50683752015966,-0.858209632890934,-0.638552290911758,-0.978148470052262,-0.794606268967445,-0.715642536265205,-1.0767442395329 +Olfml3,-0.899657948382556,-0.446089723745525,-0.772642949809955,-2.09835716057167,-0.143813297981721,-0.415974895871931,-0.488923921408204,-1.43983300982765,-2.1334527246241,-1.40361657838518,-0.99298812988652,-0.730348130909727,-1.14521360732609,-1.93767400665203,-2.56890739830274,-2.83787610065227,-3.06166874005523,-2.09322838321335,-2.02371784073037,-1.76496017002296,-2.18172865550172,-2.57452113313948,-2.02026107415141,-1.65558048633717 +Syt6,-3.95823419962978,-2.07982327607807,-2.74900186890416,-3.49089453832197,-1.1435353303847,-1.55134492378032,-2.36475688355087,-2.50312480609885,-3.72943094844466,-2.16982771356279,-1.82264498243002,-1.99935478783172,-3.21607551072626,-3.16073722257946,-4.13952318789602,-4.42926415038067,-3.34574206148358,-3.73040380233566,-4.47109163462665,-4.48812571128715,-4.12313231744835,-4.14344247353684,-3.7924996386094,-4.05580693790299 +Nras,3.25469433996679,3.28942991954375,3.32524022304328,3.4682903272389,3.22412500670941,3.26757880354591,3.00433197509377,3.27821549217733,3.30744937225563,3.49325219198769,3.20655959008476,3.20331475286264,2.97157180183507,2.80189579295216,3.00509113807694,2.95664298557295,2.65968834883097,2.87099851207507,2.56981860363968,3.1468626046395,3.09041428105453,2.88145935290429,2.73742366519892,2.68440996965097 +Sike1,2.17575055311879,2.32506752298477,2.20499450121888,2.42151404803309,2.4173546989118,2.46895971049792,2.17350272648285,2.20306400753256,2.308589040678,2.16771088195991,2.27585281882255,2.41450280138797,2.25730524900764,2.13950323779169,2.14280892214959,2.04898240839559,2.27043454625598,2.26617042153493,2.28170199188595,2.21338315233252,2.14081467073448,2.22724305928804,2.31649948821664,2.28433206067642 +Tspan2,4.04127176695235,4.00235320644851,4.14827957235654,3.95105247075142,3.88858038181117,4.01328825228135,3.74021564435388,4.02985969124804,3.91656088310209,3.73382399345731,3.88174575849969,4.06777569013414,4.27282010466539,4.30318409881576,4.57236744062157,4.10277266550137,3.80758347284282,4.39446461754193,3.69655239130099,4.45175797091636,4.32823977813114,4.16476621361381,3.6568341892704,4.06119222032945 +Ngf,-0.232964379102122,0.184120118567119,-1.56983945514316,1.029411784409,1.20067202801308,0.387790266052577,-0.365134363644647,-1.65020499494077,-0.2547484984429,1.05247376830294,1.14454168495641,0.524577029066605,-1.19450138217306,-2.60873078540075,-2.60873078540075,-2.60873078540075,-2.60873078540075,-2.60873078540075,-2.60873078540075,-2.60873078540075,-2.01740777147589,-2.60873078540075,-2.60873078540075,-1.53187512100466 +Vangl1,0.156359387750793,0.520060020414637,0.80342622076614,0.517383836431956,0.440228662268944,0.243327060928773,0.237329390877974,0.704093104828059,0.395755288274453,0.233165675676711,0.217995506146114,0.277709680947156,-0.951433526941081,0.0682244030456642,-0.245866295430703,0.390836221405334,-0.337922957821271,-0.658525611324887,-0.418238444674189,-0.231048884007867,0.0292450298964022,0.279744444943241,-1.45425091984082,0.0196497592686709 +Cd2,0.509096476554632,-1.25947999410462,-0.187676711905383,-0.457949770118346,0.0667108069695375,-0.164806001956617,-0.684704106461295,-0.531789257209719,-0.928328310912587,-1.60459359819402,-0.835652178431859,0.245172300052811,-2.08400501325034,-1.86181477837322,-1.84763558492081,-3.16132705340994,-2.58586459054036,-3.16132705340994,-2.49975608573752,-3.16132705340994,-2.57000403948509,-3.16132705340994,-2.56620562936589,-2.08447138901386 +Ptgfrn,2.2545150252454,2.04401640467069,2.26212959132126,2.00655334044228,2.10273387316113,1.8349965355443,1.90904733826573,1.92465679698046,2.15046504756157,1.86810058858455,2.02714789924679,2.03180436342531,-0.826970796145051,-0.403963296080541,-1.47568131279178,-1.63031825551702,-1.48924114821485,-1.04556511684951,-0.76295976910846,-1.37399188517514,-1.20462956409087,-0.94289355989169,-1.64757862708927,-1.26165734045647 +Gdap2,3.07081242241523,2.7359121087373,2.80535453645116,2.82135371634557,2.69029466667304,2.96906147694371,2.74673141869259,2.49986550453236,2.74326227700208,2.50045504497685,2.85413190086655,2.75592291253589,5.10937686469598,4.14626342986545,4.11155791514278,4.06362223123925,4.2612234985578,4.38365454884426,4.6556163501715,3.96530299032572,4.55638845951056,3.81242020939416,4.27848910076645,4.3935000207727 +Hmgcs2,-2.90507003171215,-0.446787581650412,-0.617556478201567,-0.543146943419255,-0.421298483745624,-2.49718579987728,-1.49910802321722,-1.24527260872728,-1.00873088966302,-1.52990939828075,-2.03642557017478,-1.38175946654359,-3.44253022751165,-3.09815401421099,-2.50369065028185,-3.37609998246305,-2.77471570731522,-3.44935676215411,-4.07949843438145,-3.43496154336953,-2.74614152917244,-3.09027830561922,-4.07949843438145,-4.07949843438145 +Notch2,1.09582357889948,1.30873791552425,1.72690963913478,1.30875701395736,1.13594263929069,1.33953208752888,1.08758646077006,1.80556100270655,1.5120359582723,1.24761538332687,1.0064572777479,1.15117476924029,-1.44188978267359,-0.908175737155619,-1.18276817924343,-1.74735112390022,-0.851555212962475,-0.984230026097694,-0.959461386844417,-0.807279855537191,-1.73673448372358,-1.73047836137116,-1.23376638798111,-1.02570827501516 +Sec22b,5.61699166071319,5.06449309867987,5.44352849860236,5.26353772788547,5.12580871442883,4.99507119901312,5.07839972494452,5.27636198924698,5.35008848862345,5.29190138884509,5.06536846646889,5.09981428914994,5.9500226396882,5.24532997600866,5.47528806064494,5.25033389991439,5.47629250109185,5.76538726891624,5.34089823155507,5.55034670847932,5.55035225686494,5.28149473169337,5.54348961426396,5.56874873904557 +Prpf38b,3.63434626126666,4.04809583535534,2.93460649061918,3.97546906369449,3.86366483550181,3.67901934425561,4.0798347388178,2.87299692905471,3.57513830016466,3.94067711307182,4.04917226578049,3.98677053165834,3.20955315206271,3.64784799402832,2.65312124621523,3.3517798192504,3.63586098789866,3.0989347548213,3.56555259909148,2.70087879378234,3.38686468951659,3.42438514246958,3.60321753989127,3.67953157124778 +Stxbp3a,2.38207352231229,2.52892753297677,2.48287258947521,2.55162832016546,2.21059205590218,2.42237092229592,2.52842238721429,2.61783910530481,2.69276739968355,2.36931629916092,2.42388926722743,2.55322260485606,2.7114256974148,2.81374261988105,2.26879490222114,2.45579057226735,2.47401664353581,2.22254196631287,2.16636036800821,2.51133974312033,2.46944029604385,2.41457445257999,2.53722428045337,2.68356038054791 +Gpsm2,1.91698981620526,2.05429261713792,1.92251012939269,1.64347482172796,1.91797864595943,2.08864450942432,1.97577748410965,2.2415767081309,1.93087240413228,1.88501714717937,1.54372987639059,2.02499443296799,0.617821203126305,0.92890661465893,-0.0860200392564758,0.557835078245473,-0.100137299042173,0.26944317763292,0.512624776425878,0.928826088568758,0.290317255923151,0.60351004483215,0.447085735960085,0.929192008951401 +Clcc1,2.56222246481951,2.48349951626591,2.68586432647253,2.6807432478388,2.52662857129569,2.59513178777359,2.56235545835959,2.46152473612033,2.61521371309474,2.58831459208006,2.53739647519951,2.62695549781612,3.01900536410705,2.95000790494383,2.80173055350564,3.00407654784493,2.65305264042308,3.01740086301049,3.02354987753132,3.06616537489668,2.99403175730702,2.91216729420039,2.84547212591463,2.8844890752965 +Ampd2,4.57121722621302,4.65484054532273,4.21460436701101,4.48927966511224,4.90555896267287,4.75213363201043,4.87053293544068,4.48763775338921,4.57099704208395,4.59225733984894,4.83934948211356,4.66139355358142,4.95377491581879,5.00587352708221,4.78762247154865,4.87955353623722,5.40245170365042,5.08888034018794,5.42600528174942,4.63237230665375,4.82789491290697,4.9101635837276,5.47416418091041,5.2097878270242 +Gstm4,1.70782883012104,1.66999033857828,1.74857041971125,1.49644647706089,0.7236022112099,1.56374233265357,1.25421708435532,1.40119348497739,1.8222548814906,1.95508906162402,1.23303708736095,0.993399378507056,2.9102466416857,2.67572214605673,3.06301224582344,2.64945336327787,2.02905445345153,2.5505407538098,2.66646181479264,2.37478611951474,2.84001598501689,2.51833800284286,2.00504683786446,2.40587458886954 +Ahcyl1,4.18987556539019,4.26221376232363,4.15436812502934,3.98475377533092,4.47938043367505,4.27955250517564,4.00896409811201,4.10141149547682,4.1638501465304,4.14411733317184,4.2570982387265,3.950485791204,4.88239711538109,4.9392138368263,5.00890046943241,5.02756931861975,5.3365375613159,5.02725800827882,4.92954557071938,4.85284916937474,4.86684661603942,5.075859171869,5.14780534593231,4.9917057440257 +Slc6a17,4.12827729827442,3.97227605864305,4.12291375500322,3.73179026341157,4.17812159747866,4.39266466004489,4.11993161878777,4.26175417883402,4.07753087762122,3.79423642632598,4.07999829823011,3.97039612525131,3.34269281853298,3.46772637520106,3.53646380461364,3.3997600989938,3.7495871145665,3.33097090092619,3.76963827302888,3.47995115683007,3.28404539200213,3.39178877462283,3.70643210373709,3.51474999752444 +Kcnc4,1.39810101968194,1.75029660495052,0.821711834038517,1.3233098779097,1.49957628799355,1.83789946424586,1.32435775417488,1.3914915556129,0.923910792381753,0.960423811264347,2.28509531332982,1.71550503905812,-3.9526115233533,-3.95261152335331,-3.9526115233533,-3.24921307143491,-2.96688514246929,-3.32246985112597,-3.95261152335331,-3.95261152335331,-2.94308123850259,-3.9526115233533,-3.9526115233533,-2.87575585895722 +Dram2,3.65844205124525,3.40034971172716,3.92422424078422,3.73406599678442,3.07345943227558,3.0226177068747,3.13471044046907,3.79823964860777,3.56734351039137,3.68655151459969,3.13472069841725,3.41259792979066,4.405245478481,3.89769663349834,4.23087626919156,4.05318678639829,3.6112432237557,3.81777776366008,3.45907365695219,4.41317338350081,4.22624008901803,3.90045310215314,3.38829961520146,3.72754625466711 +Dennd2d,1.94145280040082,2.03232949084507,1.97651787557955,2.05767156495262,2.20055176821454,1.85150070980969,1.93401809986287,1.677601341425,1.76899043198838,1.95149425439319,2.14053354233449,2.03598458703158,3.29190465685536,2.77154495364189,2.81089498203334,2.62049706893673,3.34142581987189,3.06431005073216,3.3564060494315,2.78592319454546,2.86283692407723,2.73519978085906,3.33736203150665,3.37020950105428 +BC051070,-3.09606628389993,-3.09606628389993,-2.48506009094886,-3.09606628389993,-3.09606628389993,-3.09606628389993,-3.09606628389993,-2.53862035951594,-2.59910960290321,-2.11718611613803,-3.09606628389993,-2.15899271832514,-0.158591259368026,-0.221666994616889,-0.300492417298119,-0.84207212151902,-0.214007117220659,0.0196391276358112,-0.455390484690279,0.144028347391076,0.0907581644846889,-0.207912307490921,-0.749875890929882,0.124380053508961 +Ddx20,2.40685733413436,2.29626323953205,2.48454056788678,2.38060779171512,1.80683669250553,2.13891618323484,1.85430755397693,2.279663950624,2.3639131660112,2.2043471717444,2.09007834662813,2.09751553169064,2.22118746900201,1.95203568192009,2.49943388577542,2.05323542915691,1.82673454307161,2.23408963802551,1.93324930152907,2.29749269760087,2.27240958215313,1.88882131859307,1.97571296776245,2.10268115744644 +S100a11,4.11229776515584,4.46564810736288,4.64854336944921,3.78511061167662,3.80901163566045,4.42346676712291,3.88416323083172,4.67398531672325,4.27279279176538,4.05745300677156,4.35175652746888,3.87399032442678,3.5074814280731,3.52506155755467,3.61623297397071,3.04914805365063,3.2235188894932,3.77927682106113,3.17342223887443,3.5544665326799,3.05157863084747,3.04597542672187,2.95788844988877,3.10761074003281 +Npr1,-2.39603706890685,-1.59752062878451,-1.58297305056986,-1.94698267171392,-1.57312799629594,-2.33161228413572,-2.53910261306384,-1.55501190945414,-1.89391976083053,-2.68215678755781,-1.54936291723232,-1.37399949934963,2.06107725631209,2.71745040650787,2.71967313598507,2.43140478546561,2.42968459529106,2.4745098517681,2.75172600868312,2.05108436996125,2.30512193310389,2.462580648791,2.68805475758836,2.45251157089781 +Slc27a3,-0.62800899043306,0.197744002716275,-1.66466696176328,-0.0361520405369442,0.820866155693417,-0.141300062140904,0.949241272134691,-1.97488329107476,-0.880946064465809,-0.951659808839201,0.819297044043592,0.768853972310396,-0.501379880864288,-0.0568097285504108,-1.03380742839706,-0.256202505249625,1.05708183486475,0.354949330105347,1.79462387315967,-1.79048586859833,-0.383580203440454,-0.042142661117228,0.66373722681908,0.912720033853757 +Ints3,4.59662588988351,4.54412611712029,4.28434878275931,4.39801372575101,4.72683606051055,4.64624785020631,4.58306622605832,4.60818698329756,4.40467389299921,4.43343011464136,4.65642255468345,4.5985967201083,4.89294161645168,4.96171117480767,4.87401686081976,4.93991038734953,5.17740367422713,5.06922341840006,5.31919590456441,4.8478408995017,4.74368630481677,4.80755937818473,5.32635929643263,5.09469153469287 +Rab13,1.42548917663505,1.56923003193603,1.82227537518218,0.976295365412918,0.904376301242276,0.496566707846655,1.58710804212225,1.41964260519761,1.1389062794934,1.68159208853126,1.08066153894519,1.25206450505374,0.373505085841251,0.880069551867472,0.709836784931617,-0.100763914879453,0.211382052084588,-0.516852012878825,0.197253138722974,0.596471746552042,0.977496873923287,0.355020574453687,-0.600510352476207,0.37269915638358 +Crtc2,1.77124991852293,1.81422631678353,1.15589231725045,1.67458651853574,2.44961448799395,2.42131562239604,2.00479614153513,1.89698535272976,1.76962614706493,1.98929145162317,2.38377220619905,1.85301552043697,1.50802293984633,1.81595055392856,1.54574328719795,1.57263704912862,2.28402457514447,1.95406099253006,2.2559647375103,1.4742144744499,1.54262731891425,1.75366495367094,2.2716662873426,1.99142000668953 +Jtb,4.72158743494909,4.24569682429054,4.40874389004762,4.68248006884989,4.50493299660032,4.40817929895692,4.58661167173849,4.31114983790762,4.61383938228756,4.59649159703253,4.58080052673557,4.67736323122941,5.41514296892616,4.94090903098655,4.99340911187112,5.23511700506944,4.96995479905922,5.16915152670007,5.04271028915638,5.46453144458366,5.30043905666827,5.16494140143387,5.09318462556469,5.02819170829425 +Creb3l4,-0.42035174660164,-0.224194262675581,-0.725352347300957,-0.314629531319742,-1.01986352951375,-0.79026540982608,-0.632390133747224,-0.373504195553589,0.0964841222605627,-0.559424044595178,-0.783338205717788,-1.03819722232693,-2.47204487382608,-1.80950080565915,-2.11587366629282,-2.40561462877747,-1.32209253988038,-2.04176403849726,-1.99557376834085,-1.68156126475335,-1.77565617548687,-1.31708274671389,-2.09380139615032,-2.47236127866596 +Tpm3,2.61881447332906,2.57402405849075,2.54011272170487,2.38958911114136,2.55852700178282,2.82053612627817,2.76314338754263,2.33337904085228,2.54067245128624,2.79187199826209,2.650244146059,2.7061122077768,2.6750996577468,2.42644943335821,2.71661206046981,2.32636512666578,2.49264347366026,2.65999290637616,2.65161597948188,2.4661861578666,2.68159120954431,2.77666282542408,2.83494893149661,2.59594823655246 +4933434E20Rik,3.12448996049808,3.47971051647985,3.41711168537102,3.49587068672965,3.46464514977972,3.2315119240659,3.33890894780488,3.14828971863915,3.1960148539523,3.55071082486907,3.40706433145419,3.33987640103826,4.19266043030598,4.00683273396398,4.09529008143437,4.01696541899353,3.97820129357286,4.08504063942027,3.62655600130759,4.25788551702806,4.16653109541052,3.88169728724933,3.87204438449178,3.89152671100535 +Hax1,3.9680923054386,3.45708005905523,3.84938981383081,3.89504155991317,3.3067666847411,3.47504555618275,3.64012981934933,3.83872335206304,3.69229863953338,3.5455567466772,3.59209863115655,3.54190451357309,4.72137825675563,4.23616301003078,4.1092003921995,4.29714348162187,4.25142985428363,4.44856811800942,4.5159481304696,4.7370463413145,4.38044108606363,4.34014688428755,4.59115260941539,4.45407740964937 +Il6ra,4.95014833412731,5.42876207505164,5.35887942758954,5.5557550655703,5.54524244988933,5.55525218183672,5.12118609123126,5.35545051523492,5.21950194548445,5.62972871386457,5.6843926613267,5.4351122777485,4.6606586376672,5.21750023912263,5.30261876331498,5.94694889003176,5.72053632639203,5.09210841653242,5.11142098347524,4.91282933850614,5.32580700198097,5.9947655783022,5.77630090171784,5.43507396994437 +Chrnb2,3.6595444878486,3.3306179757064,3.46133944268238,3.3740168379585,3.37934729294892,3.3833674059534,3.25065784782232,3.49013234836806,3.4186542654475,3.50734059026877,3.48811420133126,3.24152954905469,4.23683309747226,4.09129702772925,4.19195100926997,4.24444538323019,4.2036444069184,4.18976350303015,4.05188339159244,4.22999731992937,3.97033165504042,4.13814064593833,4.1826290210185,4.08901951463759 +Adar,3.71831372331034,3.80457051553485,3.73233868557332,3.85567040690307,4.00751210255994,4.00520039709331,3.93214597090688,3.7227665813339,3.80890059662014,3.84198675785369,4.08717351359339,3.8960183126395,3.30007079182894,3.5766535233582,3.37406428311454,3.67240885498379,3.94146855743232,3.58651751475796,3.72711731776186,3.22470268391617,3.47617704919426,3.53392010175126,3.92860258650746,3.70498399190042 +Pmvk,3.94205919870004,3.42502579898588,3.56734216919123,3.85990943707966,3.93636225624978,3.85006390485366,4.02156919135104,3.48836609597509,3.81045044948782,3.83093930403083,3.9042278681782,3.91817267760845,3.84056092304726,3.08004755488887,2.98088918423563,3.58503999178773,3.83196944810904,4.05330394324891,3.91503106768477,2.88128478403535,3.73146226678988,3.39388515389987,3.90943079182509,3.8681383249762 +Slc50a1,3.8945488608822,3.99973557414687,4.02701008413085,4.30596473080826,3.96013574130854,3.86412333346038,4.13291936404106,4.08531656397639,4.06885579793038,4.37533570294244,4.12721862852415,4.1187933962079,4.69603226061637,4.64553486273524,4.42618144148657,4.68118411378638,4.63559470866929,4.53934887094489,4.58941081058275,4.71292306304068,4.7602444332619,4.77597365568383,4.64036787455084,4.8018302354531 +Efna1,2.00984363814646,1.95972361461161,2.47135283437218,1.96146562658828,1.77370455079764,1.4633617425099,1.55153291745133,2.29904715775619,2.5661968371121,2.08279702839853,1.65119224490212,1.6645269404809,0.150240044705869,0.256056686851438,0.277754719973231,0.059042016743578,0.133130135844454,-0.31246507752413,-0.236567558040743,0.569399919172653,0.591749713289388,-0.252172464296675,-0.887064105960195,-0.296550326753505 +Tmem144,-1.47613560777818,-1.37844302319736,-0.575055599327092,-0.551293857369612,-2.21445149192455,-1.73343993585345,-0.720316309836883,-0.717009937748292,-0.888786817682993,-1.44247214657371,-1.68738562967017,-1.03271952603898,0.62194856960074,1.48091439242535,1.23350613233956,1.04512483574282,0.668463531137746,0.950274515095952,0.725358500848758,1.81248760024284,1.55483576968978,0.863500139080368,0.427376762204048,0.734159989349582 +Slc35a3,2.65239851015,2.7391815056258,2.91344184795525,2.65495697187199,2.34745698073446,2.47777743394244,2.45051566726685,2.74906907144219,2.80830661181858,2.5669104150646,2.3071855014436,2.42102042019631,2.81069918756935,2.56962932385997,3.08554768187762,2.73159365591237,2.19408208578417,2.66617746811073,2.22035916628857,3.042623312762,2.84419268193004,2.78208735722604,2.20775024639992,2.47461891322905 +Sass6,0.17700927283379,0.832625364298539,0.557224134019162,0.526130768685626,0.832320327906757,0.769771314258557,0.901548402429139,0.628007395077899,0.752549094616552,0.363074203818973,0.612179480328442,0.647831678092015,-0.535766344265859,-0.800675981854145,-0.97090874879,-1.07191090660742,-0.622652434754383,-0.888446850052379,-0.388279693314483,-1.52540187310271,-0.287925000074119,-0.978225889098196,-1.03709777864492,-0.67068727463798 +Extl2,3.9549303689758,3.89166008355192,4.31822227856184,3.93660944119458,3.56961597370916,3.63761039916427,3.52298587239145,4.25153223325138,4.34389794374397,3.80563579661193,3.61098613175691,3.78344007843081,4.39411872069965,4.35343170394497,4.64084338158902,4.40870266043256,3.95693684013686,4.26321354877737,3.89474327555753,4.48445287313513,4.43294731198496,4.45596231014302,3.9172397844087,4.17542391283263 +Olfm3,3.86335503836438,3.62681945867144,3.93478282806468,2.93114731374089,2.51605063699184,3.49560648792451,3.14937735705498,3.87823925887728,3.50066715036591,2.12537767287378,3.05280398386624,3.50328334462725,-1.28184314326551,-0.491384662367308,-1.28545865201318,-2.07397224802791,-2.2293369823728,-0.959384839526112,-1.89598034520915,-1.70949506979119,-1.40040019881629,-2.87340735291964,-1.73218123315154,-2.37756472595687 +Col11a1,-3.14520990907565,-2.11049062352764,-2.03917741064617,-2.206156420548,-1.27333611971109,-2.93591033392637,-1.92839570689311,-2.38659183319319,-2.19075855233218,-3.08339689185698,-2.45889843754816,-2.22648657449492,-5.63298592795768,-5.06043363801739,-5.63298592795768,-4.92958747603928,-5.63298592795768,-5.63298592795768,-4.51954661560266,-5.63298592795768,-5.63298592795768,-5.63298592795768,-5.63298592795768,-5.63298592795768 +Larp7,2.95586247341222,3.09732162634727,2.9990978184091,3.09044866734037,2.7518895328433,2.8772020567756,3.05978365134355,2.81494199696456,2.85242870644707,3.23250357044177,3.13034568090111,3.1143205262159,2.49887844661446,2.55177234351523,2.47793966925085,2.44781112432284,2.65162878906595,2.6973679259488,2.21800300967327,2.44356154896615,2.59700668031869,2.94267060261857,2.70978158479247,2.29970774762125 +Ndst4,4.57783112164636,4.88469433634101,4.85374818112062,4.85715613531151,4.78740743701846,4.89169121951862,4.60788035066772,5.14096520093904,4.88730478458924,4.87478761513941,4.79800625919704,4.90057804332905,-1.86403713859277,-0.714471421734082,-3.01135775188796,-2.22805165579163,-2.10000855680505,-1.95615446636047,-1.53572914864222,-2.17086887028382,-1.98325565788692,-2.64014380269109,-2.59620380253682,-3.63574015269695 +Rnpc3,1.3721936524465,2.03139493857099,1.1458203716478,1.79349366740975,2.22822121067166,1.9615689793108,2.06128800883815,1.49933203995492,1.60801215173396,1.56853471037012,2.01291314992036,1.74837101540461,1.51874765936246,1.6279174316404,1.31449341823871,1.12969830862522,1.87612405027188,1.37109041973399,1.57772964890369,1.36537235276334,1.32132397769306,1.36457073249541,1.75401282992483,1.89801693655681 +Cyp2u1,0.579158306619152,0.695207848401415,0.71566942948052,0.561944078425093,0.581171068104593,0.914678522861631,0.532700987329669,0.672518105193458,0.414233980456253,0.355063308586442,0.664062055780725,-0.137664015350915,2.91021655401944,2.67976813323096,2.58102647269327,2.71991675532328,2.95898748508227,2.89122048530143,3.00342604479952,2.93982167774323,2.68045950487892,2.75724456662106,3.1797948848531,2.90933963003801 +Hadh,2.29905088522553,3.0983682621913,2.44935872325067,2.26746444633058,3.09251002553722,2.7202391347101,2.00554513933456,2.74740750095386,2.27702972847648,2.26978402618455,2.64286325424792,2.62582240626964,7.16288526944522,7.22037925069269,7.6146257628597,7.17048986456445,6.91232914311945,7.1311747370446,6.96233081437661,7.49050198858976,7.45588592818385,7.30730171743772,6.95138753864381,6.94221888826647 +Trim2,2.3187629889895,2.49513721176092,2.51958869603244,2.41989264797396,2.4357589023386,2.46965076909877,2.29812405866511,2.55818226983508,2.46353589394781,2.25744935124767,2.3372462766037,2.36324669155454,0.745213994522777,0.967731657625357,0.759898498747186,0.48274949217054,0.457243447751514,0.497068425577409,0.615789433483334,0.726610120172819,0.580643662840707,0.6917418705681,0.49755640598038,0.448374253421468 +Ccdc109b,3.21783232245975,3.04083495137805,3.42444113126224,3.25402273792216,2.67702135641989,2.86569921704511,2.77144000613746,3.43330511762891,3.39649224996508,2.87095724119905,2.61791476395527,2.71420182519389,1.13519668830357,1.37472048722048,0.982395649594463,0.862003327566641,0.302416792578907,1.57438468157631,0.338431543641376,2.02013711110568,1.30248662382849,0.805376241668478,0.515274923334684,1.02248861916798 +Tlr2,2.09061872362431,2.16472675661555,2.00552564266971,1.50135704387548,1.46859954402124,1.74392814510017,1.56558171594361,2.54907752583492,1.77027569085648,1.00618400670734,1.50042388357307,1.9650979411177,3.39679691101651,3.50589872401025,3.83135816033626,3.2814296412478,3.03015047304736,3.52241320635821,2.82608819797332,4.18433974798407,3.4967296392597,3.37902775706761,3.13812470083251,3.4630739579189 +Casp6,1.17426387535883,1.25915769358095,1.52173297528366,1.39366143580736,1.37833765885442,1.34920298619296,1.84245242869208,1.8780652550406,1.55250819604745,1.43777440786248,1.16270898771032,1.1635584498409,1.24597406401939,1.73994369829974,1.88024485030489,1.56628114813733,1.2238419574547,1.26636667241984,1.22981727308335,1.89257738386415,1.76989506555726,1.51665419082054,1.47714549593529,1.20538766293356 +Plrg1,4.01253786822829,3.88348624939347,3.98291022502159,3.80633243765154,3.3583252651036,3.52900624781941,3.67216386313248,3.81938925714141,3.94093991852423,3.67247126723172,3.60629381364163,3.68930378756671,3.87986870692359,3.54639739212104,3.73117193977577,3.70621046140927,3.53004981818205,3.97974493572557,3.62901599937836,3.76704208536366,3.81489763239685,3.77446108357973,3.46963644140697,3.7492812492976 +Pla2g12a,4.91363258774777,4.41753843779709,4.8439370577082,4.86826815858418,4.62218380461234,4.62634862867182,4.47512672006701,4.93205680165865,4.66251701704243,4.74062574365169,4.54907166078195,4.72109408095281,4.65878984261116,4.35102152669241,4.87047457468584,4.77592413399191,4.19700523462792,4.35622465706795,4.25390182492182,4.44540372732957,4.67973300494317,4.66257827384757,4.1176129704232,4.38349162481364 +Gucy1b3,2.79331091817376,2.19926020799281,2.75523547556195,1.88363475205706,1.96382935143935,2.33465552791443,2.12376311330722,2.46174857332496,2.25141568319846,2.16249945835558,1.67021980647147,2.02995701650785,0.783340664647922,0.456357068661111,0.246570557201721,-0.112598057349812,0.0805496631901363,0.0613311654595381,-0.216152653063839,0.386592268618319,-0.652777552670743,-0.128332967195007,-0.39057151145468,0.0786072292307989 +Snx7,1.41729332777484,1.63013599043656,1.67966295377485,1.49120214873948,1.18724717732462,1.23278932713876,1.36483884697875,1.43975969803306,1.8376559477574,1.2721774453869,1.27284568201764,1.30808612785398,2.28969047329422,2.14634405854076,2.18323276744374,2.33317534459585,1.61718980577238,2.24248440981135,2.22413333573396,2.72274198424332,2.60327284065587,2.52140399969033,2.18538974652654,2.27471706874355 +Gar1,1.01181896741006,1.37820196431165,1.06298870058759,1.21936634071256,1.25318399559035,1.10538249647147,0.778928436992915,0.826683877627897,1.44793120191794,1.72699805230418,1.40313682483191,1.0966037478812,-0.100385427234101,0.63373660584761,0.548970470442579,0.482986588462193,0.878681405832773,0.56717488750417,0.585641676223884,0.477667732011998,0.402139915848132,0.699065080922681,0.934064550784436,0.243914945834025 +Tdo2,-1.54748641273233,-1.16792504336729,-0.900842190057161,-0.960034118187246,-2.62319175274218,-1.68301992398548,-1.55880834353025,-0.756084644867723,-0.752612674552058,-1.00703657484964,-1.57731532390304,-1.66069212259816,-1.20172373016257,-1.08482209245991,-0.981492997051605,-1.15521169890183,-1.99153860934007,-1.5712997969012,-2.17239154606595,-1.40967338690099,-1.53838724272025,-1.45704936227944,-2.11644095476646,-2.22326338143063 +Ppa2,2.90204790705791,2.68140525708091,3.2614773793803,2.80965914377244,2.61942053230361,2.57808004629301,2.71043736739995,3.06492663863753,3.12541229368065,3.2085945148071,2.68781054223227,2.80585733802044,2.68382138570517,2.93889910045258,3.19585346857645,2.82186931226457,2.56290336852873,2.7211246398844,2.46612968477405,2.87590249648774,3.16092735329697,3.05652042379362,2.52613286473095,2.38662543089554 +Ctso,4.20367417635207,4.11100855024348,4.26686951525213,4.28386883859456,3.65169312675651,3.88027493205616,3.90554194139474,3.94833734877104,4.45514549928362,4.26407456919462,3.63388731922613,3.8484703167659,4.32883711304379,3.99483141122816,4.36983177920423,4.38901439530906,3.91269365415386,4.0421615296972,3.66607764108422,4.47178177169972,4.41860451554873,4.44204956390473,3.73064341295827,3.67689536397317 +Ints12,1.23673005292642,1.37152689967591,1.27008548040633,1.18401011905512,0.959222189076304,1.02139179167075,1.00250926226396,1.3640779472619,1.24372618070037,1.18529738205092,0.979832745010305,1.18753904843075,1.80006822932602,1.63155813450739,1.50249597038059,1.51193873727119,1.50105693036342,1.65315427380581,1.3764344990871,1.78382442386725,1.52821713740429,1.62299012682896,1.44894682929814,1.21973010407529 +Egf,2.82674614701569,2.80159473392429,3.3451936568033,2.90738621776962,2.43676449162359,2.50672225599348,2.65113332819291,3.09542662454847,3.18092083626309,2.76475726419217,2.5667035185999,2.77474389072293,3.14246807172064,3.49335460206822,3.46108966046221,3.48503896565626,3.0687653463313,3.23496345775802,2.94391948752824,3.47245444860926,3.41369808111711,3.33147674950834,3.22203675888513,2.93530348441726 +Gstcd,1.15691799843828,1.24365906783834,1.08981224708142,1.17400267096628,1.24801590468307,1.53103149154408,0.863655313024475,1.25662252731004,0.767599418002131,1.17629895974812,1.46068366344491,1.05332147619042,1.08745568037494,0.670528351374855,1.0010867412223,0.935752563960687,0.971816135106983,0.780225640612085,0.991289941274008,0.800678574258351,0.895636564929055,0.773467897678485,1.08730754290446,0.507783394663484 +Pdgfc,-2.30365241826656,-1.05632770676903,-1.81777809564403,-2.40159722130841,-0.802301165234213,-1.15123034029264,-1.45060109460267,-1.34452477861974,-2.43744615019074,-2.24183940104789,-1.54777556375261,-2.57154368762117,-4.1544602302788,-4.2188761472083,-4.21103603326806,-4.79142843714859,-3.80570205626457,-4.79142843714859,-2.82462122852006,-4.79142843714859,-3.78189815229787,-3.80220830838636,-4.19630701310454,-4.15477663511868 +Glrb,4.97196285444503,4.53778016790229,4.89102936625628,4.47845673678457,4.09488031020891,4.57555064826199,4.46505190871021,4.96449068939501,4.93709750358952,4.494217150141,4.25687118268026,4.59815926330628,5.11522288899526,4.82400792176963,5.38813975758176,4.86734196526868,4.02373428453839,4.74376730953649,4.04558757526512,5.24649792467304,5.17992425937823,4.96987192269267,4.06205229831156,4.32086318248508 +Enpep,2.58538863460126,2.33340937339981,2.92336334528053,2.26119831289044,1.81626419910503,1.70394235606,1.8730433800678,2.58726103037511,2.5955460001859,2.19480318879226,1.34990437777355,1.86921620886756,4.00353688195046,3.52653663694254,4.42240600247233,3.43271840156302,3.37269084882341,3.52378008841182,3.25102504139594,4.12621765311767,3.99289179603648,3.60652152767659,2.7515773100636,3.07277166560989 +Alpk1,-4.36961113012236,-3.5337353896499,-3.38516760381421,-3.11263547473105,-2.33896384267003,-3.92822245952565,-2.77114294699744,-4.28924010348611,-4.08833019635555,-4.26888572618418,-4.32802288757726,-3.74733037805859,-3.13328332057898,-2.47254122514372,-2.67425589474153,-1.62600134561255,-2.18558788060028,-2.32697647253997,-2.14957312953782,-2.78678769128947,-3.2334939716751,-2.26668385931251,-2.52167650137678,-2.95999293300133 +Aimp1,5.00999935645444,5.31219961822003,5.82980856560214,5.49556486805706,4.74783706326784,4.66332388271403,4.97353135046469,5.28956982659392,5.42998159907144,5.6149867786236,4.82786347107355,4.852327485655,4.93520903820865,4.80587820335873,4.80314347154827,4.84974762465563,4.7568917931904,4.77807457507014,4.66679103149457,4.96072823707776,4.88371957646769,4.90632703118274,4.77871229406335,4.74544061137464 +Tbck,3.87781319650842,3.69836304232947,3.95181685122219,3.89701148107382,3.98437611678924,4.01644618188646,3.75470600930996,4.01246392127152,3.97833291143921,3.89352082514709,3.98563848810184,3.89006014105182,3.6851390026831,3.51151489995451,3.74406953047702,3.38985053226728,3.85330601682438,3.86220382539014,3.54838489328781,3.78788924017792,3.65662175003752,3.61351887119423,3.8513463289092,3.65309472205413 +Papss1,5.23497750537038,4.85816709967861,5.00254600746774,4.95140351420497,4.68954544213252,4.79969838515037,4.8661831273926,5.01269644238926,4.89518608481398,4.80315403884231,4.88857447616115,5.07908837064763,5.68140599683704,4.96967986248045,5.19673322117821,5.17443566856379,5.64878256809559,5.62794074523206,5.5368490548671,5.32692499396742,5.27536072219601,5.26001352838555,5.79567492869352,5.72651410775656 +Kcnq5,0.263282955506273,0.0980442979447997,0.796214870295494,0.558781675628965,-0.216870138636342,0.0366740286408893,-0.249354876208272,0.21408383359583,0.338499174040409,0.547463290695509,-0.148333591473463,0.136381683681699,0.96623288262942,0.724294732830888,0.901431666823359,0.553012831578614,0.0124235567459139,0.891512424533297,0.395699359723229,0.915094237968251,1.03921983239593,0.613044178871864,0.160923159920916,0.552404762175879 +Fubp1,4.64259256419091,4.77221526100836,4.92146673364141,4.91836146970028,4.57618947681198,4.63314409061653,4.56523758058689,4.55043481166506,4.83025021712097,4.82541725486721,4.55071536253178,4.63015644517628,4.04331072454264,4.10355609065858,4.04406242062648,3.95027702010429,4.21756598967879,4.13750556285365,4.06822513830339,3.76798681315346,4.08323390799703,3.91148862702892,4.18225083227675,4.27955255962538 +Dnajb4,3.90516769403833,3.60085426227941,3.37943328961004,3.78526036205752,3.64788085403161,3.41908377425531,3.66571506409225,3.43307572515461,4.10335273788986,3.51926029508647,3.58273877310897,3.81774883152965,4.01834408139116,3.32372723081369,3.37251251594631,3.72693903379208,3.64938518420143,3.52955588998734,3.46354380023929,3.21090577980883,3.92871029074308,3.48681093698987,3.58628179963661,3.61410618953107 +Adam15,0.924629204142286,1.34893130570658,1.27682806792192,1.30371061894597,1.30801775765853,1.1724531105249,1.37198699461651,0.802080166778703,1.00110065251721,1.17495255093856,1.36239932578541,1.24165186166465,1.45935409034196,1.56445828483181,1.49944678368714,1.70289803390936,1.82081226413445,1.62370637518957,1.80000979843694,1.14278280508087,1.47870353641007,1.64622398236743,2.05902894888709,1.73175011480702 +Zbtb7b,2.51908963405383,2.64754534724747,2.44931896201223,2.69517749422351,2.44458420610713,2.43280639885649,2.44852338727036,2.52894415574299,2.36500857847525,2.44750778697045,2.49892329053714,2.33761103041299,3.35276410449453,3.45036645583964,3.23218724194463,3.17804930254676,3.59323329251696,3.1842805603875,3.6795232835172,2.92392067455864,3.24090479894527,3.30507007009551,3.52799602319139,3.37613578294624 +Cks1b,2.05508517491331,0.740434423053266,1.89804482214378,1.99426456344697,2.010866218514,1.88985565276376,1.76595320993493,1.94147889924207,2.05409148395021,1.74891472412509,1.44139223503361,1.95885403513098,3.84500160379307,2.33798508879773,3.05382612700535,2.56759510780499,3.32182655444046,3.3779574903986,3.07346734965594,2.88285598264028,2.61512402243742,2.73170261335863,3.21132191209923,3.42201712417245 +Thbs3,3.49452655204496,3.76531472834319,3.48769129939177,3.52621690834444,3.76857131142119,3.93373561039915,3.83211188196323,3.48968522430899,3.63466459128419,3.43992762570986,3.84171637484681,3.74273463053405,1.5441086860608,1.83772894893273,1.28391928578521,1.92711149720537,2.37750187101519,1.60713424028502,2.39698573172102,1.3491674039149,1.83981214220715,1.78385064881194,2.36641318995649,2.12537170143939 +Gba,4.77857855757481,4.60121421631407,4.84963596579928,4.59077010469359,4.41949915081073,4.45579130377635,4.43286445388418,4.78352806407588,4.57661055605741,4.67711928367183,4.47923751982338,4.49822041851342,4.93121392519679,4.59190918984936,4.65859464252176,4.53840924452622,4.37448228809624,4.73387921511924,4.6308623059637,4.82356708025166,4.65693341033469,4.63655388278352,4.41604314571408,4.60892765006916 +Scamp3,2.69389789826701,2.83618916211566,2.57568212787071,2.73919819248806,3.10767302312498,2.95629799306972,2.69458963599907,2.52857283233136,2.75655332875016,2.61376189654909,3.11687977675844,2.65336531027434,2.96908481844379,3.03144696093789,2.65948365291487,2.66120842591173,3.3290960270219,3.0256849109187,3.25236916386363,2.74512656962811,2.63043610337354,2.93880758009203,3.16251003689607,3.02902399530973 +Hcn3,1.80801274650383,2.20784612280932,1.73655733161665,2.21912082467707,2.50258101273739,2.15000883135181,2.31223166409142,1.96032813038897,1.53508240909278,2.26986231712856,2.42583127125714,2.35131346451879,1.66318729816595,2.07832511203724,1.81844332189607,1.49250666233423,2.0635110977088,1.65605978395365,2.15776949220304,1.83031689843369,1.43564482236902,1.7326748398497,1.94489737124145,1.90185840753079 +Ash1l,4.08067816698013,4.30683849788863,3.99923816850947,3.86722083380531,4.78206683549573,4.79998710988391,4.42255502963036,4.50246811869691,4.02437205970838,4.00852863805241,4.58725019618602,4.37916740801378,3.98175938527306,3.98602713016472,3.94458220818362,3.89891569474242,4.54362464079075,4.21011760955941,4.31294424052044,3.90439452505502,3.84418200920679,3.94218791083474,4.35591940540899,4.20071609534568 +Rit1,2.90762449624872,2.95786699326409,3.03133915233013,3.07761907105324,2.63472799082709,2.92579451736601,2.77153679714649,2.89148642220424,2.99377559991544,2.93775844154556,2.60932543405598,2.93846112077704,3.00592231872946,2.98170831593945,2.90581932398299,3.10046207816589,2.69247651503049,2.7909841086975,2.56122626395181,3.10551966066352,3.18845458500779,2.92857445760379,2.78600086962549,2.66659217111046 +Arhgef2,3.63231333390676,3.92271284302881,3.78651793855115,3.91897983255807,3.91261172631049,3.88192947923436,3.85617248631522,3.80573536758758,3.68581501208772,3.80788066598021,3.94018641623486,3.76804117795973,2.65447232683117,3.20121474739048,3.08226458740536,3.08626873523083,3.1006826102014,2.82102293102163,3.13483039730328,3.0976611918936,2.7221875497862,2.99292816245027,3.01770367019955,2.82582588660159 +2810403A07Rik,3.81375466213916,4.22333091977633,2.75080459050384,4.2643739477728,4.54992132551848,4.34293768847968,4.52181420026567,2.44245361880875,3.72392386113709,4.02530127172852,4.55469779003128,4.42694499309752,3.61459234272993,4.1294652272342,2.98032020304759,4.15342539330568,4.50084946902343,3.68619086968924,4.38242613917147,2.93021041285554,3.91219886804798,3.84246050718794,4.43918865956366,4.38871000610671 +Lamtor2,4.20968034095779,4.03667557675249,4.37274333946982,4.23214324452264,3.85039714434769,3.80135501056596,3.77491545921603,4.20134658450613,4.1932843142785,4.169874827129,3.95199592639241,4.05308605457534,4.60703160699824,4.16234032718241,4.45936155615717,4.38821982898311,4.01915204831462,4.52901913441033,3.86471483030898,4.44341401355182,4.55285196511393,4.50251052980431,4.32073309972911,4.14633074464125 +Lmna,4.52599390067524,4.0819348010021,4.08437745361065,4.14002760098544,4.40740518827708,4.30470333723304,4.43219153222746,4.09219973446406,4.46253427770156,3.97969097613308,4.3498958400996,4.15336012858971,4.14161477062262,3.85730496869103,4.06811241140461,3.99012534412785,4.4166363211261,4.38382092559369,4.50328636923533,3.47305482183797,4.2488796452006,3.94883049368568,4.59188141559115,4.46647296211759 +Sema4a,1.61716986502389,2.26731798814427,1.93109701571605,2.05054396422406,2.04856407848267,2.11297339339466,1.93780890379796,2.04537729432116,1.417366313482,1.84839395745643,1.8541211961956,2.1207181789148,0.579735057818511,1.33692543583567,1.02340613083361,1.42349271616696,1.03381828071128,0.932849149140024,1.31403758515006,1.00192329618135,0.698334909634065,1.33244092658306,0.920211155746499,0.8899461526426 +Pmf1,2.23787997660666,1.65495019192087,2.18296847824657,1.88376104790585,1.36055874866922,1.60065369510381,1.35476734491885,2.49957755268628,2.1866408411786,1.61032036382852,1.62418703672697,1.61681511288249,0.782887081352855,1.5220465084459,0.807882881497154,0.744418663168776,0.432975825429309,-0.250089432275754,1.49631887723964,1.26662281573762,0.66681403356831,1.71728108798466,0.260404050496048,0.361048104638577 +Iqgap3,-3.23631931087446,-2.51426996913992,-1.79889853538374,-1.08777392052185,-1.87081187464232,-1.62191544427684,-1.52545809727348,-1.69343851061655,-1.47969935967698,-2.57829909251626,-3.38935604936669,-2.64640069029197,-1.82789290718215,-1.89909274172029,-2.1774751275568,-2.61229127743848,-2.19008445917461,-2.43821387949691,-1.67326159404398,-3.77782167843637,-1.94291547976923,-2.07745991210767,-2.3820448216235,-1.82867158049388 +Gpatch4,1.67811703402632,2.14663805259474,1.72349722070401,2.01119100036826,1.88469958533134,1.71951757469158,2.15393357266866,1.5168030705745,1.35293459217404,1.77526640491037,1.78550442968507,1.69194904545276,1.04620103497758,0.950952582837099,1.05137160687963,1.55857290024841,1.62168739934304,0.522423722225238,1.48525793810217,0.21906152242125,0.788447053401792,1.22210851697484,1.60051336291824,1.48365560182608 +Apoa1bp,6.3194532863133,5.67862387852484,6.31858039487585,6.05554560690483,5.63542856073361,5.75305324869918,5.88129309070072,6.01610767707156,6.25957127299185,6.20777355501139,5.68678659856838,5.82176261535046,6.11769286355201,5.60318888091672,6.10427863990905,5.85566711504115,5.49551196929916,5.88801669419887,5.26197764623404,6.16818813394221,5.90481665480319,5.98261872014017,5.48514262604259,5.38282045943997 +Ntrk1,-3.22836222263746,-2.23519739035391,-2.36477502140085,-1.46515416120156,-1.64409891656923,-2.41370503333092,-2.56636991549713,-3.73324846775135,-2.57381277016082,-2.75436829998944,-2.81350546138253,-2.79617490217656,-0.349753924115233,0.318895234756789,1.27579055291583,1.22838085658879,0.0980396912198438,-0.529146171464232,-0.451244358356276,-0.676303230706073,0.328999376844037,1.3542669544219,0.543366549092298,-0.695634608425837 +Pear1,-4.64629622472241,-3.30498864234016,-3.62705147111013,-3.2389446718066,-3.04822449328786,-3.95751468279755,-3.50835663491914,-3.44203652801318,-3.70706254699025,-3.72667331756665,-3.25225724660378,-3.92127923807102,-2.2774746675469,-1.85265784697959,-1.02287085572825,-1.07403453067824,-1.98157600365525,-2.45402093753163,-2.3178740563175,-2.95263310750712,-2.17091211829914,-0.93981953847912,-1.66228363510049,-2.2290668664535 +Dclk2,2.84409708246922,3.26803227756249,2.92681824884467,3.15686995640985,3.3754754351457,3.5065197247952,3.43112193076255,2.73782209816508,2.89983771059456,3.2518198891105,3.3368197458478,3.2317358355228,0.257925030271247,1.24314546520474,0.875127798510825,0.462037650460469,0.803282747156455,0.556097883739819,1.22782132806675,0.645936039615929,1.06656009680962,1.20045774334038,0.800904177957003,0.896770988587296 +Lrba,4.80843073001833,4.78354529323104,4.99190640328725,4.65778972693054,4.8133570487605,4.83927512636073,4.73644503648858,4.99120965082774,4.84735771817743,4.6612043917678,4.74576575474963,4.71905888380758,4.60990277450552,4.60072651628355,4.81113399463875,4.7210195654249,4.55578359472585,4.67977531854308,4.60190689961918,4.65462055651728,4.62774909144378,4.62732601501797,4.49729030763537,4.59926147529194 +Rps3a,8.19231895938237,7.53654698557543,8.52708245934515,8.1422071543753,7.77490055907361,7.95099824058939,7.65747331521667,8.16761509103019,8.1685428338535,8.21333359913605,7.8571910384969,7.92998964741816,7.19206055977426,6.85849403780865,7.47703967399169,7.0702994892867,6.65128387734578,7.07816328855728,6.42969922896264,7.38489213842026,7.27566166080088,7.06504440979822,6.55621976409565,6.6837335375199 +Sh3d19,2.59823316841891,2.92496891198583,2.66120786544291,2.87344329058918,2.88927228155079,3.03996108119114,2.80990411018909,2.87975888204665,2.81921664308319,2.83031777859021,2.68154227963125,2.72385399337751,3.45332439433819,3.72243196221616,3.54945722126298,3.69147816135591,3.14713947569128,3.25601147920246,3.4968923961307,3.72729492476131,3.68891565330023,3.66514700481679,3.12021243096698,3.55127876516309 +Pet112l,1.48311091761409,1.68935429500606,1.55264821127386,1.74295935531139,1.75316313574274,1.48487194909476,1.73700197267576,1.80020327460853,1.542006794375,1.83241767931259,1.86314209399045,1.78252551247707,1.80217849700656,1.75491760419196,1.73047419386788,1.60014491257885,1.76366474730466,1.5219028729407,1.71572852928175,1.41755999627242,1.56452067941851,1.44404187868202,1.66244748835008,1.86235625146293 +Fbxw7,2.9458276127631,2.85586332894782,2.88721647996084,2.92782134959348,2.83013107921947,2.78780688210466,2.8191057828501,2.87507939723866,2.84946720841955,3.02865512206031,3.19639633077754,2.90406448484852,3.04713621284452,3.18292928684835,2.90835786334251,3.437492852302,3.30099263160904,3.02545152162938,3.18173764625629,2.97384338318546,3.07646617165302,3.36510991489054,3.39688499540052,3.27125032279439 +Fmo5,-0.204813807279371,-0.500440549785341,0.398505482668604,-0.141066571690837,-0.185437612384723,-0.114972889295669,-0.56746035505048,0.651491626438223,0.0104910729105763,0.484760641053103,-0.380431911648469,-0.778041529307973,-1.26895827102297,-0.378371505584988,-0.557166279173563,-0.698908362564883,-0.985900006640479,-1.10076274675358,-1.14161160672926,-1.00629047179752,-0.455614810952088,-0.84195716928209,-1.25330203780166,-1.1431532981852 +Chd1l,1.96863894745963,2.40273620902512,2.28537172404659,2.41481986734576,2.29513477621629,2.17514785896737,2.16849647787437,2.36751336771774,2.2790268692433,2.25572679713957,2.19962505566465,2.03153581099333,2.51157627183347,2.81992362472689,2.63608593714285,2.93084348827293,2.42231703188376,2.36938885932209,2.71728100130248,2.51415548124205,2.83015988194748,2.91707092306749,2.57956414905445,2.73723571025912 +Acp6,1.74208043565752,2.05653601150077,1.26973070003357,1.932283787105,2.23653194181684,2.11500882968561,2.04997042352804,1.44402740714808,1.67659533640826,2.15220039606938,2.17051172194736,2.13211326554608,1.18713562950885,1.63123686419817,1.08419767029816,1.55817148664771,1.98093723537006,1.41427152492954,1.72113036538572,1.37649073199647,1.68703155623518,1.48424019763937,1.87876970474282,2.00547696444961 +Gpr89,2.68590429631024,2.53047589951824,2.50072086494694,2.54868787886953,3.10224959125728,2.66638426208349,2.75193926667648,2.89610495586925,2.54565738631445,2.41114825771217,2.92702970178004,2.79429095827063,3.26598881846964,2.73224664254805,2.75207751534493,2.82349375753991,3.23627900147928,3.24383183696066,3.20747693574091,3.11738260270455,2.81133901579598,2.62812433869173,3.29228630609335,3.14882360306225 +Rnf115,4.50194230474491,4.47435929904814,4.70550522298341,4.62318419763522,4.0656929304916,4.19658706685157,4.26579162168114,4.49155829969175,4.55742092347629,4.61634389199691,4.2370610844546,4.38885172972217,5.49822932946535,5.3011865694071,5.55125773688712,5.43540972631263,4.93826247481933,5.33512141897306,4.83936667604187,5.74434290172434,5.49623990410832,5.42758404478161,4.92179796295012,5.10635953068344 +Polr3c,2.32472301075553,2.55515746505881,2.53482906818978,2.23827583656528,2.39097402625195,2.38050217603183,2.00825176016636,2.45993872063232,2.37584294474031,2.31926391560315,2.6067353685517,2.44960465401327,2.40587704660123,2.55317203315377,2.13952882994324,2.01712132492465,2.42315365841662,2.39519482062846,2.63861978454965,2.50793778186124,2.54837078026994,2.26023271390218,2.19193910017358,2.48616128360432 +Pias3,2.92681317009103,3.24062749014949,3.21648746082247,3.13261526172687,3.25428564929183,3.32629288762512,3.23729050453791,3.0110642852919,3.17906946806178,3.15753319808192,3.2622603707344,2.97931620031619,2.34901522232336,2.92117814081177,2.54965169078999,2.68171681399298,2.66237257833816,2.54026610193292,2.82794158110033,2.53916819006305,2.56995287427936,2.87097836825431,2.62330238740624,2.6114283133639 +Pex11b,2.22299148070942,2.19128115277933,2.32342557413648,2.29645048135177,2.24309656243372,2.20659402406235,2.09013526631069,2.29685671034171,2.26918227294049,2.12524634785049,2.14391361293316,2.12973960554536,2.59482186249146,2.3803860462626,2.68304430781503,2.64543082090214,2.41649784988002,2.4873653225373,2.44349576378546,2.87147409966544,2.74189210911659,2.66379541756809,2.51510487867261,2.4911149615053 +Polr3gl,3.58730387859351,3.86697251863154,3.88472201428993,3.94684732958975,3.66124044831461,3.73898005141275,3.66974658915302,3.93348022015516,3.89446025363649,4.01134310378866,3.92946319581473,3.73835962990585,3.37267063884579,3.5082623557812,3.67225235748836,3.77274320595049,3.46482696143418,3.40100774508428,3.27869881128785,3.36928772358095,3.65140544279181,3.71585187744469,3.53647672713329,3.54545506077296 +Rprd2,3.19791484028242,3.33792207621236,3.26641525415098,2.93676882016438,3.74854612385113,3.6930939501003,3.3057414797958,3.69730794162947,3.17392642703892,3.20863951921811,3.560762974978,3.25516928931575,2.66940118897786,2.67091573007908,2.91630579405166,2.71973249521908,3.28122320069181,3.09291173344881,3.18397406721499,2.88208892169958,2.66086805688669,2.63079256279303,3.20745992173545,3.08582882017147 +Tars2,2.30190977291299,2.36297003445683,1.91325181406289,2.46719927682539,2.76832404505116,2.54001523119022,2.68535239922423,2.04199890959536,2.00392772645123,2.42374868061829,2.72961044065669,2.69618006172305,1.89490537803919,2.21302579068358,1.1190580878569,1.87997216121533,2.24161272940096,2.19629410177091,2.48021829491076,1.74557336527508,1.88248953067588,1.90191886043279,2.50739297750522,2.40538095711484 +Ecm1,-1.71974734539076,-0.7241332572902,-2.6565156383598,-1.08916552044702,0.490844030875003,-0.377057344181556,0.0543995384655638,-3.13796104423339,-1.46240822612003,-0.924449036796924,-0.451754095221404,-0.352510157219683,-2.61808492845778,-2.1353725703161,-3.69540696861738,-1.88256207585558,-1.3963849450959,-2.62815792641877,-1.05473116940773,-2.26795515267486,-2.09775136049652,-2.70618683985516,-1.67264916868936,-1.40763400767262 +Mettl14,1.63271842529907,1.4541489945789,1.90584354435547,1.50044385759693,1.82139986483002,1.48625377396011,1.80310891229175,1.71806907192194,1.56485346156483,1.58399639591394,1.4868673491012,1.49073412532048,1.66562772217831,1.51410532267052,1.53762025885635,1.46397624043296,1.47072502393714,1.5185727723265,1.31985751919467,1.5196131548587,1.39789628544079,1.56357061515972,1.6396871311296,1.50768356563004 +Bcar3,0.669771868182427,0.477922916592613,0.990938740218273,0.083904990763803,0.556839574790051,0.305957052363388,0.522180079506584,0.675922025943039,0.509262262217875,0.333206067523885,0.0857085059183702,-0.513575597076034,-2.23309184171496,-1.3744542644854,-2.35213486446905,-2.33683404052596,-1.08750091994197,-1.33720397902213,-1.50900313407811,-2.44793045924285,-1.13304202357374,-1.84503750830543,-1.66543831509187,-2.46312589087859 +Gclm,3.75839208100745,3.73702910367355,3.92513683776067,3.62586105751358,3.52940997612763,3.54206518663369,3.39901525031675,3.97225751287995,3.77074367215314,3.63337424128843,3.37337376397422,3.51469161239004,3.61952877794694,3.4379982440919,3.83162187342493,3.71462312812493,3.31943450334738,3.55395318210541,3.10407338712979,3.908873321285,3.69116859193466,3.43304880028322,3.12729294039062,3.40652912143724 +Abca4,-3.85134643398442,-2.63348411809954,-3.32384451123738,-3.98439895252675,-3.59872151342364,-3.5168765630856,-3.60824596053861,-4.03572255852348,-2.64434294437412,-4.00485222634689,-4.49612600334189,-3.61807227819827,-2.37598242199308,-1.61648282754849,-1.73815466176469,-2.68075887812077,-2.91087738044879,-2.53224860367188,-2.38158199707039,-2.64942614763437,-1.17338412556139,-1.37909676083738,-3.4888147755987,-2.7526090563857 +Pip5k1a,3.46922627810437,3.28450055077006,3.5408817439953,3.36805422261075,3.56447235399535,3.49613818521433,3.52813759321785,3.18439120142813,3.43764842128532,3.3331782897237,3.31641478447569,3.43811106983087,3.46836105558933,3.1421500875452,3.49720420990775,3.44894102335474,3.41342042598894,3.50061507476343,3.46664598612495,3.20824997874063,3.48055084803728,3.41194703616098,3.46080584482737,3.37535343118541 +Abcd3,5.56280935090533,5.35109274529816,5.48845689682629,5.19693090616533,5.16047707057734,5.14976424353349,5.15962138682279,5.52907535281819,5.3919229396251,5.2490887415438,5.19585314938562,5.27024655680914,6.54618844348558,6.32252432019627,6.36952804617354,6.14565377453798,6.10369168471578,6.39915321147018,6.18174376652492,6.61934573363555,6.26516798902556,6.15838828628161,6.08726457611699,6.2489195419772 +F3,3.42077075113218,2.90405162870168,3.00634594138525,2.90581776695765,3.34149888425204,3.11070467664105,3.05044024522135,3.05716357688293,3.07416881411064,3.47012815300983,3.3874137727512,3.2545968761985,2.4636173032471,2.2020043936537,2.02130594194015,2.71290220461564,2.41703680767883,2.66754057020657,2.33701434922079,2.48432836564869,2.05323020758365,2.61654237509063,2.86928431383704,2.49255533333897 +Tmem56,3.23638804980155,3.11234625790986,3.19261057561819,3.24401000287577,2.83337625109378,2.87071383693168,2.92193973559029,3.19830692832426,3.09508720910291,2.74016332381186,2.72482611792487,3.07714587665867,4.42528751288391,4.01095503319323,4.49863357750152,4.14429542430549,3.87183181620435,4.33090650931025,3.74716770121201,4.41118501885124,4.22447351780805,3.94315620761941,3.75343193175263,4.18813461619349 +Rwdd3,0.816950092698177,1.13418530693126,0.943639331123482,0.407271128631324,0.750784476678199,0.523544914843053,0.679820906839159,0.801187786864072,0.450115031668736,0.841905179557013,0.736871814167069,0.495163630638924,0.69346325300953,0.41185961975227,0.551988163270438,0.230837097902894,0.499498000234876,0.180324047096343,-0.135175049097764,0.788284652456883,0.583890928897966,0.652520502301104,0.135146218859465,0.250683552467167 +Ptbp2,2.98391094925915,3.42201753824716,3.23615225020618,3.27057332542127,3.68200228558219,3.65263740847895,3.53400224283822,3.10399361988934,3.20423925637341,3.32183403943112,3.57879286171232,3.51519892563837,1.94362490282345,2.31889129826316,1.91926098594624,2.31174361373682,2.68015694783963,2.43629567233238,2.35227286535953,1.56445676587976,2.19256970138933,2.38270866106656,2.61882780836865,2.70216795078842 +Snx27,3.48735195553798,3.52935548694076,3.53678835809164,3.53427164987348,3.58134535737919,3.48622327158693,3.3865921400706,3.67745521887162,3.61448193793846,3.53218424143177,3.58177911437712,3.46476638705836,3.59634749877059,3.70915236443709,3.55155811233831,3.73135274967959,3.75555508882089,3.56285081918178,3.42998738328076,3.56551875630591,3.55771719867145,3.72998448148051,3.54971719682537,3.66897417230839 +Celf3,5.5859268444605,5.97410878257986,5.39720951230553,5.59524713013492,6.18752769983711,6.25715367331403,6.27595403832944,5.64128058872777,5.62522016242587,5.79265384879687,6.27164709495374,5.94702854824813,5.11076970338642,5.59601857414747,5.12423245767357,5.31700213428348,5.74611337013376,5.48101070000643,6.05976716055225,4.98671084725181,5.18568789044209,5.53574003957866,5.90253503078751,5.57149506961809 +Adh5,4.42006780691672,4.12402636396144,4.48182919105449,4.4136760293478,3.87496410049555,4.05557772707579,4.15420755904438,4.20832977429489,4.34322891976703,4.3863574383509,3.95964502955386,4.1842659755905,4.00657414316991,3.78061494298484,4.07558755915756,4.24908739249208,3.78231222273205,3.90922196689089,3.7580583502133,4.10508547211389,4.08744641841571,4.24742880147079,3.92423884537053,3.98828002400341 +Riiad1,3.04091959460436,2.57624601804887,3.31479865717968,2.80984712061508,1.46435717896711,2.26022925659906,2.44753360406699,2.87289583676772,3.4444820067073,2.43952154445595,1.41074972312273,2.54513439310208,1.24722770988144,0.863487170371696,1.82076190425301,1.04419661549116,0.608774708871008,1.88921519222622,0.476733121299281,0.911243982448031,1.32638959506356,1.09857821306126,0.332510485277548,1.34736654467504 +Mrpl9,3.49747413151259,3.66104969501215,4.11966665909163,3.76531212229888,3.28493930002733,3.37998756356502,3.40070055488654,3.65947630809002,3.77827017532457,3.83411122624523,3.1948307981922,3.37078249308145,3.53862902720993,3.35160889968816,3.46182615894056,3.59752436236087,3.20898195131296,3.43264449286861,3.43787411887089,3.35755522802157,3.58485470105093,3.47714636218827,3.22841080819792,3.39168734736069 +Them4,0.000708844297093,0.117546714677213,0.318017454479459,0.487100656159438,0.173084262704892,-0.329740821070579,0.153129974106129,0.431002652513217,0.11400537527408,0.232629571885404,0.2257146732116,0.287124587638574,0.926020635549023,0.547467970602948,0.344288273706562,0.756001121482499,0.216802592423858,0.181509815627998,-0.0763132618558711,0.726832183942986,0.578716794936095,0.630998019567948,0.331115393274872,0.130017153081092 +Rap1gds1,2.23436497855923,2.24927488501929,2.02120277472728,2.0307226046137,2.57464387372671,2.43405120355421,2.33251741292458,1.86249154466511,2.05672294832116,1.91342605202557,2.52062984334299,2.06466972006491,2.89241709215911,2.84202474794266,2.76314387767078,2.92547456571537,2.96106906631425,2.97828709959183,2.901354718979,2.75612330705241,2.89816736409695,2.81554701682256,3.06709726619582,2.94220186667533 +Rorc,4.45492870218792,3.62510707187224,2.83041727930321,3.3877131435603,3.78940846611423,4.53933834751965,4.47099571072331,3.72727404996343,2.89734162280239,3.40507293450779,3.92136190125109,4.54185257013879,4.50055113767867,3.27767923891318,2.50059618890599,3.20360124665333,3.89740355459815,4.83342333000032,4.56279722245046,3.33599552463299,2.48661113601712,3.466333332976,3.97807395636783,4.73382009255859 +Tspan5,4.24551268091862,4.35500540489805,4.56518217995541,4.20235371458786,4.08127488278752,4.15339526713786,4.08033484105639,4.52068330210803,4.30081586504922,4.3850739076837,4.05728707003175,4.2660698917263,5.87369427532062,5.62885327222396,5.99677616400585,5.72835737347435,5.68229496714222,5.90091299161219,5.5968648541402,6.17277965402632,5.64453507863892,5.74554541433,5.73875852414235,5.66782683906225 +Eif4e,4.65790511133964,4.08184903469768,4.32326190568013,4.22843914092234,3.98628032381841,4.13877542999142,4.09253888765471,4.25519204348019,4.40550026317588,4.23660788180651,4.13385495600747,4.19185522365514,4.63264121057965,4.08905428532998,4.31356110951841,4.22462661155907,4.09515609606997,4.3753135038372,3.95157651759459,4.48183918528785,4.28315059983874,4.19988542988797,4.06948838752428,4.256526051051 +Mttp,3.57912552833309,3.29965542204798,3.60770985413706,3.44107261828998,2.89752457087091,2.93264867110939,3.09164359541308,3.57884332233673,3.39682260773851,3.33808308828107,2.9700715914514,3.11454866788621,3.16343804723861,2.7779060773963,2.76491618206358,2.70142567344401,2.52462091557542,2.66177622071213,2.6276208989126,2.99054091415393,2.46502292214502,2.46502595871914,2.64680073714115,2.59484829091272 +Dapp1,1.19780787854829,1.25330220020837,0.669387513440442,0.977605816821783,1.23036916986691,1.14808327197506,1.1845761307059,0.514779502976717,0.628296911573189,0.926283812528129,1.30081100718551,0.947946634065808,3.55282327665864,2.37785525963449,2.17634707697155,2.42858222485423,2.93905877839857,2.90529794118069,3.22771100141534,2.15861964290088,2.36817832793729,2.11124211010481,3.32390610481672,3.09977344060609 +Ppp3ca,3.7338724141597,3.77524574866521,4.12605968490778,3.77351275901607,3.55743557404002,3.63761430437924,3.64458437103335,3.91857657356588,3.76198827119505,3.83400335139056,3.558132724295,3.70940054514689,3.32898017691546,3.48064961797596,3.54600497789265,3.28235553826365,2.81635076234542,3.17425611484242,2.95196289735914,3.65565627409406,3.25833581262338,3.21244590134779,2.70595832287823,3.02211811459278 +Nfkb1,3.58100799958254,3.6292623322757,3.45270234361766,3.57135848123502,3.67195588189186,3.69532885207762,3.69155895972604,3.56242875337706,3.53959898537062,3.44800786574954,3.67451621914265,3.66294404372198,3.76093189892484,4.16618288698073,4.13468707130723,4.00746756483385,4.03976137034222,3.71752789403958,3.98574167686207,4.04710149109639,4.16238615310111,4.13836628130556,4.12287998573343,4.114415332453 +Manba,1.61829418494796,1.75954021666671,1.87640601809038,1.71736717824945,1.63783085870096,1.48340097671111,1.43143266576654,1.87894942596231,1.9139762601157,1.82409545218982,1.38688712497143,1.62481238900548,2.6145769349638,2.58862062030722,2.97193992787508,2.78619045700094,2.49392928387695,2.65659931020641,2.43533199861812,2.90203747007343,2.64787779838182,2.55971046705046,2.40655957073042,2.37465881391646 +Cisd2,3.45994314281259,3.29531285814182,3.32538134083499,3.07230245129867,3.22701626626722,3.12501454871,3.23274407773049,3.21183858713281,3.48597669773783,3.13725622104346,3.17315797511081,3.22217726412292,3.92659956654903,3.72949563135054,3.99239854657426,3.83706665003343,3.54907454743641,3.86451019327455,3.37570804879641,3.8949820978727,3.9573703843142,3.82584307582801,3.41476238965808,3.56435557912127 +Wls,4.95262299313453,4.79287970547441,5.06655540776344,4.64816399941832,4.36573479863158,4.57351109561072,4.31310211472195,5.05114555486782,4.87463453625235,4.66513903489622,4.39880196364955,4.72150478153954,6.71642014001346,6.6187629146503,7.006614386912,6.631896538678,6.2596858537056,6.64862554598959,6.18221143227309,7.02916938098605,6.71868930634222,6.60373932373235,6.19268150325699,6.37566123300931 +Cth,-0.0728539162868314,-0.266595334133397,-0.890436552468521,-1.03755709781158,-0.821570471825206,-0.636202615521178,-0.140894028985158,-1.0244861690876,-0.399942874417448,-0.768689503205277,-0.596975852028424,-0.651638004223562,-0.501254902388494,-1.97961303672445,-1.54995058663372,-1.48943128994969,-1.24062541150426,-1.26642435111762,-1.57284022639721,-0.692530154211499,-1.71869701408839,-1.74771710104375,-2.94452601098168,-0.956501197601501 +Zranb2,3.92137994970799,4.32653086884134,4.03805497063001,4.30254000101606,4.07473764422491,4.04936161795067,4.32712491060381,3.98859137910384,4.08230805903472,4.32581637661224,4.08186507664749,4.16651264753853,4.37491042190505,4.7242850238989,4.21082021802171,4.22272575294226,4.22314056700381,4.24324547058441,4.37405304891455,4.30191892606178,4.39343941822454,4.25854264642873,4.37180189036378,4.5861225064378 +Lrriq3,0.820299642655612,0.660662052214483,0.950221376482095,0.785778497774592,0.38151907628475,0.55074734993091,0.404001316435765,0.54485986143553,1.14895764433308,0.835625995436822,0.433420971332236,0.569412265629071,0.545259442143198,0.284740492411373,0.611818192721476,0.588629080881423,0.205716849236347,0.444149743553131,0.901383853155677,0.565309855529437,0.951308448636763,0.382091720787104,0.546726973370083,0.544417452294992 +Lphn2,-0.0522747088218076,-0.411079839018927,0.16638230256441,-0.306016280489466,0.192942884421366,0.25028588638769,-0.155346057026317,0.367620035603982,-0.0499208303313701,0.0496317289637527,-0.307673945394511,-0.367529924170073,-3.74515105890375,-1.71216772370401,-2.98412717660536,-2.99979622494294,-2.75611435390972,-1.99150854443179,-2.435628393665,-2.58519805374027,-2.50894537450434,-2.45123329992093,-2.7062259419852,-3.31851458666162 +Uox,-1.20108548493903,-0.927749740258995,-0.154487936936394,-0.444237575517807,-0.552324012801157,-0.814198302683929,-0.581835660439421,-0.472597323677618,-0.59400298633758,-0.113375631327413,-0.488037216458368,-0.847281252012645,-1.26896685128076,-0.622208066568576,-0.600710031591556,-0.287003468693704,-0.100457830295996,-0.693194856479371,-1.09309392766772,-0.829164741657691,-0.0086128879279328,0.0434850070623929,-0.493618044136947,-0.452065374341253 +Rpf1,3.77734486145385,3.61385833269356,4.01436933823344,3.79455178999313,3.54708470410638,3.69012271181408,3.74339250885996,3.41840960826119,3.78418263721667,3.81422928759744,3.62226209911911,3.80372727343566,4.15843348752447,4.08469458730722,4.10188458647938,4.30087628378347,3.90996045838094,3.82405736920926,3.67737145078861,4.03407690437857,4.17231816241686,4.01500795190739,3.98991408399681,3.78070582856139 +Spata1,-0.742463575414608,-0.292818120212353,-0.906542372448916,-0.695162600568901,0.103841525617917,-0.219639943624244,-0.473825879033789,-0.854854105202595,-0.648871659905785,-0.741628048267471,-0.509128626238947,-0.474187948578363,-0.452857227256726,-1.25064588451268,-0.544447226660895,-0.623527699231403,-0.8803163805923,-1.09330874916039,-0.567343455506033,-0.731348114635779,-0.249974108883293,-0.834169866837843,-0.994768853882998,-0.83759352946244 +Ctbs,2.20763976594527,2.48452283400055,2.90446264996288,2.40986397922831,1.94951246326276,1.55888062634237,2.01027543536088,2.53222665787091,2.65950090644371,2.44184883723961,1.84567364015022,2.0512542540742,2.77214244869251,2.72586787957242,2.85252985190487,2.82636719596077,1.99117025024854,2.37642521365218,2.030517187033,2.84373791157316,2.97539610644549,2.73493844469384,2.03798029270968,2.08640954169659 +Bcl10,3.54183910790599,3.23897781094678,3.6201658668052,3.3757140672037,3.05949398107078,3.24534815156869,3.32538053614762,3.40502728948769,3.68280156890339,3.38081828338186,3.17538266960916,3.30300108066681,3.63764896818935,3.1782284725107,3.54409914582006,3.6087011789038,3.12560064739754,3.43692697645305,3.14720078318386,3.6298245443618,3.60338902010046,3.40151043227799,3.27078055764716,3.23777424698964 +Cyr61,-0.893692483880157,0.0825917772885254,-2.01299505641168,-0.587084953386052,0.328913122052751,-0.478023683257626,-0.298847149278253,-2.10945447784406,1.34626003576018,-0.831879466661488,-1.19018598869907,-0.325383699256603,-2.30414646260258,-1.8214341044609,-3.38146850276218,-3.38146850276218,-1.81556904967015,-2.75132683053485,-1.92444562686177,-1.95401668681966,-2.37193821791146,-2.39224837399996,-2.04130553907251,-3.38146850276218 +Cryz,2.14853639344815,1.88145294328552,2.79616743562994,2.61526616262169,1.90866748948261,1.99592404749779,1.78253245822703,2.42055193282929,2.72041528596731,2.94576472999803,1.90658801967383,1.96481255583736,2.94637775414004,2.69013065050471,3.12690921344491,2.98059606045454,2.2306296378888,2.83596142560781,2.1042877430358,2.94672136976301,2.90170950136941,2.83555702813748,2.16500482275259,2.35645277174336 +Asph,2.97289504603711,2.69936760262788,3.11014966543939,2.95827873279249,2.87360597218285,2.89457766709419,2.78128947719783,2.97268380830679,2.93375736295733,3.07878079804486,2.88228657042284,2.86174978523499,2.61270723610529,2.30448329834625,2.33166206362451,2.37812895858982,2.20998423216577,2.36608044316381,2.43246075833628,2.26634432523315,2.44765844349208,2.37104281167194,2.19682359158386,2.46364721950393 +Trp53inp1,4.42718932516332,4.95543957153078,4.58737747954341,5.01414561742244,4.61226237355377,4.47111917178033,4.48688943624051,4.63359524010442,5.23464323043084,4.94422373554785,4.84673546967576,4.94760540686806,3.74869976443254,4.13863757890014,4.23489852362009,4.29511820923677,3.51314636471854,3.83480966406869,3.25432831585496,4.54574178381797,4.15373390759547,4.38357843457991,3.73046068056725,4.05034794246243 +Ccne2,1.59511495722262,1.53384633570463,1.78717268762968,1.36898837646152,0.89611449146322,0.955069542598274,1.24756291485915,1.38704211091286,1.41114348689675,0.72790804567431,1.01737402418185,1.08642465839063,1.75019964884012,1.48714889034665,1.6744502080326,1.76535669463115,1.46888973343084,1.73129829271902,0.981364961793635,1.74538710876037,1.75359281949287,1.63048418049579,1.1384874873197,1.40762308367501 +Gem,2.05718582892525,1.7763117661269,0.280079492196253,1.35820834161445,1.78538517081198,0.919224059134634,1.67906549620983,0.345224948392324,5.00189996330695,1.5242499750095,1.42795620264818,1.24888673893993,1.43867449629357,2.77632695165967,2.25240595056927,3.00975768326591,1.68732771847858,1.59965185980539,2.34963866031832,1.94233840647969,3.65040080822864,2.883932711332,2.44068819259014,2.23574276907677 +Fam92a,2.73132796394325,2.7348605006939,2.91793694660689,2.9917472668534,2.60175853335644,2.68797586314618,2.51510307031694,2.58021373880105,2.80666472732208,3.01986920855419,2.70223753899932,2.79886828118633,3.28228683983017,3.12866419414576,3.08046399097479,3.29762097592668,2.7269404589339,3.08888077968592,2.81819607030443,3.144356298356,3.32489259891996,3.21933378845351,2.99585029915362,2.96953301231984 +Tmem55a,3.60643925195199,3.37932846375026,3.61304433241515,3.46682802899881,3.51817437102971,3.45859926396558,3.20167444244703,3.86814595827229,3.52060214131257,3.28936396026641,3.39334925756027,3.51848808711383,4.39250077467768,4.04066506470692,4.21918344628305,4.02118006683136,4.18826808468528,4.38914325820491,4.01810847193538,4.54964855922611,4.07905960578299,3.98735882507063,4.11169974320409,4.19842992750182 +Calb1,5.41256849084913,5.18662348437919,5.44551107400702,5.16889628778969,4.64741564219399,5.10013220341229,4.77135204999473,5.33026832482874,5.53022715982484,5.00053231880316,4.72133111199128,5.04940454858111,1.12429103842975,1.52442910545884,1.51815772211597,1.55672182930452,0.963046771102024,0.982354573218957,0.744679464423982,1.62927528549886,1.79842452686488,1.84818807288313,0.600703089749192,0.697538528688573 +Decr1,1.70768399914394,2.0677062284402,2.3588080492609,2.07003817225359,1.6022321389644,1.77701796178722,1.70356279808467,2.21432235077812,2.05508095774484,2.2989899494335,1.77733596243309,1.58965827086423,2.57374323110477,2.33221869797982,2.89806124080776,2.56396327941916,2.08917768737934,2.54114110118148,2.26537116035623,2.87584070653618,2.69610780224063,2.75945470449052,2.3127730761285,2.25733675829912 +Nbn,2.86316594713857,2.85452870216335,2.95918926894207,2.85762795029106,2.64730878213931,2.58523939577677,2.59052102856543,2.78638834140324,2.8136178593695,3.23918535127826,2.69267504398099,2.71521709382804,3.32648145557615,3.55995708913701,3.2216534695636,3.48785013038159,3.37383271338406,3.32895224657055,3.49862303801232,3.45715823888758,3.46237363490088,3.59590040040398,3.41842217850903,3.56969298430061 +Mmp16,-0.927745513149837,-0.555186922002405,-0.332385162916123,-1.05696039089699,-0.671353168705192,-1.08518904581308,-1.718264315526,-0.609112058369722,-0.570422353686936,-1.86808772151096,-1.33384590637473,-1.03170163128415,-2.69849568785835,-1.21236620570251,-1.40106998036036,-1.57346896255959,-1.85523735496261,-1.87070221631936,-2.04449731566606,-1.30325764676406,-1.48876855710221,-1.6562495010911,-1.96424781739574,-1.97501328165589 +Cpne3,3.50575779952271,3.36240565193975,3.60728808890339,3.28009006197381,3.18389394965251,3.40414470058137,3.06814099981817,3.65712348391639,3.55790690608289,3.29342948360652,3.16719309557483,3.31272439763503,3.73458837744046,3.74857173490733,4.03154496813557,3.69173185517712,3.42512322350203,3.71706126716892,3.1438951625361,4.00112842109525,3.87465613587837,3.71952628505241,3.2899912875179,3.39268973844498 +Fam82b,1.37375417601541,1.66635602465023,1.69407352032305,1.87685910598182,1.95571997783682,1.61587710994153,1.79633376866871,1.60638532357985,1.4801516314928,1.98158050410377,1.63456253161033,1.74989347179177,1.9821832716172,1.98645313880955,1.78145283697216,1.81765079701199,2.04691169477031,1.54725635853998,1.80820559495686,1.85471925646957,2.04161860560537,2.16792395860944,2.20292988800503,1.76495074836419 +Tmem68,2.60543232032732,2.44379877268023,2.4775385006013,2.38658957709792,2.05652191170909,2.0525139750901,2.42023987805641,2.04932041281302,2.53328644584666,2.17998965047403,2.09318959100765,2.20357955995794,3.12078845100575,2.77551650664425,2.97798537834458,2.83188267843852,2.57344933826051,2.81027298702331,2.670837180347,3.2704013585337,3.08985687610405,2.88078889422975,2.5493797653778,2.8347671312666 +Tgs1,1.29023880189303,1.37429082034957,1.17463891903964,1.08250892148373,1.74723499005974,1.93221153292775,1.61425366449237,1.45858769445382,1.31691248626575,1.11768263301763,1.65781805645001,1.4939870963585,0.715813052915471,0.864406562788256,0.72313530820735,0.890955011084366,1.41965847358171,1.21610575543349,1.28935428921625,0.700280157984128,0.786541820931127,0.746777663521858,1.16544692420516,1.17046373394186 +Rps20,5.54329124115092,4.90826070804454,5.8610185578505,5.50199646781217,5.05812379659162,5.11384348076644,4.98482067155089,5.67566732962923,5.65191033496336,5.47740453361549,5.08704775057289,5.24134024539398,4.91403064756016,4.57112925167554,4.86658375185851,4.5200592267587,4.06724026264,4.59767681980759,4.08535022871492,5.00315081830856,4.79137641435501,4.5714157655401,3.90228193448423,4.29278888915587 +Ubxn2b,2.14543448634663,2.11080741121402,1.82857299760931,2.19047706456814,2.23751738044829,2.16980719833524,2.04533040922455,1.87329793013435,1.95336946086922,1.78363809911613,1.99080726622276,2.26281596801641,2.44052847009143,2.32084438307525,2.10762965470266,2.42932371803053,2.35822414824398,2.18733564234071,2.18475253554295,2.35851520473475,2.13529528978569,2.1142945732117,2.09184399927655,2.20044692421727 +Nsmaf,2.52449399554766,3.05622309491942,2.43861242338843,2.83230632004064,3.25976354770469,3.13330565743446,3.10730683339471,2.44013164730584,2.63724683780299,2.86851237089425,3.20709079342553,3.03840433500146,2.02407078063827,2.74132018623228,2.07999123671779,2.47748949368794,2.837525694862,2.26962490487627,2.7871888797306,2.24055788578321,2.34495049991325,2.44773625630125,2.68904547150466,2.73963579877166 +6230409E13Rik,1.62534727769523,1.47680953042711,1.51504714422053,1.3050525277741,2.02135709076078,1.94147594716663,1.45296096512935,2.02241494421536,1.53323629287301,1.48673221865367,1.64428057983055,1.68531400749815,2.14246642857615,2.04122090342894,2.17944298417847,2.07723434729838,2.58782035368884,2.3530750165441,2.22262268820974,2.15923374817607,1.95994695775374,1.92391935649891,2.49666335123221,2.23948640820808 +Coq3,0.205666993008985,0.513386529830006,0.375819426595896,0.116116401812602,-0.0884538142759359,0.260762037877548,0.442161058869488,0.904470494559579,0.512723903367656,0.336602467691747,0.29045750493372,-0.0652625712204853,0.284800225855442,0.341343779624459,0.289970797757485,-0.398750051279435,0.0281901250606964,0.308655506630382,0.117598648513999,0.948680188895719,0.0270462442796489,0.3199491096182,0.0375975108671802,0.555486852456859 +Sfrs18,2.77879543465343,3.7275570622235,2.48795858798411,3.43216074976111,3.92344132569976,3.77580867629798,3.98315483913883,2.48680517374555,2.90947954356384,3.29458391337562,3.98208098216892,3.65324866756361,2.38257438647206,3.31853641925658,2.31514938707339,2.85935691993216,3.64174647532648,2.91093259463802,3.69430320937446,2.36796237770763,2.90133797221435,2.86267192420884,3.38353555431899,3.42389257864334 +Sdcbp,4.79707910953232,4.34700078421937,4.61669313527346,4.43895586580255,4.10696286877231,4.31376310074529,4.28692980314262,4.62800723418516,4.61843038086081,4.3960977085111,4.13138991676931,4.42153694932407,4.80823547072758,4.3584469394144,4.84397878601774,4.6376574728284,4.21708299652752,4.58468249011055,4.10424422763914,4.8466028796781,4.8395661745878,4.60016336985071,4.17178107820119,4.33266117195948 +2610029I01Rik,2.53201155510513,2.23803541010874,2.55836256406266,2.73841974546111,2.3664973411229,2.43691315983848,2.02834343661895,2.69977710741463,2.75264827299031,2.74072065496329,2.29321057782641,2.47643624493327,2.93107162246462,2.73432764594967,2.66389550918842,2.83455763339531,2.58730787623594,2.59815987299063,2.16548417190476,3.10187842606202,2.60861533502,2.84874200842665,2.35137869626185,2.42111002033193 +Ccnc,2.73483702086759,2.42206811716428,2.7261080090596,2.56568920018252,2.0969820200911,2.20672355601219,2.3391971444664,2.47764059668519,2.42182664774711,2.2621060444579,2.29077786916273,2.41039599837032,3.19424380708206,2.93994139948051,3.11990696085537,2.83914269955297,2.53661435712257,2.86725519007751,2.36856249744795,3.36489369016668,3.01324439644964,2.8154488880294,2.49327606250505,2.76265751189198 +Clca3,1.74182091080028,-3.91477135375626,-3.91477135375626,-3.91477135375626,0.271479645736128,-2.33245871925209,-3.91477135375626,-3.91477135375626,-3.91477135375626,-3.91477135375626,-0.260207778932599,-3.91477135375626,0.55069360446294,-3.91477135375626,-3.91477135375626,-3.91477135375626,-3.33930889088667,-3.91477135375626,-3.91477135375626,-3.91477135375626,-3.91477135375626,-3.91477135375626,-3.91477135375626,-3.91477135375626 +Odf2l,2.35733320856713,2.97067625683376,2.86062740106176,2.75499061852455,2.77271694190798,2.87237760815787,3.17243353750718,2.70931081633884,2.84145540132279,2.79673977867997,2.9126573089222,2.641592718872,2.33618892400707,2.58062245284566,2.62171884391733,2.53630649884621,2.77198790159407,2.2687001869803,2.88606538229456,2.43826499040726,2.54512221551101,2.45709016718869,2.73352967975044,2.78340264097303 +Ndufaf4,2.25477099807776,1.9099647601458,2.09894770365088,2.068800755199,2.04661864713289,2.07132530599576,2.15678842222993,1.38617611107309,1.63492847706212,1.80234663104441,2.03459605299545,1.95662622319019,2.52414834470882,2.12106065084686,2.42893252534375,2.38415461516424,2.39414788014598,2.43396435381114,2.34187179037109,2.26214720323782,2.5573975296254,2.10419475392114,2.4390683994131,2.57106713776165 +Spaca1,0.681265570669895,-0.151052683960896,1.39479099800166,0.742640017316353,0.192166358398293,-0.039350450527862,0.0467498515027415,1.05468496097911,1.33841728834466,1.50833590533949,0.0651255357920123,0.546164957529691,-0.206907752227833,-0.89507148696844,0.0394623215973849,-0.985655356905146,-0.888211356626781,-1.13337922275678,-0.536489123981621,-0.306346134187704,-0.851148690361447,0.0325133436465564,-1.43066219007006,-1.11993612871735 +Lmo4,1.67891636835297,1.18151341742186,1.08033487531379,1.14606175793343,1.2423889888891,1.39015697146885,0.807825017315922,1.08434136706336,1.42335094135125,1.0863773604743,1.31137675884657,1.33163886683148,0.38377564256494,0.204584398242619,-0.140355637597992,-0.615274080244222,-0.0642299499501415,-0.259447899518539,-0.422211944507277,-0.533066429638551,-0.0638713644642819,0.323948326470857,0.076145940426634,-0.485429675327507 +Gbp3,-0.645904142724794,-1.36234063271568,-0.740160611798455,0.240248673649019,-1.44461729582439,-1.60078048784504,-1.04681713451407,-0.27718881511056,-0.986191773835598,-0.289076327674727,-1.29215485147058,-1.35922035071617,-1.47307437985205,-1.28173464975166,-1.60877116060489,0.615754829041494,-1.38075833790924,-1.36159577259307,-1.06027237766452,-2.1248274464927,-1.4561478065798,-1.90383799423565,-1.12380286480395,-1.47381308112979 +Gbp2,-0.528847965950709,-0.997924086799787,-0.625155868202475,-0.58255900163975,-0.144734269290302,-1.52570975536253,-1.44894635088203,-0.446148677873646,-1.45954403014078,-1.14295373653744,-1.36686789766005,-1.78799253504284,-1.57806019927103,-1.13880828761597,-1.89499870381942,0.0010428251481631,-1.39352074911665,-0.880067818372497,-1.95822701682209,-0.845425491823896,-1.87159235170079,-1.38790134765579,-2.087333460727,-2.61568710824205 +Gtf2b,4.66593974212673,4.2802367093007,4.53051242446864,4.34723563405655,3.86228383785228,4.1166789326734,4.3036591494849,4.41188855248542,4.56655272176614,4.066646527358,4.24285104148068,4.56582084918329,5.1515538928841,4.75913224064414,4.90925299127119,4.73937732534447,4.65737265570923,4.89391889980568,4.71285439792037,4.9415412520973,5.05500634775086,4.74529568147548,4.77807130088702,4.89323486888482 +Pdlim5,2.68741613990292,2.6913599693117,2.77769624332691,2.62316665895804,2.68155306817426,2.74344020185133,2.69916211581234,2.87712450367685,2.90481369256382,2.49237138238136,2.61815205773606,2.79021836429729,2.86133893915609,2.8312023002866,2.88732400492267,3.04617763203862,2.71234124044101,3.15491491027935,2.85034999793094,3.19241253819104,2.95734581211978,2.89685034144064,2.67682524032556,2.80623878905152 +Rngtt,2.43342759199216,1.95462765565632,2.04293028892537,1.99678038680409,2.14462897285637,2.31029044746384,2.19043167109772,2.13316955300206,1.98413907434733,1.88061258960183,2.23754771639421,2.36649403876366,2.11642411914385,1.92936260769108,2.09875311218766,1.84133235027956,1.84411267703918,2.01848401084937,1.79537621145742,2.10833331138888,1.79081918225951,1.91612376181468,2.10297546634275,2.19485667098881 +Ube2j1,5.12563958096722,4.81087797432053,5.13754236268186,4.8946727827575,4.64369223096254,4.71279814356915,4.69557790433633,4.87444991039643,4.92004104096883,4.84253728747182,4.72546567136518,4.7470882835059,5.98977858291855,5.35884403521391,5.84478466241463,5.42184866757226,5.38272566814803,5.78791401878635,5.41443187443021,5.69617440006839,5.77085257684739,5.53624226738993,5.4218465126599,5.55914673357614 +Rragd,3.09511206251468,3.50657025998371,3.7171866034786,3.36443782889033,2.68233477501671,2.78253163889706,2.86892410513459,3.74804175423735,3.50716310756076,3.56299438444583,2.55401427107801,3.09260434021293,4.54758482031784,4.77918029153918,4.66327453024224,4.72380300835282,4.41143442642955,4.3765147003922,4.36890239289693,4.94415400349408,4.49962184178974,4.74625958631245,4.39548500438975,4.58377647784459 +Casp8ap2,2.48724311016217,2.51712586084639,2.37014051308503,2.63664057307695,2.54469211332371,2.47461727442821,2.61697344524145,2.2432966828298,2.63660153475921,2.49054394160888,2.35422815461173,2.35053884479348,2.23646642107357,2.34590091459638,2.34972637161792,2.4336089354838,2.40125459914039,2.07493550419835,2.30396065621573,2.15713907059638,2.46764878424804,2.38518387056624,2.4938483557739,2.49635484808592 +Map3k7,3.5312167411232,3.66509108830604,3.76401007981691,3.583190231208,3.57980678401382,3.54921835538776,3.54513488798758,3.70450724962448,3.76523241438747,3.55964095025593,3.55957079863985,3.49670744416507,3.56120497894306,3.62471060009675,3.64527409248718,3.76970038748862,3.74375789782529,3.57388280441301,3.52286138467374,3.502444631058,3.66192324471609,3.70132509501176,3.65695413317272,3.59770762178693 +Epha7,1.0737302944661,1.52996181575309,1.1848150028919,0.965622152641032,0.906398339153948,1.08557743994751,1.09264108147805,1.68631035352008,1.38144067745069,0.683049965890792,1.07252808675663,1.20430471543603,0.453038026973978,0.910318762533444,0.677963150500531,0.836656248697768,0.654696039812503,0.318460365555538,0.439981407496282,1.71030740803649,0.70181768122379,0.728374595822575,0.132077027495267,0.395492480113178 +Akirin2,4.22494286423427,4.19564645727673,4.29760720989769,4.24957425626139,4.12601975362229,3.95783391219418,4.10067765905051,4.18522606185253,4.24509409439624,4.05030252637922,3.93328886338528,4.19931317557547,4.27562157520921,3.90329124114595,4.10275148854759,4.10978352433148,3.91208974582407,4.10808627030327,3.74569085500049,4.2341344655372,4.0374330738167,4.04682745345927,3.91059103941569,3.94904848039366 +Rars2,3.13910975452199,3.05920381173935,3.20434551418278,3.31589500330134,3.11957130750115,3.04688260770292,3.17303182321161,2.8127443115027,3.07322607317037,3.43878354626752,3.13861128466639,3.13847374297515,3.41060073175753,3.31576370074144,3.54252827561218,3.59367028203236,3.61538878315217,3.15034535747708,3.44596354756425,3.23950818766031,3.53136022408018,3.60199299631011,3.5558164635639,3.62544666137321 +Slc35a1,3.7222001644232,3.39457007702689,3.58280936135149,3.31897213011375,3.36783757675124,3.49769134216184,3.18000428725509,3.64527794661164,3.15126545254323,3.59551558991528,3.37642340671371,3.47363878845517,4.18823929338886,3.78128949756852,3.92619479737202,3.92923481922577,3.65774645618095,3.86392025203356,3.48386108116773,4.36980050653556,3.78520633862555,3.76918061853459,3.57535496840296,3.79567853797033 +1810030N24Rik,2.82677622171219,2.49947655786687,3.32924511746905,3.20189161946782,2.31698470774882,2.39771309933015,2.72282346964833,3.30078424437445,3.14949915415778,3.11063738294807,2.30912816174143,2.32787285321077,3.03774963937291,2.72145511185413,3.15976707613447,2.70620468936243,2.22558704661344,2.32174537146277,2.23347190253886,3.20198723405753,3.12884609576312,2.69525251165816,2.44862282830274,2.2339392551802 +3110043O21Rik,2.72750034982301,2.56503958023517,2.82328440839775,2.71219424594431,2.49083817013857,2.51295854698306,2.5538690583027,2.62083124301689,2.72300987347339,2.50980672202454,2.39656982963298,2.54093827383454,2.49670138590543,2.41121430659698,2.59383930194117,2.75265642029043,2.25710514040277,2.31881568582144,1.9326420245266,2.69217440918997,2.57098434788336,2.43168476278565,2.07125428546004,2.41329998546361 +Aldob,1.87210314401944,-3.61962823995695,-3.61962823995695,-3.61962823995695,0.673141624129513,-2.62161518318616,-3.61962823995695,-3.06218231557295,-2.75373559846793,-3.61962823995695,-3.61962823995695,-3.61962823995695,0.52210977216535,-3.04707595001666,-2.62648882555389,-2.91622978803855,-1.47196809460254,-2.55237919775833,-2.50618892760193,-3.61962823995695,-3.02830522603209,-2.63040811119472,-1.79059112090295,-3.61962823995695 +Rnf20,3.80513202405861,4.12768166879685,3.64894171392686,4.11329587777404,4.05222315092052,3.97244432173192,4.18086132737648,3.7831263888959,3.83031302693599,4.16102789092645,4.10591711750795,4.06028185475573,3.98690368311378,4.13964392601241,3.74375798178594,4.26076840171294,4.27579693884575,3.98515407914501,4.27674874044228,3.80406726484874,4.14297449557387,4.27109125188315,4.29112916150909,4.41554658967895 +Smc2,1.34246893864658,1.14794092244993,1.39396074519872,1.3018764219632,1.28203050841542,1.23356586696674,1.33713111029184,1.20549642890535,1.40210774582171,0.98360088880545,1.12565567715577,1.47514026062267,-0.151758521133749,0.573686939673776,-0.402742650890008,0.369195980841131,-0.101756298936339,-0.296246165076604,0.0573949660810564,0.239320887404987,0.676295024719729,0.306945771885162,-0.328932004736585,0.170506668311363 +Polr1e,-0.509592651512178,-0.307350228574978,-0.283631358674971,0.192064767125457,-0.148715395667107,-0.0771806228500642,0.316899958703845,-0.568438057925159,-0.245437711177592,-0.750932270351031,-0.258231986264187,-0.146808034459375,0.415719139739751,-0.558849846252391,0.083263496758947,0.219511656186608,0.43117430874835,0.129177520838448,0.213654688150477,-0.431814454389938,0.307697539797184,0.420131066174992,0.558249592538358,-0.0083374367559776 +Exosc3,2.50562998132491,2.28576367212628,2.75462448346046,2.39409090107889,2.28874912058059,2.07493922454916,2.48276231496258,2.32107416220612,2.80013591123717,2.77075028986448,2.28909186724624,2.50113023650414,2.97076810071855,2.59090928288794,2.64516420986357,2.84523615863545,2.7660602132354,2.62718290165959,2.70163835676771,2.8683954259723,3.00349579179272,2.70679667681603,2.65775114309976,2.75475283723412 +Tmod1,1.0382388192503,0.988365371262617,0.123713152880759,-0.108217882430831,0.982276498060955,0.783618353876089,0.90394217786596,0.621040510288383,0.0324869838434485,-0.0602694045182377,1.03587417823976,1.04022571347748,3.39687915664383,3.83993882840777,3.3993957225196,3.72451783789247,3.47512435634482,3.48258032762563,3.61732242200832,3.64627837594562,3.51631758890156,3.61963705069694,3.62203100090285,3.82149135413214 +Xpa,0.596231474361723,0.939677315310321,1.43392014700699,1.26274636256031,0.934346415353529,0.895209566603816,1.04211426059342,0.937917230998959,1.38722331418581,1.4179799597481,0.939278496896241,1.00588603037242,0.605652325509989,0.649229883836581,0.672329569987006,1.16587925080038,0.571727818141074,0.28837704224087,0.431483320204848,0.697935310947057,0.724900249357811,1.17067240777679,0.776516032510859,0.529245436217143 +Ncbp1,3.92000761024085,3.37614804350937,3.52789233599057,3.40510964528106,3.64864938747696,3.66117873640064,3.56565648288705,3.32301359086132,3.52869899211003,3.33264383480293,3.60746943915158,3.68393801403295,4.29542664552727,3.91056424273554,4.13768622627118,3.98769640272041,4.25040122100972,4.34976491870826,4.20384645198612,4.23460307335836,4.10203505707451,4.13606302452015,4.24679981138047,4.14922675158462 +5830415F09Rik,1.01760273545747,1.21018504152185,1.61728563450231,1.3543660450925,1.08256442751324,1.68020969304598,1.40414687168454,1.01840459495246,1.29081380347871,1.32103745570979,1.1036126031534,1.16414474621199,1.53200908582192,1.41889441400533,1.67069466096376,1.52880209036154,1.07158637972394,1.53690010799002,1.12404850678671,1.07912660245597,1.51808155227135,1.04922007649148,1.12818380919372,1.38126038584352 +Anp32b,3.15447496404,3.35058583235274,3.63602204728463,3.23197872704042,2.90610562870497,3.0053661745067,2.87094455516474,3.22756491166484,3.36175714326561,3.517841076947,3.3613563473491,3.10747706996083,3.05247374798865,3.33019673339125,2.67891808986876,2.64186686880606,2.87568282559827,2.9197175040623,3.13037388765999,2.93554306930228,2.91167245127762,2.94673912238718,3.07921848144972,3.20709780526776 +Nans,3.23156158245199,2.65256771496787,2.84089761654738,3.00891589955671,2.90074005622325,2.77635903674388,3.02552691885955,2.71993389353827,2.86483828013207,2.90090878436335,2.88020357198891,2.91979946245786,3.90691250295833,3.11114040487761,3.41547352356807,3.34655296485952,3.75170289179444,3.80573951635653,3.83887640881277,3.27648715446469,3.57489819359914,3.38493506101432,3.89056606794838,3.6799111006496 +Coro2a,-0.865008553635666,-0.913817188688114,-1.37426589750335,-0.758031742828261,-0.269691793359895,-0.690069442801537,-0.276537115782756,-0.940040991357559,-0.558996266663413,-0.66282042764104,-0.631673604460005,-0.387228720044931,-0.915975268324833,-0.182072457981631,-0.351610981223248,-0.545885804585741,-0.746783403438104,-1.50161191754824,-0.320693540240598,-0.426210746484939,-0.399499330177865,-0.212446830768625,-1.9488473333654,-0.681086945226267 +Col15a1,-2.25387992963002,-2.24053260720312,-2.05973316966643,-3.60235745001919,-1.22398069775716,-2.2294364547882,-1.75290568195355,-3.09605067589988,-3.07783476225372,-4.05450334340908,-1.72336589130193,-1.69048669977329,-3.11679641959818,-2.74142124658422,-2.45987351196643,-3.50480814470179,-3.72860078410476,-3.63112471120758,-3.91994419881597,-3.60593169522846,-4.44206049724613,-3.241453177189,-3.42817419925985,-3.34683046876181 +Nr4a3,-1.99760206788504,-1.36458880010624,-4.94324412066164,-1.69806476956036,0.312244416214686,-0.946971886844195,-0.295071655954404,-2.68825939782048,-1.07824539582243,-1.98040923192537,-0.401329335958393,-1.73663763596929,-4.30627591379185,-4.37069183072136,-4.94324412066164,-3.13039922789984,-2.96470785821486,-2.67002103675353,-3.82980480830662,-4.94324412066164,-3.93371383581093,-4.94324412066164,-3.33803480875051,-3.25669107825247 +Erp44,4.51759729400659,4.07461037048499,4.14237035892028,4.16563200140808,4.11942000144082,4.02077372291512,4.02498083654225,4.1964625234347,4.04777741650024,4.03531804324943,4.20138796294995,4.18254606481304,5.6471399572702,4.87901403501848,5.09094332530077,4.68525752183023,5.14404043584433,5.33575658460186,5.09721408379462,5.27274263219351,5.0101927171452,4.86010222448805,5.23466250768723,5.37662351530488 +Invs,1.96118232157846,2.01868552502891,1.86192048364231,1.96632625311558,2.25183576065474,2.03032456526908,2.00708921556846,1.96413849185174,1.82593099860871,1.94716425685725,2.12389246796462,2.08933813044056,1.95183094417696,1.94359768918139,1.67367665136383,2.0637967536815,2.53449220292562,2.0743689719121,2.32464046445421,1.8478427824811,1.99706604502945,2.04808157728816,2.44466773993035,2.28973292676064 +Tex10,2.38876792211819,2.34277767815066,2.30461178024801,2.46059634070565,2.46334436890101,2.42637364946611,2.56717191350656,2.38585283547631,2.44903161495101,2.46996107507749,2.41220843113966,2.46184857055757,2.12952277144691,1.96979387372588,2.07730383058667,2.1719276202757,2.19426757701175,2.28279287576954,2.10587928333583,1.93119110653773,2.03906028039483,1.95872100654023,2.22966697784331,1.75986712651224 +Tmeff1,3.38857072731832,2.91241596563177,3.45762886782001,3.01319512925259,2.89922733874521,2.8161056592174,3.14119792437438,3.0190331645171,3.10699073950983,3.11683813020347,2.86651703568233,3.18333769229148,0.82485444650047,0.837649206725225,0.890177628459061,0.0506579031148398,0.34913427321843,0.622803678562163,0.400566768415111,0.810101725230071,0.350905620814343,0.0759283915144773,-0.291615299431929,0.286614319151619 +Dbc1,-1.75962792763928,-1.58609299685469,-1.45986977904868,-1.68094603345931,-1.38519128597728,-1.67090149102909,-2.51262816851626,-1.16076946784255,-1.78375391250848,-2.21829318364445,-1.74559824206893,-1.78264463077256,-4.35228290859512,-4.41669882552463,-3.99611170106186,-4.98925111546491,-4.41378865259533,-3.5869923155015,-3.87581180310989,-4.344714224453,-4.39792810154005,-4.41146623841915,-4.39412969142086,-3.30269807305574 +Fmn2,3.31609115160723,3.72703379322014,3.55585005569919,3.32976122775422,4.51896472912064,4.53005755475316,4.25169110643117,4.4414608658399,3.51168356770456,3.79395151684594,4.49523291913121,4.04080664932273,3.72616889717551,3.87484404518096,3.73121054406581,3.78837931811063,4.60459597921204,4.27488222614656,4.6014883725988,3.77981949883119,3.64160704995753,3.76506734439032,4.60329993770812,4.35365844200897 +Ambp,3.55705976524895,3.81364785324402,3.54167260125314,4.00629606901695,3.71974689127788,3.72494489165452,3.94368491249688,3.59205968965119,3.66563725949379,3.86994458142082,3.65986166248164,3.88053571084348,3.3258639947497,2.86195391266451,2.57342474163665,2.99066764839441,3.21368271159852,2.94537880594108,3.12698049872522,2.99908446603124,2.93075354524287,2.70769332076211,2.99383097493453,2.5939143943837 +Kif12,4.97711650689106,5.66623506295277,4.6259485447563,5.62728899863668,5.83058975945426,5.83410094379461,6.03103599495193,4.37054402163111,5.36587779690385,5.61894267157986,5.79556812015846,5.56278737890037,5.14586819986526,6.02809659554433,4.85297261972147,5.83650080707552,6.31970647373647,5.44216881598215,6.641506017472,4.65575650196099,5.77450438482058,5.94300717211101,6.23465468701895,6.09095731406899 +Zfp618,2.85079357117975,3.20451450775838,2.90348462093278,3.04360869420683,3.17611559337585,3.35332559279915,3.19791532325698,3.16221822132975,3.06714490184112,3.01111395053433,3.26660897714801,3.17665812722541,0.584188656191215,1.38728083577729,0.907506765058702,1.04296839619626,0.992251833501929,0.927014979089426,1.17664298454789,0.732593193500928,0.771929224380274,1.0643124139196,0.886178078463111,1.09297971679514 +Txn1,5.5125086085147,4.75269548474274,5.20543503215031,4.98877859571002,4.73428236892658,4.56288096345749,4.95082311563539,4.9909212186687,5.21686912121807,4.94237808995228,4.67883693571557,4.95453864992321,5.59651185919992,5.07636883456777,5.23262003955036,5.08917877157106,4.71824552835709,5.34875521540286,4.8337487270231,5.18065381114304,5.22235428267703,5.11894722319425,4.73130427178419,5.15045519701457 +Astn2,0.67017689253193,0.55582438130683,0.699189492497362,0.108243851821837,0.386289526139478,0.7522506444928,0.789231708447994,0.803463738622957,0.727715741464138,0.232901732191766,0.217435346244857,0.475302558064798,-5.45327990572278,-4.88072761578249,-5.45327990572278,-5.45327990572278,-5.45327990572278,-4.82313823349544,-4.33984059336776,-4.80874301471086,-4.86195689179792,-4.87549502867702,-4.43806822117722,-4.37642424132669 +Ptgr1,-1.74739106085183,-2.3165862519456,-1.17687275903961,-0.954292044264167,-0.948191469704891,-0.75658643605174,-0.980143081270307,-2.28851946751641,-1.0949329621175,-1.01094445633384,-1.51746062822786,-0.50444868892895,-0.623058467902622,-0.346161967665864,-0.250978038714933,-0.363868476103046,-0.678474325755255,-0.273139282433902,-0.115512654227913,-0.831008124641046,-0.151016638656075,-0.409828750635245,-0.83444409986522,-0.428609039345565 +Ugcg,2.39578998395349,2.55559552115551,2.44149642818513,2.47190084129223,2.29236354673221,2.41771011525489,2.25224569586747,2.59514607920449,2.4882396671218,2.21453598645013,2.33107275294914,2.3529308427045,2.78598060876739,2.40433332765472,2.71475118361627,2.46036724532076,2.51826618777898,2.70487894551998,2.32534921477362,2.84547207317743,2.78739932598177,2.44957711058678,2.50113414294296,2.50882785136864 +Rod1,5.17145667540103,5.04430178210698,5.29188270001354,4.95321725165434,4.94153338040361,5.01226848125789,4.78715284408381,5.39180091170948,5.15242613449967,4.91254205109431,4.79404166030155,5.03541132034624,6.22155358710696,5.85880983281932,6.48859836107903,6.10633483945468,6.01446284295572,6.12142477403715,5.50175761854184,6.38033218804738,6.16293195436575,6.09332337040223,5.81994255159001,5.82993264242787 +Hsdl2,3.47969053143599,3.25786889627225,3.55846622587344,3.37500155121152,3.0176838141953,3.04661546582066,3.155919957729,3.53148881419811,3.54418490873769,3.53129247618391,3.10029040374242,3.20785499147345,3.66312993729635,3.5696138228474,3.84941216821081,3.57594587737731,3.25138001435129,3.36846451756983,3.2243380156112,3.79831828363035,3.58825612296478,3.68880479552065,3.32534444620268,3.29312789951337 +Snx30,3.19827355207089,3.37798878666517,3.43847970238937,3.42279533652732,3.07811236489703,3.18212090781831,3.21517511555953,3.50426584645757,3.4246785214245,3.44207777197806,3.05438981956033,3.31242075773574,3.81919995164655,3.89153752172366,3.68375259099654,3.95685153365999,3.98530654641355,3.87982988746371,3.8640848323017,3.79799788995427,3.74826564523675,3.85921021160709,3.98018317518844,4.00292066601106 +Zfp37,2.9271332900087,2.92643198488603,3.0103417532158,2.95692885628114,2.56326702178949,2.6809799473154,2.55395397116074,3.01039547522442,3.09218561181908,2.83088489535414,2.79957939364587,2.8309470476062,2.92616310316681,2.87676842333704,3.14565563777454,3.12047124946248,2.60226026543552,2.80351321135392,2.67127996981301,3.06440375424224,2.97272857126588,2.90262211006487,2.70306694693881,2.68407533985664 +Wdr31,0.0069372174674251,1.10979799524141,1.19758195058658,0.716846146138137,0.247296447846713,0.849856442614121,0.591912039162227,1.10611169044189,0.912356550011196,0.812170323844106,0.300373868823414,0.661107322124166,0.540541892629946,0.679634388596785,0.950703519586501,1.20920920866725,0.556239313239034,0.521880357401334,0.248635722124452,0.771194912531757,1.15442314542373,0.912297692772133,0.377805477742134,0.788311998254174 +Bspry,1.01732735587129,1.18379413594828,1.15095358038188,0.670447753497066,0.662831215685256,0.985852875194329,0.954035660602639,0.847850749398408,1.32106194383464,1.00773029493838,0.64008852861093,1.38839967891975,1.74130954511249,2.16224679412984,1.97619752034754,1.81307934197428,1.99131231073278,1.9426341325001,1.80756285466113,2.21712911449888,1.97788634825115,2.32592919128173,1.89371652903473,1.94344958706092 +Alad,3.14081095846725,2.91699307796932,2.6557306759734,2.86669117182422,3.04073774614803,2.97878287296879,3.15562003388158,2.55893804616437,2.68577406669664,2.73727447396779,2.80068772639082,2.68486526296314,3.2056276842873,2.75307851319395,3.17239468193435,3.20997871076361,2.99186339278718,3.27419358453917,2.95021203425565,3.20832356722408,3.24542099329279,2.9895444142165,3.19096070478429,3.12112155047216 +Pole3,3.17772618183712,3.04131637269809,3.30072854305732,3.1949451315369,2.85537019103507,2.84450085221437,2.82860698213489,3.02664727110936,3.40182542375056,3.4007353571577,2.95449424754014,2.88376871159093,2.83542388158475,2.39331667005907,2.81562005361133,2.59199288027216,2.00826860961113,2.49408056755852,2.4684189375471,2.93943916737365,2.49906008379502,2.6547936874562,2.31212262650776,2.62777338197574 +Kdm4c,3.80787658768328,3.78516117342795,3.79978547802016,3.85513888585832,3.8571469881305,3.8280413920788,3.70771335872269,3.82455060981916,3.82105570457141,3.79262754368596,3.78543103347258,3.79029449149641,3.74498939866435,3.6367069281113,3.79497819456689,3.66974621846184,3.64555099470052,3.7634950608378,3.58052940315255,3.89795901479577,3.66359147914469,3.56576793569061,3.63027019726248,3.75496847378956 +3110001D03Rik,4.43365778423881,3.54140027532692,4.29649925790632,4.07532733355556,3.91061313379758,3.4594793070586,3.86223482737462,4.30987880488732,4.13276277267244,4.1990149613476,3.77915506687023,3.97779759908981,4.60374306417192,4.0227718956144,4.3703465277958,4.15007228361067,3.7977778464016,4.31967767983723,3.53222862861131,4.71677104783719,4.35658313820204,4.31647248711226,3.88212342798529,4.17276622604687 +Ptprd,3.20615708407922,3.43576216400182,2.92202418861921,2.88173752206831,3.49007129719078,3.62616755902729,3.40184026528325,3.53389784331352,2.96767218057372,2.85186912904949,3.64475271913942,3.60469307158413,0.0373107041863863,0.35027918417267,-0.35284953711683,-0.486065779785881,-0.178981908478605,0.0554558543318722,-0.268288887271646,-0.287041987745402,-0.51575459531764,-0.781953451189779,-0.176850520907645,-0.153291440306655 +Mpdz,1.60660034396684,1.90486493079465,1.41635721557108,1.53517429081132,2.0748601265812,1.84713257737219,1.71953573458859,1.87748908236442,1.39294700228956,1.27553762578206,2.15536105056138,2.02104394902724,2.46134986300261,2.8290144390465,2.4489242668967,2.52740832153009,2.89638450074894,2.75108702796993,2.81047004591081,2.71862470327632,2.17325649298863,2.39995631576623,2.93298798950719,2.81410135955546 +Zdhhc21,1.47874300860743,1.38700203040692,1.26545745674115,1.27872504162952,1.74389326187827,1.66522273703633,1.4814093698298,1.50856690923073,1.33676874156534,1.31681173545866,1.59057618786979,1.39444039846013,1.40395269036163,1.50009094241325,1.48982171643881,1.24006204221008,1.57092518235075,1.51498358942549,1.28253203563729,1.55508745664941,1.55635036784714,1.20516121040258,1.56755974641696,1.37093875600158 +Aco1,3.76649893276369,3.3182230013214,3.56878909060356,3.40323132932793,3.36566138095612,3.46033954018268,3.37737101746764,3.47620150297783,3.62350468459968,3.31631913600103,3.52203830565451,3.40242400759364,3.7207979510586,3.66373934702332,3.9136133570399,3.72315470485559,3.75649778338114,3.75835623584433,3.785844128344,3.91968985413514,3.79038151349933,3.74529175155162,3.69978223662946,3.88140164970423 +2010003O02Rik,2.57149884277025,2.37382784400769,2.8437007759987,2.77613487258871,1.75335189870212,2.38984989936086,2.50731314171651,2.89629321198826,2.64204762725643,2.56176876658409,2.67542172442328,2.66049846157878,2.96734489684469,2.62392100933165,3.2003716770575,2.78057655132126,1.85815261091028,2.98177683825071,2.06248915370798,3.39556262186617,3.07053781899326,3.10039298616462,2.20423697321834,2.34578897759136 +Smu1,4.61198612337211,4.32081504970838,4.78144759005187,4.54027526959018,4.05052297654637,4.25563678649012,4.31283509373283,4.57532161578079,4.70056834478362,4.55497630204527,4.37189192682036,4.3709909344924,4.76071843991045,4.46982942333674,4.8135047527102,4.60925589648544,4.35907105045488,4.59013092970271,4.43217489471703,4.69440182331283,4.6385075398915,4.58878888978015,4.37197399992131,4.45521894460019 +Dnaja1,3.11657941310702,3.51013971336592,2.56502344810802,3.26738369220153,3.21688530555606,3.0104238464054,3.1690441220764,2.28081361830054,2.84544556595475,2.91658434338237,2.98398169450454,3.20103858810473,3.31372097153066,3.32555889303879,2.86136229428577,3.46103692231202,3.31691805950517,2.98834648019913,3.3465554437638,2.66262174978433,3.40549840232991,3.22977829733324,3.29684682567751,3.29824149768243 +Aptx,1.9316776211138,1.75103192261326,2.0940908823706,1.46110678083379,1.86015482834961,1.92910849872926,1.67949624430358,1.79880261083049,1.8296215202253,1.73960308750615,1.61123610607651,1.56866145878476,1.57009371995661,1.65884409071367,1.48556179537475,1.4833533701754,1.6378760508569,1.68712461955443,1.51635019549006,1.76704514875205,1.67753082027931,1.8864012908759,1.34957426121958,1.68070874800021 +Slc44a1,3.80974827347561,3.71224626416258,3.75284892609912,3.46746017410411,3.59719625703883,3.66797902078169,3.58905147931769,3.87272774625015,3.66350708898172,3.4819320319694,3.54099129265407,3.68901408369931,4.61917764929116,4.66767725521828,4.71021432260839,4.57077650720554,4.26871408732671,4.58341509503262,4.28256393297312,4.79187074029086,4.61602124247916,4.5625538773074,4.15010481300894,4.42738834540958 +B4galt1,2.44022506326223,2.29120154473328,2.56153400326987,2.24422015177505,2.39815271411361,2.2515439375435,2.20226838088538,2.65729785154872,2.36923341386258,2.38611576264712,2.45986114356471,2.34645292428753,1.93591633946041,2.05166713360337,2.31223938598267,1.92880020602736,1.99263912190135,2.07181179509801,1.85983499560759,2.16773994215685,1.81481483381544,1.9121631236827,1.85274993025978,1.87947438361889 +Fktn,3.09877944259294,2.85179159477172,2.69305690795901,2.71807953895635,3.097235448169,2.8963557969876,2.77509926630098,3.10188725130202,2.82306352122957,2.72154959708986,3.05698603796628,2.97812351962614,3.10217297818999,2.96187969562519,2.93829040346976,3.00112236528722,3.10397024115863,3.16611186822598,2.85106898472392,3.21133505249455,2.89128121193678,3.0109599829601,3.18379522479011,3.06611986705976 +Bag1,5.81964311457498,5.42184163031817,5.44182492000923,5.53840748780091,5.63392492250445,5.55432672643466,5.63585898815436,5.62055093402328,5.49219691612858,5.55762375438163,5.8775869402785,5.79617233643978,5.93705546683488,5.74736359313429,5.82717013491385,5.71917884932016,5.49356730889971,5.90642616930395,5.65776224646063,6.10634399080784,5.87624436732443,5.79154176818727,5.74069844140299,5.85391066382014 +Chmp5,6.10289263581655,5.94907650759483,6.22843825308523,6.20025796622356,5.63664986879787,5.73540377584349,5.77734565548705,6.19460820455321,6.15270183793475,6.1145248904086,5.81748523423377,5.99047154943415,6.68283289655489,6.26826866219749,6.63367793049852,6.4413453119749,6.16543780080338,6.62827092540968,5.99675064919555,6.70989084779832,6.47755372390509,6.40724926231086,6.09081400651789,6.35496850357259 +Tmem38b,1.0155058870925,0.464858177666472,0.784358295221031,0.708085443571457,0.515730852022102,0.915518939212779,0.284620649375425,0.81795589896296,0.810488055770694,0.878001255807447,0.332403722872164,0.607716019090044,0.856165521307915,0.506603456705825,1.07155302602158,0.887326918271319,0.636375460798925,0.98763935111295,0.899365882189043,1.02692674291683,1.2042418516065,1.0811301556045,1.16576731831449,0.687646035659784 +Nfx1,3.44878450975161,3.86393249912232,3.50401341349256,3.95501282215215,3.84497178455372,3.86544249444861,3.91335574077959,3.27846697470096,3.73285002023347,3.8900853473044,3.8634111024084,3.77390787503293,3.48569694419603,3.52274729831155,3.44361536019792,3.71651698830977,3.81153151741151,3.60332448309944,3.6843923214011,3.33214649617006,3.68038431733242,3.71008291830382,3.79579214689816,3.67769846542785 +Rad23b,5.04823562308966,4.68662528470186,4.8885857433193,4.78967240530849,4.53240651118616,4.70122887515392,4.60266262121887,4.79261293864446,4.866913657551,4.89856713241115,4.67707053521979,4.77126849589557,5.19615770404835,4.78482734811483,5.06989961988504,4.98183910469323,4.83295226841044,5.04426304262096,4.77015262875372,5.05496983246358,5.06011837689709,5.02693874526038,4.94232004973331,4.90193813252728 +Aqp7,-2.44109013203986,-2.14716246627205,-1.80324219167186,-1.7260625513532,-2.60117460944188,-1.86417441254484,-1.74993562862657,-0.84774441443969,-1.90564422165097,-1.89298980312054,-2.63612328518342,-1.7903771121993,-0.63995511077287,-0.894000272469136,-0.873220490590755,-0.479211891380148,-0.979133803888966,-0.83965627762252,-0.763000206159971,-1.01407568975401,0.0634368702042893,-0.237234409556168,-1.83843517064022,-1.03299103039596 +Nol6,3.5256683332617,3.14173080734513,3.53199482749116,3.45875761843953,3.6055494023067,3.49717365767122,3.37956704963581,3.6503667819734,3.50455779762904,3.20044114450846,3.45662185402353,3.30260633182938,2.98339868723247,2.87643957273093,3.376873819818,3.06427751503082,3.67313523124898,3.33947136078101,3.39698299166608,2.73215070510728,2.99189443654271,3.11870640577236,3.72573385475514,3.41455383706014 +Ikbkap,3.88714671399207,3.44142703307826,3.65795797407,3.64704688458495,3.57192550518885,3.65481721904528,3.59575957307027,3.6383956480128,3.7098538214473,3.65136556470548,3.61162278770421,3.56826063831385,3.86999893969798,3.49470892692387,3.92255211824772,3.65494843509134,3.70363537410847,3.88444913715157,3.66041625743183,3.59295904623011,3.64333916958158,3.53617810654997,3.77923528559561,3.83468733386047 +Ubap2,1.99807575926922,2.03810222312685,1.91742059156953,1.96355047190807,2.72598255840408,3.02070125413808,2.61515507150889,2.58219993119756,2.17138584765888,2.23662183388223,2.86352276524481,2.44148157057575,1.84015809583643,2.07099815900738,2.03726170068843,2.11427585876682,2.87898126825153,2.5368395052474,3.04006393334318,1.75719365512761,1.86023920476296,1.88610302310766,2.67887908121058,2.49801282030309 +Epb4.1l4b,3.51440650204931,3.4215009115002,3.653040575319,3.53061189325141,3.54190687833968,3.53612592010419,3.4415387233322,3.78368789177093,3.48510080864622,3.39458614693749,3.59343583817087,3.51540638025156,3.74665685008467,3.84535284290088,3.86157918094925,3.98560984854712,3.8139018387317,3.8250210586754,3.61968489725601,3.89317386940511,3.64371477835783,3.80985090618474,3.76261463063042,3.75100451877917 +Dcaf12,3.27267326158943,3.15275494134896,3.21612669168884,3.27663220896194,3.11189761776626,3.20376570585158,3.00566866043213,3.3392403919985,3.31072523458718,3.23025442436906,3.15888211777327,3.24037114772108,3.44609358545722,3.24706397878592,3.63372360560003,3.17967871399091,3.33986140097654,3.48058617148661,3.16686191490862,3.23934620106582,3.26344850416887,3.32821111323994,3.43513540737895,3.34840466795558 +Ubap1,3.65723122558046,3.65423886023406,3.57426309149318,3.56089231669106,3.53867336568788,3.56495217344762,3.53286364174108,3.56224396229079,3.64841743178399,3.7550363562757,3.37782788341694,3.71360191561957,3.78985768530155,3.71712069278773,3.68157055326188,3.87048876880099,3.69069166135872,3.71298831794702,3.81924968597298,3.79507090137731,3.8552663578448,3.89220274133456,3.71020189563802,3.92682028754803 +Kif24,-1.89713984145074,-1.06364558040043,-1.77012484287814,-1.49889810878218,-1.07116349610318,-0.941460029586807,-1.57028475507277,-1.27337689722934,-2.22422879958135,-1.70272880648595,-0.690156337337184,-0.994831839148226,-1.52383401838724,-0.876273622950146,-0.676716164089486,-1.3567320491763,-1.18160438758855,-0.683200351216846,-1.352535459167,-0.740068201267943,-0.853921302832633,-1.02695903347562,-1.20609810410875,-1.05211269779788 +2310028H24Rik,2.22527702884134,2.29832644747122,1.70815406944022,2.30327460173225,3.33038271700288,3.21328425156908,3.00323782593987,2.15082218633887,1.83715957176854,2.36763659444449,3.04983266604757,2.75216159946441,2.7735221962143,2.68643791678815,2.30846222924271,2.60074525192563,3.60582408820392,3.17503619455105,3.74563371575546,2.38203251045214,2.43874210164043,2.56718617105077,3.55553602694315,3.33757943381391 +Nudt2,3.4389533556274,3.00072545937375,3.495877889203,3.07628602859014,2.68736217541482,2.49246164649067,3.34652161458371,3.42849648896484,3.01629522442938,3.483732138975,3.04262128243019,3.29489408555734,3.40386281283391,3.39940851337563,3.31107310677674,3.37289062607655,3.37706778750985,3.54952171660791,3.16019260148539,3.45895558567486,3.06996457232625,3.01028619282245,3.26865189929944,3.31313792551725 +Cntfr,-2.66310486763179,-0.634216257461255,-2.20094520427279,-1.04314972092495,-0.609495409921601,-1.84051471227768,-1.4727238370451,-2.56551924538296,-2.97164062881206,-2.28079981508516,-2.36060387984838,-1.24525014517434,3.30640725897309,3.67200908398771,3.83877767122225,3.99029192191108,3.3039030768007,3.10020149669699,3.84753123089851,2.93994981513699,3.59074466766825,3.92228465216412,3.61040874130416,3.34462631804711 +Enho,2.27264312708302,3.00960291737923,2.86213213539395,2.89513184561629,2.87130767119907,2.75410044108676,2.69817594329739,2.29467068599238,2.39250993946811,2.64159399967448,2.58167541020114,2.75729547444497,7.05314982954034,6.9208489895168,7.56301224913906,7.16956373033955,6.54810792301434,6.92176541244441,6.86365344534854,7.2660773462159,7.28397160226578,7.29189318119384,6.68634107702833,6.5785901451431 +Dctn3,5.09706060551232,4.63264921257386,4.83040383650639,4.90911278446187,4.45837581354305,4.81845751302734,4.75534990909194,4.94676412617555,4.97826184407866,4.77537115107754,4.68191379171829,4.81764863702191,5.00979398063615,4.93850888351412,5.00435142298184,4.93448833431978,4.91266391741304,5.07629663333333,4.87315154681529,5.00265180562183,5.04933515788183,5.0929858888465,4.80405092916193,4.97604815937231 +Vcp,5.02763817788611,4.35258625096053,4.6130410345444,4.24644176745281,4.28289697067039,4.48811127061195,4.20569958308373,4.88087073821588,4.72395656938681,4.3225273677191,4.47496585986912,4.43824300885451,5.20717265750091,4.56800209355163,4.85423441125267,4.17507744894267,4.79360642891081,5.04089329213785,4.77575878483687,4.74751912260447,4.78700466162683,4.53819765430232,4.92880493592346,4.96704304916719 +Fancg,-0.316000918000216,0.814588533202079,-0.894315895266911,-0.0197640719693981,0.496099193020711,0.265270930515505,0.289175333634858,-0.718912827546132,-0.303255931507062,0.0663083170789256,0.743859485182452,0.2634617655916,-0.337704070213608,-0.462463639965382,-1.3905326384381,-0.663746187728136,-0.225034239062197,-1.16980532452593,-0.173601743865516,-1.55598536826819,-0.744592860342197,-0.49824012076615,-0.450031995390479,-0.391379830492981 +Pigo,2.06236049366099,3.05570458991262,1.63794645757149,2.68768003689171,2.99042398335168,2.56392735612939,3.12447094502922,2.09328689990133,2.38950273656704,2.66763891393328,3.04800774093287,2.66951182849848,2.23604050607532,2.49706373914859,2.29452462606174,2.42102637805952,2.79686555976068,2.4905362184428,2.77381395351454,1.95757716113723,2.2241154584826,2.28671092331182,2.77460020555762,2.409540459 +Stoml2,3.18640584610808,2.98851516487665,2.91358943951307,2.96217739452778,2.84015092332769,2.96395414015828,3.20254248492855,2.99299393187536,2.84556053420754,3.07766751606186,2.94523759734376,2.94329962334694,2.91353751539917,3.08262734047053,2.97195839356871,3.15792713082972,3.02024565315098,2.90132221654806,2.91789261250567,2.85713603074225,3.10085897322868,3.23104527480969,3.16588785380633,2.9464780420005 +Unc13b,2.14441628033884,2.60465481961977,1.92563658398179,2.58341227087037,3.17768333791253,2.94549478229494,2.93065235409413,2.10135071417416,2.22057460902128,2.36778434636582,3.12983594725152,2.77103468354334,2.71413345404811,3.01318963256088,2.40803127518352,2.78836421714087,3.72948618854563,3.08338773609075,3.54107675561252,2.79299198517389,2.69766728451841,2.78131058139378,3.78458515486175,3.54628883352664 +Atp8b5,-0.3709325868688,0.190119077830269,-0.854078693835526,-0.0013745599360306,0.485471367553322,0.721610132717328,1.01912107268482,-0.778247317713211,-0.3281168157721,0.112221321834091,0.454765771261363,0.140721611013116,-1.92313539679589,-0.477138899530175,-0.859399121907675,-1.04864404328112,-1.08272529496135,-0.887586335609345,-0.678628543215226,-0.806127210841723,-0.950495118926253,-0.828411613779745,-1.02745375794582,-1.33296740965518 +Tesk1,3.78890279003526,3.57148648245464,3.65740074558454,3.60118650356413,3.61776282686369,3.65413541130642,3.6614920495996,3.31462751963613,3.52007961428858,3.51789576875939,3.56668784373841,3.60077273794611,3.89081636191579,4.05314817536652,3.78958462108005,3.69158631661052,3.95189962919112,3.88987383988901,4.17904166576838,3.62935059333269,3.7433785839835,3.75962919549381,3.91032298523125,3.75054977439405 +Ccdc107,3.55090440666141,3.00623634667904,3.50395777470417,3.15172799500024,3.24847696019969,3.4241195439995,3.25064574190204,3.07376764590088,3.19815194515252,3.02238391757845,3.29736713843387,3.1807047903931,2.95792668299481,2.73438525449342,2.96330151483496,2.95881243265823,2.87936197281178,2.77830081777792,2.99917305870462,2.58786963656442,3.07237353912281,2.51025134538418,2.97240921432506,2.89223368858804 +Tpm2,-0.879886888593923,-0.771894953282061,-0.308125629547644,-1.10755059748302,-0.604020345056102,-1.20485855282784,-0.621456317641709,-1.16642526171687,-1.0602624706653,-0.61824722019544,-0.800937109085948,-1.83111828849021,-3.26496593998935,-2.60242187182243,-3.90193414685915,-3.19853569494075,-3.32647168398957,-2.83468510466053,-3.90193414685915,-3.90193414685915,-3.31061113293429,-3.90193414685915,-3.3068127228151,-3.90193414685915 +Tln1,4.60513338048945,4.62803421116401,4.46401013129018,4.50277763811721,4.72635223955217,4.56146045752979,4.64908408415571,4.6544026144879,4.37568309055964,4.47181639320307,4.71872381577655,4.50071215082375,4.42991443975857,4.46737855802212,4.22142477556189,4.31875622098606,4.88968957699506,4.65634138604077,4.95159306195755,4.15661282649986,3.78142813503599,4.21885996374723,4.95804728926098,4.74329397758562 +Creb3,4.53069385980963,4.47728426056072,4.50788157289336,4.65550706692635,4.30500278186849,4.182942316638,4.33927499257576,4.24530074395299,4.5891462566309,4.68098269339889,4.31269519396171,4.40123124759265,4.92647083247303,4.70377444290163,4.93910063003993,4.87334209205978,4.71039802353453,4.80898694774798,4.93913442966952,4.55801827306864,4.91127691574655,4.80553548651442,4.85102302401519,4.8364759158377 +Gba2,1.9503787740889,2.20773164773751,1.43290558911167,1.9470592866141,2.44232811731267,2.40156177380867,2.45136653981651,1.80945829764125,1.88929064788241,2.03257298575401,2.52016122013914,2.27196543205446,1.51788897356094,2.01504005130277,2.00805672798476,2.08599612551861,2.44065924319581,2.16718269926645,2.61055969353505,1.94831239931236,1.91981172856259,1.81971400745675,2.52161007275259,2.20052966660445 +Rgp1,2.92250817716855,3.07918200165641,2.79720485429484,2.95725417436417,3.43741182130501,3.37762844446827,3.11829538456009,2.97527205044288,2.95684035598428,3.01401171651209,3.34561856735361,2.98684262627429,2.78589725380819,2.94928834312869,2.79052332928521,2.81023891234353,3.45974425989838,3.09174555271383,3.48894186962995,2.55243201914653,2.66931349146408,2.94500224451365,3.36315447947055,3.08948545656354 +Npr2,3.32200131548627,3.95290655048676,3.22042318697845,3.6263795048038,3.99989734560168,3.75642521605544,3.9555845882931,3.3793691824804,3.49262439034541,3.74435811819056,3.90233778091259,3.60971924584246,1.25052271203697,2.09314596254153,1.54208709385297,1.63555876073751,2.00240931041804,1.3655488640067,2.04170162940804,0.9590397763967,1.61474045146062,1.63314629084557,2.11139915128644,1.84020401181003 +Hint2,3.8017583931476,3.56407842383184,4.09746318974273,4.03719623497305,3.27858691493237,3.61163606622776,3.52461600817335,4.00358939179751,3.93056935667262,4.03951680587391,2.99244835031359,3.73984986645723,3.93984829222027,3.61511020702593,3.84751506415912,3.67251878590471,3.31824572533994,3.5206856197228,3.33984586112625,3.74800119258386,3.84827024240795,3.93670966473256,3.32166135823474,3.16325685181124 +Reck,1.06224344236089,1.57312811920865,1.62752845400655,1.07930741532657,1.11196455940911,1.42235820838828,1.24685084461807,1.70811463715184,1.52140014143643,1.22270179266146,1.20807653002854,1.02380984035958,0.385628181269665,1.07296299700118,1.26317643891253,0.912955935609923,0.39846245655633,0.486667195479355,0.400577890716132,1.04194450646553,0.757970010825074,0.787011221034276,0.49872673921371,0.384769205006246 +Clta,5.59687189539,5.68081391100682,6.44184943993264,5.99636961036347,5.33181191673298,5.41233454061171,5.46811195668922,5.98964363468285,5.99186495990689,6.08126110871781,5.44431909376636,5.52789088190073,5.79897471136321,5.74037566591097,5.78108566995107,5.777682385754,5.61683334058431,5.73719900604268,5.72639220526851,6.097828584568,5.86212277671494,5.7802208568396,5.73667426358435,5.71487766895301 +Gne,2.98079452935058,2.66475988652748,2.73890639722193,2.53497189621418,2.78013505751016,2.79261309051719,2.67745320300292,2.67801531245699,2.68086317611251,2.4949507852991,2.76326581013214,2.56156161145122,3.59697571788129,3.50913659981701,3.62110091825087,3.61559797305496,3.99300282485787,3.75901466942453,3.83358725787892,3.32554452065711,3.53552450482128,3.74340974111112,4.02624057222808,3.80683447270046 +Snapc3,1.10188665434483,1.62739042380384,0.734191112500019,1.41364012385747,1.97348600143802,2.03422022724335,1.76768121838358,1.24416546640392,0.868177240817121,1.4308578077258,1.84338928016954,1.73270127465187,0.908125450111011,1.12870081576206,0.388676868241289,0.922070819304683,1.93069976948393,0.960342990026001,1.30743899463213,0.652572834318736,0.761506074098387,0.934289110441215,1.73964618604778,1.50887531085958 +Psip1,3.71424331085229,3.97795301180631,3.8549299414083,3.88108934477801,3.63804257713354,3.63088435141846,3.70764192243947,3.7489422828663,3.90430893341491,3.97819804121876,3.85568427337033,3.81815905316136,3.47053375379221,3.76000341663041,3.36010385872349,3.74586438670623,3.3631579265899,3.19731454953952,3.27861331705281,3.62015151598401,3.56706102937697,3.800383007576,3.31232243983658,3.47433141065091 +Sh3gl2,0.35040343190627,0.483420590461145,0.103114214309361,0.0789636302370944,1.38770075192462,1.11877549312576,0.72441663171928,0.94536912277062,0.496160916280744,-0.0525083257046943,0.845898820639975,0.550498262007402,0.653349995842569,0.848022375068028,0.612768695855668,0.786479967993484,1.2251942797522,0.879098873403299,1.65016488202277,0.870631049278902,0.40737720973769,0.763413176073913,1.31645271513166,1.02188517286389 +Plin2,2.18154541973553,2.50889686512346,2.60970161013879,2.31911358424533,1.50491937291573,1.64256911852518,1.83770126312893,2.9126470384484,2.4356947012588,2.21050970911123,1.62963608000804,2.43354637985593,2.12473637216044,2.36656793291992,2.01240270878686,2.54470973551231,1.66846640351784,1.92157067972192,1.9363062521494,2.58138558888014,2.22010635333754,2.12685602727822,1.92220306983804,2.20303963318552 +Rps6,5.19477450853028,4.60297373400756,5.45061634094801,5.13943393633807,4.79671037881739,4.80528753393876,4.63957098028661,5.28374055546619,5.06067436645453,5.29271797446799,4.83376482482999,4.88664318780833,4.96248504043539,4.41966914246401,4.99291817420324,4.70193938755965,4.14437596287685,4.58377482962953,4.32478365675897,5.02083893641852,4.92580786586334,4.68974986426358,4.35200543245389,4.42589947617899 +Mllt3,2.06121032190092,2.11349987356208,2.15476010844883,2.04047375478281,2.24110394144301,2.26107092878339,2.03825594786171,2.32017438262106,2.23149146020632,2.1906503944457,2.2914319345292,2.17989183338457,1.76534080851755,1.64513904285768,1.35689113389472,1.66626613989251,1.86693256039728,1.61018214959625,1.30912686271383,1.54135759408827,1.49829887821154,1.6536674293222,1.65310845199083,1.41632964500134 +Usp24,3.20675915386615,3.13852963274596,3.11113577118362,3.06619572815438,3.49160454622573,3.47476535227864,3.29091633298267,3.01426962608837,3.26975691669699,3.01680212205315,3.43397440809245,3.21231109771513,3.09920579344475,3.2213976815931,3.28728422881965,3.22071572494668,3.33885547864322,3.31836071619235,3.36353636364185,3.06931894230869,2.90455190947391,2.94183787886001,3.36542266316268,3.38694296172445 +Ppap2b,0.710288121749117,1.11709251924155,1.32072646145626,1.10542026655932,1.08679692090877,1.14518019718926,0.742019061569046,1.35634540451481,0.855643528229343,1.18563134456252,1.43215661942066,1.12067745575979,-1.30925657230647,-0.1490094029141,-1.2253049209039,-0.926637248191222,-1.34467780686093,-0.441416280629029,-0.922686023097445,-1.06503617039528,-0.834054339121092,-1.03979675287214,-1.82735996013734,-0.35992135677134 +Prkaa2,2.62996107253496,2.38033571864348,2.75758975569111,2.37656284678443,2.56612950819364,2.58668744953535,2.49370728257682,2.96769308652634,2.70971245445726,2.35483513499493,2.33867188240834,2.57134912900434,1.875265420948,1.64116927926625,1.94017734019117,1.48502412364194,1.36876491389869,1.75474006683711,1.12522960564951,2.14651526487889,1.67584760031432,1.5114700465656,1.45284426516226,1.5196052001235 +Dab1,-0.496628514959899,-0.391544685228045,-0.919800685400355,-1.77942499485074,-2.32886063734477,-1.32588747411542,-0.852241728321204,-0.499444948672067,0.074325335003671,-1.11032608148923,-1.90265922781991,-1.71310197226389,-4.18950486504184,-3.44789168022316,-5.29627673681207,-5.1732706887742,-5.30120667782301,-5.8766691406926,-4.76322982833758,-5.8766691406926,-4.54331223548359,-5.8766691406926,-5.8766691406926,-5.8766691406926 +Slc35d1,-0.309784326349264,-0.190584717081405,-0.679464092765704,-0.617548059237518,0.737506216018989,0.6297573236412,0.10308309520798,0.0785142065289102,-0.597604683031784,-0.970902449345874,0.512751473874272,0.0925522675650847,-0.952523204554553,-0.58318468352072,-0.852267597917421,-1.09775515917934,0.299409152686195,-0.303789640480194,-0.219069240294751,-1.2921317404438,-1.26591333035632,-1.0150059767392,-0.0148367281617126,-0.69507444390598 +Mier1,2.63106776511704,2.60015083642428,2.5911682945493,2.5928925556158,2.75805440579965,2.68034992262716,2.67098942373072,2.68318712792654,2.65173032421895,2.38128825168818,2.66814762605803,2.59708301310364,2.82945000156393,2.88677586806032,2.81456866078433,2.74410477933329,2.61331574498486,2.78027627653465,2.62495336430524,2.96144037059375,2.81861627712713,2.78447972242247,2.54479283395593,2.69695514764232 +Pde4b,1.76245980455696,1.56175560914715,1.72800234743177,1.16721933162847,1.64963449474456,1.7809903477055,1.70223581040322,1.79093526562414,1.61583311208865,1.33535539228652,1.68103604671994,1.60192890372369,3.2070263301815,2.69245444319599,2.61880103109339,2.87050739450288,3.03279255585699,3.15390352148654,2.91140585337389,2.6596326368387,2.63203182898457,2.63853865649915,2.93889862187233,2.71386062040423 +Dnajc6,4.12862935482477,4.16464914157798,4.32293407088249,4.11076600679537,3.96241389195974,3.94295158298158,3.83241334401507,4.45174447227977,4.27465804650669,4.12262257810457,3.8801718233986,3.96528641367582,4.00930455014404,3.97982780170498,4.26918032077734,4.25067024292319,3.89603746118572,4.04238847314925,3.82827753096484,4.15618971897348,4.01792770435561,4.06949904015025,3.87653161285283,3.81080309911558 +Jak1,3.96139524032882,3.89584544575094,3.98018124822021,3.85482426479462,3.96865368646134,3.9231390522332,3.87665955370694,4.11059264766192,4.04014208023715,3.84346202546285,3.9702140776993,3.92791369348323,4.89152132217869,4.97957661249643,4.97299769367116,4.91527994246677,5.07205097023687,5.05604210377125,4.99256203451495,5.09014978561169,4.62738368383357,4.82389341907091,5.11230249065928,5.12400145860923 +2610528J11Rik,1.30354801385658,0.576469266369799,1.08777730077737,0.410469935390712,0.450384212239544,0.457106875797808,-0.383251324713925,0.820055912058821,0.443919798248403,0.14411018535043,-0.0649643156785882,0.16916092000791,-0.338369693738094,0.427528915764543,0.0619625657925675,-1.09827238000083,0.0493532341747598,-0.952898869774373,-0.284114120078936,0.43009749057525,-0.442124934850287,-0.322206321487688,-0.142607128274135,-0.513046998577147 +St3gal3,3.22274500766184,2.92715894746686,2.95965354544096,2.8534373192783,3.29280760932364,3.2061182654598,3.13411286237409,3.03554056261437,2.89255614800614,2.80596518623339,3.48256337798836,3.26077171104554,3.35985862252922,3.43497877392753,3.2643574972297,3.10810228693262,3.40061461645115,3.67118275553994,3.62654736721235,3.75852294622926,3.09791074197288,3.17458573531524,3.53305312813429,3.39110948673738 +Dph2,1.59665880843664,1.5243958113454,1.81503446767292,1.63914721672869,1.59492189724833,1.77683614562963,1.79764996014031,1.22413148816951,1.60819671634363,1.48953040934887,1.80763293218856,1.78321256707661,1.37587981158854,1.13208550761981,1.07033024200095,1.28992321118272,1.24017269078437,1.2756505856791,1.44213312113718,1.18321496817634,1.67259400198396,1.01831167386075,1.44385358415487,1.35506128458259 +B4galt2,1.6785256976102,2.07079755698624,2.17926714131071,2.16395810038292,1.9100683281787,2.05523198111198,2.01896768731747,1.89553884165058,2.15027442401344,2.21927446911105,1.94452167885704,1.77898774350156,1.01072339532009,1.3362034653189,1.36863622530519,1.53780437960301,0.859673612284243,0.528355260226895,1.20018738759362,0.795768614512514,1.41868941898675,1.31562715414018,0.930098754195873,0.712657894717521 +Slc6a9,-3.5345431620169,-3.30423665114759,-3.00704123926986,-3.2664209059869,-3.4174751329437,-4.33670868740664,-2.88834640307887,-3.02671432562684,-2.9903966232972,-4.67737195406516,-3.96496556715088,-4.71917855625228,-1.56060814678127,-0.46397471739223,-1.91409525146571,-1.5937503719964,-1.72887740508617,-1.95029927445156,-0.690291731239689,-0.632052382782875,-1.99490857502961,-2.15243630550604,-1.34212193836022,-1.26601061528943 +Slc5a9,-1.16327833837128,-1.85065775062318,-0.709349548866052,-1.19912507768128,-2.12313454591383,-1.5690858048474,-1.65285521515954,-0.906994921021103,-0.791257978575552,-0.967593577764165,-2.40980169366538,-1.52887008395112,-2.44699851591153,-2.30669910817403,-1.93990270204165,-1.75148951285082,-3.16957711555143,-1.61977115710772,-1.96611922695099,-3.03372809459855,-2.91452614770612,-1.36272496225927,-2.1252496420017,-2.15233033121923 +Bend5,1.66517650900889,1.88154052893513,2.45770229337217,1.76330115795719,1.63345252487068,1.84105225599561,1.60099080795516,2.01968141338061,1.70416616393181,1.90523912953736,1.59346358676969,1.40712491134264,0.629117768816475,0.91098426338193,1.25548796613958,0.70409914691173,1.26707933221859,0.97029010049559,1.74421924898903,0.693738497865903,1.1203170752819,0.596267283189615,0.975714045745241,0.534575243908018 +Elavl4,2.41108394719345,3.00799985709547,2.61632128169947,2.78329134763447,3.01474176817315,2.68493303027257,2.69349738655453,2.75836280347515,2.59755112662915,2.96764719602409,2.98121640667543,2.84255542505858,2.85087485550879,3.18292624771648,3.29343565148479,3.24811452564279,3.00072438836422,2.90980351838575,2.77519567526315,3.23196979597328,3.21102408501973,3.35746689542172,2.97054982024755,2.79273580113766 +Itgb3bp,0.872293108275667,0.685325373921323,1.06371423262543,0.499872533077772,0.59340102758783,0.326223634916913,0.356451915951348,0.755436331798476,0.66931889494292,0.773670508918211,0.606620252962155,0.630622440525957,0.585927798597818,0.47387431769204,0.5662300005639,0.246636929223923,0.253178287825484,0.474790801017628,0.221143396288606,0.877666920216082,0.751757230241485,0.157006053173856,0.294091415290024,0.0499169572490978 +Atg4c,1.890651032913,1.69459363518163,1.69726846262234,1.37561584729231,2.26624073853744,2.03982404080177,1.92385037956266,1.78847651943304,1.42493221252792,1.24478934691427,2.30801536223574,2.20976449985498,2.2325702670272,1.99653285165058,2.29825765111067,2.10124571302424,2.78441029035153,2.39029787972591,2.6879060984667,2.54781733553975,2.28780751166842,2.08210455067814,2.58217703657989,2.47680289638707 +Cdkn2c,1.77051729736951,1.68348641820531,2.54630187537308,2.28263831613171,1.3966041797819,1.25366800245809,1.44300403354903,2.36850612194454,2.17368295024371,2.05395125548049,1.6952403116861,1.37325703864101,1.93067948591122,2.27416171558955,2.34931764322869,2.0910437458753,1.67693686191614,1.97144758072277,1.6743147714897,2.52219684574084,2.56281027723768,2.41095011018114,1.63499866013467,2.30315187335881 +Eps15,1.63610719523315,1.62030988053496,1.38498572436151,1.54154135237527,2.20826334424208,2.0236377764183,1.90239866465027,1.6733164882121,1.38723041012998,1.58023336770093,2.01272622049922,1.66458592745196,1.70862862997861,1.88891542927023,1.47300025898945,1.71753608837566,1.81312256130596,1.67177606168235,1.82244402636796,1.80423555494496,1.72345722044205,1.71990647774074,1.84726650412309,1.91081448517381 +Ttc39a,3.55808484261508,3.45584895793543,3.26341645861677,3.47638062078221,3.70783257453289,3.59096503920335,3.71166085925416,3.37450913945305,3.32341869162749,3.40026642251998,3.64952273217592,3.67572101836831,4.09674248136427,3.92372039035758,4.13018886050062,4.23570105997171,4.30183939060494,4.21393053979859,4.3765659620401,4.00584254062498,4.07954530328081,4.2193674355921,4.44496004423663,4.28203403720053 +Dock7,2.79824015408291,2.92179091227113,2.8583380634381,2.78732501433506,3.20094890928255,3.23258013483992,2.97184443574175,3.02973912668978,2.9516982950755,2.73773698837624,3.12763526866941,3.04854436490914,2.48750185212004,2.56799491224167,2.622653581703,2.39520311807107,2.59237887438868,2.50346753442545,2.56979234668774,2.50226393985552,2.43151189320257,2.3486994780333,2.38814442482763,2.50531895516569 +Rnf11,5.54821839280789,5.25050935765632,5.5272856178756,5.28313716270586,4.95094442397087,5.0982965310195,5.10109417244328,5.41973324839668,5.45422322716681,5.26576764072815,4.99732984093724,5.24071638790126,6.04991579423814,5.70395385311277,5.95451512550682,5.57901312814258,5.26289783441534,5.81446124822746,5.27680029224614,6.14939297472314,5.83014537673816,5.60057855439846,5.24583293530821,5.44875904162768 +Osbpl9,2.69809475388172,2.82510954408523,2.95180239244621,2.79298715570703,2.66754527698411,2.66247454232606,2.64416722147631,2.78618852845255,2.86212868707244,2.84599532734872,2.66805618151904,2.63230044310886,2.93882738746002,2.79522962656154,3.05095974594054,3.02785828999046,2.57581093047631,2.90566213897162,2.56962254555998,3.09055151238491,2.95597417697742,2.97225148877505,2.6313318947924,2.81565839681017 +Usp1,2.36831952322205,2.25827175711509,2.57587743236567,2.38554618763248,2.2196370811319,2.14371479795691,2.2339998184102,2.17858137772969,2.35371553013147,2.26601034007082,2.18213546734979,2.24024640392014,3.23237855542669,2.86587013065909,3.09962236928389,3.16900504260029,2.86963773037781,2.81124842587369,2.90941859010454,2.89747738898778,3.09698516272765,2.93592759285044,2.86633174859542,3.23593178960991 +Tm2d1,3.62246247465611,3.44307432994073,4.11172920563475,3.66268191295763,3.06533093250615,3.39741875209911,3.31852978419453,3.81423005079485,3.57237558393453,3.61516114936764,3.30178567912354,3.5918393866941,4.54558026222358,4.16220390064839,4.569511232958,4.34849181711115,3.66446222521101,4.19348348256348,3.70073945942494,4.73480023108894,4.49876963683948,4.25042177828444,3.46310620418396,4.00708437765133 +Nfia,0.492691951923018,1.0954716429706,1.07231837401836,0.829732661625462,1.32637204486771,1.29743320892164,0.847071931293933,1.5704274978043,1.07754887860318,0.934691562960873,1.26627595441539,0.906631182729414,0.521012918921585,0.502900492860673,0.731074820251013,0.449763534230056,0.753961788805447,0.461918393741508,0.702256312281447,0.362968935034648,0.361045489321962,0.738456342421345,0.534258443681983,0.48000483099082 +Txndc12,4.28391419693331,3.8829871890472,4.06278278005659,3.81037928072784,3.72640740099182,3.95291309516274,3.74120459894079,3.98106337022393,3.93658503277651,3.7365767478258,3.95612208874733,3.91287176155729,4.18552679984304,3.85886719084181,4.14082721462268,3.94265566160683,3.90046821676644,4.04062268439857,3.81577630729019,4.13877453346816,4.0898346567796,3.90533447127373,3.93309238170428,3.84443629624345 +Btf3l4,2.26722175629215,2.30566809322586,2.74941989774586,2.37308337087476,1.72562887585464,1.95785323769591,1.88874360157469,2.65114346881936,2.54022938055361,2.33065813780099,1.93435433111896,1.88128873075862,2.1881724394715,2.13789569977507,2.50642983251295,1.756194757754,1.5956289998621,2.29164983628238,1.73565532324356,2.45092716978615,2.10215545823925,1.95614950540687,1.99172160375763,1.79168860888573 +Hook1,4.31764288820627,4.3930113822108,4.1703976262319,4.4559710126991,4.36004376874155,4.22130722019036,4.27361741169436,4.11057300465033,4.34362466700341,4.31068100513052,4.32651590753432,4.27905681386581,4.8341564323785,4.79688498471285,4.5079191476239,4.95463554351786,5.12204407309471,4.73558503120167,4.92517743093358,4.57218166949024,4.76417387853265,4.86276677884894,5.03327816158616,5.07529649892542 +Fggy,1.25262709885433,1.12044493306716,1.25826543023003,1.20434437282252,1.36857267623068,1.38372813928575,1.27866331617446,1.39702592545537,1.31133295410349,1.46239679286296,1.09760365037322,1.2863660724268,1.2055515094652,1.15549560174379,1.23745117667513,1.16993671310319,1.0177928197267,0.828177778938204,0.968893228891865,1.34203652820952,1.33515720833016,1.56863358570844,1.27130131803811,1.23714647615361 +Ift74,2.21672916112351,2.63635303843864,2.22188952364068,2.66216787080787,2.51237051764861,2.31798991845235,2.45611986591224,2.24838120168011,2.34034912694588,2.4810623601543,2.35479651071466,2.37343287434161,2.37813978265304,2.68192003468697,2.34794275117182,2.94439648983592,2.52939288698947,2.42719403604234,2.40198807499454,2.16031536560004,2.88674623812863,2.83246357405594,2.54466589367464,2.63239774331526 +Plaa,3.00075570727177,2.60309168796381,3.01791453780499,2.96352720239483,2.62211652933129,2.73383934460386,2.58233007294972,2.52018228214218,2.83659359496531,2.8915859120392,2.38232074201172,2.56051992941607,3.67757664236604,3.04706819465671,3.55557119180684,3.33042281290454,3.29225453396269,3.48577488950467,3.34214936424254,3.12005194551966,3.47370081435886,3.31811831937693,3.39768955025854,3.42407349042815 +5830433M19Rik,1.75248182833522,1.66395592759486,1.65096509450216,1.84537524701825,1.40580626628305,1.75607486689045,1.57453982477097,1.78812658588521,1.70631726754234,1.96168691539913,1.71899567801059,1.80694015884055,1.87330286134594,1.83402710720995,1.80302995311619,1.9891305810912,1.87445797957637,2.12366728577657,1.76393508223088,2.08262710621642,2.09836175397982,1.78412786240447,1.89011026170874,2.15155582543546 +Pum1,4.06976478594526,4.12823564257959,3.97726448448366,3.89726546203816,4.16223767262603,4.17628049542615,4.05533200792067,4.27375622573216,4.06857446949232,4.07702488219401,4.18087173532967,4.10536707069874,3.58823180278866,3.81458312686395,3.82260369121839,3.77160130488092,3.90876701690885,3.90414870159963,3.90187951423294,3.94693993899329,3.62333405008919,3.73076555601129,3.96989727511243,3.94516419896832 +Laptm5,-2.02852429512856,-1.693641174182,-2.91437373487672,-3.09870139966622,-0.293719909312851,-2.70053454672306,-1.80622423427858,-3.32432139076725,-1.8172466509102,-3.30396701346532,-0.734245424069587,-1.30835382898967,-1.24445464858999,-2.14204716621448,-2.70703939712764,-2.47000228846542,-1.40078801454795,-1.47037222696159,-1.51348983953475,-2.1521059118435,-2.94949027601822,-1.71589614290334,-2.26008938129921,-2.59629413881805 +Cc2d1b,3.00407882983355,3.38213889456645,2.80162774006218,3.20150729482137,3.53188252170227,3.34813588814252,3.58253759231779,2.9426865137975,2.99685162465909,3.25919736615179,3.56193567716409,3.36535896589677,3.21509868346588,3.81444569069633,3.04865926659665,3.54431049494894,3.80120013482362,3.37820765795677,4.07157987255919,3.158384135689,3.28809327996693,3.63998371737401,3.95481554998189,3.83094964797608 +Gpx7,1.24184670394096,0.32517621210051,1.25099687849884,0.580641967885105,0.0889258460239652,0.356291508147343,0.552814715096947,1.1935681662493,1.09603234690412,1.04021987675881,0.764888735901137,0.328421689385087,0.493574745674878,0.0475615546818747,0.0679107524813219,-0.914818221358691,-0.291662409591666,-0.454440030212382,-0.0869873149108384,0.595966132039731,0.37657563309248,0.16049086228852,-0.117436187478728,-1.04111007171132 +Podn,3.0844031127894,2.7949949922219,3.06915338658607,2.89556259196507,2.66042657593569,2.69604579569581,2.59343101094715,3.02246343713582,2.90623012612511,2.95282780854135,2.64171211859164,2.7604997921135,3.7373913768913,3.33510257823172,3.41503978392784,3.36930210261855,3.14961482358256,3.40767741117906,3.39165161581006,3.62091014220407,3.48337709812909,3.41286476322228,3.21064427494687,3.31623654291954 +Echdc2,2.78553820084747,2.81409741691246,2.3407497488482,2.89660096473695,3.06936753249117,3.19608053019363,3.6171020601018,2.80489617213468,2.7438483797148,2.72504717810538,3.38445028202614,3.15678877100193,3.75975203980343,3.76975227783602,3.37400568832187,3.59230993372075,3.97501734351005,4.04760221641136,4.64877975172417,3.64913382471086,3.57251849634181,3.3952091676998,4.18950032831278,4.00774913374188 +Scp2,4.20499062576924,4.00803839099425,4.15178594726586,4.00156452731183,3.81895194520684,3.84930965976894,3.75230318962058,4.14169590657168,4.0131856759784,4.10661450287557,3.80008754773257,3.93273120075989,4.94025415095197,4.56485428755749,4.59678379583152,4.57762005083535,4.41786899335161,4.59584345879949,4.6010047543957,4.81583494240404,4.65213154862919,4.65743559550967,4.43963046651817,4.55701908934578 +Cpt2,4.5468107534965,4.70222844954386,4.74289933077836,4.61177272125392,4.09052890907198,4.46712542563738,4.25560377845142,5.08163031726287,4.74363911821052,4.47812606999689,4.26351765649414,4.39993156717667,4.42590129785782,4.29485789826515,4.5718390575955,4.43028522448708,4.14357885425735,4.33528973143163,4.13376190201283,4.54367531361408,4.23594080152082,4.22979201883897,4.16932454327185,4.25804736511693 +0610037L13Rik,2.17693591902416,2.38814747485477,2.20384989316317,2.38433193011523,2.42864129349975,2.36473736141805,2.55003439262774,2.19041161843189,2.2781685040609,2.22138397676036,2.48423266715934,2.40478334184365,2.43393166565228,2.52520512248381,2.37895015586786,2.17883049064989,2.28612202510339,2.39940821371154,2.31585062716806,2.14796917473117,2.36812688734757,2.4540970816215,2.16339917346268,2.32132409614435 +Magoh,5.36577973521097,4.77922865432165,5.200403161171,5.13284695892947,4.67350073437689,4.68414655368051,5.13260664505167,5.12190084741755,5.28993273581645,5.19256369718034,4.74670401304078,5.23205980413002,5.30490478630957,4.8049869174135,5.0076369383835,4.86562251193201,4.59459641245132,4.90088454956492,4.51706348827081,4.53421316353311,5.06241819017351,4.78863018742055,4.61546376567117,4.88523178530878 +Lrp8,1.52079314443658,1.48035657055101,0.691441412789775,0.999815113830131,2.160118562086,2.16203588026797,2.01294003549619,1.27112529330936,0.992374050254703,1.15588151668327,1.94376694816231,1.85281982930358,1.24693579882784,1.75419778622897,1.61744660726347,1.97821718299871,2.2338873886245,1.57788162401836,2.17661593924393,1.16407761367186,1.40388024245192,1.89134856387318,2.04536684179441,1.8297976980452 +Tmem48,0.97118162245354,0.601961120832821,1.05788040858489,0.721191169889874,0.503653139408282,0.357272095377246,0.325909190009141,0.764280743208073,0.968859458459145,0.75661776059988,0.287105626275966,0.191583072076408,0.239045862526266,-0.112250181737031,0.208115874306637,0.147063596212117,-0.19679109178856,0.220485769521696,-0.0950133266724107,0.286030967133065,0.287874816340979,0.1507723556902,-0.27488664476456,0.0371022144175055 +Lrrc42,2.72456263146533,2.26960989850803,2.55971283909212,2.37405354106442,2.3091627590814,2.62519744087484,2.60770854359906,2.41307028060716,2.34110400311846,2.54414755004353,2.51844221873081,2.12973726745192,3.21436821585904,2.97213252135326,2.92038064904141,2.83232278037198,3.16430278844443,3.1229291268495,3.14153102834371,2.80913320778516,2.92674412025909,2.95489204546475,3.17152136949487,2.81872460741624 +Tmem59,6.83892067495499,6.59279609362768,7.191479050839,6.75361205891338,6.36293225047284,6.37258645437188,6.28005267550646,6.92097631925948,6.93879993195863,6.76489946801732,6.39282994772178,6.50593788250023,7.42009149982671,7.13960295355374,7.70462347968839,7.36036858706342,7.00868723480978,7.40381685518733,6.72830026557249,7.67346909400955,7.51144248996582,7.37305257720238,6.90843340782138,7.03828463546555 +Tdeanc2,1.16201580641757,0.902989013754703,1.04448079481828,0.953758695363976,0.957255787140042,0.955256381617831,0.99458171891943,1.25953099213092,0.94208792216991,0.945569391590535,0.697565078440456,1.10132575322626,1.11752877055814,0.771242238499132,1.10806454887103,0.976282373710653,0.69253835223304,0.838982016996752,1.00243938460601,1.08019454130946,1.1318662743141,1.1340149051744,0.693067617692067,1.10711748625755 +Cyb5rl,1.4525285233166,1.35557660240092,1.31301089396201,1.46976429184883,1.06804406876835,1.42778950002654,1.38605226449027,1.19336909053487,1.43152995978734,1.2422966140084,1.10544762017851,1.46941800661354,1.08379974280571,1.24723925718874,1.19106163926752,1.41994322930275,1.64158804711148,1.30990389166966,1.46143510332934,1.18172337468869,1.23974631915932,1.46525678988533,1.62072118668563,1.33635710607453 +Mrpl37,1.63927487338555,2.28690220086163,1.53439999500114,1.84658072421573,2.24812819205991,2.07752270700236,1.96395849003129,1.30570389459749,1.71078772611327,1.79707058146674,2.35106125247848,2.03361528563384,1.83977357711255,1.86228733913977,1.69679442919049,1.9769802484469,2.30485547274502,1.90606667696744,2.42615639977546,1.41856966386449,2.0853093545513,2.04509415065953,2.24623846721446,2.25928720941567 +Col9a2,1.23569753812237,1.06985593361951,0.75490223111662,1.3910825222727,1.83645646112279,1.32670075766202,1.12226079140051,0.993147994638323,1.37675035336181,0.921685074757183,1.29036937410727,1.29248199332159,-0.0435435940124063,0.464637337053436,0.205095972526316,0.31972272517299,-0.210616902432824,0.381449412017569,-0.0879938647196332,-0.248134455253028,0.196523859940738,0.236083480654246,0.792692228208042,0.194216660908725 +Exo5,2.05577417606343,1.9629970580354,2.35195190111858,1.79374504820334,1.94006402769394,2.32936954874386,2.02835120868568,2.13542100182311,2.17653964651021,2.49788664355658,2.31611851642522,1.95014202306735,1.88791031024647,2.11966318381436,2.11123609694339,1.88348173559226,2.09663689739281,2.1876711999296,1.72718569789832,2.17577597441007,1.84113529126764,1.98675371726014,1.7496762375094,1.92838609765003 +Dyrk2,3.04268438090414,3.18651838123402,2.77502386366869,2.45335456233149,2.95611520720385,3.00714396139495,3.18451096622441,3.25306222821202,3.02208877458593,2.40682382859468,2.78793494555804,2.72045022881631,3.20277785669313,3.6850157820366,3.03538503759704,2.97280950148675,3.43459067732874,3.3528269664019,3.7683258387203,3.57108688436347,3.32161869524301,3.12531803619561,3.51840845839222,3.58689097368314 +Kcnq4,-1.88226513668234,-0.737330302833335,-1.84750413098353,-2.38138471429653,-1.65196419236384,-1.2036503917683,-1.02921381301846,-2.26515742461477,-1.80084134888728,-1.82045211946367,-1.92143316912844,-1.23673334109702,0.200262067410539,1.11679214795961,0.661017730555738,1.82488592895033,1.75142416377946,0.907663615869685,1.90079313535401,0.349453526403384,0.91525310800225,1.84701145300419,1.89823149835445,1.70818470803547 +Ctps,2.92747352566047,2.06391139849361,2.28874102326881,2.19012712915878,2.66955330171396,2.57763289776702,2.73554018953864,1.87067591337816,2.45646433126035,2.3589245773902,2.43907964152115,2.16573777434777,2.85947093977328,2.70481331840615,2.93989000123315,2.73533958120755,3.10465076052706,3.0564850351136,3.09191116801931,2.3456415786189,2.68285590643071,2.67560411326254,3.25210437476099,2.70140087105183 +Hivep3,-0.0090528300003285,0.028166326644957,0.0588591415064048,-0.112224050701771,0.837522947981472,1.03101814582539,0.848247532063876,0.717118485184034,0.0752873910049496,0.187440144987932,0.798179965286432,0.432027360207761,0.426278429306699,0.554878670393631,0.620623358821771,0.583655496138205,1.32912354875383,1.02546259933506,1.67856294993156,0.343758709043549,0.335065466663178,0.351864870742754,1.51702569776543,1.13603338835836 +Edn2,-2.90935416171128,-2.90935416171128,-1.54088071536078,-2.90935416171128,-2.90935416171128,-2.90935416171128,-2.90935416171128,-1.9508283712513,-1.74991846412075,-2.90935416171128,-2.3773972239608,-2.36603619121585,-0.0803904119579241,0.579957024070406,0.400201292008317,-0.17491023156965,-0.233153181066492,-0.0968792074456455,-0.409971783711713,0.242070163111027,-0.085699948020856,-0.342403123387392,-0.886596361783262,0.473338743994087 +Ppcs,2.65976438534584,1.80527878671767,2.52296847476383,2.16734598143833,1.83202948732429,1.7070742057603,2.23298512975968,2.48831750891793,2.54972364580814,2.37387522507467,1.94544329734748,1.91871006177134,3.17067748500712,2.51915742937648,2.64296735785191,2.78692793774904,2.72226386318202,2.69966085670754,2.45481286132147,2.72440010793645,2.95199419208153,2.72918363351139,2.30745966752364,2.16767413282616 +Ccdc30,0.0708265761935349,0.740955595812081,0.276354195861971,0.577884454093265,0.862487127333276,0.924903838504544,0.719132159159001,0.373842949171544,0.315905239654728,0.0467575291705402,0.618257151938725,0.724986759545827,1.03966149136272,0.863395256665948,0.51888919260828,0.754417865531039,1.01740362112945,0.879158013267411,0.899891334339949,0.517209137830302,0.778796767637305,1.0329782840031,1.10980904666125,1.14101352783837 +Ybx1,5.88816771253257,5.33538190057665,5.4456252129051,5.56850289185072,5.66193067591787,5.71907710057716,5.68536114506864,5.53902132072732,5.59096703781427,5.6422551562216,5.80539433628572,5.7804327580062,5.81131783688115,5.54331723017578,5.62611176457427,5.6307303618102,5.59891176439475,5.8289416079062,5.52552177514947,5.87772587808382,5.58463557033691,5.5417187987703,5.6577746412054,5.6987696721136 +Lepre1,2.76396187090067,2.79256049996548,2.57867940897821,2.95497816323846,2.88583280871561,2.58610498621131,2.79044453995703,2.51866704880366,2.53961190636432,2.74045730636022,2.95307261152233,2.93364515196052,3.03972000606944,2.86250390506273,2.423072571867,2.43924060127266,3.48365263597318,3.04505761127571,3.38436778325398,2.27452948103855,2.46894115058656,2.79786709465024,3.41185017137745,3.24081367649017 +Ccdc23,1.21815924909253,0.432554537148249,1.42650278229813,1.23420141925067,0.845649520931003,0.714126482924026,1.2975422262109,1.78981524083186,1.6031805778513,1.7553810159374,0.791388592523935,0.954235072590712,1.68947373125025,1.72168874366227,1.82009251575618,1.37505242152792,0.429794885807232,0.913874447873608,1.33429976559186,1.83954805472381,1.56555367031793,1.4344382875363,0.896930409725913,1.6425449488837 +Slc2a1,1.22199491214909,0.834446041221717,1.09740379391288,0.538175216819784,0.959283313862646,1.01879490522002,1.07465165392869,1.33073341494884,1.15229136826178,0.630126547538765,1.04444744194882,1.24193802697723,1.99515700250432,1.67111208037977,1.74219579252259,1.15609129630911,1.94479722907099,1.89688070598872,2.23852554679941,1.61110620416102,1.49004627422386,1.46442245731558,1.72561053865437,1.75488335787734 +Rragc,4.2627610707684,4.3045613022284,4.50161693214033,4.33986457886865,3.99243723683654,4.10952139749229,4.08190630068169,4.43779262367176,4.46122044677672,4.47463493097929,3.99556804995943,4.17671140403104,4.94045824760566,4.74081571099759,4.78402549484372,4.7983190303483,4.64265338219127,4.73929745058655,4.66304755900881,5.02364359962477,4.77489792551134,4.79534585797889,4.57825606344409,4.73088911983026 +Mycbp,3.15817352614499,2.64562496131851,2.8904191404097,2.86302368948343,2.43280390377023,2.52495913775499,2.59074566235473,2.89933369983886,3.03452919721212,2.7965589795898,2.59402534252113,2.85515107077034,2.592905454172,1.94038000404043,2.05965826013774,2.18752447365206,2.03459986257935,2.1925657619339,1.60080997706472,2.22192186171849,2.29361221645595,2.25347859729159,1.99610341336988,1.98617916459877 +Ndufs5,2.10543575098179,1.54099452790034,2.35572586383859,1.58940315025514,1.66558339806552,2.13781037321298,2.02758511118423,1.90623218655451,1.80039917471961,1.51738513835538,0.712657987539255,1.1990773960494,3.0687015657727,1.14435297542174,2.95135160555738,1.68349728705166,1.7363118208357,3.19373548135239,1.6427446311156,2.51263166570113,2.48911790323942,2.69327234990322,1.92902309530748,2.04174750542089 +Macf1,3.57004608916381,3.99464338653631,3.44774020722573,3.6008600709173,4.222352492117,4.13225286767066,4.12399145303617,3.71736000248413,3.49736462829187,3.61455526935365,4.10989194197677,4.00448818441967,4.41429797166673,4.84989992387947,3.96355537321654,4.12955188712309,4.7218400161384,4.46287377213195,5.08700656904652,4.15339796862264,4.27982096437655,4.1165448712237,4.66068263498438,4.80900537843478 +Ppie,2.71992875818247,2.58833815899226,2.7842102729986,2.74562875446698,2.55294760921165,2.30325283202583,2.50457310056169,2.75357825670021,2.53978697739264,2.5597125109544,2.43904963997475,2.74684554620254,2.18611935213887,2.31056060818863,2.43608085484035,2.07055859496759,1.94355118955938,2.46329444213886,2.28517760098783,2.10464481073665,2.39230766201667,2.20188517943361,2.14801311595391,2.26515238689879 +Trit1,2.29245918707428,2.89754088865335,2.28176588238375,2.92727116990718,3.13173500986471,2.62852423798966,3.07290472655344,2.13857121463301,2.48927232004716,3.02693798372611,3.12782747073768,2.93375468416474,2.0095966538145,2.45909499258423,2.16360235392575,2.65618713075667,2.76802610091238,2.18156726834675,2.80384287154169,2.25320387097507,2.65115517144522,2.63265623567391,2.40129933551972,2.72475660223367 +Cap1,5.4471203824392,5.3380955600222,5.43393163674386,5.26182634367908,5.15542223839691,5.13921554439791,5.21660561756642,5.42823936038341,5.34325345678251,5.2362329074459,5.24139661702264,5.35530809123923,5.24745576470716,5.17125071377304,5.27530249576938,5.32141175259823,5.16700748270146,5.20817859437326,5.13542035126993,5.31588226211544,5.32841449095524,5.28783269874678,5.24979182396195,5.17681513354724 +Ppt1,4.93401694505515,4.95434633029354,5.25257493584098,5.09294653893113,4.58452857014281,4.53370301002124,4.58865134700985,5.14478940946759,5.16264049269196,4.98554073125192,4.75994940231758,4.78249844475127,4.81402345874166,4.84787146094654,5.11382672425751,5.02540868970431,4.52214678170781,4.635598057475,4.40761420039299,5.15436834405607,5.0281320209345,5.01808119522412,4.36885259755288,4.48054189576201 +Epha8,-2.34373364567553,-2.00885052472896,-0.883431484526797,-1.56073884991345,-0.741580411777714,-1.01673885325544,-1.08999364064688,-1.96851873557397,-1.10225435901307,-1.05205301672777,-0.943492956950537,-1.32169607611831,-1.88643431657495,-1.10874534599251,-0.703998867324351,-0.0750114606073877,-0.58059716607008,-0.95396302086974,-1.40503268599878,-1.64221391466376,-1.99724501979996,-1.03291906933882,-1.24886184117624,-1.3776101943653 +Ephb2,1.3976378461278,1.23875378858042,1.5139845286299,1.25003222829843,1.51840092355577,1.6222210882451,1.55429098275505,1.48731037880355,1.33491437462944,1.46356482494804,1.47258321152638,1.46899501519782,-0.940930742927572,-0.594937843669933,-1.07679029812959,-0.815450562226116,-1.40135344902555,-0.802414482702019,-0.782960175352444,-1.4962344362041,-1.64204930576026,-1.54649744341709,-0.83851050782995,-0.895099904330731 +Tceb3,5.04270039209415,4.95832824628109,5.32543382405111,5.01442389691217,4.790543690297,4.99657252945586,4.75498516674507,5.27199164507454,5.18257621404617,5.00121363924115,4.9312914718409,4.9168517977003,4.57084439497729,4.45323164641604,4.76966681464182,4.54111778793662,4.40869136732029,4.56601318524395,4.44836580197459,4.56145165796817,4.55514041083065,4.56448543660001,4.48427899765145,4.45118022702454 +Pithd1,4.68863748787682,4.21213931777222,4.53061034039495,4.54028110352158,4.31049372313981,4.25381296988984,4.27435598223144,4.37798514070784,4.46256574166278,4.69695979279663,4.24488411415504,4.41118021994445,4.68234301964701,4.27843174352519,4.55230135678601,4.73532732423017,4.5493282407556,4.69469982089376,4.36788184829954,4.54285462865158,4.72397588998402,4.57286789002164,4.38805117441275,4.46794290122347 +Lypla2,4.7827306727374,4.41374647740009,4.58048436178805,4.66493027560348,4.65317034760232,4.59337140760457,4.50257973376064,4.50783927586744,4.67668367599136,4.65051485514266,4.5953932916871,4.47195558999315,4.82447325300619,4.50233159827064,4.941792309417,4.93984586935001,5.13568914370365,4.87076104118857,4.84311907518552,4.77133514681502,4.95894274474323,5.07242800177421,5.23211131452731,4.9244094602814 +Gale,3.63616279388242,3.14510710022401,2.77329797097894,3.51529062024885,3.39306962296562,3.36130074729747,3.73771309830277,2.7862330398395,2.94735079478589,3.20950190124972,3.63037407597057,3.55585778212243,4.16939609097978,3.49084363417943,3.48333645049995,3.88616234497916,4.59872816349467,4.38575079401892,4.64770818406993,3.06357209570601,4.07794305841759,4.12035545369024,4.76594911159327,4.51450187890312 +Hmgcl,3.60964757929556,3.13688691500913,3.44825260521378,3.52012941143778,3.4162136251985,3.18420829934058,3.32709529606311,3.35918394847102,3.49716900823014,3.32426854283128,3.38104016340564,3.32027994116423,3.65978341678643,3.36238675945947,3.43963898290888,3.55271219838765,3.5313376971585,3.45154090684209,3.58351935249138,3.65003473620361,3.26284197831689,3.47843141131205,3.3739734769885,3.41078750733224 +Fuca1,3.61243003154358,3.57950462156891,3.49083901479669,3.39425818323726,3.41122258869321,3.51141248759326,3.43097071902183,3.52238057232592,3.61459280105181,3.51367507350691,3.54356605201908,3.38734446832455,4.49479773315274,4.31337528475312,4.67614401315999,4.53376214884038,4.23120912165557,4.50487932765869,4.31447973145394,4.59587253271976,4.47698226940504,4.5985525190123,4.31217808765894,4.18186897365269 +Pnrc2,5.65906690399401,5.391105160144,5.73914262316979,5.43664562103983,5.18415971093184,5.27161632057613,5.25667243798279,5.50132549737596,5.59370577332637,5.35701282463001,5.28189190115653,5.40714498056751,5.67368910757092,5.51579732057538,5.7665662374365,5.60452303278787,5.1132241763646,5.54418160331062,4.98433118622787,5.86991966033982,5.75591644114702,5.54780077589893,5.14482615227789,5.42180452903442 +Srsf10,3.47561847028828,3.21625097776185,2.56878666323269,3.32670102392414,3.40565112087649,3.37739683967304,3.42845920299295,2.63250281326719,3.21652307092421,3.30388045344721,3.39540613590258,3.38872012806381,3.18051149507649,3.03397760948608,2.30075509051396,2.85924663464752,3.11035662982152,2.94176027175758,2.91253679356654,2.81869624452938,3.01947355572912,2.61320374028552,3.12287799920328,3.16234376878905 +Rnf220,2.48053182137874,2.52652090261435,2.58404905336373,2.53201891113346,2.32002542112232,2.54635440396602,2.52980110421236,2.54829638213725,2.56291686522477,2.57911308787242,2.55747211417115,2.49861354969234,2.4260463473022,2.64937716353912,2.47643693412549,2.66086781365478,2.41396806515993,2.54602097076221,2.5535432340737,2.53596809854845,2.51197983229103,2.66011865670984,2.60826432338601,2.59176295077951 +Plk3,0.343575127252456,0.495314294478435,-0.545715463319776,0.0321042077339149,0.813307579813875,0.543042098473289,0.53527003086742,-0.866892532215361,0.885590803919753,-0.28031939997163,0.0036437053780769,0.534263349883019,4.53917873216331,3.93393792507099,3.42477705147688,3.50863356932069,4.42511155167955,4.32770250049386,4.7906271299182,3.70802832365965,3.57985155456369,3.23161288384228,4.43756223258249,4.09904847137836 +Ptch2,-3.3101419591247,-2.72312013121384,-3.90121675781205,-4.05399338192974,-3.01791945927311,-3.13559249476017,-2.82885074612796,-2.31057029186941,-2.83917491653153,-2.6521217407665,-4.40815115031915,-3.43967257218213,-1.48185203155628,-0.583535521823536,-0.908630604739201,-0.675440686290005,-1.01273337132874,-1.11786667193391,-0.981719790719793,-0.60739502244343,-1.0154782472971,-0.375878269220958,-1.26838519307511,-0.94215154513697 +Eif2b3,1.3807774087993,1.07594935396418,1.05371059920432,1.30640126233954,1.28421915427343,1.47789677672797,1.26849825567884,0.74809504807027,1.05149563821441,1.09881684410497,1.19168732091768,1.23600169764096,1.45329858480297,1.41398819714622,1.58485661984084,1.75405993303877,1.42275636755397,1.38177584137482,1.63614513104045,1.21075810679075,1.54549115004661,1.46799210626294,1.71015006223678,1.30785302886348 +Urod,3.66616099744148,3.51720179241756,3.72077116302797,3.83282892575841,3.28009241203544,3.47058377886486,3.29305686101632,3.70885078697176,3.71928063102721,3.84479772137132,3.34891597354537,3.61284655257215,3.54405053163617,3.35191861030967,3.47542029297364,3.46253235092128,3.50804083368088,3.37858228057503,3.20286074694477,3.45245212661619,3.60137244051633,3.66563113494014,3.4800142745097,3.33854422038963 +Mutyh,-0.967062165764309,-0.775292035978091,-1.51658771005345,-0.263936204411203,0.0141758605802889,-1.16491634054417,-0.186804773160056,-1.11702795110505,-0.606861186696987,-0.462878820641564,-0.144010475904716,-0.279149831268396,-0.809090722773365,-0.872166458022227,-1.94902167848656,-0.881961529103701,-0.450432724548584,-0.934090793039639,-1.40383212091418,-1.61582447792154,-0.922911533614849,-1.30481609479201,-1.02047635473596,-1.16341950988104 +Toe1,1.81539543937062,1.92989899760225,2.06800330715541,2.03828941617824,1.62550748916419,1.54444449162791,1.89908086294812,1.99772315329966,1.74791500057384,1.94984457807509,1.57420505073539,1.60180018557459,2.26987513104441,2.02381631146674,2.31152747374114,2.30444858758054,2.16762300285667,2.2114441825223,2.05951016889464,2.21775592648721,2.22103045632232,2.2406002000902,2.22607601955465,2.07524266103598 +Ccdc163,0.622655547685904,1.83259582974139,1.50351480358031,1.3532190398538,1.61078735145038,1.83960215633904,1.78749399349311,0.881382100380725,1.0860826085663,1.43578818594253,1.70589351684295,1.5033524007914,0.589151186456493,1.32392954747014,0.830232639131403,0.468598388182453,1.24298429130958,0.696747625634054,1.50277074629384,0.434415807542023,0.527268295305055,0.772021662663133,1.20479757614859,1.06141643457348 +Mmachc,3.39231401081097,2.67668009873161,2.99595781953351,2.84302560849862,2.90546440400087,3.03608694873185,2.98779917694877,2.96441565722076,2.96123001931823,2.81843858711716,2.87663950139946,3.06535612292698,3.4614293818068,2.73376674111887,3.31728862701787,2.96063148128089,2.9489175192757,3.61030216829126,2.92048094970695,3.19466346309788,3.08919627663546,2.97182568961097,3.01521192800858,3.07656252877698 +Prdx1,5.30013621697603,4.75740670225375,5.06535586347298,4.87151542388693,4.60460745546293,4.62718096553178,4.61070367257256,5.11523268165837,4.86412642503219,4.71174290020265,4.6788132822238,4.81154266356706,5.41238490036513,4.87673391122758,5.22881757335285,5.0467353963472,4.72898730111826,5.20053149331811,4.66473320320561,5.36953456824705,5.12486032820144,4.93482631404813,4.66505316233091,4.79357891555719 +Akr1a1,6.43121422847793,6.12235238882107,6.41446352760947,6.23184552832056,6.01046018253401,6.09702594654216,6.04980833342173,6.35185067314348,6.33672284366835,6.29272501705815,6.02531138105442,6.13137615343753,6.79991700026819,6.40255251382651,6.64114671479717,6.57255954180946,6.29706190093368,6.72154896894028,6.38340485207756,6.79224411203442,6.73972355497103,6.56798400610087,6.4394176794938,6.38616214733101 +Nasp,1.37650026041116,1.10514520968386,1.08944544572843,1.27440833919948,1.35925934178473,1.20812387691292,1.32024062218426,0.854688390886146,1.00416777042158,1.2860447968635,1.29256838052753,1.45243130199648,1.09619652295247,1.11739178722906,1.13250042227213,1.32080306674482,1.35804872005385,0.902231232542555,1.16328882238744,0.7427255616073,1.14789432492967,1.08190144384258,1.17600707112881,1.37633612235939 +Ipp,4.45383249088621,4.52182675050484,4.70374796430486,4.25647424097503,4.24388719845672,4.22597045028425,4.10977296484742,4.59843741242309,4.49592873283134,4.51368669580513,4.42478904033394,4.21674655881681,3.97169395877195,3.92674306374204,3.93338039577844,3.7904976642996,3.69188389981183,3.79998660633629,3.49505851305203,4.14758531085958,4.06119381913899,3.8732367361368,3.5520170962946,3.61795752891349 +Pik3r3,3.18072878787989,2.75192545244412,2.46870698014711,2.30502691879199,3.12266615686323,3.14451603098407,2.83877628100646,2.58354988413646,2.68001501056777,2.28839063367432,2.9476802351793,2.8726753779517,3.80705633214864,3.54167185131336,3.87172214527131,3.76577693538979,3.86397444749917,3.82522212273894,3.45322620055326,3.66832758071549,3.74739756133037,3.63308422640704,3.79416195391155,3.56928389745919 +Pomgnt1,2.54496210163394,2.63859756874586,2.5136513651418,2.50469838277653,2.66237398289094,2.45002278337074,2.43610168636178,2.55611337844407,2.47793397808174,2.60180886410444,2.4878631111549,2.54084453675479,2.96263623034779,2.81894784115475,2.89075212846981,2.91082032133962,3.16518765893897,3.13709267086066,2.89952707257421,2.87717582633365,2.667367882084,2.97445790991125,3.22115684473703,3.22235630723106 +Lurap1,1.39822741582704,1.38485179239796,1.66063992372617,1.11535646244905,1.21975150403227,1.14814645120374,0.897691713996831,1.26662865373121,1.34997663665984,1.45791175545165,0.863046481898584,1.22266585511517,1.40783280518922,1.25890278462705,1.65805701618742,1.12388766203076,1.00833927721682,1.02849282342344,1.04012835715807,1.5883911486649,1.64762899976282,1.4302345218524,1.19196967586021,0.907590187179841 +Rad54l,-2.61873170232416,-1.67468218368736,-2.33374269491383,-3.0392987298686,-2.69505101368875,-1.98904341198257,-1.96656569387248,-2.13454610721555,-2.55095284224341,-2.17523085657356,-2.20639599864519,-2.10078655172604,-3.19291046305129,-2.63866708408455,-3.50984896759968,-2.87487392680682,-2.87139233188957,-3.63344415972274,-3.34058582778987,-4.66285614540648,-2.83239902177746,-2.7404419980945,-3.11387420905001,-3.39145766315455 +Lrrc41,4.40815602139426,3.92617777374165,4.18633524548841,3.98322359857545,3.88224651215872,4.09345964807032,3.86009041364855,4.11337235558363,4.14346677338007,3.89850507027391,3.82519796136642,3.89126367177827,4.08787566521162,3.91378279673543,4.13677643498995,3.97252077042219,4.00565498369489,4.10955202135355,3.9776359216199,4.01810015483006,3.90015177617443,3.91246397159144,4.03183459198722,3.90118547102288 +Nsun4,0.573664203037557,0.745529346570751,0.217334966638769,0.437743557803901,1.03965993981233,0.621273588771286,0.734093645290341,0.382563718311578,0.408974458925152,0.406102659548312,0.49358592450645,0.421429563331051,0.772860416768236,0.825789417915972,1.03045912751518,0.787359879647284,0.782044920137008,0.72326658920703,0.745084030736249,0.470784436150082,0.992860047367234,1.08928015710001,0.943039959276994,0.816936787283916 +Mknk1,1.53849424328884,2.43990631573161,1.693478648758,2.35645711950143,2.71270746904191,2.53016537345626,2.66469600996708,1.93166822806355,1.88254531758076,2.42580701356411,2.95470251225644,2.46954428565399,1.87424898878205,2.62548408160366,2.29987935828723,2.98048002929949,3.45903561197192,2.63198881970286,3.25541612569046,1.89510706139498,2.49249878573445,2.72729317804818,3.24634128617492,3.13276839479806 +Mob3c,2.947170764274,2.84732641464019,2.70391233951763,3.09662466944839,2.9102359219347,2.55362019576364,2.82181314319659,2.60445494650365,2.82501426989886,3.11092640061745,2.80278759063236,2.8628964901243,2.9015198911327,2.87396479200608,3.0062532846763,3.3587327211842,2.78547198967234,3.11502609591703,2.91888942236858,2.63647578457634,3.05609066753574,3.35253517270056,3.02645596095514,2.80650439142039 +Atpaf1,0.243176715960124,-0.128492653717822,0.029517658013102,-0.151963657571057,0.358958128959412,0.616043110244374,0.145173607062814,-0.29177871328628,0.132384466733351,-0.445127002776773,-0.198634110759956,0.18767083120248,0.739934878985811,0.727921757984806,0.861105300834426,0.62729135623266,0.617279994070786,1.08492195325989,1.12907110987323,0.537002617356823,1.07228426991054,0.672966322819337,0.945681721988966,0.764701462324813 +Cyp4b1,-1.15043072226564,-1.05071736845526,-0.760542601909713,-0.488879446703529,-0.530723563387199,-0.829121534532964,-1.72276025262769,-1.01103586262613,-1.29319838606691,-0.563362239827992,-1.07758914212834,-0.933914003437523,-0.588722104032361,-0.0368859427825836,0.268390627039448,0.235802998331615,0.0324882369446526,-0.0853903384415586,-0.885521329354614,0.0224257574514362,-0.187159591345064,0.407764310689922,-0.41199740737358,-0.589492956387527 +Pdzk1ip1,3.59443341990009,3.68262437782407,3.67883777584813,3.52707390757309,3.20466934862471,3.43375404154853,3.14276346310872,3.87958400038209,3.70841857628273,3.42441940113514,3.23736096011074,3.45562673340673,4.20127283362132,4.09744479632414,4.4670729575906,4.32079076192388,3.73407393292593,3.933203632185,3.95601295336525,4.49890213784681,4.24084908186556,4.45922514903829,3.82704732087246,4.00693126870154 +Cmpk1,4.26319205096117,3.86453128985296,4.24718001348511,4.0435534294017,3.66120406570311,3.60210179201191,3.74685613161132,3.99016291076093,4.16839565498484,3.78221474879252,3.73344086398971,3.81851538716672,5.07708112330716,4.58701321588963,5.04561930990195,4.63837011131652,4.35561816191951,4.69969744734096,4.33519847109704,5.02619325734494,4.85365910713198,4.75138992545974,4.31893657179799,4.49783434652093 +Ebna1bp2,4.05323608604111,3.9443753778475,3.89725065060133,4.0923540408226,4.06052422991632,3.94001532554083,4.17476723122222,3.87288601559518,3.95265363904255,4.21420498744838,4.09189321193061,4.11584554892666,3.12919225670918,3.05301133616945,2.98076782966291,3.08513896912309,3.29277301449277,3.03816831607208,3.33521556470983,2.8808772098105,3.30417688376921,3.23097936494151,3.46171589499709,3.38481191953713 +Aldh4a1,3.30444773571136,3.2061739268912,3.45009255017356,3.2158445456213,3.26118205790193,3.28909363701499,3.17730102136352,3.3085440199449,3.20195039244653,3.17140897182184,3.28528479622803,3.10658774274085,2.45685544473299,2.31456765910269,2.13848544283418,2.33316025568351,2.81185910034917,2.71038756344439,2.64379716987405,2.32881081642627,1.98993754651578,2.28579845727299,2.86657874390231,2.63167464364978 +Mrto4,1.73222053762332,1.39195799867558,1.8682986780597,2.02047853426984,1.70617450327517,1.80468364017393,1.60618455618555,1.43884682421698,1.94277457306284,2.04508073789744,1.56840606516972,1.68271417321941,1.92514423030161,1.70912950606284,1.954741466453,1.87989638552299,1.63536940992364,1.63010533813251,1.37270520401673,1.83137637453157,1.97306143935118,1.94700656768126,1.62336166363435,1.64798773918156 +Akr7a5,3.62548079948394,3.20445006882769,3.83816149216515,3.60502552606283,3.44070651894209,3.42163387750993,3.35683748337235,3.349533088924,3.33078989591889,3.36881068420587,3.58075478951454,3.38986527768633,3.70048542958896,3.41008833641887,3.77125320881444,3.44406192915916,3.48889761806615,3.5558026435518,3.49636663301485,3.81837465619381,3.58322285111724,3.4890259246003,3.69658703046874,3.3018524827142 +Pqlc2,0.578403582914481,0.783777164881038,0.570906570074843,0.950953133162793,0.556639812888102,0.405805864887289,0.920864004225262,0.387797230515945,0.52981596820759,0.690430091273277,0.420768385957538,0.607302503567507,0.554351432424752,0.854323043181572,0.718251306654891,0.600237408717417,1.10047836698269,0.809796997341705,0.649665967309847,0.604552410970332,0.650332817155582,0.848067878287841,1.19402905080378,0.900541381196729 +Capzb,4.25666789488549,4.03253118395462,4.22189156891973,3.97905080110116,4.07664620772348,4.24798642809993,4.06041522143861,4.17694687510457,4.22598459763601,3.97745177600482,4.02800639010385,4.14799651678284,4.36373140493525,3.96660753092995,4.21118904455647,4.1275625100043,4.25864545001094,4.29320138164776,4.28673748218186,4.16459096976349,3.97714592201364,4.24592543590933,4.1561772034289,4.20543030678852 +Pla2g2f,5.66080052003172,5.68960512375463,5.8761595235827,5.75352573234251,5.36562721620698,5.35955595461849,5.43415514519162,5.81613626299586,5.66645405929458,5.88509112636012,5.37784816861543,5.59972236399891,6.61944083567617,6.61801854777217,6.76775475538079,6.80013183021737,6.5739502189604,6.52095368853553,6.41725127288532,6.94541121861641,6.47557218529946,6.81920136059235,6.58095273042797,6.66598917467293 +Pla2g2c,0.150074980714402,0.583607623497602,1.22253809766413,0.616842922320454,-0.581151752041495,-0.155998083476693,0.389966817319475,0.784169557072598,0.355756967204174,0.650335098372623,-0.308518150191404,-0.42939477595595,0.0278370861812207,0.359041004988953,0.69875453097329,0.608738226003209,-0.464507812704863,-0.103481969694769,-0.231756525681451,0.11877064696183,0.281083786695553,0.691092417712861,0.522391833307894,0.379029315766127 +Vwa5b1,-2.56576734080359,-1.94211280373433,-1.63064587509716,-2.03696584033896,-2.11723306196508,-1.49099195165399,-2.19363814045175,-2.71573312614433,-2.67941542381469,-3.37706775489685,-2.40259933934725,-2.28918611883898,-0.341523123069585,0.463325132498751,-0.16882174254376,0.517145228276417,0.165821046583954,0.353438698343851,0.999716783163863,-0.721405763422861,0.149036349583044,0.564182917079611,0.542458261261708,0.556802172755215 +Cda,1.39521596382425,1.32405911223403,1.87112696259346,1.45399363326193,0.953519505959813,1.58523061567192,1.14871935599969,1.26607630862371,0.728662942462756,1.63640597430091,1.19151365325503,0.995457735317225,3.91760217890549,3.70168573830691,4.1145118325373,3.89116167418516,3.46764197753923,3.8684366606649,3.62414806726991,3.9082373556459,3.76756375624536,3.52186543030981,3.27684133508955,3.43648214617492 +Pink1,5.19927374433435,5.38943245580435,5.72304711928635,5.46374378118995,4.80218351283024,4.90616029856508,5.01015200269474,5.5348253251236,5.57969744184711,5.38222021307634,4.81684084931033,5.06178043166116,5.33200182876763,5.3298457806368,5.54178710735303,5.504793827075,4.79884405419405,5.02020793851773,5.06940012423098,5.17948040365662,5.4350824564237,5.47813407867798,4.85949600318422,4.76827459721881 +Ddost,7.61964988895479,7.24436112971486,7.55048377965196,7.25999997380583,7.07559255976007,7.15046366603076,7.14180866287513,7.6973991516875,7.38480881253009,7.16663426414661,7.22147672137906,7.279963580609,8.60757253741488,7.99398195898702,8.05079803011824,7.7581890405504,7.79585000235337,8.38794582482479,8.10480834135261,8.47992763917583,8.11316007786171,7.87968308134476,7.90839561286498,8.02424683287662 +Kif17,0.42615540953191,0.567795339350596,0.333645100042152,0.50582517282287,0.809691454757531,0.640630794316549,0.6839752485737,0.436272137220561,0.356352123138772,1.04993240256775,0.896329696424147,0.427796044988972,0.516419040499786,0.528990342539808,0.766498710269012,0.744715357200266,1.11093345670426,0.497531748652828,0.815585411178241,-0.0828548688391066,0.438995874259623,0.708106540426623,1.23002167034172,0.803117174704236 +Hp1bp3,4.76620960540524,4.8047309918663,4.81852753897937,4.86385365137529,4.77476561919214,4.7570149988811,4.84544482344313,4.7719078219767,4.85584337183807,4.75484302582788,4.83621813447641,4.80079051791276,4.60943535086268,4.64784975395339,4.53677737621828,4.68460946275336,4.81000109906603,4.57808319492275,4.72198987597573,4.54635535898051,4.70499910059188,4.79771850528703,4.7776574582074,4.71011244441796 +Eif4g3,3.02185542077695,3.47605523966051,2.80908642730257,3.27742121434814,3.95626517863942,3.89886069930926,3.75289868934363,3.30331106609321,3.0910203266721,3.31383975629377,3.88147266170742,3.59497748668696,2.68760913019609,3.47500184534818,2.73481040531425,3.3683408791245,3.82975703963492,3.08255278204481,3.99580811857758,2.56206274020796,3.07840216686405,3.4688351388725,3.70335760681398,3.61334716818996 +Hspg2,-1.42407608125794,-1.32814570471767,-1.60299036309187,-1.36382074295435,-0.778849066499816,-1.20391232496903,-0.605522169650055,-1.32724648113179,-1.34387736674861,-2.43217714299505,-1.55170897425522,-1.59579105276824,-2.89541405258866,-2.37701303777807,-2.457903263513,-3.76754102426279,-2.64137476836543,-2.2192708803654,-2.75503929566774,-3.35294285306012,-2.7905432800959,-3.51791074145932,-3.71581951567846,-2.74261000681868 +Alpl,1.23457814365001,1.21120755026297,0.930321293309419,1.23917237277245,1.22455257613576,1.03224374695274,1.25798263801198,0.811595876123945,1.07854955266498,0.94278727116406,1.25905968404574,1.0244984806569,-1.54430050641136,-2.59263460633297,-3.38012484176166,-3.66986580424632,-3.79780179329514,-2.69931537946906,-1.48576911735244,-1.77177295906622,-3.03990735095571,-3.06428170628871,-2.76805494425359,-2.25946350827184 +Ptpn12,2.18277831686872,2.2357656092939,1.85728098982599,1.70225392833991,2.29381764853232,2.57178246711967,2.10133539397266,1.74470685698303,1.69968534087723,1.89412598475835,2.107240643984,2.12663547337131,1.5450788429365,2.15675697812898,1.73286689425792,2.3820218600445,2.04714807198579,1.81484403552183,2.0201911471581,1.76455342626999,2.0750942505087,2.04458181040755,1.96588419395025,2.21387116131078 +Zcchc17,2.85420822063661,2.31822554094811,2.60257878550843,2.70530514072658,2.25863575038316,2.55934961592667,2.51824934526251,2.41042987536186,2.49145802224631,2.53659334936329,2.31907113823404,2.6615129814334,2.74900423235387,2.383846463797,2.59071645955094,2.51787400232783,2.61582009179628,2.53424016169559,2.75413130414104,2.34776191765973,2.74920274392255,2.64722927710141,2.64953697971937,2.6697825637907 +Fabp3,-0.450409057235533,0.136612770675322,1.31081965461429,0.421715151033682,0.0087743650016529,-0.0833566281570707,-0.913496633926246,0.933073369948083,0.585480312349401,0.882459702555809,-1.16063217981164,-0.363778706304683,2.31071067142548,2.13199793895523,2.90630266358262,2.79122806268547,1.64796729833019,1.94961432122521,2.07927981590192,2.08128052353326,2.77085047495664,2.45350030113705,0.752959541452014,1.22347403083671 +Pef1,4.26771866873912,3.91841064399954,4.32063740184934,4.09072333228707,3.82607738628607,3.7633870380981,3.82250032764472,4.37569219896639,4.18225994381816,3.96274537660474,3.70212818099263,4.01208920577146,4.15482941492399,3.90234589258912,4.18342239390447,3.80294650095842,3.80204486863227,3.9714069246007,3.8607145865556,3.92712384173123,4.12527289487744,4.02846577561828,3.82932286508617,3.94806103775108 +Sema3c,-1.22782510661385,-1.56462407194427,-1.66795358825907,-2.49395764138371,-0.682908986991903,-0.953174468332489,-1.12924757289604,-2.18388636854675,-1.99183772171887,-1.9136479980116,-2.02324743426578,-1.0337677562466,1.32668923981747,0.636124492571744,0.609334661926659,0.0769327713690537,0.740223048373196,1.47197426643843,1.02934939778506,1.15215329469531,0.0879593388913151,0.029525367894796,1.21627529770845,0.97266520212656 +Ptp4a2,4.71558331429607,4.3422955708681,4.72098485990533,4.51946183206132,4.25748121729813,4.37812274199843,4.36348140320841,4.67491142030502,4.54909094859936,4.34576826492486,4.17351119190079,4.39699173207709,4.84150471207539,4.56127343766777,4.76404189089166,4.49215964333245,4.26792501267568,4.66919591194283,4.21251558249707,4.97367530421572,4.60041227807699,4.36969511234065,4.20417356399689,4.41469732184073 +Adc,0.367784256196526,0.827660629750803,1.18426388435,0.643058521894889,-0.312219967338456,0.242669747126291,0.543738213035258,0.668588854116321,0.599871184879574,0.849857182961763,0.0876110067150728,0.469543410777966,0.588581521485782,0.803542278517443,0.911133580637958,0.667369686510908,0.244841439046213,0.592711269922212,0.290153751733898,0.215154474534702,0.8930866758699,0.886945617350126,0.448636390263012,0.337505556223282 +Khdrbs1,3.29074095299801,3.17739863645118,3.39691006340229,2.92902895141634,3.32959355799001,3.32948646846634,2.98098068700906,3.35813557464916,3.24114564930113,2.8796441718196,3.27731513310622,2.90215833701013,3.01324471198163,2.6636962382034,3.0718190089014,2.56472336753113,3.06720482304399,3.06165783051678,2.97159559151778,2.7925934077011,2.79852252618988,2.65580221334583,2.9835674960467,2.75999351284864 +Ak2,3.92768198410788,4.08872196778843,3.7821259552319,4.1500535502015,3.80761192176279,3.8724167377395,3.96736773653663,3.71946169168596,3.93648696873263,4.26017515115474,3.93890377490246,3.96371982081775,3.62715753600744,3.70825187111412,3.6041423627471,3.73843056981286,3.9429090079299,3.75370200401188,3.98222798524286,3.2656580461356,3.62053092989407,3.77686780170808,3.83783505394719,3.88950560633465 +Rnf19b,3.35499646002629,3.42786087341282,3.70463809050586,3.50235826692776,3.31172089677409,3.44797178520496,3.45315370952953,3.62526339993967,3.35589531289509,3.49208501009141,3.24242747971005,3.37663106426015,3.63706578684868,3.52627909402052,3.74309365482985,3.50462861772909,3.69532243697183,3.60041378088376,3.67373615134988,3.72620640353847,3.44829567625829,3.57074842384356,3.72784223018243,3.72497953732226 +Ccdc28b,2.79405502183867,2.86808428762325,2.86032486607057,3.12798342820303,3.09589335574998,3.02656753753871,3.3516598026957,2.35886681838449,2.60457820866934,3.17122298052878,3.06344780086966,3.15951694421467,1.93155775927345,2.23044639076625,1.80763924918868,2.43741154026031,2.252316257384,2.13565177890347,2.08786830433541,1.81611181777821,2.46032526788486,2.20581055024936,2.17264138177002,2.13763022260162 +Phc2,3.33364196500038,3.29522482250645,3.32719103491402,3.25891678873598,3.49827499458682,3.63271817704727,3.44804521212382,3.43976770808953,3.21285162611214,3.19774103755386,3.50498871065372,3.3371747342843,2.8811091457832,3.05446677647854,2.75569040580217,2.79729696616791,3.08182799743918,2.97703065162553,3.29343403792531,2.80618398902071,2.78246910168358,2.95135752211072,3.20582914925693,3.04154043774422 +Tmem234,2.23958478534927,2.3142620553991,2.52774944138252,2.48756637875614,2.32400551180332,2.29837011687647,2.36614063597313,2.184485770531,2.430695035062,2.53688984993558,2.33382412003249,2.32804063719383,2.34185788921382,2.34394981636728,2.27738227403112,2.38370355630005,2.41506193509633,2.25457530415935,2.43351230704211,2.22652229796301,2.35995323873944,2.46955274114813,2.48393392198506,2.29797949866643 +Eif3i,4.49589040473004,4.20694623980132,4.76647292215759,4.57931802772367,4.25318310874931,4.30282425892462,4.23231643329301,4.48328397221079,4.6198780565557,4.55331474753381,4.39117626494983,4.34126925020214,4.59935438575549,4.09870483840709,4.45595191000522,4.29078660695371,4.23934283482382,4.36726541760902,4.21614979322301,4.4432589149945,4.52579496472907,4.31366263843593,4.17706481227526,4.072041719187 +Zfp362,1.66125742210347,2.13666176225562,2.15975375725888,1.72626122073851,2.67332704497594,2.78644549414178,2.23124812082453,2.85826659418524,2.15142386255613,1.65955264937258,2.60669344687,1.94654365187763,1.47969738676328,1.99187301506782,1.84821268053377,1.77783811717698,2.42674597533149,1.54965843788274,2.57583444472393,1.81204960289946,1.60201944625298,1.95006228928357,2.45962379932975,2.04658757200007 +Hdac1,2.00332246840803,2.13269389360955,1.81222233267252,1.65390787104657,2.40866162743289,2.33396880936428,2.22515029298165,1.72550278018055,1.7857702656382,1.85658004961692,2.33444803234516,1.95597472629699,2.04701931789654,1.74789055773342,2.14428688547854,1.82164416856037,1.96535761258575,2.08178372068689,1.87641867558576,1.93008863921017,1.66715895670353,1.75166785912484,2.09339840380744,2.03515721967787 +Stpg1,-1.7774751212961,-0.758745906502425,-0.964411102959106,-1.52970767018061,-0.877193513777179,-1.33472241336346,-1.78820158563866,-1.40226021119454,-1.03342755627451,-0.899635827549926,-1.26699354031131,-1.55329137529845,-2.11521091582195,-1.60302054692533,-1.87255917246664,-1.04781095160212,-2.46589855430273,-1.60372644707228,-1.14430286858248,-1.90105673801103,-1.55680399275383,-1.87867668307639,-1.68560761442471,-1.74402504645001 +Nipal3,3.96781699581721,4.38948540660437,4.36923130378291,4.0119096616858,4.0099836462046,4.00331472359838,3.9096241986503,4.59298158427115,4.27777520129835,4.18585749036756,4.03826304016781,4.08882895181583,5.0025094497099,5.13037401054561,4.73514132733314,4.72198368614827,5.0067549558022,4.99937394150596,5.17437033235082,5.06183767380536,4.69093689950856,4.75746186301778,5.09326222512802,5.09599169266008 +Csmd2,1.57889586027473,1.78497348629978,1.03068515711003,1.55127329297075,2.39147477084143,2.53273063944199,2.54261622841942,1.64867482444511,1.58941034982133,1.58707768465688,2.43509968810055,2.04497750735896,0.729785855618077,1.34065953656103,0.691519796870922,1.13533720405306,2.00126049314304,1.20782637528571,2.37981399868432,0.347039216530419,0.969338255427105,1.40203899819739,1.86740869722361,1.89770392583426 +Zbtb8a,2.61317370927242,2.03567296515299,2.64300718607549,2.45772835731899,1.96720246193134,2.43783694045721,2.23117069735558,2.22151756922762,2.3768415584162,1.91031311046334,2.29002886060602,2.31506857853463,2.32682448946226,2.08844172907011,2.3496105454034,2.2597752646846,2.18936098352916,2.45753702138431,1.96856052435639,1.37073251006344,2.52460804272853,1.96113489689422,2.25998825432594,2.20257319934157 +Srrm1,3.02649177572645,3.27182199038899,2.90536322897045,2.88949256654604,3.94480475813427,3.77814867451744,3.46006343126389,3.30715432915804,2.95128253267846,3.05039993724134,3.88553954004489,3.22371918791569,2.62481730558484,2.95746369022196,2.8124707650517,2.67638379076386,3.79346402085084,3.26395451280504,3.71352999977933,2.36382535082326,2.83147587891899,2.83944186394066,3.584085196436,3.34025825694409 +Yars,3.01797548322605,3.09028957877435,3.21265931409374,3.09748533960585,2.851889284234,2.78453920304587,2.92146798181478,3.25262930537985,2.77817230776606,3.04737823681896,2.84538075377756,2.99717139904512,4.09432012647194,4.05782109354652,3.54152234504912,3.91190049932447,4.07905265597788,3.86214837251137,4.19697385565897,4.24452219611141,3.82950314320802,3.73055847792117,4.04742856320021,4.00643308473709 +Sfpq,4.84687224871404,4.98552011563959,3.79927534532258,5.06326288458316,5.40373171534448,5.24784191928095,5.21859332039118,4.41982192132505,4.64122655454746,4.90866768468036,5.44135527780449,5.17455451406218,4.50756452283475,4.59029745910563,3.81701435897708,4.65597559717832,4.94706457654545,4.60215479917207,4.96787636609823,4.25051494976976,4.53404140781661,4.4979249965571,5.0075747672884,4.77328075763401 +Syf2,4.33420508331552,4.56080622137734,4.41222945020937,4.57825073802288,4.16193906598212,4.08372589137843,4.30056402727501,4.25545073762146,4.57725028949485,4.57674114357594,4.30759425843241,4.36848796441853,4.49603169014816,4.70490610386617,4.79631674268826,4.59783038196928,4.33423172465003,4.43228207961596,4.42908843401949,4.71569164245857,4.80674197968008,4.76126017563286,4.3659437724571,4.41523007295168 +Tmem50a,5.48876855661709,5.26513985037642,5.6740665265621,5.3834572375394,4.91066455483143,5.02112179609846,5.17855985744964,5.48598855617201,5.49848794148907,5.32283011351999,5.05701439783264,5.26881475821307,5.83206061759048,5.79546618142969,6.19740736250891,5.79727458400763,5.38151916206081,5.59725492691768,5.36947247967704,6.01396502289303,6.02352006807069,5.93928493524437,5.09867560050968,5.40011322259419 +Rhd,0.81477243512383,0.88629926362662,1.0825555980334,0.872363436630716,0.726679128136248,0.210307515793241,0.474000411378003,0.931399357749924,1.25174704543552,0.733820511129988,-0.0913908967520032,0.547973979761565,2.24183593679538,1.28778880345575,1.95261537001377,1.36557027125092,1.33094427277831,1.58369616325808,1.53216580582158,2.17722988046271,1.98434562981044,1.69999145599669,1.45427180930175,1.31750138119011 +Tmem57,4.21537177786466,4.51428279409284,4.41491031506452,4.58140218989117,4.3330884125084,4.28402589212091,4.3472794789304,4.22194782346738,4.40910597876647,4.48994344815411,4.39943516225582,4.43238301249355,4.14526615292454,4.2642822472612,4.07582522867696,4.51904854894335,4.29824311110804,4.03026444351752,4.15713423681244,3.86540263294022,4.31546591328788,4.54899503319516,4.29349911575868,4.38110303651374 +AU040320,2.79395122467193,2.79418570157385,2.60118158495205,2.76130470442104,2.9522298881092,2.94787707959542,2.85309967236879,2.95234756974828,2.76530024854118,2.86149244635359,3.02533023876451,2.83608734123472,3.10581523508853,3.37181082697904,3.20988651019426,3.33411161419904,3.44518960158211,3.22122164357593,3.59278871445739,3.32115030592211,3.07732445509531,3.27946312599515,3.51660857694516,3.37613879334047 +Stmn1,-0.158968927791715,0.199831569950898,0.206717601937096,-0.716422286308774,0.0418973896262056,-0.238709112211301,0.470984870637737,-0.149816805276293,0.224794754221937,-1.35446056703143,-0.298658627415574,-0.34817038224158,-0.101425874683766,0.227910447434972,-0.247329910900564,0.0593173447089566,0.60471098226176,-0.894592174156657,-0.325976793589633,0.537077036547823,0.553013079960042,0.11710781064665,-0.712436807837371,0.273595905847613 +Ncdn,3.91300569669997,3.58685310732066,3.82081854224614,3.78193130939254,3.8301846525036,3.86732892055694,3.72041397150223,3.88969545472181,3.64369437790529,3.58131723303149,3.64327842433398,3.6715218234165,3.72697344952194,3.47466091922172,3.64636268913066,3.40586366811226,3.89848910037052,3.61279187046377,3.87182055266702,3.35684296585336,3.44203272844779,3.63551280802249,3.87008204479286,3.72291471711715 +Psmb2,5.26908003335363,4.85375816515761,4.90652228011912,5.13984559541612,4.61543813373636,4.74617941420639,4.7690201670221,4.86446024913103,5.02374710813758,5.02884765158703,4.88232361992703,4.89016032985347,5.62160459451982,5.09824471397019,5.34857595205931,5.3854313714342,5.11368596917177,5.37208374125015,5.15814679038491,5.16012975241688,5.44496326489408,5.3935895686223,5.28047447788039,5.22379794857962 +Zfp593,2.3432761436959,1.73152188285255,1.67905711442617,1.61236509117193,1.50267714328046,1.60050741749382,2.04132678158258,1.52260312341371,1.97815819901867,1.71490236462082,1.63102128585367,1.89348999910106,1.75110272764106,1.09879525866432,1.14913634015359,1.36668886537039,1.16171888986057,1.28912064819346,1.64670087897881,0.640807173970571,1.49726854153593,1.32042474927426,1.01802692819233,1.06978620731226 +Cnksr1,2.06995716512664,2.30586905597874,1.79614546602267,1.9727258184311,2.09243158539654,2.45095732727368,2.40150192935118,1.72685361485422,1.97170348478414,1.83728443814508,2.24553438895388,2.09047693059888,2.45968119947054,2.58970812078179,2.06831272089552,2.38268212241087,2.46262063023906,2.70740782374959,2.9525561874997,2.54957520648516,2.16980589846957,2.08400984868588,2.59040599740789,2.57521312976355 +Eif2c3,1.7351987855644,1.6958971224789,1.33931878783807,1.53062683896903,2.74334964231114,2.49332999892824,2.15753516704651,1.73444195337225,1.58435588822667,1.43237208103792,2.37213753404398,2.04213935830019,1.38813910013172,1.46733982415571,1.2457198694719,1.4663911745851,2.52570863754353,1.92775211756793,2.05761304443971,1.13879128190673,1.4348920921918,1.29309739624899,2.32608172548381,2.07138567453619 +Sh3bgrl3,3.97550284123008,3.73548990812852,4.3477073544821,3.74475804066392,3.42057547154738,3.75211826981793,3.31865635085865,3.8846657930961,3.90261746681592,3.85854685472713,3.55545896267381,3.27316769289694,3.13565600358435,3.27880252108168,3.81650197645665,3.54904471605802,3.02455584757236,3.15951425226161,2.52436593079004,3.56703893579897,3.72314956747951,3.5743469340928,3.01859457355682,2.82256557614349 +Tekt2,-1.10864839817712,0.0942405160796584,-0.835203921918535,-0.447097122615009,0.0633936988720809,0.556244008101856,0.547521172856587,0.0821831040397898,-0.215994958085324,-0.352252624630912,0.268857665881405,-0.596405373673576,-2.84744659760596,-0.517222106376644,-1.03622664652661,-1.23042064209483,-0.701616102900723,-0.563625383069632,0.302149241988156,-2.05696298853323,-1.47014288220476,-0.695589276764025,-0.651080076843268,-0.65621286430347 +Trappc3,4.75041732029004,4.25335380259603,4.85802778805545,4.63886252513121,4.15154625136658,4.28924863537258,4.2367035718646,4.62237342215738,4.72349885679494,4.63251737492795,4.39182733341958,4.5212240445322,4.96079672003871,4.86527426452938,5.08567044806876,4.92512227187276,4.40964102629968,4.78992002889224,4.53519022114393,5.049362861318,4.82958087011202,5.00281990701132,4.59662828703036,4.61314397047263 +Gpn2,2.84275678659461,2.43356246816432,2.57233062521431,2.72051951060657,2.52323151328218,2.52658919354852,2.80712521534668,2.51231269322801,2.90210392022381,2.64408120896512,2.56747487635775,2.48437188442106,2.59334061169763,2.7207272886885,2.65748750677975,2.75099896831375,2.75715118788837,2.84388644344567,2.7111887537473,2.64843338453857,2.99661773174733,2.83115890091538,3.06661336649201,2.77242488318099 +Mtap7d1,3.09761999503291,3.31764599909272,2.86845675440738,3.42523580860013,3.67123955016247,3.48019023749944,3.74314639302618,2.89088498322585,3.05942566167746,3.21944194968402,3.67140165900758,3.36973457423199,3.33340066517745,3.87968595340549,3.2797854936069,4.12905046502949,4.51935564946478,3.83752971204058,4.49970462651036,3.09032340545437,3.73426767934783,3.90062296747809,4.53141559447667,4.14083599195414 +Gpatch3,1.70465474713993,1.73439091056538,1.67467751819051,1.72156092286647,1.99906105909593,1.64008141956876,2.02918359603118,1.4034509509522,1.97439815461128,1.85830392354337,1.82611150028957,1.60266160332385,1.36668051262823,1.80806891059751,1.05656321529213,1.38615520017681,1.71988981668558,1.31892309057341,1.98071175697773,1.16837617361972,1.68375565021276,1.93177382869115,1.71577073837243,1.50384893403064 +Nudc,4.81340346924512,4.69285012523196,4.59195985885736,4.58133800297902,4.96293885045056,4.72358397195635,4.83755520440852,4.35233694703268,4.56138448952904,4.80637764329686,5.02643361640824,4.9795767175859,4.65251424730009,4.64102136757935,4.45380858565377,4.84349245516616,5.09057306084212,4.75028438429986,4.89974214036635,4.77831481263423,4.52589026525861,4.7785185539286,5.28190584269171,4.93138015456183 +Slc9a1,1.47406402837759,1.68755918258666,1.29034724807671,1.18189887151978,2.32667592630468,2.37187711386733,2.01505573288756,2.06742823494397,1.37398945491248,1.35404983774154,2.20673054800081,1.69120695817997,1.19443240305975,1.59836151620349,1.48862733964478,1.1643704640493,2.33202125633462,1.61332500342637,2.30091526047244,1.57556679769989,1.12739972922859,1.41418566597072,2.27848064297595,1.92897604223628 +Tmem222,3.87888743185533,3.72411287237516,4.1515493629305,3.84331635921118,3.56596862277251,3.60402538527038,3.67810396923436,4.0723591875674,3.81565623816459,3.9691728603468,3.52778189653046,3.73741952160953,4.16131374542685,3.89832074534677,4.2411286064099,3.98613430905431,3.60796322403941,4.16806475061738,3.60133682139138,4.24609973154881,4.11884219241417,4.03276584973387,3.82635326366451,3.86734845994083 +Sytl1,1.64213271980118,1.9179548569493,1.87326348905448,2.22215311088482,1.83314992561004,1.8722736796227,1.82450410581905,1.39446555713701,1.73075647040608,1.99249250443669,1.71460458688298,2.15700313792421,3.85277603143711,3.66129919161273,3.24686467003995,3.83849110307137,4.16648650648478,3.64153213128112,4.18925262746504,3.0386532604471,3.81304377835438,4.09854806440289,4.08462905991006,4.10288266461426 +Mrps15,2.9404550564879,2.93831739404325,2.53917314604762,3.01091875716936,2.94572986779175,2.87509276877043,2.87172522099547,3.01516263278281,2.77128046284477,2.96635358182603,3.16697475105616,2.96155564032297,2.59655681744302,2.74897621674921,2.71098359833307,2.98460755703867,3.08910579671647,2.91530395140879,2.96450566344374,3.08177014925606,3.07765394552912,3.11503911393434,3.18500973592136,3.25575050482524 +Meaf6,2.35193644180413,2.66506667582044,2.89207537017555,2.4247316228882,2.52275731970539,2.48794073820349,2.51059430037088,2.44090001532776,2.55775963166511,2.54094313783264,2.58985049304747,2.29158068460008,2.09120247267715,2.41152325354527,2.48293441699334,2.28241514472635,2.1367884605859,2.05827806137974,2.17911445594826,2.1530038278515,2.18408415077695,2.57493891365254,2.07185563751829,2.06241787632705 +Hgf,0.884762030023061,1.02579976526882,1.03193731751489,0.343560840595523,0.20730254488422,0.696295285032061,-0.213792770144973,0.90280807078266,0.550825621108487,0.890469533919954,0.0662598762330679,0.513352306508475,-2.13629889356661,-0.856270471118257,-1.66422433428924,-2.64926638641183,-2.03654262840187,-1.01098821495173,-1.65648273326761,-1.36248496656075,-0.900093209167194,-1.3817135167041,-2.21825385730623,-2.409787653001 +Cd164l2,0.955688740000638,0.965175522097283,1.12584117358755,0.583603332016776,1.40499264723724,1.04925226906205,1.16327541343813,0.813468414247711,0.749310402787151,1.01273710952868,0.779101725591922,0.728899750657809,1.62260416784638,1.1269430959243,1.49230900881939,1.9053045983633,0.732466529460133,0.928717384627972,1.33544708175296,1.61426932013263,1.80077048007105,1.71490296233329,1.44884336369172,1.03398262363539 +Wasf2,2.75621481450571,2.84865302521947,2.77918293058779,2.57722623524961,3.12281839434647,3.09143091704845,2.83040231303407,3.22343810354052,2.6888456331392,2.52226373266551,2.92321587096053,2.8792347704037,2.44850793362697,2.45667479586126,2.6216468488966,2.46015578374563,2.87094467315678,2.70990428232027,2.68852474115937,2.60272361189824,2.23687181834267,2.43783396563064,2.78783128062401,2.56484587379601 +Gnl2,3.61327710120514,3.82150110842658,3.56425374149299,3.87701194539706,3.75572158762332,3.83667465594359,3.99764570941258,3.06411808736302,3.68597990081506,3.99452040329543,3.82008869907903,3.71968574085866,3.75774986352812,3.80321119681289,3.7387064490505,3.97295868841858,3.99548055144548,3.95201249229867,4.06343998815772,3.48304643064311,3.91474635135643,3.8481178565169,4.14198059088133,3.87548004325154 +Fam76a,3.37310987145561,3.52044348964886,3.84655599288338,3.7866070496092,3.56595551744727,3.59292301097487,3.30337932253194,3.42407547862104,3.60471747049322,3.81504076625497,3.41365099027095,3.46132675539383,4.01062827964063,3.97450945689729,4.27200269532573,4.39841022195693,4.00570578610501,4.06771406555411,3.95065934169796,4.19153088534285,4.26686601549968,4.44154890782032,4.01360527573908,3.85802125002899 +Stx12,4.13387665638429,4.07953427664025,4.23720092716906,4.26825320639112,3.90055948840549,3.97599676843456,3.99067761867125,4.15816542384106,4.20051754908138,4.19498686587469,3.92026518854183,3.95144244968298,4.59804652471488,4.35685257478323,4.49331728310974,4.53774689580889,4.42516839806124,4.44356755498156,4.34874292900124,4.48819555691559,4.56420214115189,4.4737861858761,4.3089909420384,4.52897137158182 +Ppp1r8,3.53913756244783,3.11835932169593,3.59559482948788,3.51321337715195,3.21576343834862,3.30670595329349,3.41326118664265,3.36240237284674,3.47911941838605,3.32671115595964,3.0617038510602,3.40309585909501,3.3559388977817,3.26875679526606,3.46944839655677,3.48363178392758,3.08100298755863,3.19185142226706,3.32132502638492,3.39162282609151,3.36572079149279,3.53295710893156,3.38582552079288,3.2843734163558 +Sema3a,-2.36651522854448,-2.98717122435153,-1.8168199980014,-2.17518843180313,-2.556936002573,-2.25122950625592,-2.94391922069704,-1.54718481983633,-1.84967935968228,-3.08697339519101,-2.8638940485756,-2.98436070426977,-4.41820835576892,-5.05517656263871,-5.05517656263871,-5.05517656263871,-5.05517656263871,-4.42503489041137,-5.05517656263871,-4.4106396716268,-4.46385354871385,-4.47739168559295,-5.05517656263871,-5.05517656263871 +Rpa2,2.05365044061937,1.857593042888,2.49039864964227,2.00292602924932,1.62684021861077,1.63806570301405,1.85896173176166,1.70237578695435,2.04585165382308,2.18496813015533,1.7150281947957,1.90768914214512,1.63063967713221,1.10802279600893,1.75775164526774,1.33126456678741,1.33282115862799,1.27226077325626,1.5924502518882,1.13029310383182,1.55130414267066,1.3578290663755,1.37189560157076,1.77367674680961 +Eya3,3.05705904983277,2.90711851098561,2.95222484451799,2.90175718232652,3.1788860584253,3.10292810454466,2.92082117602843,3.06289021696516,2.95566929877544,2.80611683299851,2.97372602938157,3.01572113108724,3.44105758085712,3.12328630213705,3.2872702229975,3.14522813543221,3.60033539607042,3.28054744111275,3.36735060825654,3.33188596313367,3.30724089513452,3.30689049206478,3.44039876350899,3.34023926611743 +Yrdc,4.20602114740135,3.62947648893957,3.7784062300382,3.95923886144125,3.55411983105951,3.77253349976791,4.02916873754818,3.38913002141142,3.86796912857505,3.83891340597915,3.64821236534177,3.88200979759029,4.69120949515515,4.09479811536798,4.68305278325456,4.27471115549726,4.51860991004482,4.69623047663373,4.46983256516429,3.89443287445501,4.72927919714882,4.3208229285453,4.51221600277928,4.40507808022504 +Mtf1,2.59410292751555,2.52485641394788,2.39580951366699,2.46860996721824,2.62693157433729,2.48568059290721,2.59346001065891,2.50734084835775,2.35853479037844,2.33501745624531,2.46477615262597,2.50115513056693,2.65084064056744,2.72168872892151,2.81273419744836,2.83465102666235,2.92172263628637,2.80746918944459,2.88209003444989,2.61867061859908,2.69289000008298,2.76485770502991,2.77312002070971,2.7327547630154 +Sesn2,4.76839693190597,4.72213456167609,4.86800681168096,4.68543133866797,4.56290941801181,4.73704281510872,4.66013950813755,4.99873626882423,4.78294870691094,4.70109574022147,4.37135131907212,4.61124666235455,3.88864813856233,4.14964767511252,3.8803303035463,4.20413857281345,3.97416093429679,3.89495554987777,3.98682666551141,4.42468899052428,3.75480895725678,4.28460539492397,3.80910795447363,3.93823079493292 +Inpp5b,2.90815753520155,3.01172099087774,2.93826451374368,2.85376771239944,2.78740473985148,3.00053770060496,2.80039860461675,2.9036586904978,3.03950693899474,2.78544166977771,2.88680804429643,2.63705424081648,2.87427961589419,3.29375548449457,2.98058728868422,3.26310699354947,3.17829585292743,2.95859919381321,3.23230078557885,3.52654281412443,3.13129595247209,3.14037090629976,3.26332285549525,3.22326147433351 +Rcc1,3.44265034439858,3.09376704846308,3.29936376005832,3.02986736002835,3.33380496137863,3.32544636273435,3.20585951189784,3.2455411676878,3.60725105136743,3.37657516395874,3.01342487087431,3.31225554065436,4.28791603244335,3.45216885599629,4.64272759576005,4.37257432411174,4.36724047137104,4.45811788905971,4.47929863557167,4.73287431543273,4.63285968305052,3.81905447464176,4.38001271349267,4.313188521942 +Trnau1ap,2.3323978863149,2.38250978496887,2.71914199399705,2.90737148026285,2.3637826808761,2.30490183865813,2.5198072214955,2.29722439413244,2.53620991000483,2.71279107514376,2.35916816760631,2.65041106425472,2.31449900412866,2.48514436261868,2.5875853200852,2.53655604518677,2.16074737418479,2.0298194158764,2.24822860679783,2.01272432309402,2.49517518047007,2.3687786143495,2.57004115776356,2.23034866216798 +Taf12,1.91216395847405,1.41368906980955,1.70054142662539,1.68531748216505,1.3550324163241,1.4283976416251,1.78611809450118,1.33674897835065,1.64156016432137,1.6274431218771,1.4957986724481,1.6579782102077,2.00256752054182,1.67541495062306,1.56561347888989,1.85652756109002,1.96293177749162,1.62466534634275,1.79447452133328,1.84960789641148,2.05311514355177,1.90736406411952,1.74223523047731,1.66719561947647 +Gmeb1,0.411372310257286,0.231881634438546,0.10812800999378,0.231730067149832,0.713051417303398,0.557124996551697,0.320275487321471,0.265751267166364,0.260704116638939,-0.186648781216974,0.756681559815917,0.434484163780802,-0.138078483329125,0.213902488803203,0.0028032042148726,-0.215766574692785,0.320159728609043,0.463890621775601,0.178042497007558,0.503517149340126,-0.619972571936867,-0.0219633373596047,-0.0237839415791776,0.245351654776134 +Sf3a3,3.37777701956141,3.16583955981256,3.17009914528008,3.40147936351021,3.04904816254474,3.04736490934706,3.29201822030969,3.06944628671619,3.23071556869439,3.44777898888928,3.16120864342925,3.21326569121091,3.07589241298355,2.77479166714898,3.08480108861781,3.16740298097637,3.2444978527969,2.93689257334573,3.06265160647457,2.89505058996109,3.30011086433622,3.17122527840192,3.03757946179561,3.3589888165284 +Epb4.1,2.60099655198092,2.89345997125958,2.55414318999694,2.68925869377983,3.16915988502351,3.06119256239344,2.97752295496938,2.84963915039271,2.64869875596212,2.66815513238911,3.06850846973571,2.80335346582476,3.21723126108051,3.85070326556051,3.29479240069724,3.47023253111253,4.04750711071615,3.56484426251847,4.19051427381799,3.3143474285002,3.34743838404811,3.55233900629954,4.07915455421957,3.99889527731661 +Utp11l,1.49090594659313,1.69801941318726,1.59718258570376,1.49017087120728,1.79889134078656,1.79950575193686,1.82339626045444,1.20249118773172,1.32448843991276,1.44810018538332,1.67396360758748,1.55169325291626,1.38364295079969,1.36559464523443,1.37770416941769,1.53424743124383,1.26917063800226,1.43885259263651,1.58369630759713,1.22937128240089,1.31605437116029,1.32378391945018,1.45472744691113,1.52739844511289 +Ptpru,0.500234165829868,1.37054440920404,1.10305744295912,0.940042566861836,1.6172114112321,1.21359214305681,1.17194306192696,0.769661756670743,0.473729824499838,0.955993589530963,1.48361998702264,1.2354282513733,2.73626593104225,2.77353877187683,2.71627495859375,2.8778285849794,3.49889868302541,3.22231828145265,3.20594587332524,2.41363766422137,2.21072028580838,2.72909322604429,3.51956108771851,3.1072002432414 +Mecr,1.76080430912933,2.04314762023997,1.35676397162324,1.55616754013073,2.01839249735197,1.71664455415256,1.89901379583373,1.58097391910359,1.32846972110613,1.99216453590306,1.95883551464445,1.98412900517313,1.75159297430787,1.55188594351438,1.30604590848198,1.23627115619946,1.77406937906801,1.52002902284765,1.55128494702969,0.981315912586725,1.16101865526828,1.18293297797885,1.97069933566487,1.465615355656 +Srsf4,3.03624426237654,3.24315966914933,2.9511385591517,3.01255670954217,3.26754994265755,3.28254748413012,3.14534281840441,2.85277179804541,2.92619509188217,2.79153879330104,3.40621118870092,3.02400839628996,2.58665822715866,3.21839881137615,2.73442560134042,2.89255248966244,3.35590049370626,2.73425279793638,3.46648279872291,2.63177273616771,2.59517259130348,3.04652737390077,3.33008292590853,3.14863420695824 +Casp9,1.50889554062157,1.90455026295508,1.53632671023272,1.70537005133339,1.85073607223527,1.61453402998092,1.69566222672464,1.75507019143704,1.49015237725303,1.59391631617277,1.78386636093142,1.74089745052357,1.08123663973827,1.80118171878737,1.35588086734408,1.58590677728433,1.3721825365095,1.22309586767861,1.44205058059715,1.43019200143328,1.29084273073391,1.63184616484577,1.24488791512497,1.76654891191467 +Plekhm2,2.75516182241775,2.89374429885824,2.58340912067899,2.97875748444782,3.10806389513113,3.07699159883122,3.17388293977619,2.56401409760008,2.80355276627255,2.60537637884491,3.0738344565741,2.83979290860978,2.23358885498072,2.657084490106,2.25032095399065,2.44277071646477,2.79767280738596,2.4001155391793,3.02838168736287,2.15534502013466,2.34351952032929,2.4372317262014,2.80186166710465,2.66078123079752 +Arhgef19,1.2243129120942,1.40621124899486,1.58732542619289,1.00916733628319,1.60447675314549,1.44492683161932,1.60570327363364,1.27319696646095,1.1465176859094,1.15443142530362,1.65855632726974,1.15930069722079,1.31263496727719,1.38597321020391,1.10376743007249,-0.0938551693164746,1.63560110391409,1.41432017041425,2.2839869898379,0.714773661992661,1.30395412616718,-0.291418606965724,1.67127404351683,1.68372480947069 +Fbxo42,3.50880619848592,3.38671679590979,3.61984138752863,3.78093698037964,3.74155500142844,3.7832934777567,3.5732262513441,3.59849802026236,3.54988240489032,3.84090794239912,3.84574495239929,3.44306956038628,2.73915032269362,2.83955343490132,2.7493839887204,2.83211638558403,3.14952379524914,3.04916426840397,3.17302807472928,2.78742727368358,2.78197802772841,2.86182142064164,3.16851560311713,2.96020937651065 +Necap2,1.6532081012223,2.18177204711542,1.82548046643766,2.10523357417495,2.09525134770635,1.60466805866074,2.45030773854588,1.15560196569701,2.07036881087665,2.2520520952072,2.41510405619687,1.97992281859369,1.89814930397088,2.12137709659197,1.54977864656705,2.34490948732638,2.38118218945977,1.66097926326864,2.32232292611686,1.17539406050628,2.3672647448103,2.42188911852817,2.15742447179069,2.29600445426254 +Cdk14,1.60776812301527,1.83492225787066,1.9894011636802,1.40903335902588,1.85560027980268,2.05877090361981,1.66670259237304,2.08077859958456,1.53811179371963,1.38271349153016,1.64667942019624,1.75317748409915,3.3341898638068,3.27961028060007,3.56550882824097,3.10660694820383,3.20185120769169,3.32685750701913,3.15606752494218,3.44280331442856,3.15936889174902,2.86837328545619,3.21390014485013,3.08031089638512 +Kcnab2,-0.334451936120408,-0.7000281523361,-0.407012804222855,-1.3323962797718,-0.580848187062629,-0.609982859724085,-0.8613565320606,-0.216218416543244,-0.503813676544812,-0.713799792234644,-1.36085678212764,-0.516646343721969,-0.366422539484346,-0.891665820840924,-0.271524398145796,-1.37203324758895,-0.420747466011442,-0.0557401950793373,-0.126768004833437,-1.82552421408423,-0.689989765920282,-0.594437903577107,-1.0372272490266,-0.367275018714435 +Psmc2,3.6810443538844,3.23384315066554,3.55667404077185,3.3839015974648,3.33270489131707,3.32892218183419,3.19507461289336,3.36086687361117,3.49629355291049,3.41508969914857,3.39810245865985,3.43212754760276,3.90512700694258,3.61238031639475,3.84284881779857,3.82369303273544,3.78692833546743,3.80299960531418,3.73755339341947,3.5848794511193,3.88511263667065,3.86924268483025,3.77046382359821,3.68350423148084 +Xrcc2,0.236942521019883,0.374804836312223,0.438762999801807,-0.0427132645685009,0.0614415523532865,0.339248610719075,0.0185431290848412,0.649149179481697,0.472431687247708,0.423711956138632,0.0732295184934486,-0.0104616249918399,0.0731576351372261,0.0773821411639903,0.173081700151425,0.246076752640635,0.158642501961161,0.11031749540469,-0.327302601330363,0.12165661578974,0.228230666357627,0.188903877694147,0.012699775211451,0.331532582109055 +Rpl22,5.22841509048062,5.16334257070979,5.97707627368055,5.67680709631111,5.02323918334085,5.10433265605426,4.89922158843488,5.49178932218177,5.66952951939618,5.80778766156076,4.96833832168099,5.22477994100324,4.79043234189657,4.53333152436682,5.00518978924505,4.69485373082699,4.2876501959483,4.57913097619837,4.19440139409691,4.96372681425171,4.84904330171594,4.71573299513178,4.16614406894171,4.38594424523068 +Acot7,-1.23357195756589,-2.11128728646708,-0.541951459428858,-2.42519258230351,-0.454733870246931,-0.525383741596679,-0.675510113651285,-1.35435364102335,-1.14373783354749,-0.646503475128237,-1.56626549965785,-1.25435524826819,-2.53201632370491,-3.03678607392423,-2.29564689537538,-2.90593991194612,-3.03387590099493,-2.5420893216659,-2.1523154879641,-2.52087460248149,-2.27598145865551,-2.30035581398851,-2.26917540017484,-1.92278532145534 +Prkag2,0.728002028893978,1.07916519488149,0.781216852774852,0.947480516241983,1.4953798678446,1.42280568605454,1.16653489551283,0.752755979680256,0.725254622014298,0.720806200139295,1.16519426170693,1.10326241048465,2.32197934033532,2.37150398118127,2.30886774923616,2.42773110563098,2.8957667491668,2.71186020158037,2.98542419079778,2.30000633534457,2.32228102490829,2.45459736610574,2.85485875452608,2.6537115089935 +Rheb,3.53851100380096,3.27350758222098,3.52709977612397,3.45060972121825,3.27337673991496,3.22643114807026,3.33042222535236,3.3777118466163,3.4743333696554,3.3584770315221,3.3488125118784,3.42914471640071,3.78407124780287,3.39301588856305,3.48272838534209,3.63945233573286,3.36307741150303,3.50415308692415,3.22791226475405,3.70597714807596,3.64288810752183,3.52970870325523,3.47183446944126,3.36671640176036 +Nol9,2.88949458131146,2.52877813516936,2.7632707822465,2.77261500430052,2.73309429819628,2.70483861882549,2.71699029496869,2.54956612684055,2.70362322129977,2.78694399292608,2.71200032070282,2.7092239741232,2.42147346413393,2.13139345456248,2.09057227175364,2.41117770257169,2.91189610219947,2.4082646132425,2.6602952165158,2.23441590199194,2.24911985092182,2.3135662855747,2.7773549737058,2.43809472230568 +Smarcd3,-0.443043585775472,-0.0438539902474435,-0.0353233724648554,-0.365596160008595,-0.537489461100113,-0.518048488442534,0.318970185057625,-0.481660938888599,-0.437930935407665,-0.0641940906483178,-0.075389300973367,-0.119471379486385,-3.03657618494174,-2.17000597557033,-2.73404361220048,-2.46974629821158,-2.28773975606367,-2.62400701672254,-2.55676002464275,-2.79160858853116,-2.24874644595157,-2.28199080807924,-3.38357749690282,-2.60993971269962 +Zbtb48,1.21994003223359,1.78498669100107,0.942126467002315,1.94606136680705,2.12445454000166,1.65750782557896,2.2578076987119,0.404117817119099,1.3991627600292,1.20492387607615,1.896310820345,2.12857983136537,1.25738842632269,1.28189231916005,0.620181395293566,1.43199905138799,1.96614361863402,1.23867292855954,2.47160797109963,0.372160249817643,1.45527542905309,1.31489199409524,2.13035928270255,1.79452611025284 +Abcf2,4.30418257797122,3.81582986435804,4.07264425976114,4.10196065214823,4.00695335496843,4.41838003689413,4.11620843714162,4.00191929084246,4.11581854157346,4.03367780412938,4.21905330646161,4.10405822369242,4.09047840844054,4.10502381230393,4.07842864732196,4.13843191142939,4.26336798657353,4.03536187800334,4.19667348702005,4.00067974539867,4.20993694475642,4.20778102281281,4.27682657127337,4.14880184901902 +Nub1,3.04984219147887,3.36257973789794,3.60574818608784,3.2576959154933,3.11966570268641,3.18828078478172,3.219512274709,3.53707451131492,3.45829353079706,3.3217016720574,3.19133835259649,3.15907042758672,3.21541055941081,3.36122467063485,3.5420843817555,3.40170062731359,3.15824997977871,3.1075435870534,3.37592118212732,3.41984634624545,3.53242001140668,3.56857971741684,3.12621742164421,3.25691587448645 +Vamp3,4.54549829714679,4.1028066915669,4.43720097056438,4.15902029026451,4.0535673583441,4.18354182399208,3.9490896903108,4.189051774217,4.13081442732548,4.11547701659298,4.13319991815968,4.26049935697432,4.65062031986254,4.13938336493812,4.52056992149161,4.3760056060334,4.15357805616132,4.5222062410912,4.11033899384049,4.5366923958575,4.51066475621257,4.26387290099211,4.14098184483478,4.29072199441102 +Per3,0.221511788595467,1.51895902160243,1.32084035491324,3.41102860598674,3.63612985123154,2.42567377756747,1.75834963389194,0.76688394791949,1.7233111386903,3.27733099311717,3.4394219140795,2.32561222174283,-1.35385476150363,1.17002117419627,1.7226268283564,2.90263094473276,2.47762339065617,0.612557239277593,0.567014943854634,0.186781023629615,1.86084994142304,2.85659790461142,2.35286362246052,1.15936999946658 +Tmub1,2.66732509238687,2.40604049120803,2.80421727053681,2.67455324132736,2.57986109586802,2.29458689592166,2.65396331142014,2.58837124666531,2.57006854875984,2.61751579408808,2.54343730772014,2.72077790787664,2.85434062863916,2.86152188095031,2.96297947132067,2.63704281175882,2.53333250678646,2.80059593337824,2.85073533981032,2.88657071684992,2.75855672298176,2.57772057574226,2.64102407578933,2.85346671036076 +Fastk,2.81462096199481,3.35380913391848,2.45488638731034,3.32387956053392,3.65196618941681,3.42300402744038,3.64138488186238,2.65062904042248,2.93382097256707,3.2996075118694,3.68407381457986,3.41626506539999,2.84321606847968,3.21431217447195,2.59401673816313,3.10610717708006,3.38582212458142,3.10654522351202,3.61453361797946,2.61506907960667,2.97735041968243,3.18135395021459,3.51592550490581,3.36089191279647 +Ube4b,3.57415646955141,3.89163169698308,3.7760943643764,3.69595451363805,4.21228040683168,4.11076861825039,3.85124840551328,4.06867573273826,3.70324446352663,3.74440979148001,4.13324108613297,3.81704366869077,3.28311314874058,3.45606310993274,3.31744025585948,3.35699001655682,4.0093915846423,3.61757147741731,4.07177555766384,3.24390959069514,3.10911635826468,3.24593184945228,4.06661910938887,3.69889472089723 +Pgd,1.4458072714463,1.00927138378995,0.669083186920409,0.824685892593133,1.81765992368132,1.85890692178042,1.20820492184513,1.27619542124937,0.738720414572018,1.07793242550449,1.69306696483366,1.36957169162318,1.43875327874806,1.01099303686805,1.30269693046232,1.2290051584282,1.97677158787136,1.78069433572913,1.96764609036533,0.976961769606399,1.17815748866947,1.108530073047,2.0023632307389,1.41087629770392 +Slc4a2,3.12999004724521,3.55343660506717,3.28910951065158,3.54379253540366,3.28936096758093,3.18894963155883,3.48780134419016,3.37528721993364,3.2837458563126,3.40762868454896,3.28711390235892,3.35623037386106,2.93969119370058,3.3351273690729,2.99658166202173,3.21370650137439,3.17962471275012,3.09053535188389,3.5848006751673,3.1765396257307,3.07588403187607,3.18010950182509,3.17387131266796,3.1695716513162 +Park7,4.9903490950409,4.6806211646594,5.07960184780167,4.92474995978146,4.58858519337678,4.77607674066701,4.73168855459242,4.79947415570018,4.80413663769935,4.9937398852589,4.73580053024556,4.8781560532212,5.3770862146179,4.91525325277547,5.04132771734443,5.14545809719813,5.17056764341926,5.28342312541017,5.14310182768342,5.16913287198005,5.20887522204937,5.26433589347575,5.16960045899774,5.28408001548984 +Tnfrsf9,-1.83676447013828,-1.74441875507772,-1.75447331446852,-2.92630938722501,-2.55240573223854,-2.81441103659411,-2.40081430214104,-3.25497816898091,-2.65298839577437,-1.52443774606177,-3.28046715561442,-3.26910612286948,1.74430565014818,1.72067675681362,2.00695439976224,1.53045665725807,1.36912235321982,2.09815107487277,1.15353629722248,2.09782712402918,2.25068206234196,1.89426680234418,1.53901972192725,1.77706758361805 +Errfi1,3.56628650159084,4.14221055170073,2.94907331274032,3.84290774743081,3.33104399734605,3.34468300986855,3.53659516193556,2.79445220864418,5.58273045979404,4.26852949983332,4.3152141444093,4.19210949829783,4.04358867298052,4.00131111125261,3.09700009803477,4.07436021092222,3.78084085431374,4.1949836432344,3.71121955879422,3.24145668857155,4.2714980388103,4.34552635353202,4.4654187509384,4.55640876780383 +Cdk5,3.83741954755741,3.85076346510918,3.88867512619801,4.02848081686235,3.91674281988073,3.68648073430064,3.83989350914711,3.93714847942295,3.90757835590648,3.81808188439844,3.84814263566247,3.88442474007752,4.00066088725968,3.79448200573692,3.99868351424155,3.94710452972193,3.75438428792646,4.00511701780124,3.90754121880033,3.96843106161055,4.02699337729696,3.95214349015024,3.93224774081628,3.74035227285111 +Abcb8,3.02289224865004,3.17206327556456,3.22196532622227,3.17427431202009,3.22931810875743,3.20703114405191,3.31878531269023,3.1462600501294,3.16577657830961,3.29999511667453,3.22662799973025,3.13622325869577,2.81057339823108,3.08114466960262,2.90388959795852,2.96484238218843,2.86930200113474,2.93416038767637,3.1073427064867,2.96146469907058,2.88050343149607,3.01633079752794,2.98253296041845,3.00654767196183 +Dffa,2.42647914351551,2.57840964493355,2.13854505730332,2.56233604137025,2.49901494758402,2.41823431788143,2.2972528398686,2.38257762442166,2.32358739665616,2.66746698482862,2.57584950193225,2.46213269726614,2.71241073622258,2.78880640533859,2.76119876691647,2.91654153280038,3.05312461054226,2.70006554017682,3.00337155640779,2.81177549363364,2.72849696974507,3.00279957500416,2.9690110441068,2.8522049447343 +Pex14,1.81006974502949,1.73487577985624,2.00711922784148,1.87116242966152,1.78769673953752,1.79933016475356,1.86779148423506,1.79373500964844,1.87541081873588,1.79481373928062,1.93072414022731,1.78159371165164,1.73579160351108,1.79606255631669,1.60726483067938,1.75958403098088,1.83074077347246,1.57733810629937,1.60923109027296,1.7163635077983,1.68238478725747,1.82303296775653,1.90397050293785,1.79984808960119 +Slc2a5,5.51010379065417,5.50482418041845,5.62041711696236,5.60143244572919,5.25045584126845,5.31635138818548,5.20118580079205,5.62180565788098,5.59124379933241,5.57957215447822,5.32465329949358,5.38930930016014,6.55517522567248,6.47401501204736,6.89772041771284,6.80988026788135,6.35380567729985,6.50247084110647,6.20762245632542,6.68642274806964,6.71495890198577,6.84492923679796,6.39430295667946,6.2513304557611 +Casz1,1.24422051712908,1.44778671658169,0.7702164937605,0.758945116730149,1.99480074014581,1.99058040293786,1.82152293104933,1.71032629900013,0.930766445622375,0.704446654699358,1.74625748729313,1.56604710555827,1.7002621623161,2.1039570794488,1.53660115665959,1.65512484877039,2.38435701214028,1.95897493855615,2.62489748662335,1.8176585772916,1.56918590502282,1.66926396135735,2.34664472818179,2.2178576177847 +Nos3,-2.44906410144292,-2.34487453156928,-1.31162430599354,-2.25773730470156,-1.90968757515767,-2.33377837915436,-2.28447444695351,-1.7546113257104,-2.67212490522012,-2.17489054680087,-3.09465257133048,-2.5454423104104,-2.42610322033791,-2.58399095051498,-2.97848660060903,-3.08750929046111,-4.15199905465313,-2.56982647774387,-2.79499180914606,-2.08078019849187,-2.42119423001389,-2.24957145912814,-2.30439070790467,-2.42685445475285 +H6pd,2.57784166307189,2.81534694722618,2.93012771263136,2.87168052314744,2.58898166793528,2.34420857473835,2.37567452224175,3.12049374917982,2.80556620631853,2.7546960014449,2.68197527704662,2.54425045920476,4.00037794208626,4.00544457586735,4.20794118337209,4.09067739148512,3.96465319944511,4.0413116779546,4.01700965242244,4.10453951989785,3.97298039148458,3.97672671117654,3.99112365603465,3.93678264647313 +Slc25a33,2.59873742194158,2.4059994201923,2.50078809825226,2.63920239554402,2.46221860984413,2.54233137801645,2.48825588970229,2.74371330783787,2.50808168129772,2.66009225971032,2.63954225133756,2.71553338183733,-3.03594575901941,-2.37340169085248,-2.35922249740006,-3.6729139658892,-3.09745150301962,-3.6729139658892,-3.01134299821678,-3.6729139658892,-3.6729139658892,-3.6729139658892,-3.6729139658892,-3.03626216385929 +Klhl7,6.53836766877718,6.12287420538543,6.23748590145054,6.05497800219172,5.92153155402243,6.08986010898806,6.06073615611185,6.34837655897363,6.28323765733287,6.02584591970383,6.0771138441766,6.2648367712352,6.2753511829567,5.90029702934491,6.15733338030767,5.80619326614007,5.58622793917077,6.10688682865716,5.50012089037768,6.36593960256013,6.10860166096127,5.71299098036077,5.55256073698051,5.88505070477051 +Ctnnbip1,2.64900818910815,2.29973747477316,2.67013749030425,2.52829546892883,2.1933378592435,2.19951313116012,2.56136730394865,2.54324244152433,2.57550007306823,2.5108285722027,2.21160145995232,2.28501929356191,3.90595877600981,3.71130455471478,3.68278955773676,3.39634023461704,3.36020890657139,3.81203780452235,3.51874181360595,4.10183631712746,3.70010165170878,3.49742147373716,3.39985610194686,3.46528800014274 +Angptl7,-2.29600862425,-1.75640652262311,-2.85943083396822,-2.96039058022117,-1.54824839812277,-2.15089359249887,-2.59845997963715,-2.9129911025353,-3.4704370269193,-2.49155685915739,-2.93848008916882,-2.92711905642387,3.32989995187254,3.44068269802263,3.52154111280531,4.51592318903769,3.85860178639768,3.14347622881726,3.36080688902086,2.74331583034708,3.15569772623326,4.38145916665779,3.80755808757248,3.34331947988311 +Lzic,2.35882533146414,2.23838286267304,2.15340488682233,2.31306156983948,2.56644688437265,2.60509632492467,2.45207456399608,2.17990915468209,2.2436804203949,2.57946157405617,2.38387505474953,2.32672476376521,1.99372059334548,1.87206612471124,1.79138787196926,1.9408679863785,2.21838165130077,2.22462585302669,2.27409354453454,1.85941692525513,2.00506894722886,1.80510326006213,2.12572615961723,2.11348232487373 +Mtor,2.67216625974586,2.68215261226755,2.61105321369437,2.66566267157802,2.95211245160488,2.95040776724739,2.91908152825485,2.74301148041044,2.69320160121849,2.61303927801424,3.0270868871543,2.70962266662395,3.12211432106717,3.19459936122406,3.28503848432775,3.26879802254751,3.52225232274379,3.34773444973654,3.5419932747896,2.95825693157717,2.87421268569781,3.18390466342289,3.60964189845586,3.32052834066471 +Nmnat1,0.883111388509012,0.950630167946005,0.773779002552984,1.0137397782207,0.57509800198714,1.11054811026463,0.818322430268862,0.769693888843303,0.677241295418535,0.928622637209588,1.06850685115061,0.825793927185815,0.595332556486068,0.413912483647302,0.409329701241508,0.562413855030089,1.05168122398402,0.463185603993368,0.423527247326237,0.61572262830949,0.694697891488901,0.583853587771127,0.92146998857089,0.725001328152908 +Fam126a,2.65871152839444,2.7833474333274,2.44030132514202,2.64691063270752,2.79250061075715,2.6910850344665,2.87712959934609,2.49044242755174,2.59462874700246,2.64349572057827,2.89260871921736,2.70628155258414,0.41623393045599,0.794745948399391,0.510103224804458,0.81972413391669,0.847180199288684,0.34728149337508,0.638518013380882,0.621776475373862,0.569460644702573,0.569463649259826,0.958123181930925,0.763983252291291 +Tomm7,5.92519756616375,5.06482579153113,5.84668509395232,5.71163043739924,5.12267900528397,5.31645380129267,5.47721764107658,5.89053805416546,5.78740896429,5.83986528036143,5.43332926419263,5.59068144588548,5.39679909314101,5.04232799460118,5.49662179364579,5.03950004171663,4.84528668738302,5.36446023989339,4.59246879027644,5.51015153202834,5.40942528091447,5.0544653762045,4.60723621397315,5.01852459294786 +Rint1,3.14564902389255,3.16558259667899,2.92327950234123,3.34794617683465,3.30111215214167,3.18797741206977,3.36787875329008,2.93347147504442,2.96468112512941,3.17989067190598,3.35692197932224,3.20745684655054,3.93170366857373,3.46142106835292,3.70653761103691,3.55747671995823,4.15560194651655,3.85605434092613,4.19162806977739,3.16363905555554,3.71159300049494,3.65859134745049,4.13050963614614,4.06834832733626 +Fbxo44,3.20245512466613,3.51405737255759,3.27824120026396,3.62591497317979,3.38098862565945,3.41755666674502,3.44039741956073,3.22530421137834,3.44466977412982,3.54670295916906,3.40921548424212,3.32782518181888,3.37673239952356,3.4845688560364,3.53227893578882,3.56940564268106,3.67536232744163,3.59496520892622,3.81808064584236,3.1956586003352,3.51223229593927,3.81824963130405,3.70523997073674,3.54423050143312 +Mad2l2,1.16150438643286,1.09638475593703,0.926459636400147,1.09967246663687,0.860800775862816,0.93126549895187,1.02873839277159,1.18604106730946,0.766916307212337,1.22638620045971,1.16963459053905,1.22514409987061,1.57507373310124,1.5186075604187,1.79608897286636,1.73075479560475,1.49208258362886,1.68371727421027,1.32288376360493,1.65169638165653,1.5737897488737,1.88689804113214,1.53165096071521,1.63020400187523 +Mll5,3.29744965356279,3.58429200714468,3.10036268980042,3.2265180944597,4.59605409635418,4.50984639910669,4.02732936040995,4.18467103231807,3.19837071720584,3.32867286914261,4.25383614906638,3.86184236831266,2.86250865761953,3.11906265704975,2.87856224509908,3.09461022496724,4.30202461987773,3.5914348465025,4.01820896668254,2.70908270033465,3.01380246368563,3.06273375146384,4.11770113863175,3.62593191662433 +Agtrap,3.14136914693781,3.35773148850053,3.62670852187179,3.38540182937622,2.90300822679509,3.03574795704049,3.07006452966518,3.60387641996186,3.52996371089047,3.37150025521189,2.95381198219863,2.88325753744449,3.44739459847538,3.34822097249197,3.53654023914038,3.61542647486585,3.11980386005998,3.30880272144537,3.06321411089551,3.60965814295457,3.68595199694109,3.45914789270384,3.00804133382322,3.25184312652554 +Mthfr,2.30521416803739,2.89080091472476,1.98862283782051,2.8117950033479,2.8897961453906,2.80542892241545,3.01374349025118,2.27272004923408,2.44990448412249,2.55191657206798,2.69852526099106,2.63671441708342,2.18429819483783,3.23012671528575,1.52228843892693,2.61142824089468,3.32219974042287,2.59559545176941,3.77051152863749,1.926955033265,2.31800874989095,2.57273492542295,3.30570829458278,3.2525042990619 +Orc5,3.68393977067893,3.39205193949266,3.86516746509755,3.86386526034027,3.15994644734451,3.00866824396932,3.46959411028519,3.72194128479272,3.93818535370473,3.8097899191377,3.44683275426132,3.58724356307432,3.78025398634144,3.38006935587219,3.50178152323345,3.58659768695114,3.53954090818524,3.60863845686633,3.1759629836489,3.5926244347022,3.57899388311728,3.29067545263795,3.4562717447216,3.49855840964675 +Dnajc2,2.0213925880496,1.88459038374652,2.02095242394221,2.00952476808846,2.01193196305621,1.94100561064175,1.87527156055435,1.38522464664731,1.89320392074838,2.06056904419217,1.81721532619484,1.75843236241717,1.70507083993475,2.09127767301599,1.60762042202285,1.9741333608891,2.02809010467622,1.62792187292094,2.01652049812608,1.4548391861501,2.04138138175088,2.19974697043931,1.93818629858113,2.03407883967817 +Clcn6,1.6062116583346,1.99526469620902,1.47687129832593,1.95186406101711,2.01796929530461,2.24673632529521,2.11810582960731,1.76385575346106,1.65791762965354,1.8953044846878,2.10832312654775,1.82070785999492,1.28988991021975,1.64382795643568,0.786503620440675,1.5589524311741,1.97318121674395,1.48264180264626,2.20301241421877,1.37579576341529,1.15028943076911,1.43396890576367,2.05247039326716,1.93658138629803 +Pmpcb,3.38180967591925,3.25217098556511,3.58409687343938,3.33751186323047,2.9498595045375,3.09915381678033,3.14359267234145,3.31502302829926,3.51611748027986,3.43294224328906,3.13265983942795,3.30935924948668,3.68041427729503,3.46557756142313,3.52759527427844,3.49055468121643,3.12776074601557,3.45181660631993,3.16172526168515,3.63730755782568,3.60619094319746,3.44210458013166,3.18937826951194,3.27624869797129 +Mfn2,3.63691486542311,3.55099102962995,3.60931405048449,3.48141509904405,3.62539602260587,3.81511778204492,3.58162018713288,3.67811738209926,3.56821224993824,3.39491033728163,3.72464752934233,3.60910361427594,4.25638224571139,4.3213735157067,4.2595316130346,4.24054735207955,4.46625586173629,4.29942238058636,4.52017525889415,4.15081191743133,4.0660912425495,4.30464225890006,4.33601004231576,4.25549726370399 +Miip,0.0433033879582136,1.50435045110397,-0.392668492075791,1.61352439129588,1.63537412860112,1.47377529294781,1.71598038828601,-0.430175612553948,0.597868349786648,1.27742178011677,1.70751968557585,1.42485840991098,-0.383596105115222,1.51411562530981,-0.262113726501831,1.64171039044717,1.71001050237145,0.774433842441808,1.08213776318696,0.184518796272667,1.23316066783372,1.67880979088938,1.49219606732402,1.3056152959995 +Dffb,0.211572192557915,1.56185552943213,0.119939657835534,1.05914705620885,1.08590824102789,0.893368052094957,1.25384585793666,0.413691212116611,0.496007614378517,1.57338128671669,1.3536618491074,1.00958369169425,1.04150334028765,1.76098210920646,0.3466482886444,1.79218907145386,2.35436454402805,1.41519326088404,2.46587797805373,0.473181076372127,1.9157462617382,1.87601126254103,2.41238371834152,1.94406310824426 +Lrrc47,3.96747087854823,3.83474834732819,4.08353112173651,3.8192601825997,3.80229443559562,3.92906445493754,3.84263097821424,3.88280072717748,3.93194078590602,3.74474004337386,3.85476632262045,3.75146997973274,3.81640678094744,3.80373021203231,3.8632648655139,3.83828630569836,3.92265341775335,3.84073098619117,4.02219830773285,3.66347093816184,3.70090299967917,3.96794465374173,3.90166343932156,3.78043558580487 +Wdr8,0.98260735944911,0.920009462299564,1.11578624743725,0.698847388396671,0.926547137878341,0.63150421799916,0.969227432394438,0.967504166007315,0.991733177429017,0.55187794127268,0.802960818352401,0.805749454112757,1.08087626519624,1.13203198601755,0.850144726143181,0.752071564824278,0.775603711586266,1.01643385432285,1.11382142462584,1.33876916809384,1.06917087642833,1.01877334801012,1.17019058831135,1.04600210684639 +Tprgl,5.16925499924621,4.85352260734473,5.23863365683563,4.88256880779219,4.7638783713329,4.77590051578404,4.78725118687319,5.17772543837156,5.20086563920975,4.90710416973669,4.82276635328102,4.90767822194925,5.37404976684381,5.16935205143514,5.60218043627713,5.29644892308905,5.00552259423385,5.18240512692419,5.02045216141009,5.54463557847729,5.4527649310523,5.35458265580065,5.02165519001586,4.89462859086197 +Arhgef16,3.71284274015852,3.99306693755611,3.60053098569856,3.79892077271284,3.88058349688558,3.88754204678777,3.98897786399279,3.74224257505304,3.70377756797963,3.89991952572384,3.95590216736833,3.82060786927789,3.82831836900973,4.0877194725353,3.57344891230917,4.0266794012708,4.25354510495281,3.84669422933251,4.389619715401,3.93107966206738,3.88434047572651,4.21647602255457,4.24915652558053,4.21936880100249 +Acap3,2.2650794329663,2.48376024183612,2.19147607893091,2.5929628338762,2.78977313369319,2.65760268088657,2.69551553609056,2.10826487114503,2.53030107385549,2.43898677145914,2.79823715384109,2.30582190504071,1.87931818333033,2.03522666492786,2.0773538659592,2.17774158072245,2.33573456045151,1.86030130347295,2.39145040955564,1.6880172376918,2.05348321882147,2.29102359224886,2.41945631682141,1.99221503145027 +Cpsf3l,2.96291009510958,2.85295767773271,2.48344847220017,2.87910058015426,2.67536822478446,2.73688513644475,2.94477553414506,2.57082086908827,2.85483670770692,2.93112534707078,2.82040296508428,2.81787488304621,2.77574655966739,2.7975080541418,2.31865413165848,2.97407096234147,2.88301070816402,2.72839515643087,3.08760527764705,2.81062258778267,2.95312957822407,3.04256285744216,2.98676779935713,2.81632677075277 +Atad3a,2.31891371365498,2.70305550426977,2.11464332758904,2.75217823284328,2.86512004155182,2.76091192914076,2.9266886604995,1.93748772983126,2.34140117387525,2.64951558581062,2.90162656793834,2.88809497634876,2.25863864691846,2.2201764633226,2.21218391586063,2.45293553646469,2.61635211199671,2.23964004406179,2.48926804952026,1.46419583091692,2.45900307027038,2.31923070481542,2.88527301150165,2.62263105081139 +Ssu72,3.68314610648755,3.28906084935395,3.52860176730847,3.62457572561156,3.15642192260772,3.44824020624395,3.47465014876107,3.4226131848565,3.56990665481887,3.38899536654883,3.25640851030408,3.47778131504568,3.93666452618911,3.60528806820642,3.9837954382232,3.86101547451976,3.70778447839893,3.70551129490431,3.62065102411697,3.84672703254973,3.9756613133587,3.80009410144025,3.72917883954885,3.72692767986882 +Pex10,1.32578211726664,1.71759392294863,1.14139926104427,1.76009655978595,1.73294506720451,1.52781223349012,1.79220673323042,1.56237666701498,1.63988496501347,1.42995174720341,1.84178993223778,1.49130116711958,1.81994264343227,1.60808036581018,1.17038924874278,1.69932502286814,1.75916784961573,1.6157073714921,1.88672933645808,1.52802783759975,1.93570084904273,1.82645159022786,2.37317886458761,1.63367762687025 +Rer1,5.27331751056488,4.92589790403333,5.24612252772837,5.15171743848916,4.77049884651598,4.72965043417603,4.89331968882202,5.0442326254832,5.02185221883641,5.08572187801822,4.7022780165585,4.92957449003697,5.95082906168011,5.43543799328652,5.58746526424351,5.4255115089498,5.31495086949332,5.61797559644482,5.33724392977386,5.82432844094517,5.66565104515174,5.50433888317048,5.39268401427509,5.50440417766782 +Morn1,-0.75530509015859,-0.0141256987072507,-0.493782170190343,0.298067375551292,0.555230573939075,0.611161167899322,0.757432025925637,-0.506980325310435,-0.607443437970464,-0.264796866000227,0.724130690245155,-0.168651833075009,-0.376798187763874,-0.3379604548223,-0.275995930422887,0.20027198478585,-0.0079916423549328,-0.0996424909316347,0.438779943101751,-1.06985151523815,-0.367091927441466,-0.0012612210115401,-0.158311979342824,0.0629061117904191 +Ski,3.63832451402769,3.92112910507599,3.98103943142734,3.62650861543522,3.91337843090493,3.94528742528302,3.91462203218946,4.04043288267298,3.75204497022264,3.70550692796782,3.86385088381105,3.8126459784681,3.47558707523073,3.93286969452588,3.35629253962482,3.35551454825886,3.58558943615054,3.66261401121292,4.1624894705519,3.67859787742242,3.21808514327312,3.16656776855925,3.68100666187882,3.64775841874107 +Prkcz,2.03881850474732,2.22258300934745,2.23029117703803,2.01937346049461,1.79417181678411,2.07320573493672,1.96519802093018,2.43844164303709,2.09987173643602,1.95926775673137,1.99001495568988,2.09921102534801,1.81494162246849,2.01331087692831,1.72038271743738,2.03386732773017,1.95065770810525,1.79590344797562,2.00970361971574,2.0744149900552,1.81173265624334,2.15238599530782,1.89177508105627,1.97319659007411 +Pank4,3.07906348889134,3.10161754432893,2.5125064610156,3.19286000996574,3.30989020295489,3.23779111495893,3.50297738721389,2.47434726568682,2.82810960718091,3.08894514602338,3.48591884754889,3.39852940016229,2.2983944747344,2.56094909410389,2.07095817396402,2.5890453246737,2.9425454634698,2.43428993037199,2.96040742760414,2.06126244296624,2.52075077159694,2.54987622691824,2.84962423659158,2.92190187610637 +2810405K02Rik,3.63418739954419,3.35273179418748,4.19966384992613,3.79187998252732,3.05234077926981,2.78610999490757,3.2553636263614,3.56168373855571,3.89131246771153,3.95043099279252,3.02351528366151,3.38056260696959,3.86774342567167,3.87595888319539,4.11011117859586,4.08550541102917,3.47883656360773,3.76315829211888,3.45855190808776,3.82481262542475,3.9317965279368,4.3201828189931,3.45006640492597,3.65449314459014 +Mib2,3.55808724932704,3.82112500616169,3.22653902245772,3.81273697536567,4.1110946910086,3.8292432946913,4.02852159037513,3.51437124203845,3.43951070304704,3.80736124347642,4.2037920975579,3.91585153757014,3.48534382541475,3.73834958277086,3.24286679457166,3.83302694348435,4.17569893896219,3.54082268731089,4.12045244815458,3.44006756873559,3.46463076646989,3.87883662067289,4.18533190863137,3.87438958525289 +Cdk11b,3.03375327475679,3.37785141693671,2.66896258128835,3.32918272995517,3.56717065456196,3.53395357446604,3.6436123884013,2.77128137471159,2.94266225492504,3.22256601857013,3.7584406808194,3.14062271762636,2.98445547716096,3.32204217267444,2.54893825086325,3.23639316616353,3.75463534777538,2.84389776881782,3.93393813551636,2.18065040738443,3.01169431774215,3.24336720392192,3.76265193460105,3.51556489973872 +Nadk,3.61076553362825,3.25576446058904,3.37527438163606,3.49913743339861,3.61156604247478,3.53624924440863,3.58692338509631,3.18441966352834,3.44645690460164,3.28298051984986,3.51668600334558,3.63255171872002,3.88863070673419,3.57504241790984,3.66166990195169,3.95907081608627,3.9850272430517,3.84113673944639,3.91643127849606,3.73684762533237,3.82324339771574,3.7197255704653,4.10064714172645,3.80690323730436 +Gnb1,5.31995788877937,5.11047219240082,5.17998831665119,4.85465702768042,5.29909644262268,5.45420049382244,4.97134911924069,5.45341175133837,5.15509885646351,4.96665844251694,5.29035287320455,5.09493378218844,5.24417859915979,5.0104179196947,5.27210840310359,4.86788531685912,5.06851444747299,5.19557281927362,5.22093288311783,5.30786790175042,5.06507686973561,4.89680392510866,5.09355364790549,5.0121673340385 +Mrpl20,4.86863551802176,3.8176879885013,4.70173013645488,4.56247664088761,4.15324350047387,4.13299824349094,4.37476454104271,4.63339671173947,4.57757129667153,4.59892269164604,4.32991927356548,4.44436551783105,4.8216733000521,4.4216173396972,4.89225748387787,4.7801526225374,4.40066657386722,4.85744565764626,4.22237736452935,4.6757519832024,4.9204874278442,4.5935003645426,4.32700256605003,4.39862501394687 +Ccnl2,3.73082284191349,4.82573830578509,2.87338359039244,4.67380246760522,5.15149707240592,4.76892942496786,5.12451933640891,2.90301766782092,4.05654283857846,4.60973561092459,5.09102805826132,4.82599665446029,3.17982439235648,4.19970705320813,2.75630000676043,3.97885135053981,4.62885699295934,3.547085607911,4.6179807632741,2.70859206211426,3.75339857034202,3.95847483154757,4.53560036973755,4.46630859932757 +Mxra8,0.207069890416707,0.611795726694744,0.52310324287733,-0.13575935953336,0.106737010468125,0.380288054689443,0.162077037401249,0.46220829995632,0.332103514412459,-0.758498349249681,-0.19652722080573,-0.635685922450636,2.17247635686224,1.55038423900183,2.31055048845671,1.60196549500818,1.37273433525766,2.08735201217683,1.36067648934295,1.58537535664768,1.75782926910277,1.55132858278208,1.39676544608242,1.21203175822021 +Dvl1,3.38792762918392,3.75182276169922,2.69331068865009,3.86222503638333,4.09750611913688,3.86267158745781,4.30598427087474,2.73396428833531,3.3877379165931,3.97233382071979,4.31778453661351,4.01752514359674,2.88131395355371,3.75204250238748,2.76357185834476,3.72848519036767,4.10457341922401,3.30986437619659,4.10384257878229,3.07374933491509,3.25261492488226,3.66256306131415,4.2624033822543,4.02184930363573 +Tas1r3,-0.606017094981621,0.187375367785334,0.287299634109354,0.0875313388384669,0.0799148010266568,0.0274766468961589,0.208875667888099,0.694598327488758,0.279438512386267,0.365992082066869,0.335816498738881,0.253368341429469,-1.46659311005456,-1.30381603597076,-1.19024284527632,-0.484629727467511,-0.117738828254332,-0.812076596508155,-0.11568674246739,-0.854586079093581,-0.516871778456345,-0.949635372206038,-0.292036636828199,-0.795522419548439 +Gltpd1,2.47248014386992,2.34632865463806,2.43641589752221,2.52826391390504,2.19573551700477,2.3867312366333,2.40324268945704,2.42153021715085,2.44580124927701,2.24637312384923,2.11499273087392,2.33125231107021,2.94251199832479,2.12966613065599,2.92867094100489,2.51447375970103,2.54752739635117,2.69712917272836,2.60647732769751,2.22782935955332,2.46750593936845,2.65516625836983,2.52533258339723,2.54838696456529 +Ttll10,-1.36616778310501,0.011098000968861,-2.07003344649321,-0.812818412670389,0.201751360679129,0.159557074117006,0.170270003919759,-0.753782491551181,-0.981881609818353,-0.175036921729744,-0.553831819433132,-0.257405908221851,-0.72045664292998,-0.140537874286134,-0.977087458689063,-1.09747978071688,0.402628944479306,-0.689254821644739,0.0452921681679963,-1.56782000422811,-0.531370209249213,-0.652140364920041,0.216912257301115,0.206754613258832 +Sdf4,6.40733068936788,5.99619073392888,6.57261382106785,6.18940772501045,5.86519559122295,6.09807524639964,5.98063238225916,6.5171554372931,6.38934633196227,6.18766122137205,6.04097815884498,6.17630744700135,5.81710184180232,5.55666223107236,5.85915588536783,5.60530887902256,5.41436550607971,5.77558571543343,5.55472698143109,5.93562669375391,5.8485480348951,5.61471176702348,5.4947517717526,5.50294033717315 +Prom1,4.15275880890501,4.15998034738275,4.00757356192013,3.79162477634319,3.88289227032702,4.10106868060622,4.14031647058766,4.18248928317879,4.06881074816154,3.4012564096384,4.03476656676113,4.11066617697562,5.20083984327307,4.93180874227239,4.54508660472724,4.53264493706654,4.95272487745103,5.17159515459477,5.14858216985509,4.90727553120531,4.56972179601157,3.97025936308274,4.84637307073245,5.17468476331492 +Kcnip4,0.208590853370302,0.174987639342588,0.730564985990408,-0.0241419140979566,-0.259476308136611,0.380476274593042,-0.225333549946928,0.0365669290544988,0.282654204455704,-0.368576962711018,-0.350868747470298,-0.251268157711382,-0.0586710058845901,-0.77842812789619,-0.304895814821026,-0.240652641963509,-0.301983259962014,-0.412651664734743,-0.306949791003689,-0.624831155488802,-0.20420709829511,0.0846194324718685,-0.469863017147728,-0.723031952223745 +Pacrgl,2.01138536063556,2.026483735824,2.43027884491909,2.10584310998811,2.39590774336067,2.27463062294172,1.95784190862705,2.17682828657198,1.94485636308286,1.6917028014907,2.3199104922198,2.00841875060558,2.44496398408967,2.37399703355297,2.71905220176986,2.05030292029726,2.12693764367901,1.97040097772211,2.02752443649892,2.52306180496672,2.19457925444849,2.21739388570795,2.36607740168004,2.59257383845771 +Gpr125,2.21264178417871,1.86150332193263,1.91010324610139,1.61731145141996,1.84082375011863,1.94850301357134,1.66275898695859,2.04443930235304,2.13977514733059,1.77453110725691,2.13954862501404,1.97869423018423,2.09339902572445,2.32211136673312,2.24443285715831,1.95190058696542,2.07035757005683,1.9904022265821,1.92141841167397,2.43495245937553,1.76224090346889,1.87316808050459,2.05354022705799,2.29045797400459 +Sorcs2,3.81140341466833,3.56576151580517,3.98530508569927,3.57433946259033,3.42803632719961,3.679655007304,3.51494267268724,3.98859833362446,3.84369896132495,3.5872030548258,3.58169068752831,3.45755186544288,-0.887588401333744,-0.411015532785975,-1.32473549370681,-1.6990354666609,-1.64539640150452,-1.03905838159866,-1.16474360473561,-1.70450263720677,-1.26298442927362,-1.27219971396329,-1.22240679594801,-1.55433768452874 +Afap1,-0.50645351605079,-0.485526740457972,-1.0760997360107,-0.736252697632584,-0.216571234931719,-0.466224078349174,-0.577396949820607,-0.543919919222765,-1.02235722707129,-1.08792233580422,-0.600699318171062,-0.77286914099547,-0.807565930102656,-0.588894631742417,-0.454014527413686,-0.488092387968323,-0.701545711500238,-0.954852786717368,-0.773441425686415,-1.17404917036735,-1.24083037947695,-0.66967047074203,-0.455051587721874,-0.316863580842068 +Ablim2,-0.897723189675169,-0.781253937834861,-0.857670703623883,-0.820275763908292,-0.0514180886426443,-0.722784078841041,-0.0998237149787418,-0.8661569929599,-0.986872757127974,-0.518873694548015,-0.360835826008827,-0.547277697043564,-1.45472263028423,-1.00446703995788,-1.06210151710974,-0.961700674274643,-0.183850795432444,-0.767975297515878,-0.612191778921306,-2.33130278367796,-1.03121790920414,-0.614190245643521,-0.757264859559136,-0.575648151483605 +2310079F23Rik,1.22968857872032,1.40914875151313,0.849666943130635,1.49080242253746,1.56947938177916,1.51195620751499,1.66009664461683,1.14654288318924,1.2389932475617,1.63067458544764,1.72588240055902,1.53521588960032,0.941420605770106,0.718556178959393,0.404751100935468,0.882633398528227,1.40243425933219,0.922685114338246,1.15633162793032,0.365028549510128,0.712105539695473,1.00693397146587,1.52178622009206,1.22364078569889 +Acox3,0.682839178432276,1.06267355279399,1.13166820819199,1.10249194256093,0.885321827105487,0.906954095017313,0.9475830409063,0.72820625367384,1.04654633366437,0.916103055605355,0.802556075703722,0.549456935443227,1.36286935738583,1.64382051845584,1.33613003800263,1.65307454501327,1.24234341372369,1.24976655004907,1.71829004993408,1.34423534832121,1.49858595735358,1.63115703027373,1.48249239247445,1.32242593333633 +Rgs12,-0.395225244097099,0.455097757327501,0.390463390612222,-0.213546197192584,-0.676663497897908,0.130707829924811,-0.143429248078485,0.160265740925038,-0.0933871921443155,-0.0768031965156872,-0.160684275282838,-0.574608703867912,-0.928502440512661,0.413221513907578,-0.013122048625696,0.193290521844025,-0.552040603844355,-0.397281458024068,-0.532245240125572,-0.260025310746497,-0.666574086408062,0.12937574471467,-1.04312694487082,-0.405170241201846 +Hgfac,4.37563906025948,4.10329378314214,4.35679150820857,4.51188615583666,4.13791839998265,4.15089899450249,4.02352627249995,4.29292189784448,3.82500198681662,4.03952267427629,4.19934543447313,4.3052723213227,4.49427524451363,4.1398041459738,4.30399453387635,4.63583789845079,4.30245524211705,4.36945188511459,4.10991082208598,4.52512478453827,4.09678755981812,3.87555170312927,4.15848890264287,4.23088560152043 +Lrpap1,4.80247662582108,4.52473717150721,4.94858649816163,4.66014788964705,4.29154538579166,4.41607634293221,4.57457145237972,4.62711875595304,4.57998742507766,4.65692915739501,4.46750446568512,4.63743332521908,4.73686306880538,4.75076193368682,4.74467276194088,4.74103331908059,4.40878995351374,4.5873655278806,4.48402923485088,4.65218924449045,4.78738676688807,4.82691906956309,4.33449531497286,4.59006730173555 +Htt,2.69957039103465,2.68355692650963,2.12754808860821,2.52901728404372,3.48371312794276,3.34238964116329,3.11006538125023,2.83597106816098,2.44237465111882,2.28171363490848,3.35201751997883,3.14478631317387,2.72193849904634,3.01526491852761,2.66421278738473,2.95359685659724,3.57570821511214,3.23276374107395,3.43667399747026,2.92450237971854,2.41721392973885,2.79415710606945,3.52235140638367,3.33305295399268 +Add1,4.52385523248552,4.65629879151194,4.76914864129358,4.54375923702246,4.36791890927393,4.58558059243502,4.40177930574717,4.81018659513623,4.64037325850229,4.61373065840565,4.4417372606641,4.58700445856027,4.05243259344,4.28690677857507,4.28620705256332,4.19652683963666,4.13719989287865,4.14923681133183,4.04552425418632,4.23032680587935,4.13228584400158,4.24144662236949,4.08903058903467,4.09125167949104 +Rnf4,5.30288206105029,4.97634513351111,5.1097147911544,5.0860322854191,4.8226142113643,4.89935155185253,4.99663238474195,5.04784885272564,5.11386988121887,5.02240883576085,4.73366433809558,5.04107028307328,5.34240467259826,4.75463177613606,5.21311474623935,4.97771616691803,5.00008606142954,5.32192005359149,4.98759821365676,4.92503917522356,5.07380346406202,4.96098745057167,5.12617104427904,5.13059420841344 +Whsc2,2.45531262412682,2.39624097253887,2.43643404807942,2.60559029144262,2.60015004179952,2.68707423190991,2.51813059096876,2.33116111972652,2.36165963189833,2.5902220384879,2.37349949492453,2.4195192684251,2.72604631216258,2.58597021780351,2.35765421773496,2.43958142145856,2.71875118742438,2.6384340763168,2.78875633685316,2.29613067010232,2.67868783531536,2.40915564958429,2.72990602699152,2.81324555237376 +Man2b2,4.43267593848106,4.5109991202957,4.8534519219532,4.70936782988349,4.57634912871285,4.46323031882037,4.13694681723235,4.7677737961451,4.78857785463977,4.71391122218915,4.51750896033074,4.22470845584461,4.80302466408183,4.88946909388522,5.04679881124164,5.02983567553384,5.06022236173608,4.93113174839848,5.13863683849157,4.92195901089184,4.81454709823607,5.07890351624065,5.1491637176609,4.8194403404937 +Ppp2r2c,-1.4653231202191,-0.809321413116713,-1.86472973452235,-0.98545450454237,-0.540154683496315,-1.35079896043925,-0.900180661625668,-2.09789081330384,-1.48988926333251,-1.51131768106011,-0.999634708706561,-0.531435814099449,1.11100391151428,1.68175803608809,1.51371806149432,1.51218659935905,1.55520998377345,1.29558191507938,1.67638933722931,1.15588182799616,1.65653831402479,2.05203668451614,1.29741282342249,1.66729050174144 +Crmp1,2.62708066624612,2.74378100599608,3.07789697658633,2.28712860979053,2.4061248543802,2.54325698903494,2.22494856155076,2.61507675113304,2.87426682915349,2.74738107804768,2.3524514020253,2.30475118309285,2.79753642291543,2.95979375020168,3.32942191146814,2.62666811029013,2.73496232084598,2.59546837269579,2.75173212519194,2.45555388094559,3.13251582935909,3.1167706138314,2.56487647464277,2.66475815686875 +Stk32b,-0.849890729169361,-0.457746758882492,-0.212982767312155,-1.53631925396078,-0.381819094245577,-0.50236260527519,-0.8620828729137,-0.362790198687671,-1.22041319759467,-1.37160277031068,-1.04156366435794,-0.56052424262026,0.129231537829706,-0.854388311361097,1.01399417748897,0.665744506324277,0.0397682704699494,-0.377292206060236,0.234656108948095,-1.2954434213169,0.160871347420746,0.480526488147597,-0.414161976382343,0.524624024845216 +Stx18,2.80471659585363,2.73335326430611,2.67987623817293,2.72657878940001,2.71892979563521,2.78548090720664,2.9720741961737,2.57418625508816,2.70796436627233,2.92028331485895,2.87361359698827,2.85595645994336,3.42764646656354,2.95919267899834,3.16020573199942,3.15533113514109,3.45757177998786,3.2935704383129,3.49179808265726,2.77976402223658,3.15140287580509,3.19978155612044,3.53998415388565,3.38827111240323 +Nsg1,-1.08325524074873,-0.666170743079484,-0.391634742611695,-0.664638097671221,0.0887868563004783,-0.214651651504796,-1.09421221379137,-1.06809153283316,-0.388254102328921,-1.49081847959965,0.0895801101102882,-0.663012980569414,-0.74739943184811,-0.244650122278685,-0.0791426121589089,-0.364780107732858,0.558437718656763,-0.0928829183017008,-0.265997801271937,-0.402076410002074,-0.272197198662729,0.805857396843265,-0.0392947226982372,-0.001571519991671 +Zbtb49,0.0267448460620976,0.514941526658645,-0.0644683255896124,0.6952066244033,0.816479099809004,0.507195806602436,0.765889419762337,-0.390546877746219,0.424999869239917,0.404056596859543,0.867689792814101,0.44712306005618,-0.140409239738064,0.536655230382123,-0.0745398146350045,0.521835078300608,0.404241634677311,0.245764312422276,0.42867388004436,-0.284877268172745,0.168923631373288,0.527638973503894,0.615501966883228,0.392304174028727 +Rab28,4.75665566860873,4.69443039402515,4.88444389629998,4.96084275276992,4.6790439347321,4.63526521583096,4.5918401571676,4.86138323464663,4.77941272705298,4.54428822636989,4.61255565550194,4.73982072366752,5.21560897984579,5.08081569793477,5.2207678023375,5.16969075301762,4.80071457728458,5.20922338136602,4.69668636562181,5.18709865659066,4.90734056085469,5.04384407101573,4.82891777638062,4.87526150981049 +Rnf32,2.25857645293366,2.64829265845444,1.95974082258537,2.38790063925267,2.51941115626334,2.52059742508481,2.68498113982957,2.20525583115595,2.28568410997212,2.66131303495189,2.66061995457466,2.71330657186023,0.749560903293777,0.826284994735709,0.398135882891995,1.02325902922934,0.791185299711642,0.507834523811439,0.529936840959026,0.743888610028256,0.721875399438613,0.557127503055737,1.03552437561127,0.774327486632779 +Dnajb6,1.96218198779151,1.71232208199039,1.89880425575026,1.94741353267523,1.88890455783367,1.91279691925854,1.94343048960138,1.83982280873697,1.99228989069969,2.03431291766389,1.95844591101611,2.04446293015101,1.95814221518145,1.65502231005778,1.85016399017299,2.07830713620845,1.76634133808068,1.88191078738626,1.92377519247641,1.83155290678747,1.8135601277417,1.90823049605135,1.81050137875045,1.61912611641866 +Fosl2,1.5161796362556,1.75865029416508,-0.411534741960532,2.11045741516674,3.03990073731496,2.29928928823673,2.79598494576485,-0.531889850196283,3.04160346507454,1.25640339767521,2.61800943223838,1.37117083041064,2.45783766478385,0.766334490677993,0.747862318390977,1.66257329616903,1.66044165272695,1.73474802085744,2.37210002205251,0.162216211941344,1.56713513671985,0.740131890482023,2.13576162851652,1.10667336344602 +Rbks,-0.978125777398634,-0.823121292860077,-1.04221627545802,-1.56001232299602,-0.645679235861883,-0.514547790815844,-0.510133804282733,-1.08854690155815,-1.3725152322405,-0.908174165027389,-0.441321404671022,-0.901679415973413,-0.681912576091817,-1.31774322308751,-0.751998857619168,-0.385248149293676,-0.538042448088733,-0.495517733123584,-0.232913029244392,-1.18709468777748,-0.0426386669437937,-0.496602965759782,-0.933160169802371,-0.33296913040153 +Slc4a1ap,3.0774219922676,3.07417134936866,3.13832812939369,3.0600707462264,2.86534503722335,2.93961789754825,3.10054156455916,3.03882688706385,3.16831461901071,3.1974888764408,3.04771354381608,2.92348051598542,2.83633075946354,2.97196112460389,2.69059424983922,3.02764432109665,2.723477872579,2.60065590808624,2.95652803850665,2.58241400015349,2.96247412494079,2.97704312820951,3.01422581517666,2.93056750957454 +Mrpl33,2.09553456775421,1.55730331095564,1.64880747813261,1.80217586274697,1.76803593666686,1.69414840614759,1.96565892290137,1.8087869855273,1.80820590366871,1.87022831871426,1.795284646491,1.94285193230684,2.0013740135845,1.82657024422553,1.89886557307006,1.84869311405268,1.73733146235355,1.87881167257554,1.60697184575094,1.94107632693187,2.01279733699447,1.96859937174501,1.65221292854156,1.84701030187643 +Gtf3c2,2.60688865519913,3.46455975526432,2.5613737720943,3.07844282074209,3.51480927526871,3.39772008517282,3.42633977890328,2.83537563501053,2.83738816108792,2.88721932256327,3.62786257387645,3.15085788006433,2.4789905895959,3.227480813499,2.85788346983322,2.83065162973185,3.5115844362083,3.02929582989029,3.46646259097788,2.76121177447552,2.94336787360779,3.06005050837656,3.45956688684964,3.22398529012586 +Eif2b4,3.11378668380249,2.45465840720342,2.81506562161762,2.82908743333476,2.77451838402174,2.78303928248824,2.92212759108396,2.41878694712028,2.81705937431982,2.69707582913232,2.8546753118825,2.9107035779848,3.41863105294997,2.98109487146513,2.85712876558084,3.26962132120568,3.34345522028604,2.96344513684462,3.45768522785166,2.73695464621316,3.37502756359474,3.09370758161939,3.3432978185405,3.11230471282123 +Snx17,4.71726937450979,4.55715043479625,4.82308919069589,4.57912042889943,4.4922019191572,4.38266236257899,4.53747861294606,4.50014764704842,4.74840639875658,4.56246055171354,4.25052386070733,4.4131911550681,4.96458710771009,4.69777989361726,4.95304806103079,4.78339420801425,4.72164926079886,4.88330888823365,4.92854125738288,4.675638088801,4.936649696899,4.85046355939961,4.97916695637059,4.73138227444116 +Ppm1g,5.16620123886814,4.61868446823428,5.07447928939481,5.05049156702208,4.76635956746826,4.80797062014101,4.83390070235842,4.83690800600948,5.0210380354591,4.81271967833081,4.81274913730273,4.80103748117793,5.14823519441215,4.66421752551635,4.79128337854048,4.95866888326742,5.1785973405903,5.12501183953157,5.14949771796952,4.76957747492852,4.84007634578555,4.90778700813286,5.26349902181434,5.00899513847367 +Nrbp1,3.66734972432799,3.88400740170712,3.59085923016391,3.92499051286506,3.90012197556507,3.73795023161098,3.90851918885864,3.28048660355593,3.66225318985373,3.80879857296828,3.80713050843664,3.76094291287708,3.59131900655142,3.45746691126027,3.46130510354398,3.53257772885053,3.67119024388961,3.54810982486592,3.8048750388675,3.31810029629194,3.59366967794425,3.71480586200374,3.82374132888769,3.73943244801176 +Krtcap3,2.62729540006265,3.25794804392693,2.66850971914286,3.13435327796238,3.14888124769637,2.82932551628613,3.22991599202282,2.82251760293688,3.18855985431941,3.15392286586347,3.23558993196554,2.88662759601112,2.57480142173225,2.62477338593013,2.728619435191,3.15680291931973,2.76028668615363,2.57547665405184,2.36118765178157,2.31574285119087,3.05735393993636,2.91153090935264,2.75591194482974,2.29439833569867 +Ociad1,5.05824006072629,4.97719465371713,4.9630123148895,4.94793715954183,4.73988245243191,4.74638892466065,4.85500648054154,4.81034898523714,4.9212014516948,4.92647092749705,4.82977645989121,4.92980230359234,5.64844866074707,5.38949590496613,5.43209905539883,5.26519961617599,5.23463562476127,5.53929563912513,5.26024456827447,5.72557457875835,5.43329690962387,5.3629228743834,5.21068928521695,5.4786527991837 +Ociad2,5.07249209540391,5.20169834681468,5.57793493901488,5.47733298309388,4.6249368098259,4.70411664958383,4.79183307674141,5.46823518873596,5.38092226480583,5.40085717996264,4.91481945850641,5.01593870549638,6.42204484630465,6.12805140962875,6.66350883563453,6.3359576956971,5.58889427510754,6.19102586224039,5.6421551011522,6.58051762805228,6.37348409936882,6.2891524722451,5.56448610641262,5.79087515897062 +Sgcb,2.555403696513,2.53515496439459,2.54471102782685,2.33884349033892,2.21384732843148,2.27500676473659,2.15435217572607,2.3507246310272,2.30120758606851,2.0630840237714,2.44180533812903,2.10415501682157,2.10578701941721,2.49170889062907,2.38499412410131,2.34948433361474,2.02301651150497,1.88833866966855,2.08218375311866,2.12663673377871,2.09723931416211,2.26531122879941,1.8963336133893,1.93961853651345 +Cgref1,1.34548639135188,0.91414794614288,0.29672090732989,0.962556568497674,1.08581012289071,0.033281059277023,0.446827201731105,0.402180932097076,0.874867027880962,-0.221076961005073,0.403421493303753,0.435940487586585,2.93158476949018,2.76243485307276,2.42540687425659,2.77988165307592,2.05962399062109,2.78417532253345,2.6122187225284,2.88939812736507,2.43763941387149,2.68391643184593,2.65120281821519,2.41923265804571 +Khk,2.54329940796251,2.68748187777961,2.95159560244739,2.59616808021162,2.31995211425428,1.82563231285684,2.44283402280152,2.5304605844368,2.96046011761686,2.44204956110541,2.19690319394244,2.26485983454007,3.51543860540201,3.51261572192583,3.55754791802565,3.5283952233665,3.43260020410253,3.06174637107566,3.29445494874151,3.34458893879903,3.65902966138425,3.57774950699878,3.2140238979107,2.95308122354692 +Emilin1,-1.04319101454321,0.631735763152077,-1.79194010556136,-0.498313677088739,0.846876949894511,-0.539803765362037,-0.278246693759719,-1.65188913077307,-1.3969178405112,-1.24453872900373,-0.123422902198373,-0.264656862043069,5.53167885316762,5.05953260081611,5.17267235890688,5.20206308448869,5.87774412552843,5.59983733596526,5.93789978203068,4.83714269581009,5.00648186719878,5.27738410972825,5.98878947376332,5.72992109660091 +Agbl5,1.60828423087298,2.21338995188132,1.46234219415357,1.98175935244758,2.52964462619451,2.40805572404593,2.45420819062959,1.49003756263862,1.60259752873705,2.22052067928577,2.4410935988691,2.05622945499779,0.960963549580007,1.83977131638461,1.2166321836958,1.60521153122397,1.94528185936905,1.24881705536397,2.21542901383526,1.10843626275318,1.65583340285592,1.55198848152348,2.18848022238142,1.96117668111001 +Mapre3,3.31783409423555,3.50312866942513,2.87241259741476,3.27224252303954,4.19300536832255,4.01544742735536,3.87255186569445,3.45163276426231,3.33245084146869,3.36814641273344,4.05619997828499,3.69003903685347,2.7241840242922,3.17115081256008,2.9351255928736,2.74437295350759,3.64615640324949,3.21745296926238,3.71260117198921,2.8208110210767,3.02154911564192,2.87131525808125,3.55887171819394,3.53028188388118 +Ppargc1a,-0.0010308919476105,0.505310519708898,0.151797332643969,0.101908776535174,0.448505372864424,0.457885599262261,0.288412892524454,0.790183065060623,0.572787489478486,-0.0896625589185827,0.445748290527878,0.191020904198697,-0.0890635497083849,-0.880438223847664,-0.405594152883205,-0.530868356771327,-0.262521361256497,0.244743547717338,-0.526583063412469,-0.172120508635564,-0.489637431336476,-0.865377608468643,0.146096995976023,-0.99800211922762 +Dpysl5,-0.10349460716545,0.314345143802467,0.343301812965988,-0.032416350735708,0.650841160302015,0.102964861293484,-0.0274797627747065,0.080706615074889,-0.0933687612348852,-0.0125201058229947,-0.0538063651135334,0.176221328741279,-4.50412260716589,-1.78270981412426,-2.83015537081752,-3.09087466895964,-2.99343066868128,-2.57319185624241,-2.79835718764459,-3.20895894197435,-2.95636800241594,-2.5741397757118,-2.53086388739392,-2.85331785309093 +Dhx15,5.5980026389044,5.28887818782618,5.31081364719782,5.4166528378187,5.28015360175358,5.38407094871036,5.45798153302723,5.13770668118345,5.49221653726534,5.29914211321141,5.32414495255986,5.5984658498511,5.42498327612926,5.03972836782383,5.14410058325829,5.25018940314917,5.11738325278459,5.15640585139552,4.98510500515221,5.05207168295524,5.21165290825961,5.1749075255573,5.1589991164375,5.25278645801575 +Pgm1,2.58972638710193,2.33558903667481,2.56022179302053,1.92895857204045,2.28802283672486,2.40647001166734,2.37298985177014,2.16702762928153,2.21527649145969,2.18664692171304,2.45043430440956,2.31160416504194,3.0667384979151,2.72521621269375,2.79990197206208,2.85482101440523,2.66547155174575,2.78442511389691,2.75366557056288,2.93252377018781,2.70482155118746,3.03582681160094,2.84348503609727,2.82643377289329 +Sepsecs,3.64332153091868,4.14840226884721,4.1118385332229,4.07290852274684,4.0983577600333,3.84706994493133,3.86782711830715,4.00005552633706,3.99916804413165,4.00394964304569,3.94524963202988,4.01770897287773,4.63829433586987,5.069564705899,5.13241571882322,5.13873635049638,4.93939614653108,4.80239350947436,4.62670608113258,4.98951799925243,5.2388390681995,5.16113642888651,4.82183741059471,4.84014106336963 +Tbc1d1,3.33578068769814,3.66262556285507,3.54016976340625,3.56751312769593,3.46535795483569,3.72008428586969,3.44560639217697,3.60976858373697,3.62910840939049,3.51194146784503,3.50155128745653,3.38921695885084,3.90304193145837,4.0247329577375,3.77999800785176,4.02057693984536,4.14147528090146,4.07497821166897,4.17084916881859,3.86300045807397,3.76360049984723,3.81641658243248,4.22549606153052,4.09624006959472 +4930471M23Rik,2.2215739758361,2.31178924778584,2.34472391774337,2.06917315828326,1.91670979741577,2.13621729645553,2.08913138232525,2.03777029553216,1.93706902437844,1.86944334153686,1.74881210089763,1.81807603599864,2.65300538112981,2.7382792844008,2.80457394227104,2.39667458195037,2.4678965824003,2.63397861850061,2.46727110277912,3.00066113606116,2.492362856417,2.59033059896319,2.50351225335459,2.45176774755523 +Anapc4,3.77720525155507,3.59277663629037,3.84745331926991,3.80903024755057,3.51986014014551,3.62224114363376,3.63764827960716,3.60445560941066,3.75314330673911,3.53479697269109,3.58676297658,3.62494819703176,4.18345680209772,3.71057928587633,4.1230016413461,4.12225451311138,3.81859958614024,4.00950578041529,3.80124407699707,3.94925056903207,4.09775462303038,4.04020583853709,3.8774191082999,3.91860785941887 +Klf3,2.24035015784156,2.61490536712204,2.50348890027596,2.41809400685883,2.71548828279715,2.61641206447928,2.17231678043689,2.60123955880537,2.35816961678576,2.44082621628966,2.60479364842547,2.40014189841843,2.29805104510377,2.4725511953122,2.48717847672935,2.54136457697591,2.43636945178058,2.59460320367295,2.63425104974297,2.54971954172018,2.27766637992049,2.4063406071907,2.4945780639852,2.41719569732621 +Zcchc4,0.142179978993126,0.763016848583529,0.257925770384337,0.623997654633778,0.858127540335276,0.833576484246734,0.60749106568638,0.414358561748592,0.281778665151986,0.509182242670137,0.751171800010916,0.794123968240378,-0.119554982629705,0.487490995366186,0.157402416196947,0.325348714307485,0.315122419980714,0.253835007957572,0.528281972017398,-0.0833894735455307,0.245789955172901,0.270366558529501,0.518160927994971,0.247997277304068 +1700001C02Rik,1.05157622462218,1.46101143572566,2.41366054505919,2.18916735176921,0.882696507686323,0.668737328151113,1.03922587107039,1.82686222758718,1.95907149620913,1.79242800269272,1.01901873387253,0.991282059346032,-1.77824908724693,-1.43387287394627,-1.8348248902362,-2.41521729411672,-2.41521729411672,-1.78507562188939,-2.41521729411672,-2.41521729411672,-2.41521729411672,-1.4259971653545,-2.41521729411672,-2.41521729411672 +Fam114a1,4.90454328848889,4.88442380359928,4.75580247453674,4.91932300210576,4.95420709279477,4.82239164288385,4.90512089276112,4.62556185775236,4.82631769131981,4.90099842382483,4.96536084836365,4.81351857769456,5.07119727437153,5.18713774569939,4.74265528477815,5.19542088446989,5.02591484331127,5.03208106272927,5.32994990291528,5.06146006063415,5.08870468573772,5.26462927597701,5.12041511762799,5.23024717663884 +Pi4k2b,2.3795739127927,2.420306768384,2.54884376859083,2.68042571130159,2.14349025666785,2.36400190105907,1.97382550075046,2.38941465305748,2.47410477885008,2.60798055895736,2.30917314604306,2.53443119137352,3.30325390152012,3.40818501695216,3.57560049630735,3.39000759195895,2.84238086551172,3.14277864127451,3.09823723032585,3.36163992554965,3.69274969500195,3.35363819549907,2.92627674156259,3.30237194315827 +Sel1l3,3.66167312593309,3.51516573275598,3.57456789632887,3.23696612554044,3.55733599907865,3.66975127550941,3.53441291057985,3.72031660467721,3.34406967536268,3.40333413903506,3.60182675022361,3.67372473174184,2.89824079437769,2.96116198472303,2.90215211176827,2.94757868627271,3.39451323009715,3.11395522166855,2.98835683796679,3.03723275408951,2.37182572383493,2.59851355383739,3.04384961021856,3.04854113284414 +D5Ertd579e,3.46153975154971,3.44119598762132,3.19824279856382,3.30625199531456,3.58549990736024,3.55770905382987,3.54420408199379,3.21074136505884,3.25795227298318,3.33751137264517,3.51670790178402,3.33619096164732,3.85237971659373,4.37606237346901,3.73242320509772,3.85645272728511,4.06444152026324,3.87516206464699,4.2240810674293,3.92685980184766,3.86908852265041,4.12806400719833,4.21587044971564,4.21359060199632 +Rfc1,2.93666963295917,3.22999027581007,3.09587359391833,3.12296686660793,3.01809944935251,3.04684508853952,3.13915309853372,2.94133941281632,2.97728262987269,3.12497127705154,3.10813951574823,3.30468606356586,2.83297025707045,3.16595217630499,2.72993759038125,2.94773309624609,3.0051911127414,2.5809878079475,2.96822170432781,2.65076440700744,2.87989533843169,3.00648703512505,2.99365984758936,3.1944125295259 +Tbc1d14,1.22184806114613,1.25854453087092,1.18977304859854,0.761594598986733,1.88159231160239,1.80099062019086,1.41420702290486,1.50031558103859,1.00858668295981,1.0977644508612,1.64886431167511,1.27849390370359,1.97520125702669,1.68322606473424,1.89025307647546,1.55526493002162,2.60462823618469,2.26434921870687,2.4459017125522,1.82464477094091,1.66817232022906,1.75862636292585,2.62360664522654,2.07955743786262 +Klb,4.83127158928948,4.82772987610064,4.96168879409314,4.48721275552888,4.24556520666025,4.47880821859206,4.50453008673121,5.27877741050161,5.01480517918126,4.6142645964078,4.3572922082906,4.53470912803563,-0.0582058054397683,0.168001502719497,-0.773970745597125,-0.460264182699273,-1.00939856525013,-1.03814436894982,-0.788036029580104,-0.351195362382667,-0.612931904766093,-1.36502425277384,-1.12733367286578,-1.11623592116005 +Tada2b,2.90147048365656,2.75948296492033,3.1142332042113,3.18706768214968,2.86939828465076,2.62495644875871,2.72086007752239,2.79734544854343,3.06860345291518,3.07459221245293,2.69666266274205,2.7175318859375,3.54550247224418,3.2711093001666,3.45051386706759,3.48271139520576,3.53919530101815,3.52989601948242,3.5446029724109,3.42998878072631,3.41791145865799,3.50503855028884,3.48760237227439,3.49447171877454 +Grpel1,3.40207040461351,2.99198397697428,3.31812911058949,3.26995494948473,2.92033593665905,2.83816040628157,2.93236581034812,2.9601438590735,3.25692323456214,3.24503467377627,2.75380500438966,3.13058303702626,3.96706778492708,3.36358228442765,3.76314228979988,3.6112007126839,3.40958167951011,3.71884874040701,3.50887598503635,3.52595554784565,3.6778579840676,3.58609890858847,3.63777027412343,3.63419662262735 +Lias,3.0096762899238,2.91832134683323,3.11896006897391,2.82488455670384,2.71302855310586,2.80438633845901,2.94078300183394,3.21746165938994,3.08754911225439,2.81348650058886,2.62652484974647,2.85755426598241,3.09216688946755,2.81845415869017,3.243274223568,2.69838842377386,2.80589538677285,2.97803300648465,2.64638956373987,3.01813069582282,3.0005666400787,3.08307350686632,2.71963591844532,2.69847076999134 +Ugdh,2.1236894917285,2.25336610981207,2.29386409434442,2.11695560573394,2.1870441598855,2.18219795291308,2.13381970606601,2.26125396272635,2.36750450062526,2.10711614550589,2.05782538916012,2.10730538325004,1.94761070483018,1.94451116516264,1.71761275366125,1.82193197012362,1.63925360724491,1.64012994784058,1.86480539271974,2.09370717843118,1.92002597136774,1.59329643092326,1.72344512897971,1.86734195743295 +Pds5a,4.87378073115238,4.80635239478337,4.67825559193914,4.67514362704474,4.93049473680426,4.94323787687241,4.75880729087251,4.84143624438013,4.83820940696846,4.66352725397832,4.89220060299021,4.8601313162646,4.42939253890023,4.62320776798663,4.52489954203064,4.52865065285645,4.66327854133928,4.59496106112911,4.44833809456635,4.77997887869205,4.33852380359969,4.33741577662495,4.61945942184472,4.6252596204407 +Ube2k,3.64997466142861,3.13853072161108,3.47078665786111,3.23060123072245,3.5075080888193,3.46084159201901,3.14476605800276,3.70524815481295,3.51393824120563,3.26959221610505,3.41804406695328,3.30925716394495,3.48654307996169,3.46617278230671,3.70302219234051,3.26463243878254,3.47261403107653,3.56355937275745,3.01647796669598,3.78320043056535,3.40026001376034,3.45547408717641,3.24901631032019,3.45029100677188 +Apbb2,1.63494964603799,1.72587572851485,1.79926138545591,1.73804409941476,2.14115127572959,2.17349986940161,1.87343814454094,2.05123594700203,1.73177893831466,1.61019239901166,2.10717851440798,1.82044127586987,2.01803701200355,2.34963650139199,2.03874077199514,1.96838957577726,2.32435484171273,2.26607007551286,2.51552861148702,2.38985167520727,2.01877222896854,2.08746744101526,2.28884025809805,2.32394599419912 +Guf1,1.59809490059191,2.30448085993376,1.14121332469293,2.24462192643443,2.33490707215032,2.26352943446127,2.44503800936991,0.843035728401884,1.74759270464881,1.915983252167,2.48797992871884,2.25307059486849,1.63354488361019,2.23329652850613,1.08074520745957,2.11814292118004,2.33482447717189,1.55828932885665,2.2110539729809,1.3212012171074,1.96924441553908,1.85525539887406,2.44931665884422,2.34449833465532 +Gnpda2,1.26448063514356,1.63840384110689,1.91094769760188,1.58511912915579,1.12781169522688,1.28148636341702,1.21109004657514,1.76452120869769,1.63372346243373,1.6348620064644,1.307606628965,1.38957040679769,1.89581639583083,1.76533267257517,1.95477826027502,1.82178975106462,1.01242915244622,1.17093976496036,0.999997308355677,1.84779535433499,1.76973442539588,1.68062642680094,0.886986992464262,1.20469326039623 +Gabra4,1.20273708816782,0.532704828219982,1.49051165337181,1.03483705426049,0.601853738080985,0.948567187654524,-0.106534423872906,0.642476072055042,1.15126734113482,1.22561315031904,0.0514898974364981,0.377543112822847,0.623388464781759,0.687708840092054,0.48849191591023,0.695107473997156,-0.387645945942792,0.449566903747703,-0.154452308133203,1.25495881282393,0.471222753368548,0.38138721854172,-0.5189266232213,-0.0932846492551489 +Gabrb1,-1.15110284701663,-1.55895400195811,-1.67811829332385,-1.64938927060227,-1.62718385983394,-1.8621234132173,-2.07896338672242,-1.81423502377818,-1.60210114378455,-2.88703936476248,-1.58729541709085,-1.38768801647282,-4.4437728199784,-3.46242839980795,-4.4437728199784,-4.4437728199784,-4.4437728199784,-4.4437728199784,-4.4437728199784,-4.4437728199784,-3.85244980605355,-4.4437728199784,-4.4437728199784,-4.4437728199784 +Commd8,2.73273950650021,2.50940209895665,2.85303639106974,2.53554927914729,2.3048315259408,2.23453842087491,2.2099622954034,2.63307951742299,2.46765022376055,2.76972652064319,1.95928888691314,2.38408881309985,3.32688789438187,3.05201976735776,3.28368634708882,3.21243487238153,2.77769501036472,2.8653349156455,2.76324359273206,3.40931820866269,3.20488174130399,3.22977941736747,2.8009808549471,2.86512143664821 +Tec,0.851769149772583,1.45524135533717,1.17464466001451,1.35224635340033,1.43001232016329,0.882488195918767,0.925620979027478,1.12192802591645,1.5119018234071,1.02178066590091,1.33015839468327,1.07849426159546,1.69409101952707,2.31809657516436,1.99307393670724,2.02141763657032,1.68034736999366,1.5066464583838,1.46759820201576,1.92434653693797,1.94630424481865,2.14876102122276,1.86292159513152,1.65288117995267 +Slc30a9,3.36660973020797,3.11312358760153,3.18823328036585,3.25964080280767,3.2997820656791,3.16577731254178,3.17346731794663,3.23441785014791,3.2636455220804,3.22512758570145,3.25408417540455,3.18853813875292,3.65598854929117,3.48547919012807,3.52647268641487,3.56972995388298,3.50665968592906,3.43677358025548,3.3863224811607,3.62731995346935,3.61321022238616,3.52835525280037,3.49118748061101,3.46081014251143 +Uchl1,4.2497321439793,4.22875081055783,4.43279683147323,4.36050753834083,4.13260689609702,4.13010239885774,3.91287749229467,4.3461283415927,4.29266636891858,4.33771272670722,4.34960634959264,4.48541855380741,2.35341860962347,2.3817521307774,2.8795008225591,2.43737198231793,1.9705245541286,1.80862695091247,1.86734878932032,2.20584628181253,2.29347507683676,3.2195873548714,2.00734299624392,2.16444120930062 +Fip1l1,3.78837569168956,3.76384193123295,3.68036855666121,3.55097691564682,3.56397391174495,3.72755364287328,3.75134244456994,3.76130227450226,3.65681496426189,3.42098980588772,3.61573838967235,3.80232922286047,3.80183501253206,3.56516320690048,3.45437345833496,3.27484529518229,3.51270851374286,3.57727018385081,3.62376385756653,3.74552044086497,3.40379285140861,3.22584562904923,3.5483116873438,3.72248320735189 +Lnx1,0.857665197251603,1.36661652790415,1.32920054395419,1.6478272391945,1.58380675298674,1.48643184351244,1.21753400428146,1.36270067656352,1.50641450752572,1.37350640451913,1.63383502407827,1.31865273050627,1.18965542442632,1.44589411583864,1.76026169360129,1.75737035861332,1.78675173488983,1.16069240482633,1.40801188469259,1.18029060116672,1.8164935154847,1.63398301613695,1.83354727111588,1.23775495585502 +Chic2,2.0308843520818,2.06409182209198,2.1726723859553,1.97785037185134,1.94776713240283,1.79479358655899,1.81022613350558,2.25937668801423,2.28382708701652,2.17149098361944,1.92746625079689,1.95879882186444,1.63352967608698,1.79711468461274,1.99713297362368,1.91209177402603,1.48550253665599,2.0053485803153,1.3171614349146,2.12314357949482,1.89938052940078,1.89274106348009,1.7227423542255,1.69847155865134 +Srd5a3,0.712183880695169,0.614957194378491,1.08214505053873,0.819005603268576,1.06076470802151,0.972676029082248,0.78876313219962,1.12073785026609,0.887284730140597,0.806694400276587,0.799655065558788,0.865943223577294,1.60392553765481,1.66103879289958,1.68452784215214,1.76941463896604,1.62249421037445,2.02780209309029,1.91408914821267,2.11559437280301,1.75362264085047,1.80147563296091,1.70924002491223,1.55824428548283 +Tmem165,3.89558547721366,3.22178307058563,3.63030215518209,3.62185641906977,3.28991796320749,3.40770728622026,3.45591953540155,3.31031650600145,3.51505866550695,3.40412865408681,3.36558126391607,3.40995216865038,4.42108230212357,3.96799050610804,3.89528175388351,4.09311506861315,3.82320951148884,3.98270664528841,3.75539517079058,4.05810208079275,4.11742828109336,4.11469622728258,3.80532951886988,4.0009527358835 +Clock,4.45927014353856,4.38749793948863,4.16352308823747,4.09771549804086,4.29758443794052,4.36586847308268,4.34117274743732,4.36525035357872,4.34986845435515,3.98116471583674,4.26090354856215,4.29999165690919,5.02415115825424,4.9350248547006,4.6200426684584,4.51013691553768,4.73863109411263,4.85386842117338,4.82623085839379,5.00760935250839,4.73076393059142,4.48167765440452,4.72978995123548,4.96644610293791 +Ppat,3.74224643334323,2.79035815993416,3.14696268543205,3.12867469270976,3.06238674944411,3.30535848820038,3.45463047521733,2.95432963822897,3.17796251720517,2.78428151730088,3.2745059273444,3.4184777882891,4.7691882604237,3.56582712708315,3.81289008929676,4.12278528461583,4.35868445636569,4.60842215928921,4.34220182008328,3.55210773871607,4.22699667849414,3.76460073129843,4.33271970735671,4.07156073530672 +Paics,4.4955393461669,4.23349886032494,4.61751583502747,4.38257518151786,4.11994857513681,4.0477174615333,4.11295700678701,4.37399434298811,4.4900186965105,4.46548460507017,4.05244324243351,4.21532305300694,4.86827763267213,4.53391053901071,4.65755837663821,4.83081350703733,4.65315119956811,4.67595879521675,4.38858547584275,4.66942971713908,4.76546177361212,4.59423223750333,4.49013961816276,4.49081899626104 +Rest,-1.70963933383873,-1.18490150360152,-0.63302784496058,-1.36506236433561,-0.745326957430454,-1.10456369420348,-0.871914015024175,-1.4016159681207,-0.975029558708197,-0.878278562602468,-0.63398330888328,-1.10382432844943,-4.59312940887327,-2.6763631307209,-3.43255354692435,-2.97610345336215,-2.79409691121424,-4.16284857354445,-3.49578185992702,-4.14163385436004,-3.40914719480572,-3.07697629142469,-2.88390722277301,-3.11629686785018 +Polr2b,4.79994105192099,4.63151508522087,4.89255668337752,4.60519662122418,4.21699725976844,4.49560372315071,4.46091796091494,4.72972073159699,4.81310336267823,4.6309986506042,4.33996037982072,4.55437555711097,5.11061034063692,4.76553519797937,5.11057798116874,4.96679535752544,4.57356779721124,4.869327866657,4.60727517853169,5.06645131018528,4.96254314089454,4.83535332539489,4.72127045923924,4.91994892341229 +Cenpc1,3.54240109585043,3.5204852431593,3.54494415152928,3.46093874732498,3.68549688001387,3.70010277184035,3.52570326333616,3.34027188253642,3.58082784278257,3.05977965249776,3.66312304604983,3.71803656499384,3.46686654281212,3.27527092032793,3.3427747193141,3.53401027412893,3.34510264644251,3.22746416403345,3.31918044178955,3.38188830985269,3.29082783668579,3.3306100476921,3.24598256247311,3.59343819768245 +Ugt2b34,5.80783779240719,5.57971199041781,5.78123053195685,5.37041720854941,4.84353335176532,5.27947670818841,5.11377773575186,5.83359945850374,5.74782431505069,5.32692946643735,5.00092711601585,5.28353015371728,5.0611882316357,4.78965310785474,5.19685438601436,4.68414902191674,4.06767259446063,4.56836318408436,4.38313806568708,5.12912457947213,5.18310965208042,4.88257659176725,3.98667431143856,4.25522145544384 +Pigg,2.71166492970672,2.72747648836949,2.515976944563,2.63985980781437,2.43429087867013,2.36036775061405,2.55374184896095,2.68374188686097,2.43695505215065,2.53248625460843,2.42610020010573,2.57969672454443,2.88526230009988,3.09107239385178,3.26464490420408,3.12639990361695,2.83899207929607,3.14614466441788,2.61661317960065,3.56789338453976,2.83937198821136,2.79462648073609,3.02629992688996,3.27757346316799 +Dr1,3.58366330085204,3.48004242414448,3.62409433638453,3.38204715340562,3.1956698657127,3.22869571582954,3.17324192999902,3.53462710275268,3.53401308325507,3.45620304200505,3.01601850019105,3.35252766353765,4.13774119596142,3.70681636097768,4.2612454334733,3.84445483410692,3.52258608948301,4.01848235187911,3.34303798140998,4.01994570530434,4.02918871056233,3.84391358059935,3.34616103307735,3.64049804618246 +Mtf2,2.35604422236392,2.70958256910782,2.48817947722354,2.86250863483611,2.87653717469727,2.80484990772958,2.70706959692935,2.249278855309,2.49145857177001,2.85499524542714,2.69113779753336,2.73451104039179,1.69839401435783,1.90744383759004,1.71638583384671,2.10957758413986,1.9095634423366,1.83679516121033,1.79160350513791,1.81250235463922,2.09675470942487,2.00085083577323,1.85691884361551,1.53065573747675 +Fam69a,0.719147863756539,0.73412344717042,1.01354794314432,0.735841983137516,0.466171405536623,0.775126465340001,0.655856168487885,1.17453226152311,1.08065056441338,-0.125595411830658,0.620553421282727,0.306442837679263,-0.509983859073843,-0.284137087974852,-0.26227101047458,0.323240987507593,-0.671193764408885,-0.689376106422842,-1.39409602471039,-1.04636112189572,-0.175493195609985,-0.15861758806489,-0.473751478360845,-1.06527646253768 +Sult1d1,3.53425937870834,3.70472773308018,3.52526177715718,3.2289514413595,2.72083622507649,2.86014602714386,2.84947462415953,3.93624419437085,3.46552453674644,3.19314461020289,2.78439924105678,3.26265853958884,3.86974595773945,3.77485141173469,3.93046085849993,4.05638263950955,3.76731986709147,3.19875414211681,2.73623131650684,4.32539356799936,3.92546987975594,4.22585796063869,3.79267218821948,3.51715583278781 +Glmn,0.144586247132128,0.76253984684678,0.780449153649716,0.511708718726228,0.654768024840685,0.828918875655507,0.581431855358311,0.260388636162657,0.360749275233606,0.493493475407279,0.798881012458208,0.592114419546499,-0.320117685491389,0.0429991129205742,0.106739840801722,0.224452657225971,0.622491952720046,0.268064406955897,-0.195490267694862,-0.240637531404991,0.308566903380014,0.0584499188664225,-0.113658452466852,0.285928745080375 +Brdt,-0.0875934049275542,-0.205588055853085,0.0466881063080327,-0.0070221130296763,0.0132054420840135,0.176756901649227,-0.285874760504977,0.141384127822399,0.197682557796609,0.321035605870094,0.379613035514576,0.256081717067366,-0.655744366070281,-0.461870019510387,-0.439168827012056,-1.05815782379818,-0.912354466865027,-0.512674854320101,-0.679603179841615,-0.436587851130623,-0.738272370910089,-0.124963053794294,-0.64737630669426,-0.420856042971715 +Cdc7,0.433848917725526,0.487361946272201,-0.380726801404681,0.363655717178869,1.21840439779377,0.837201854147073,0.723950970711626,-0.959950162653247,-0.424599016627487,0.506181513435556,1.17263890455441,0.771608305364435,0.021900866642909,0.0491337757318093,-1.17122628496182,-0.0508215302039072,0.346869348457324,-0.32928675041709,-0.156200817668392,-1.16675918989109,-1.22002937279747,-0.841716358746724,0.455249603551289,-0.265952185502099 +Tgfbr3,0.878680582130375,1.15747218975731,1.54915278556987,1.10770432310864,1.41716319259617,1.3001182180253,0.688121899185729,1.69479319269896,1.37597964713229,1.19003919417798,1.21655216143856,1.17678341320525,1.8350815101688,2.26279799212521,2.60132694190019,2.37183309042555,2.12785826252652,1.70394504364049,1.76420914789348,2.27887242453334,2.26323724261142,2.37319193370619,1.72750097045953,1.82216910725111 +Zfp326,1.58962905455407,1.89886615292177,1.41004632362313,1.89553684544201,2.03187427107035,1.92789965277081,1.92129199577815,1.28134999567923,1.49635415199091,1.49992378331935,2.06589619181997,1.80407612543574,1.02325663486871,1.28142707345618,0.6316551894074,1.31245580472956,1.40984001618376,1.06666817362588,1.23190683928724,0.494676133336455,1.15468448054759,1.37310292538147,1.53826982500908,1.31901221681929 +Rufy3,3.77540485682069,4.16083616737092,4.04660573777883,4.21565014713763,4.00684984338462,3.94346416240678,4.02331902717307,3.97123688420728,4.105554988546,4.2629787283601,4.1583114509925,4.10586048750178,4.03228816525646,4.31526660586449,3.9697861431811,4.29200520831852,4.47920589546349,4.22393890897011,4.38330124968165,4.25794045077219,4.08465520639685,4.27311247157648,4.4650073705976,4.54133260929345 +Gbp9,-1.91680757131609,-2.79439508300977,-2.99994035666008,-2.58921754067886,-1.95533603637615,-2.68652549602369,-2.70640861283793,-2.64809220491271,-2.38523063893475,-2.61264315823454,-2.20951359964548,-2.68586212221714,-3.69643681440424,-4.08408881501827,-5.383601090055,-2.64915715991337,-3.5966805492395,-3.11037800614688,-3.92657821415458,-3.95614927411247,-3.78594548193413,-3.59167075607301,-3.77839177814386,-3.96992557383863 +Spp1,5.9207779389848,5.4599918082691,6.29486861004177,5.92868797351715,4.7443453691461,4.99606001573974,4.96768776543039,5.90397901981678,6.09986789529409,5.5120525941401,4.64211164876993,4.74969224117914,3.40666501971378,2.96833961877131,4.27052492282701,3.43326349483773,2.90085947920973,3.15607714780001,2.7020571224274,3.24729207704929,3.08635220492634,2.83910100893488,2.3397417223789,2.60379142199408 +Sparcl1,-1.72687021570517,-1.52573165369945,-0.663101442816781,-0.83595301477325,1.05487943478286,-1.86240372695833,-1.84195961071867,-1.30513400153877,-1.32021210654707,-2.7618491024514,-1.65167383519142,-0.792718359543253,-1.38110753313541,-1.18199167127354,-1.24324873408875,-0.624996959881025,-1.17413134243188,-1.50610760340169,-1.97584893127623,-2.18784128828359,-1.4949283439769,-0.753445095231947,-2.48954543861332,-1.60771157688303 +Nudt9,2.56796672879088,2.21379434670191,1.98908458147569,2.28001165735372,2.32839107982516,2.2349499769583,2.18831474385764,1.87634357236999,2.16464260023716,2.25638118617925,2.25820589051833,2.17168499274957,3.20763380560195,3.32914682096679,3.16961244305892,3.4391285571354,3.28712647415439,3.44032284099821,3.2541730929041,3.25580933635383,3.3852625673531,3.63087760722562,3.28694733776914,3.31915936157509 +Hsd17b11,0.950579083087765,1.60892256619429,1.5765488235995,1.20742755907037,1.69901624981265,1.8583321476848,1.22383824837243,1.84868381295141,0.886634948084546,0.414391158619016,1.39915233825278,1.84921562227837,1.67917527975075,1.8718343417181,1.92919370464625,2.31195891276951,2.03251320332071,1.97979291189939,1.92777843084184,1.89481558436154,2.23566441521068,2.08009306426056,2.03814264171205,1.76506411093472 +Klhl8,2.21241433920592,2.1531764751714,2.18995119204833,2.27820366770403,1.9368420244486,1.84356181763505,1.90226440336692,1.92835158516401,2.07575974900917,2.10772127075996,1.78927099145561,1.87474459270416,3.39329918753278,3.36216599059732,3.34075771938017,3.31454842001879,2.88265578455073,3.28487813303998,3.29026725961727,3.56308883483037,3.34247359340235,3.35563129074667,3.03171176937954,3.18901041613637 +Aff1,2.64073863291453,2.85371599321409,2.50970452272499,2.50238710235666,3.08862802027505,3.02426447987214,2.86224013318583,3.00657423438355,2.60579753360002,2.60257013748025,2.98041091380091,2.88154315187023,3.46185244091567,3.79626489318905,3.47740302898384,3.57307954512803,4.14400747836709,3.74387806448881,4.12910952814103,3.61432219535065,3.46722539808416,3.48266972183882,4.13808935200833,3.82973722478 +Agpat9,-0.47789848391504,-0.543039806810067,-1.25934649435253,-1.28941571692744,-1.51014443864373,-1.33021234733486,-1.85011045183954,-0.546962895344715,-1.1870288381799,-1.55577546696773,-1.47025599590063,-1.97175028319186,-0.664959422499006,-1.45233410950514,-1.16902764114531,-2.51388850602638,-2.17907325343378,-1.51425844452255,-1.82735102078862,-1.5972080309947,-1.50307918509776,-1.88498374627492,-2.49769627973418,-2.2129326508953 +Coq2,3.60144058711667,3.44770758895406,3.40871553626837,3.5726941273059,3.58787429834328,3.62936467430311,3.67584785895313,3.5066205148726,3.47121232626836,3.60152151448984,3.66631227262722,3.66212199610905,3.78685657497318,3.70461662731066,3.8684802176308,3.57510777580958,3.85953101708911,3.9494134993629,3.60105515963602,3.97709988459118,3.51542015959399,3.69737560726289,3.85477991691636,3.83443714138691 +Enoph1,3.86186397340553,3.30937042361334,3.68277486430004,3.46461217426937,3.26746764903685,3.40227342727322,3.39961996071173,3.49270134474577,3.50824709196843,3.35013836658718,3.50771323300749,3.52065755379338,3.87218477458842,3.67973866290501,3.99588630702156,3.84010183124904,3.78058071221464,3.97593421400908,3.81140791942758,4.03632526847159,4.05108196396298,4.00619551357957,3.94040478004473,3.77328202304065 +Hnrpdl,4.56579521370262,4.93921497851725,4.53424188550752,4.96024457545322,5.05510120868179,4.82356467278106,5.10473474664518,3.99009009248859,4.77768594096223,4.94236624480992,5.11648549262207,4.86548366139945,4.12040864579303,4.62498151123618,4.36064818292964,4.66495780433291,4.56672073849963,4.19832187879116,4.54109200892876,3.05678424060797,4.74006306113746,4.59172382241583,4.53222297998451,4.42054712446553 +Cds1,2.24745846955494,2.29780297462005,2.36612276346724,2.37949981478882,2.51112170847456,2.15667299354194,2.13645972488595,2.73200990759782,2.55087528704727,2.50121528903748,2.28500279610001,2.08805699796242,3.2863989005131,3.41453882819393,3.78404598508522,3.75719995895254,3.43955414092398,3.26728937179568,3.2833093959461,3.626260827793,3.53765740083891,3.66434209629189,3.30925746263729,3.48231062937563 +Rasgef1b,0.594492144037803,1.3429999861005,0.890143163784934,0.852740029706506,0.476758604845769,1.1192317354773,0.507960778189221,1.68350853944826,1.18162024529358,0.799050720668216,1.05791609765269,0.937676255748854,1.26988316420039,0.851142312743825,1.47440361492021,1.34165296106218,1.05514798202242,1.27082960519339,1.16799291835547,0.742452215906089,1.19970349233215,1.06199499824353,1.07119545514373,1.12317336364417 +Prkg2,-2.37139502493974,-4.96310736690189,-4.96310736690189,-4.45306092020376,-3.22976178375117,-4.96310736690189,-4.96310736690189,-4.40566144251789,-4.96310736690189,-4.96310736690189,-4.04336436053306,-3.71702718891915,-1.50485131038854,-0.910963664393748,-1.11792755408053,-1.49669213149185,-0.632832409988998,-1.03325566583064,-1.11696561351653,-0.551915274209728,-1.19062055200118,-1.22824655225682,-0.764582531895719,-1.6592581498847 +Bmp3,0.510987236562112,0.366337782294106,0.2025137497139,-0.411108317556126,0.681340719694724,1.04128524689934,0.575433158951495,0.563890240673157,-0.218078134048774,0.913782423872618,-0.0667709804935916,0.492218802225021,-0.337478934455856,-0.640871910833612,-1.20367904414322,-1.13464869254346,-1.02432519013803,-0.293300063369522,-0.633439159839571,-0.596662263173511,-0.396866031908708,-0.770672957697267,-1.38902598410327,-1.55624724190586 +Antxr2,-1.44848921315583,-0.881204015725305,-1.1460846442507,-2.00718220972511,-1.14336580846542,-1.41284576410573,-0.844769234041463,-0.455451076374129,-1.1093873731495,-1.14036120539755,-1.04829328874409,-0.531574309802151,-2.21768082039926,-2.50960349451448,-3.80842634469818,-3.62736897629571,-2.50254373557976,-2.70183231523128,-2.16088995989158,-4.15702886808932,-2.98061533816389,-2.4969243341189,-3.78635407455568,-4.80156575910124 +Tpst2,4.46306301902707,4.19181845321332,4.37744534031239,4.61018028101254,4.37639875306582,4.56850419519983,4.45905212725557,4.19391796540381,4.41298532207955,4.42930653299558,4.57525580324174,4.52234504291941,4.30617041145628,4.21945659521905,4.56929378361916,4.76129264416567,4.47675409905222,4.57534302326567,4.46416354145518,4.21261279791859,4.47927561469195,4.73344641455354,4.69086042880124,4.42449557305642 +Tfip11,3.18073795084862,3.07982630804543,3.24268573698548,3.03697020402522,3.4837596687872,3.39510418514603,3.2504970357609,3.22804310336206,3.24011045827086,3.20941861526465,3.43769675551558,3.13448078887581,2.79644019462988,3.07040047084361,2.94295892888191,2.72274158726132,3.27978909986764,3.13526110459751,3.32921307114002,2.74420286652025,2.78663732043784,2.83906745122046,3.37949162471181,3.0329292568862 +Srrd,2.64421206036992,2.63365700973351,2.36950275506392,2.62968912144888,2.50398027706072,2.33728726071224,2.60986424007583,2.30411318172933,2.66884008950154,2.6754820237336,2.49470167740154,2.59080996310818,2.50413995356413,2.42220595350423,2.37303411731105,2.72488219818666,2.37320153379461,2.68396909319649,2.52434119972792,2.27627829959216,2.56012628988636,2.42359259658482,2.64921945272894,2.21816233491226 +Asphd2,-0.336321851744219,0.314588089856594,0.213373378798864,-0.635151969998278,-0.412641163108812,-0.706235514968659,-0.444592774674229,0.291389880573847,-0.924050014300348,0.107178994006385,-0.576375199402523,0.442432730198425,-0.44109824713647,0.111607700555324,-0.576795027889311,-1.21213829307665,-3.02498318583845,-1.95773414363984,-0.0282962449489478,-0.894241916454723,-1.42732757771759,-0.720341760856113,-1.00222538591043,-0.911182437945571 +Crybb3,-1.95363102879811,-2.6482849646831,-2.21512371139254,-2.15257109659125,-0.674795106466988,-0.886521563711736,-0.573454973703082,-2.31158313282492,-3.08664047674632,-2.02686370252712,-0.640925574745731,-0.450289343275688,-2.16936775451536,-1.02986267272088,-1.42435832281492,0.583525722516557,0.343777558997855,-1.15552559742056,0.319759237397794,-1.45285588835931,-1.3988743461233,-1.59979732119075,0.767097338842191,-0.451672704654077 +Tesc,2.85721820957599,1.59625716379049,2.75823793026906,1.52183702178147,1.95459893959667,2.25018300786521,2.36417664230541,2.24414383490629,2.03420367261343,2.0972260221228,1.93768886874546,2.35068283386999,-0.587615406327575,-0.477610201067724,-0.342534373827295,-0.598825576478321,-0.883684540735483,-0.758121602181779,0.250659423305184,-1.09921281402856,-0.694198208677091,-0.242519158378166,-0.685154293119838,-0.320473705305595 +Nos1,-5.80196445885254,-5.80196445885254,-3.03630993219798,-5.80196445885254,-1.41000250339085,-2.41324446385703,-1.80710907974748,-4.84343866839256,-4.93607181736352,-4.82308429109063,-4.11067790417635,-3.73114860048359,-4.38773505562485,-2.74758779661797,-3.22845445964798,-3.7517483137765,-3.24087038709174,-3.70223101498257,-3.45923083246145,-4.10021598480762,-3.46481798143974,-3.64884313453416,-3.77920665892452,-4.38828894263618 +Rfc5,0.642523358981805,1.26254225826586,0.699668809225714,1.14784824386498,1.33480332625362,0.996544393269964,1.39875859010175,0.581506243716588,0.867289369828663,0.695929492820948,1.0861908129666,1.05740501936386,0.468298004522858,0.838216102544254,0.531399421196144,0.802350021864694,0.577403923237076,0.349837144167054,0.79836028063314,0.886964797232446,1.13455030842183,0.83727931482729,0.837344376319928,0.648570145310669 +Wsb2,4.11702475491952,3.83436007523083,4.14945982710539,3.95726723648049,4.06473542632894,4.04301134804764,4.01393395059296,4.13111069441512,4.07491896897518,3.87569146407545,3.95280647634855,3.95996697934962,5.45212083179931,5.11497631801611,5.28108891387888,5.1387854879633,5.27225819266358,5.4420156572958,5.24419962359114,5.54088285743953,5.09821981189878,5.09954170201838,5.38017481554547,5.30353387635955 +Dck,1.8102704999298,1.74455314934486,1.93754700288597,1.45653828382035,1.27208445478928,1.37026841721438,1.49504631715843,1.92246891418724,1.24924818318658,1.49854298143121,1.42488963827379,1.61833130375528,1.41146250559113,1.53443852821697,1.8485723399005,1.38164121082445,1.58841623138054,1.71530553860136,0.841607806125041,1.5939856005162,1.60505216156802,1.12486087559776,1.17528763355799,1.37202133685155 +Alb,0.414157527477709,0.130395249937966,0.434001075051535,-0.35478237263133,-0.575511094347611,0.889529734069214,0.0623431106950463,0.28501787227717,0.552118535575846,-0.842511018391375,-0.082082434623015,-0.258792240024716,-3.39210005449207,-2.41075563432162,-2.81170765061154,-1.86352468802288,-2.81663759162249,-1.48960777526766,-1.04936642810098,-1.69035158044716,-1.05495357707927,-2.81431517744631,-2.0519370908024,-1.27829930659919 +Afm,-1.27587138616669,-0.993259008933744,-1.09113513892066,-1.57470150442075,-1.59019883988997,-0.72016272471837,-0.404771746115709,-1.44937145432279,-0.75903551730449,-1.00169783152465,-1.40264928946949,-1.26679375242307,-3.32756451339113,-2.98318830009047,-2.38872493616133,-2.43595735379173,-2.6597499931947,-3.33439104803359,-1.79755228431118,-3.96453272026093,-3.96453272026093,-2.17260238627894,-1.94177492033291,-3.32788091823102 +Rassf6,2.10617498093761,2.19775057567152,1.9727939341116,2.3308222410608,1.94215249235757,2.12475387625066,2.09290572922353,1.99646132727831,2.23813374510024,2.24224589166726,2.10748353347318,2.44961802368409,2.20882443498557,2.38724475937045,1.78513224483464,2.48410664230379,1.94503267252239,2.06422911147055,2.29242393568485,2.17686841293878,2.3743404164088,2.17160336647191,1.84837626202273,2.44551056652626 +Mthfd2l,1.09094058463698,1.07904568438435,1.5751418446396,0.67900210056663,0.627236604551993,1.05946610396001,1.10240484209874,1.32771474700247,1.45244328529382,1.39134965278813,0.934909527253883,0.998822879114452,1.20801167149748,0.868792132759044,1.76869093838485,1.11504154429876,0.660643290771566,0.99613667392136,0.324456071555836,1.71137525794997,1.32953997930758,1.12995356968328,1.12206586914296,0.619215953850475 +Shroom3,3.50363964977131,3.47835169266555,3.5170369879538,3.4161558932819,3.53993283378159,3.70795077344414,3.55684183252068,3.76081127000194,3.52854882514663,3.29675309852212,3.62028496936145,3.30276655739011,2.30784774259465,3.15299184547971,3.10189546598598,2.62326828861893,2.32035610917438,2.35357938712691,2.84567626598473,3.0154550723852,2.95447994610426,2.7265803086626,2.5262763290604,2.42884948054788 +Ccng2,1.37312671935624,2.51802329880062,2.28320937865337,2.33792931950861,1.76604610831337,1.66201830133618,1.80072067092958,2.53280928828535,2.35711306318928,2.37676989159449,2.13997942540465,2.13395659346545,2.12098484826282,2.61230898294883,2.41495906079078,2.61042176583372,1.93657855104608,2.51068267453035,2.07925745518984,2.94238629445349,2.48055564582283,2.47705244650908,2.17443616772388,2.49385918109897 +Tctn2,1.07837202291463,1.15879870514469,1.16626054943911,0.879159077571559,1.15835527090691,1.29283273286892,0.801112902313138,1.24062668403834,0.997048142354306,0.730388521053521,1.31961402703442,0.75928674845679,0.880965985015194,0.858331832832977,1.10030282080746,0.777453002075256,1.30899183094655,1.04338310712982,1.22503547849456,1.11869846596428,0.761131291951439,0.970532451953567,1.21239461997931,0.939878246419516 +Gtf2h3,2.90764786203114,2.77546011243133,2.77366040712967,2.83653984634448,2.55364692088544,2.8432813741707,2.79707000212761,2.81356863622599,2.71211533003278,2.94060843214482,2.56699865167762,2.80805573993376,2.74786153927491,2.53676800717069,2.74992120572228,2.73162765128092,2.72970594071938,2.58270858953866,2.74084844808719,2.78682183584964,2.79315665191746,2.69837746831139,2.63438848432273,2.81771533565644 +Eif2b1,3.57019145929908,3.25001283196944,3.61595935991241,3.54060722589519,3.16339168658579,3.35641210683383,3.35932477691498,3.3791386611402,3.67192458449755,3.51602220589372,3.18576545778989,3.46242989881568,3.6272071484032,3.03009965865447,3.4976389182053,3.36133768015605,3.31051216344793,3.45329875603508,3.16193731260436,3.37412069269466,3.41069992484867,3.3228801806715,3.17942329791965,3.35229033674186 +Ddx55,1.99976665585709,2.41303223443719,2.04462393122297,2.72552331911034,2.56900571014651,2.59341857189073,2.5976636967248,1.79568063013958,2.2005039309239,2.50229871820348,2.64923904167051,2.56547819526291,2.00680141204628,2.04680138645228,1.86538517509114,2.335034044291,2.58602807948737,2.208276431128,2.42503409377796,1.71438542685085,2.13939839596068,2.22009923204533,2.39346790421115,2.31070485848483 +Tmed2,4.64850737108743,4.34429462782261,4.43616199598959,4.41486049854811,4.23039790890957,4.12714165026538,4.20593781220869,4.34569935163482,4.48990689966351,4.19410046830455,4.29140059888278,4.24703648205651,5.86531454659571,5.28604405037222,5.42906331695464,5.26512610109551,5.0878354388851,5.73367741688932,5.23351949037849,5.75274193837794,5.58409937531211,5.31461946119965,5.15763921528201,5.45214564073827 +Rilpl1,2.60269061337622,2.53973412238438,2.76551548198238,2.50318799044857,2.56702830844379,2.67611957527683,2.62336666225707,2.39898344637745,2.79173832229018,2.26168307103038,2.40593168828077,2.29823210212726,2.58479173118999,2.52105573677462,2.68583801481825,2.62790837994627,2.62220787326573,2.67704387534866,2.70843814967062,2.5099972686229,2.68900259152368,2.57854259756491,2.76725121000622,2.91321911903043 +Cdk2ap1,2.12967291207109,2.19303330129648,2.09358371780053,2.21419629948619,2.57580502274883,2.40283795443079,2.36924509535386,1.91873638113298,2.00316804522206,2.16076605788586,2.47059334217708,2.28055438020993,2.88265778890674,2.73985086514344,2.78420494637778,3.10215116411841,2.90789570241441,2.96843388492812,2.85995948439149,2.49124701946169,3.08129526596567,2.81735435342862,3.00332282172569,2.97638371042735 +Rchy1,3.07645154347168,3.31826048425045,3.48559347602532,3.21829855580082,2.96746717539413,3.11838663823181,2.921327108011,3.14609068122644,3.35661760394962,3.02910052883819,2.78729285044581,3.16754746564711,3.95251184818663,3.83963226243575,3.92472090147932,3.79528381867747,3.78087690332177,4.01781501160284,3.74079544925821,4.09040038106372,3.80391028510204,3.74220275028003,3.7016848629457,3.86564423526076 +Rilpl2,3.9270310701486,3.6558207016913,3.94223022746615,3.72584399677764,3.53715444833139,3.86209076350813,3.76027415126724,3.99617574630819,4.02262958458526,3.81831731642683,3.51513914863007,3.63023542384307,3.8774968196915,3.72061173710052,4.08491664028333,3.87502976816931,3.87010603844421,3.72565137794503,3.77852724132647,3.77881959552814,4.10808803148245,3.90366844983,3.49370635917408,3.29708959171376 +Snrnp35,3.07684866931772,2.7085819980625,2.64132856248765,2.5465836387922,2.56602716505106,2.59727490390213,2.81571764756259,3.0802569123099,2.5479201213545,2.86755586159808,2.67648547922427,2.65280344151952,2.48473771532354,2.64787194223979,2.28295459326936,2.28237994560612,2.01405582327217,1.94991239763087,2.57146646118548,2.37558361914561,2.58492892760924,2.18787961675876,2.16885900412472,2.91022048002452 +Cdkl2,2.2777364469125,2.37466677498374,2.17047444857106,2.25538251443704,2.49832940239249,2.27063725111418,2.19933475697883,2.16161773963401,2.2751372698334,1.95650964686247,2.19573021584891,2.23194160695776,2.73337653694075,2.82413931889225,2.87477599345737,3.04207962766839,3.03912691983249,2.90407966758386,2.98659707461761,2.91914942504561,2.99975478995848,2.97001682811999,2.88379372240771,2.87179769239282 +Arl6ip4,3.91153864777539,3.96620210160441,4.22413942383023,4.36224597628863,3.71129917501157,4.2346987042181,4.25712881420702,3.84490086210001,4.18319245608923,4.61909742295084,3.91646665997213,3.93525927862293,3.74745134678323,3.89748555065548,3.74476590224351,3.70708830634854,3.64838463102464,3.41420625125289,3.74860897863994,3.41330770181994,4.07000736191126,3.93227878062449,3.52813569618561,3.4222284427401 +G3bp2,5.24483560437216,4.94279204835638,5.28600463288745,5.05823028248557,4.97788845322238,5.04100074215542,4.89630109340068,5.16666824070326,5.16588345467132,5.0634837935282,4.84841249888402,4.88022032541415,5.49141021546428,5.16158348565159,5.46007333739642,5.28811849202375,5.23652854730873,5.46663388383541,5.09929299038897,5.36460302296577,5.43402305276921,5.24422338332531,5.21285085499743,5.15378302993075 +Pitpnm2,3.81943218960433,3.97429895808908,3.69960535756359,3.67787606594848,4.65018196202551,4.72926168307528,4.39491136172548,4.39907579377312,3.73992599473257,3.70189324185058,4.60261711393136,4.23095471223988,0.880917276954452,1.92749143787548,1.67464573042133,1.94993561506703,2.60986570888613,1.85168664935131,2.43588994610506,1.0235419744114,1.43219788729284,2.05154933077593,2.6009170758142,2.08248976009921 +Uso1,4.19545347185381,4.05419241109191,3.98216181424986,3.94933728088728,5.05547601085366,4.67099516715194,4.43329582293976,4.61389957931722,4.07053375982885,3.97514178271932,4.61706385822027,4.26623127635401,4.92391535626687,4.90608044756903,4.60455836103491,4.55531068091246,6.08558496562212,5.46942736608339,5.74537003948221,4.70551243620933,4.52718503021551,4.68428711181897,5.98340982327943,5.60226303200633 +Abcb9,3.36377133249673,3.11867324369876,2.74833027582313,2.87858166882474,3.13864589207167,3.2642760468295,3.53440235435047,3.16672724299625,3.0047634209055,2.57169622018012,3.28454610986852,3.07074337314161,3.50121992681536,3.36694018678204,2.9733614522589,2.78367619922232,3.70087411159138,3.64940949570125,3.92926956306767,3.30568531120044,2.93740732102188,2.88090152359737,3.81850394839431,3.6205728649185 +Naaa,1.28739186116479,1.28562793742059,1.68874675640438,1.08064309912873,1.03308976017722,0.571951863015834,0.956726639374567,1.01838728011157,1.40849759757723,0.98685447806605,0.583116560438784,0.572708565386559,1.82199812388482,1.83516966580782,2.26845220979822,2.3260378148846,1.62158235480015,2.02237703792582,1.38304381092736,2.12197661115595,1.91137805698379,2.24505679909894,1.59281219611839,1.3973856981779 +Kntc1,-1.35444784340575,-1.11550931323398,-1.08862350200836,-1.21404329095989,-1.12993971127394,-1.40949960881692,-1.28317787966227,-0.814590742648415,-0.758089657080889,-1.49950087167184,-1.61210366821789,-0.997138256946817,-0.20776055273364,-0.152714337236677,-0.446017518020781,-0.289102176509588,-0.603225922753149,-0.949152471725629,-0.249483319464102,-0.35152791796213,-0.335026687317697,-0.657836676550188,-0.705569689510138,0.0935116087580719 +Sdad1,2.86258408412499,2.78923810666059,2.8926200549019,2.78223749937339,2.87335335012804,2.75696289422767,2.88635114708665,2.59857816953679,2.83883770704767,2.51095106308877,2.90706274415504,2.80009966485126,2.56121883851108,2.09162436679824,2.55345469466279,2.40496444011018,2.76820578491285,2.69781949653515,2.75647969139946,1.89827528476741,2.40448720994833,2.30547369931174,2.79503932263055,2.57057699491482 +Slc15a4,2.6981068722331,2.70757396692948,2.54836910963285,2.80232244238181,2.50413209831032,2.74815046692535,2.7083662117953,2.58389947583113,2.78063454388738,2.75057754012089,2.40587356433727,2.88173641800996,2.56186781610976,2.34060775445188,2.31888648524921,2.50281748475326,2.4188855840735,2.60252060447145,2.68873034190954,2.34691065254411,2.46601055625907,2.25489626018554,2.53537540066604,2.56099083365209 +Gm996,-1.12235840752115,0.0648290763480768,-1.35079536162274,-0.76672999475725,0.0381510577189159,0.0217438171589976,0.10601101609713,-0.580775324731583,-1.44944736565177,-0.927947372556371,-0.103552595084045,0.015117154846056,-0.359421766132199,0.544274035061786,-0.514630341041243,-0.189519175259826,0.265783191591109,-0.420892907574942,1.06772626677268,-0.621598485979406,-0.571333975070083,-0.024922107411383,-0.0055734308665775,0.255627370355174 +Rimbp2,5.30014265957246,5.96288338154872,5.34329905455618,5.45881903786653,6.21363600037983,6.25922691215109,6.30866726529496,5.58122464368765,5.53495876028654,5.5886764259762,6.236101581548,5.90358168714264,5.25819014884427,5.88389423369706,5.44553143151278,5.50132572802856,6.41781906792734,5.83764566678564,6.56779380646657,5.31417722380404,5.47074706259755,5.5254663660893,6.37672055193177,6.23187052784956 +Rsrc2,3.58485651952694,4.26596661773793,3.52251834887304,4.09510809376358,4.1850326458935,3.98642059597949,4.2855961599119,3.35739347906029,3.75045375669352,4.05668278653462,4.2477186956151,4.25128937181967,3.70285571259515,4.23623451501377,3.61755784128837,4.24818814721422,4.22908364551256,3.79111193788481,4.14922365779868,3.61493074321462,4.22202717157158,4.29522585948965,4.30127517445059,4.34563313220408 +Scarb2,5.53087567780216,5.50600572697984,5.90944992284537,5.51654321030265,5.15560227100813,5.21201543357408,5.0732142249601,5.82824197938047,5.60179033364386,5.40458038601387,5.20545759190813,5.32772352287806,6.56988285182701,6.48961292351617,6.84967081750679,6.56036343515626,6.2758414868049,6.64400639239557,6.31592558946709,6.82113807211211,6.68492578859177,6.55444426037736,6.24172774027091,6.37366224012203 +Zcchc8,2.93645726477016,3.09721387466868,2.83922056417759,3.04745734237584,3.18963760493062,3.17524556937301,3.27720713205809,2.77725095599139,2.97956120900279,2.98849686499169,3.23244970010313,3.20850060285101,2.60136847470656,2.66657378928561,2.62333630094606,2.85492812535337,2.88112991385275,2.74634406862067,3.14436848361126,2.72074340758575,2.80575866660239,2.78424452102414,2.99950087111425,2.94051257756132 +Stx2,1.35233216560103,1.51636382070612,1.29974110176993,1.30143701156081,1.37255105527944,1.67473266901921,1.61047199746771,1.44036624478595,1.33681823615755,1.37171312691087,1.49478305577652,1.50920154472932,1.59924540514424,1.58803401981357,1.46191513785957,1.22476985186331,1.25292607248017,1.50427102211147,1.57689135397621,2.00770304954972,1.3806336259579,1.50184718281868,1.45585282858302,1.40007470615102 +Ran,4.78620457857848,3.88435321366658,4.56868132420704,4.38817739571673,4.07595053609299,4.02523326490533,4.25260129557725,4.31329384556229,4.40490626300347,4.33192713842984,4.13088454956347,4.31839518901078,4.64240611342904,4.15737525780184,4.32959666339049,4.40545012621626,4.01678692085783,4.46648296643906,4.08898645264654,4.54300671934171,4.41861527847545,4.19621494514182,4.12289263513652,4.19453700568052 +Gbas,3.20635830224554,3.56927969815659,3.40055251267803,3.41088236317079,3.3303772322242,3.24992610758965,3.1676608370663,3.19883567739279,3.41703814987633,3.40901987805284,3.32840880550485,3.45928890711916,5.47474826857422,4.97768072390168,5.23412157664688,5.18532590460425,4.76792340391154,5.08259760754908,4.80345832867882,5.19514626411641,5.38943175588612,5.27257861730377,4.71524399673777,4.89735147201514 +Diablo,2.46076936217323,2.3248201967047,2.36387420590662,2.55120842645103,2.31536019152624,2.25332970794029,2.41067984111167,2.18874933288389,2.31825394913622,2.47285944492353,2.47302582638137,2.46472949567689,2.62317778623858,2.45531980215935,2.52683902473791,2.37599451441708,2.47705367412967,2.48055746601616,2.57085521749279,2.61429715195071,2.71959197748136,2.38775128699429,2.5453539281559,2.46985426947533 +Vps33a,4.17113932050386,3.90728284057312,4.30278549160594,4.07094385816263,4.0922646573019,4.15112701788646,4.07245237227827,4.36826476277828,4.18802231412231,4.21626914012874,4.07051258878602,3.98390246541829,3.9430176078622,3.95966632307877,3.95965699828676,4.01649152044417,4.01484109332062,4.05579502485923,3.9732158310118,4.19391169669021,3.91406286986988,3.96047163449579,3.97719057212986,4.0119587379461 +Bcl7a,1.49698339386357,2.11973316310877,1.50784915656398,1.97492648905379,2.33324990369547,2.16236298004269,2.14379250759566,1.67117351328201,1.56080484417938,2.09919747062472,2.39554648999171,2.10677112976132,1.32613920423222,1.98900590562605,1.42387944907205,1.87682237020864,2.12366314636279,1.63066553792243,2.10160973839605,1.72002058113969,1.72136551937291,2.03165511048533,2.03698947399774,2.08354665272362 +Sfswap,3.36209037699749,3.92798441092222,2.94560406091315,3.66741286321158,3.91422180241356,3.85380309528614,4.17304787730505,3.0015997630705,3.27146727507531,3.74939629962639,4.15566381019069,3.84231432180899,2.44794839156449,3.40146219673862,2.36925677407758,3.21979664769189,3.75396199262616,3.22080713076567,3.92410127640808,2.44263937994423,3.14357289237514,3.15113847808333,3.75916175602139,3.61890403737509 +Psmd9,1.56348424556765,1.60167991324202,1.90452709723791,1.59921548223756,1.40907358285651,1.39705238065034,1.37187370590968,1.56818785734313,1.83307113267386,1.73604740052726,1.42392069998571,1.63787308813717,1.38302636806002,1.18776477524435,1.27537433039348,1.10260213013749,1.01723878236107,1.06482573718924,1.11585755786421,1.31745875538389,1.50039456234873,1.33753629298447,1.16780032647523,1.2453944549832 +Psph,1.14009072475118,0.262588762779255,0.663531456446944,0.81290357127196,0.620930538585435,0.82094393988348,0.782782944976111,0.640820834785278,0.491169680024617,0.638135702963651,0.452571151382244,0.738668334943337,1.81693336971706,1.83633995983424,1.38967083634463,1.29715100223259,1.5016017333279,1.47833888838972,1.49338585306368,2.33643123786564,1.47382981923554,1.25763822036984,1.60727900380518,1.35166678896543 +Cct6a,6.33486196814292,5.84614204369603,6.08823985254467,6.0485629100524,5.84096760639504,5.88508683710659,6.02730694413308,5.95087008552885,6.08723348756985,5.99242303847865,6.05618378856757,6.23566339866041,6.01109184079403,5.54650388724001,5.92312687654532,5.79093767420612,5.80965663667917,5.97353446629456,5.56750043796502,5.83536948332862,5.87699334286881,5.73633511349153,5.82820001230152,5.8371475261736 +Rhof,-1.32526552038895,-1.02123502081876,-1.12602421971179,-1.58915866865554,-1.66942589028166,-1.8135091283933,-1.67997055182427,-2.16195486551886,-1.25193072567441,-1.23625919695745,-2.13265928357769,-2.30518062553439,-2.31357881195916,-3.11683410082939,-2.73822491573302,-1.80322221134665,-2.59844172713966,-2.46939219033866,-1.70443990488572,-2.76672248127741,-2.42246973602021,-3.10553341667916,-2.41322313246525,-2.3143175132369 +Mapkapk5,1.77020937472629,2.37440381292072,1.51678328715304,2.36679192596503,2.64999843240795,2.37704320036676,2.65085957891557,1.43665374798741,2.00934981691205,2.19137511790742,2.64723672391547,2.45942578044379,1.47460385812461,1.85153478769476,1.29880707986482,1.83639906601687,1.94351249764882,1.55937382097369,1.8743578739897,1.54534451959648,1.66087200426046,1.83269519418955,1.86663601832265,1.84568911272924 +Aldh2,2.54802144643654,2.6040662624736,2.78019610542168,2.39289182080443,2.21975169369462,2.00067835697366,2.17734007134125,2.58318442813811,2.43303311625999,2.37370965070864,2.22952064181186,2.4418227509045,3.1583014101052,3.02554535954868,2.94560949643242,2.87688359471886,2.8918693937315,2.85282796925175,2.9663536014929,2.94622448846177,2.80296412436171,3.18405786504912,2.88187732564837,2.8062563674015 +Acad10,0.474334660294276,0.265885726798775,1.12419756910699,0.769740746860132,0.780035731918437,0.705894857748179,0.692578722432558,0.825037648439533,0.857968748547731,0.776959346260243,0.445661784354965,0.66602353516433,0.676747458666057,1.00040689165532,0.856746557121271,1.43941982686877,1.0091308894414,0.766189575427685,1.07255774940957,0.947619281388207,0.482191860232011,1.36472283058636,1.10059840021402,0.707656388122039 +Brap,3.00666388173736,2.99453619722592,2.91821311158528,3.05852224133262,2.82808041707747,2.96593865639116,2.86153472786885,2.83086377519559,2.97507132322428,2.9943640398634,2.83636052073172,2.85023353579954,3.37554669480132,3.29819527215343,3.22586275931165,3.49789383974919,3.39709145668469,3.12354386897923,3.38472085623421,3.34551730886785,3.40672759204432,3.45717873388732,3.295523618628,3.30866343376338 +Fam168a,2.97944408726628,2.83628365081987,2.88592762096725,2.5570247235986,3.45186220569599,3.46373374407624,3.04015758142031,3.47702946021274,2.9268755487361,2.64104781423486,3.23481670802732,2.98509103591254,2.58750532333428,2.48574674660714,2.3998212647258,2.39590955399363,3.02627713140025,2.68885729036286,2.77874728866372,2.51739779470995,2.22886973773461,2.43280332626031,2.8885941812679,2.72572971113971 +Vps29,4.00772479508049,3.5801427596182,4.03042158120042,3.82473480666462,3.45035340252725,3.30211876431634,3.56759631104047,3.81942181683826,3.92775619959677,3.92326628053839,3.48008316761145,3.64157103387586,4.2250192106546,3.90773998341309,4.27153557696618,3.95057425869826,3.7277283311367,3.90392368004116,3.62116420740039,4.11037692406286,4.22020722743099,4.11659086331381,3.63774889924513,3.86795066195185 +1500011H22Rik,4.62030906430809,4.45283130140266,4.49534613983661,4.69541461348514,4.28780827682977,4.48527256743754,4.32557368578918,4.23784113526674,4.5021556015677,4.39018390656067,4.31643988567041,4.45649846420213,4.5091876900963,4.49407635699095,4.55872451190057,4.52861660663772,4.51118018491339,4.22314100372856,4.53869195614513,4.25184452852347,4.72623235468943,4.52231558449114,4.54056279207902,4.3860962779526 +Gpn3,2.75329208107093,2.59066052839917,3.0319219569511,2.85165795366252,2.63486893139227,2.21503213732138,2.57809775939541,2.79864345667347,2.8402141007267,2.83980850057185,2.45280398436059,2.81404456442118,1.81681913046371,2.24088917605596,1.89849560628354,2.49455158595215,1.99815928739217,1.64960669813981,1.86548991779381,2.15311264121904,2.7402187060812,1.96326371306856,1.99993475467419,1.85080029909524 +Arpc3,4.89742588242106,4.26286448191159,4.69813092456033,4.56909312983097,4.27486699911481,4.59985007930141,4.49280504694605,4.59400597888323,4.55175462739448,4.64186014037186,4.44803006276838,4.5020951532538,4.88653045499642,4.46924383241649,4.59010325773451,4.55908527150012,4.35841751762636,4.69638191282746,4.34947862757064,4.69224042499054,4.81512662588675,4.58224106939833,4.4197569952676,4.43952454902942 +Anapc7,2.63514278124857,2.44304594903667,2.6809605683814,2.47875336160553,2.36736272336442,2.40075136857964,2.45970098581863,2.50390491985683,2.69605184130968,2.51927821505967,2.51479821545962,2.41607843543312,2.03106813375005,2.36740259199656,2.1702872712175,2.15123305477705,2.31142086705726,2.09378098267164,2.18017529314859,1.98746920042671,2.16828984720869,2.11629858984951,2.10790159233783,2.07844381922541 +Atp2a2,5.99322944018377,6.13808364347144,5.90013168504471,5.80239097233297,5.96303706549615,5.88141163038928,5.77739782906548,6.12263703709921,5.92945344596075,5.72698843646672,5.89752852078007,5.9761535909435,8.41494136746349,8.75254433449219,8.8239358478084,8.4278021105907,8.27019403858805,8.46645795506434,8.62190316651526,8.72615985264494,8.50696010733804,8.45906155315172,8.32488252343949,8.54149747620095 +Ift81,3.84701433185474,4.22054570204341,4.29578078326897,4.2862598150524,3.82057330020851,4.18884912812864,4.26417336409589,4.15699002155949,4.17504721821339,4.32005634547239,4.13101290555398,4.1465737959475,4.68760188061411,5.00800503784047,4.86491733433928,5.02519636175013,4.33782795399655,4.45152853029227,4.69271146734937,5.32607829163962,5.00541257485072,4.92979997288786,4.43742997107529,4.69196144599749 +P2rx4,2.8637159020372,3.74323277432066,3.55461506765263,3.19569949575831,3.43738897307137,3.15617094250312,3.1998290815142,3.41343165934222,3.32869097370497,3.58409157440516,3.15312481654116,3.35023500362298,3.0897127689137,3.38659942241696,3.32478500567771,3.49253397171436,3.13162212744724,3.01997840776735,3.09495988320252,2.90912956229146,3.23941183414134,3.370455371324,3.0715275847484,2.96169263015287 +Camkk2,1.35934171651584,1.72366849308423,0.829986294703624,1.3086173051458,1.75902366985286,1.73379892770712,2.06230894630474,1.21066968413006,0.944057936693067,0.964854382542919,1.84305101233519,1.67845518345782,2.56760412470119,2.70040120854237,2.24991664425933,2.66149006306426,2.99591946406108,2.81983681222475,3.01474880605239,2.7232178834623,2.43682669585958,2.68990916482898,2.76345922899291,2.97931278566814 +Anapc5,5.72138340629274,6.01626956749053,5.69875532838958,5.92771701779886,5.78538365437223,5.86431013298752,6.06444600455709,5.4949217164113,5.86975895219375,5.81789510495512,5.8929177154837,5.90778293855952,6.49527798757997,6.58922907474692,6.51580090704593,6.60521177587992,6.53473346456975,6.4500999433566,6.70024128325734,6.35924392963058,6.56118085707551,6.65538354982227,6.56364868321821,6.50315921756689 +Rnf34,3.88232370567127,3.62822805427279,3.90826887251665,3.88730745789197,3.58509545992614,3.63399819674314,3.67700806672465,3.79314128124169,3.9616819596933,3.89667219226382,3.64770814534017,3.78749788676759,4.75005874629368,4.33868917174165,4.67247866086649,4.69731364589677,4.39514732957128,4.64231600251964,4.27756986631942,4.78876030157931,4.55526184917786,4.62501906853991,4.32432311635992,4.46512646841859 +Kdm2b,0.813951737807515,1.30117295123504,1.1029910954243,1.10954905304717,1.11345230501333,1.04807557081558,1.05821557994839,1.40569821388517,0.955179361571524,1.09721618736919,1.10160878234588,1.10734640114579,2.14603491374047,2.01209446575475,2.05574507229761,2.12935285227078,2.13427361395876,1.99609873360737,2.1278335769234,2.07565927325596,1.93444853296304,2.03795349813466,2.00501162487897,1.96797982613151 +Ncor2,2.55720156512653,2.39564321644583,2.16794629419153,1.8550979398143,4.26802225679587,4.25711330245547,3.75740687543151,3.61631885328961,2.03712722826972,2.08330727642363,4.18408170152845,3.21476081792805,1.50735701875818,2.24792299867691,1.99035753512714,1.84832276152383,4.11152484442166,3.15516256918327,4.13551461314997,1.68670940126387,1.78375473352915,1.96571349185154,4.11465278915951,3.19956410147721 +Dhx37,2.13129437599791,2.19965656459659,1.86472352067033,2.08212418055039,2.40435750530069,2.22922628462071,2.31745063170578,1.85492213636154,2.01767256756817,2.1018016781547,2.30207006125142,1.95393200626819,1.60793322521336,1.80963646594497,1.54155833235064,1.61367700981237,2.26133534787671,2.01382813854481,2.37563112087322,1.38720255948575,1.46596048110413,1.79677538566355,2.34720943638337,2.2689723980965 +Aacs,4.38576725752184,4.29330317461066,4.34198817190454,4.202646654599,4.23848544799309,4.38898555979119,4.34902040536377,4.48696781414099,4.4822331979281,4.2249867768128,4.21350886897413,4.35629049585279,4.72134088865275,4.64944580402003,4.73428730199293,4.87225246846883,5.00056776548413,5.0189940481113,4.9902356436651,4.74079242026517,4.30217836279232,4.74058767052512,5.13477674168748,5.12749834174919 +Mrpl1,3.6127752556717,3.31098651784249,3.48273794791452,3.33829439083049,3.2032075401241,3.235877063655,3.33996747440463,3.42937878165494,3.49339614365441,3.35774906387297,3.12971963697616,3.36194691017917,3.32616837951852,2.98240378214216,3.3134023450054,3.07300023461178,2.98313736260776,3.14650946930768,2.83518768773725,3.43830264232261,3.23783178380281,3.31528779385966,2.88342049926208,2.92798868379291 +Pgam5,3.97729627142751,3.56329493679993,4.13191155308292,3.87897372436991,3.32878396271344,3.46489239997962,3.52899699054263,3.79505639688052,3.92922475635308,3.80542585218751,3.49986992528073,3.75076426733822,4.2976278553693,3.73805559836105,4.08198140635679,4.11564476602451,3.84639409359495,4.03999286229088,3.59654453632073,4.13180811687535,4.02958957404439,4.0065498904777,3.89344507591473,4.03167152053451 +Ankle2,3.94942404023576,3.96031157331832,4.03634656751186,3.94342838313793,3.83458102832425,3.84160506436046,3.85548773049575,3.95748086425362,4.00544775899806,3.98597998521209,3.78460928343762,3.90491531642131,4.44952399098637,4.48010215865268,4.61052850052823,4.51679035245403,4.32107188054097,4.41672377814139,4.23177915072235,4.54718389870407,4.5295545809669,4.51451616345264,4.32929144139773,4.39756726548599 +Golga3,3.68985694012844,3.65504941287795,3.5595843310257,3.69205017431749,3.8247265503808,3.67506238910749,3.76555297147256,3.53762143305086,3.59133210334846,3.64343519653839,3.75843204829835,3.66433974635844,3.93785870426609,3.89833928437539,3.75011067269356,4.08330190198402,4.41712009261841,4.04534955237221,4.44386797962929,3.32657550335314,4.06624376610099,4.13092813775006,4.40251291445688,4.32389172905489 +Ddx51,1.32625976545087,1.75965093726861,1.64457649294469,1.71220473826535,1.6746666008391,1.82031532782895,1.68157356577446,1.53872873513509,1.60460201792275,1.54465106967781,1.76977769998124,1.68937038916346,0.964371070720583,1.27592283860849,0.905763769161471,1.60534689053816,1.78068058684586,1.22162644698714,1.65247000128145,0.954307668144084,1.17239545943508,1.38535678868409,1.776600996114,1.37166405716273 +Ep400,3.22250051228816,3.25701299389276,3.09085462545517,3.09332264921303,3.88616453459654,3.83273058814192,3.56569394365224,3.58399256277913,3.16501084991117,3.13907092961253,3.72660786096504,3.46366121121503,2.92563599177734,3.24301164831234,3.04743888505344,3.17883862190863,3.81975638166374,3.34626582404609,3.7409022074745,2.92633775926374,2.87422812707126,3.09418697186806,3.78141949086736,3.49188417173101 +Pus1,1.69203939558743,1.56462510199029,1.78140629725236,1.79752259625981,1.62402074096232,1.7854981545858,1.83393048318837,1.76611973350872,1.6002246822507,1.74747339896578,2.1128116604951,1.71245138168396,1.89683047644837,1.55692588458559,1.35409880536497,1.83459866133542,2.01220402614095,1.86737013085809,2.28218113775472,1.70357948832217,1.70277773252758,1.95814984320386,2.25458672086425,1.87486346332412 +Ulk1,2.56143618286831,3.17986617089007,2.56635988046336,2.97417532426286,3.52930250708368,3.51695421303374,3.30402854800409,3.21702161762151,2.89762941760381,3.02146955894567,3.52219218039872,3.21835849675792,2.46680879677698,2.87374457289772,2.47643283694183,2.71326022467426,3.02233180755096,2.67719328874429,3.38413012595132,2.34581428686214,2.21783437045586,2.74670651571242,3.05478687537137,2.9716014789909 +Prkab1,2.30278794118465,2.4362458423822,2.28948824297175,2.32608071405915,2.19237511878889,2.1940796971625,2.18214944894551,2.3711425086643,2.39830068751623,2.28271738988781,2.30385802365571,2.11674658041886,3.16075672865266,3.02590682571553,2.76150245844388,2.86408403102428,2.97351171234714,2.92651927479645,3.26772637642329,2.85400380671919,2.86042490500074,2.77957241796058,3.05865816322661,3.01515906754607 +Cit,0.727199318565234,1.01453961469055,0.603944906892164,0.431011550319258,1.50058376131377,1.49512128893471,1.44158817264276,1.07478838515152,0.513282040833559,0.652732998319794,1.63624989403823,1.18162247795572,-3.72116598375533,-2.29590822559175,-3.22971709887874,-3.87253181284575,-2.47376276348612,-3.18934551092157,-2.71357752573311,-3.45793364164308,-3.20081217524434,-4.00040949747498,-3.03001477835574,-2.70879128213057 +Rab35,3.89982813563037,3.6329988322364,3.78078741058424,3.72142645436559,3.72192537332909,3.72336912674826,3.63471993729071,3.57777240105796,3.76176387712729,3.65824961181722,3.58552888741895,3.7804651443206,3.53225192579844,3.63596569023418,3.54088491819937,3.63603466894234,3.47389370944823,3.56514241736306,3.51550707697549,3.65987975217473,3.59883071023692,3.6320031120858,3.40290981647108,3.46237681068942 +Pla2g1b,0.718327509759421,0.919466071765138,0.892269694451826,1.08741166056385,0.365392156680635,1.1231362192506,0.603238114745918,1.37300926256175,1.1973827125157,0.897573099617728,0.688498598588709,0.0311654053925623,-1.23641662533294,0.901839836599638,-0.0758407633840154,-0.699188049397202,-0.568602105136504,0.399838251705381,-0.139069076386684,-0.445933016260207,-1.87338483220273,-0.0814544982207484,-0.858173147657174,-0.459709315986369 +Sirt4,1.13050699464366,1.78648276843474,1.25820181932476,1.58808762003377,1.96065537967924,1.54281647552191,1.85520789007241,1.10302873082696,1.35088645795028,1.76147281026689,2.03478881487958,1.9089094400611,0.878021736429907,1.60697640970305,1.27035471838407,1.80632371640201,1.7063262096696,1.88026761961415,1.98284251832195,1.27036761399507,1.46128121020013,1.48502244851174,2.1068857938192,1.99911278289135 +Pxn,1.6191643773981,1.6711433432514,1.91651874622812,1.64547102319508,1.6103372194033,1.76008859977475,1.68929970685578,1.70468743993803,1.65441086263536,1.49453628371922,1.63855319304153,1.36848049028137,0.888110882196093,1.39875225368312,1.16056398800585,1.00377032346212,1.03094325522876,1.09888107868387,1.37589262928477,1.01460620774368,1.04585738634075,1.10029932446137,1.18187838252501,0.877237559279346 +St7,-1.259287887165,-1.27618845846886,-0.638511459296477,-0.92252457752997,-0.945615543995406,-1.15302431103824,-1.08095814449692,-1.14771095261859,-1.41901341079357,-1.77418158664177,-1.3650339700048,-0.991819372817029,0.684886507044425,0.0721762119957101,0.273341597682619,0.0092829064293438,0.0808932439552104,0.20257713471394,0.0075403840129082,0.141680247465972,0.115920092608304,0.233868507504385,0.274277586044032,0.145852191125268 +Triap1,3.69982055738004,3.32926547865598,4.1474656687176,3.64882217381466,3.37972158389489,3.5573884193844,3.54676350951679,3.62374597577666,3.85282420499572,3.25650187525694,3.22502195792573,3.4454930567784,4.12542502218856,4.20081482734258,4.30418047934741,4.15569049606439,4.18198762497062,4.24702959732093,4.02755040696497,4.35246482646724,4.27044101310712,4.20972285621834,3.94770020491394,4.14086749400412 +Gatc,2.3782447425122,2.32395145035595,1.99931654009186,1.92170831338694,2.1525971255941,2.13138095587891,1.94320529139913,2.2050112101708,1.89596273541369,1.8833722297325,1.97433267262934,2.31323252763879,2.72487463472053,2.9283070574511,2.61478775244904,2.70382798825961,2.98627681115296,2.77021427668596,2.75168512999559,3.09419148733998,2.82534189948255,2.82937864075118,2.77938708387361,2.36818406858332 +Srsf9,4.96348403876823,4.51868688725527,4.64197985308376,4.77557365341477,4.57871753525581,4.63811191752193,4.58969467443729,4.56251275231635,4.57988123841355,4.65251352892898,4.62310334654041,4.6594137643927,4.90335375556124,4.75381331473135,4.88865379980366,4.92372550712593,4.76263212887237,4.84543613336077,4.67436069206691,5.02062948538542,4.9003894301236,4.93499330956683,4.89043552380917,4.83185282470307 +Cabp1,-1.8190963343919,-1.73039170666927,-0.758841184634326,-1.13014842876044,-0.142964152235893,-0.387868770432038,-0.549617412490664,-2.10284446410554,-2.02051522482182,-0.861280834154135,-0.458151275565074,-1.7276885283793,2.9176560461074,2.71436556699662,2.29674648086186,2.84296035378865,3.31658124595071,3.10530436072123,3.25680193424823,2.61399019906258,2.51577263114701,2.77263860474368,3.54247245481635,2.97539813259193 +Acads,3.02423872502364,3.30249986418997,3.3464107996561,3.1868439621459,2.75398674943112,2.92833408693798,2.92548809161976,3.32725162758251,3.26959887499827,3.39160173914297,2.71958860870523,2.93651990051914,2.98055670506159,3.09882823867095,3.04283389514815,3.1043808083552,2.64740009239988,2.73601081937925,2.94864260794487,3.06942805923384,2.90157584604276,2.9269869866223,2.53073745966566,2.63760459359719 +Ints1,3.78727541837427,4.0389683882324,3.67751442550443,3.61137397934075,4.10978614376965,3.99645398078362,4.07722390130223,4.030153516308,3.8212771176055,3.69344418552966,4.21392257524252,3.91922900690579,3.48593004359455,3.75221797536776,3.55762120659784,3.49439255412855,4.02978711476513,3.92380376411674,4.16720681555856,3.51672835462607,3.01193949675958,3.44118022097872,4.03063725414643,3.95767632038507 +Sppl3,2.97968414788503,3.25032892674149,3.12941347168337,3.12827801030326,3.12274824997883,3.1905214866814,3.05599999880398,3.57568678250177,3.11008470857746,3.20058812910963,3.11609715518144,3.18003011995076,2.52596479981062,3.12721709149393,2.73812481351083,2.83130560502788,2.91925105717068,2.8554511640947,2.82344280101929,2.92260493176344,2.71140350457559,2.89073776514645,2.80403686706112,3.01249363246381 +Psmg3,3.52426966849817,2.74110936828752,3.19543198327547,3.35970614848001,2.8564639774864,2.37989987530816,3.25863048516433,3.23594951276754,3.07636788281365,3.34210548726936,2.75434819150066,2.95663184418577,3.06051420128021,2.73822313155927,3.06829561360213,2.9653870806286,3.13069555883313,2.996633247286,2.85780682438872,2.51571159272303,2.91025454336108,2.70386040173483,2.96559735969058,3.24727185273994 +Tes,2.32330473756636,2.33143619519557,2.55872318755907,2.18723775020922,2.20865257995776,2.24719427151887,2.08394872505933,2.24531483230009,2.01093673702816,2.02039729278757,2.07584072543597,2.20651624380369,4.2242798158731,4.07616304783925,4.64350602564546,4.37844392320114,4.06288718061941,4.10670674748996,4.04654667677544,4.22095242436651,4.45828793060054,4.30724171052386,4.04821035169649,3.99879812508486 +Mad1l1,0.954513428283966,1.02691031780767,0.826550709065971,0.889860274659596,1.35102083580496,1.35364266514011,1.27348194262763,0.918076423385035,1.02767727546457,0.834499237647921,1.46159437304604,1.11064105641404,0.785627343005086,1.12883634311101,0.811913930245819,1.30845343011223,1.30748739624231,0.836065266325866,1.24452367553349,0.489743393728483,0.934724300812898,1.15273898356596,1.17939183698926,1.10240512832645 +Hnf1a,2.56950714655808,2.88311129349498,2.78002415686884,2.5591532230602,2.6956600876475,2.69486090091843,2.49073628959555,2.79280533266567,2.46782384208935,2.48790953636373,2.94702182349683,2.46799034304585,2.53875197751955,2.52055371870376,1.86286755109664,2.32902884121413,2.9538996451047,2.67180412819306,3.05816615237999,2.19672957976401,2.20304896119236,2.31763198367205,3.03281407758269,2.98071194794154 +Ftsj2,2.05202362697747,2.13075334528554,2.55951653529313,1.81115930517138,1.56401083440545,1.56515383540111,1.52494837528118,1.91092013591136,1.59392285867222,1.46133690289056,1.88074102229385,1.68640355544473,2.63181475951226,2.2429438110718,2.45365292946193,2.45239860037293,2.03595873086999,2.21430466323462,2.40960761849577,2.54390605875956,2.63589565501202,2.31727696684446,1.89356033781847,1.57413633297638 +2210016L21Rik,3.42933669326936,3.4730687550597,3.56861127845509,3.48256097165298,3.28644571069735,3.33712345954918,3.52099167105885,3.4347080246155,3.61135692529213,3.50183346086239,3.58006123966459,3.36799245263041,3.68317915037145,3.74778393148313,3.45187871670329,3.5735058853349,3.68391406407206,3.7461499950891,3.88066668333004,3.85737518483558,3.69527446179893,3.80015272594925,3.76192763385549,3.78506007689595 +Snx8,2.60702731813658,2.5303869300669,2.85911298424216,2.6389120016507,2.21477752734845,2.60540214251452,2.54098074865687,2.59487442739351,2.39129796254859,2.63599160751228,2.35559365222769,2.43763053478653,3.39571873238103,3.36930773554427,3.15102826933285,3.56204873122187,3.7778313099941,3.66324295780168,3.79104338042697,3.38808112411918,3.28185717162596,3.59221362115312,3.83262989956262,3.75387769451989 +Oasl2,-1.94132921999163,-2.10010766943446,-2.94862217993975,-1.52271207691412,-1.59901866308972,-2.32007706826686,-1.30695344225029,-2.7877013244212,-2.70537208513748,-2.02910927898712,-2.12581311222714,-2.09721087676283,-0.004432974050289,0.0394769399558437,-0.044738829662029,0.0825371247099789,0.179035781452878,-0.148836607605137,-0.111224279933728,-0.0673774828375153,0.315841692297471,0.334543625222547,-0.0789974067863732,-0.0052749638984945 +Foxp2,1.16989947348409,1.34466767615078,1.47637031227851,0.883793246593577,1.52044097022818,1.54492121493721,1.15254378444255,1.84788515567814,1.26489702190504,1.01410644190823,1.49336523909689,1.34833645664459,-0.0326513837827074,0.115512691740913,0.378549893335774,0.0210153689552617,-0.118371558813507,0.166067870238474,-0.0380485332238143,-0.134422738532379,-0.0604408646151753,-0.0468375624294288,-0.235817836715775,-0.453258696194127 +Tmem168,3.15967921218103,3.22646478760642,3.33017788408112,3.10281993958045,2.73022204808484,2.75771000644219,2.86784919388496,3.27218105417519,3.20974853089651,3.0983353578798,2.83870795884759,3.03957067632897,3.32599666973118,3.02471201108693,3.34940855709861,2.95572710464724,2.57559507598233,3.25249058594463,2.50337105857449,3.40199591505899,3.15691665014957,2.88535895703048,2.64213192093638,2.68827981491593 +Tmem106b,4.92953894889216,4.83865043797379,4.98223766820375,4.80542517507408,4.39469132807501,4.42557713306232,4.44691227157738,5.01703919504375,4.99736581498049,4.68566098894477,4.39987907707341,4.6034033492012,5.1318176294779,5.0113503457796,5.20627823518423,5.05822881964745,4.51470701001087,4.89427021746739,4.45292203368426,5.51108379278214,5.1307092445561,4.97682246183156,4.45129027537828,4.79770593293439 +Mmab,1.88036884622499,2.21157671012041,1.41761860320153,1.92441816873841,2.00100496218702,1.99490835400075,2.0849669240389,1.89582801656755,1.80777574916264,1.73126023657831,2.17128991497528,1.91117238903966,2.18687725483694,2.02979347279343,1.58677797347126,2.15518071326946,2.58490799347441,2.19669624054977,2.51097883835898,1.90691943303678,2.18641555181476,2.01674123145004,2.72544765162073,2.66085563169722 +Radil,-0.411248012659289,0.0326385913743401,-0.463629052535687,0.239635141012117,-0.180864901805616,0.212931848283434,-0.073097056565727,-0.227849093096779,-0.0727471187738549,0.278119202364078,-0.0274416425219992,-0.156025248117945,-2.82643055287858,-1.40357106009045,-1.55094324581247,-1.42229229844298,-1.70676460910663,-2.3339504717907,-1.42614377588167,-1.79483696347038,-1.82006756097785,-1.38855783719395,-1.75512079839781,-1.87709533734345 +Ube3b,3.38492327778547,3.55128503896841,3.37147783220752,3.50146270243602,3.7600471940246,3.63506963125776,3.51579571904636,3.75652974600122,3.42486554002406,3.49463450178171,3.77977959573467,3.53616368964483,2.8761556685915,3.50191128375707,3.17417560763789,3.21441998118281,3.49228256976401,3.38746632046462,3.71539953351391,3.12427776618376,3.0525053655434,3.32939221835489,3.69887200045583,3.31052803865561 +Wipi2,4.12059385702693,4.32072861868294,4.24509371653484,4.35248934665594,4.03246524875733,4.18661996124595,4.07986171153998,4.40666621963578,4.28325284554711,4.27696343598358,4.06610961568594,4.09418785194342,4.05781771414409,4.15404188860371,4.12329083075304,4.25152272188302,4.10639000063283,3.9719577493019,4.09859972105999,4.13593346457938,4.14103689137504,4.21044351679388,4.07928759830556,4.07198105924176 +Actb,8.90597149179784,8.65043970505303,8.88024938825488,8.69600099705517,8.3945709750092,8.49267439820796,8.50660236954074,8.73101763263881,9.1151776891796,8.59220153565749,8.39514855522552,8.47527140184714,8.46609748038846,8.0905535973234,8.07504954133943,8.15443213430339,8.31926425521424,8.62260422072657,8.22212063199735,8.13475684181427,8.17730226719708,8.07981157226359,8.54220468458105,8.38052951277592 +Zfp12,3.49233428769557,3.39785255273976,3.56402996600897,3.46407503218047,3.35707644721559,3.37876048724089,3.43132975038795,3.44384982058797,3.52517945629739,3.50610319062566,3.39609934754409,3.62535741668138,3.4099238023295,3.42620408061752,3.29550308336613,3.47293977927897,3.46318106733584,3.44999061818121,3.41847756523906,3.35334883668397,3.41088079960102,3.53722253648918,3.4872451693495,3.38106523845493 +Ung,0.762534545244715,0.95895444949653,0.351149902518637,0.544814643243748,0.605665330207,0.667598387127864,0.950926991945826,0.409023082939853,0.624462439540901,0.697907879340808,0.514455418357612,0.648169500192889,-0.262675964335173,-0.666555358613954,-0.148572287933723,-0.736944965055878,0.206442695892372,-0.280125230725814,-0.129458624124322,-1.5901907514648,0.0515547940521774,-0.832778044439512,-0.233960998505474,0.173198884720165 +Usp30,3.74739471545914,3.63580235648159,4.00585725344472,3.82824673779279,3.60093413899202,3.7513897236175,3.58918088012158,3.93554328288342,3.76900578026032,3.79680161522394,3.62736147233452,3.81475824371368,3.73544608431941,3.81047755021597,3.68827556811368,3.86776575164577,3.70816922124671,3.65610188984343,3.93875239948154,3.7702736448023,3.86680299802958,3.93220319893889,3.79163876004393,3.84152740279873 +Rbm19,1.04948442813763,0.936655799083213,0.948355453629844,1.01597405104041,0.937753513981833,0.948399333285456,1.22283508426792,0.774071679127625,0.971963960118847,1.04509860905728,1.05860573724514,1.02885072507523,0.608555375314862,0.827714804656043,0.310761120224063,0.775346387277249,0.909720064119548,0.619167956182251,1.21769219114755,-0.159817745486445,0.241117191608426,0.52534036344078,1.1802849473598,0.982809042170851 +Sdsl,1.56675507548989,1.92842935733943,1.83083828557456,1.50149374776557,1.57094086586614,1.05278716200019,1.58004453593705,1.56090850405245,1.45913069647738,2.05966371824752,1.25733910961174,1.63340063387751,0.839586964300449,0.87956202427903,0.503448386581809,1.00621127728213,0.615200293691663,0.762467775558253,1.06791282920538,1.07509657242339,1.24438904798395,0.496286473308528,0.728237823177259,0.950645833751431 +Plbd2,0.982229083048412,1.08488023952247,0.659478451496466,0.837699025917804,1.25949978987929,1.67600216326296,1.15426954671735,0.735916387710577,0.900612715626606,0.752579343213351,1.44169243132232,1.0608953678896,1.40055004520242,1.27553201844603,1.25572450858335,1.30305061171776,1.84330272339686,1.47643488540104,1.77218965079597,1.09228675265015,0.861183862118698,1.34979640603881,1.54162663496533,1.32651845881972 +Ddx54,3.25619054147018,3.0044704662392,3.07164117907988,3.13203137241959,3.27104181296652,3.29346561306658,3.35998276343412,2.84760018314072,2.9876831178413,3.09784957722757,3.34543499684418,3.00813731332592,3.02362301910298,3.14277916123656,2.87958384888048,3.24002281196671,3.55472008417664,3.29906255099386,3.67001682644246,2.63568847459234,3.15905240464175,3.09823753933284,3.56184210289932,3.34875830792694 +1110008J03Rik,0.440880031139247,0.580060919837891,0.882819421436787,1.00501233080589,0.586192921690541,0.662837202671644,0.760423578133223,0.606092525983188,0.455756187697707,0.667196842373248,0.647470732032273,0.663598366979432,1.11884992231075,0.951964232705514,1.08934227355395,0.966108332828375,1.07473575640089,0.955352518166844,1.02123853448326,0.552607267962462,1.28436590373398,1.20188517943361,1.22359702415275,0.854268559978211 +Iqcd,-1.5324836398386,-0.524153406071688,-0.586805695213118,-0.475027963141545,-0.658719034471705,-1.07254319288767,-0.644050415608816,-2.12479829777973,-0.897752405473789,-0.883234667828317,-0.553195561875575,-1.06190947452203,-2.23996319642109,-3.08164030970849,-2.66105318524572,-2.47999581684325,-1.50653245429437,-2.58694355745016,-1.48721216369902,-3.00965570863686,-2.05653699152791,-2.0836212346545,-1.63143479972076,-2.24051708343241 +Rasal1,-2.0630436523739,-3.64259145288771,-1.66221558760324,-1.68266227496992,-0.82019148807873,-1.18823156073075,-0.843925269638159,-1.92976788934291,-1.26260510764761,-1.41379468036361,-1.41994814510062,-1.48701364434621,-1.60086767348209,-0.464605001333574,-1.49594229992148,-1.7522335025725,-0.124276115184599,-1.16321591923835,-0.281396217043236,-1.58326131508557,-0.997928163799449,-1.61780157386019,-1.45866321961476,-1.05282815909511 +Dtx1,0.319973112575984,0.857690136438469,0.984283342433601,0.316435321459496,0.741409024444619,0.771003219202694,0.754793417720197,0.85859971119395,1.11757483105821,0.545901428113953,0.485567579970887,0.540073839121407,1.13488036099877,1.4783625906771,1.15872016821618,0.825708972470751,1.07570392858401,0.938154970377381,1.43966422883752,1.10918214811885,0.721246948635215,1.27870238478339,1.32973071286949,1.2923869529037 +Oas1b,-0.643118011893635,0.641398375986597,-1.00485231660396,0.498392211747655,-0.736589793790075,0.405367743000163,0.514976153227159,-0.71966908791765,-0.4783901596808,0.632383081296799,1.00055708535035,0.291033844268281,-1.54766607820503,0.190500532494851,-0.923894910637619,-1.18461420877974,0.382652268758152,-0.806758793533306,-0.136637589447516,-1.30269848179445,-0.0480059054711631,-0.253748319222214,0.377898851167033,-0.102905900766822 +Aimp2,2.56492414036014,1.9955786702484,1.98456511446241,2.1992661297237,1.98691447244116,1.99843190081887,1.81409657007465,2.0894615544998,2.01558318265706,1.93457378036957,1.86569775007109,2.14506817006622,2.4934225655581,1.48030593569931,2.15872781366351,1.60336075067294,2.12095623464334,2.1822973317863,2.15125836877715,1.53221611476501,2.17946280198266,1.40274161519795,2.01912328454185,2.0001965833814 +Eif2ak1,1.8992744071168,1.91663824655124,1.87435068550113,1.64249992812257,2.04855249121072,1.99131769212944,2.0091604124373,1.94713454210217,1.71971942883658,1.67100783953084,1.896956155327,1.76501879832189,2.22809883927866,2.27533088180632,2.39998433302254,2.14102252660448,2.4281838228048,2.38088661279052,2.25690667951592,2.0490135687684,2.29136735370543,2.19421017866816,2.38195350849334,2.29764613423404 +Rpl6,5.6998653622702,5.34354596694697,6.08819504125386,5.80696586097462,5.52490143740256,5.66577874651702,5.37893609290684,5.72290124476647,5.79859268030232,5.75761161032009,5.66328105128415,5.58876847813859,5.21352608370574,4.89030123437189,5.22912043636534,5.0038442052626,4.58529604802445,4.9871081091542,4.86063019680549,5.36137644432924,5.15233149949382,5.00845960440041,4.75783345444937,4.81376606488256 +Erp29,2.04854931685323,1.79017124711028,2.07603291302508,1.91822249182863,1.73920695952899,1.76746243092582,1.80299098189287,1.75259863831396,1.86264740790847,1.79753120517057,1.72049225557833,1.9421234810361,3.29950677030443,2.72284923407434,3.05955794726877,2.67881718224291,3.11760311169447,3.18645007112694,3.23809735420086,3.08337712760477,2.897023510489,2.7699850406784,3.26608217690635,3.21078626010274 +Ccz1,4.61912011703586,4.41741658045922,4.93147642360262,4.58686221762568,4.25286834615275,4.482874907574,4.15103658527451,4.59733089613702,4.59987873201352,4.71306174749298,4.32575337695938,4.35873589044835,4.88879097306176,4.67277973766381,4.91969023138944,4.75331777734214,4.49471654836214,4.5665043299435,4.4072971182681,4.97593987599958,4.87131221911234,4.75874116351917,4.52365365431902,4.53880699263729 +Arpc1a,5.54437370508587,5.48910718591739,6.02425010245008,5.67970769081626,5.32910016891095,5.30029429393151,5.27513441970061,5.86437237805628,5.72538019488,5.71553009993485,5.28589653850422,5.35019325629777,5.65884340550778,5.51027265954808,5.6546026862609,5.50305271433925,5.55078213231401,5.59188172657457,5.50478156440114,5.79288223992606,5.59839584220849,5.51928629820896,5.48715717229178,5.44839505902099 +Arpc1b,1.59015646819355,1.79676216146986,1.60992623717209,1.90011547536003,1.69061392103032,1.47016313439359,1.81313995718744,1.0909755370486,1.81125210023428,2.18446757842431,1.58090936333995,1.63858999963861,1.26748606555506,1.41940865296399,1.48649726163085,1.87693003666288,1.40136967232642,1.0950841133484,1.5905244553206,0.52324294014491,1.65012410115409,1.50423589296797,1.32744816437366,1.16210945633273 +Pdap1,4.36004780134169,4.21961202465758,4.47320110536219,4.29038978309482,4.16127724271099,4.24259597571967,4.2856335873653,4.20475960903784,4.30128714978023,4.33676184974603,4.31782549824099,4.26441876120065,4.28347050977643,4.18975417452043,4.4340116193664,4.1986593632163,4.21153090336486,4.23393669716352,4.11277935117446,4.27649056189802,4.2740273094966,4.29180429876388,4.20890562635566,4.18450421927303 +Ptcd1,2.90459551281977,2.7223980263707,2.76648118158596,2.71567300197759,2.83061695186622,2.9192654321941,2.91965029269593,2.86771573196163,2.81897294457854,2.9527153973734,3.0031780774345,2.75541588110044,2.44415387556561,2.59902501821958,2.58057550388113,2.89212570941273,2.95566781193752,2.63647200988515,2.94005007556305,2.1643420105959,2.91348870563871,2.91861276226039,3.07784763350326,2.75677177087915 +Cpsf4,1.75936222493391,1.8605390603128,1.79766699540279,2.29098899102598,2.13913582032239,1.93722054075476,1.98565286935734,1.18489786246129,2.05964478273474,2.12440018858919,2.14376291188234,1.93120480128902,1.14768435112223,1.39845536507809,0.732282050075305,1.4889236772914,1.47750144894272,1.25963972360044,1.54478926669223,0.98058424268426,1.52427796748584,1.67700701635453,1.75190489310765,1.47731247792581 +Zkscan14,2.94067523463928,2.90317007992844,3.09473013342034,2.82946695159361,2.3912014698673,2.58689544604013,2.79138462810822,2.958465359847,2.98712194901973,2.36076541587963,2.83990361733293,2.75412455617071,2.71852506995483,2.50097511359806,3.00516200950876,2.98726429239244,2.54163887827965,2.15528836720903,2.44160529026703,2.7393542453217,2.49057680285169,2.62046061106584,2.43238463473062,2.45208825885213 +Phf14,3.18567728954307,3.41716532245834,3.26140305655529,3.46728322423191,3.33523453194835,3.53452057356815,3.45523453837435,3.23405617212323,3.42302448948354,3.45020389543503,3.44133120098194,3.38073943797771,3.20727446619702,3.26803233031907,3.23439830956639,3.54014388795329,3.09046292991187,3.27456582272398,3.52938597259203,3.1363540190868,3.6500265152356,3.61201752298924,3.24202366923894,3.37763456161167 +Ndufa4,7.23725601546536,6.34704459629236,6.86247398830207,6.69194649987725,5.98823102545788,6.16172998000502,6.38034199205554,6.75540176116697,6.64768578227802,6.72275033323051,6.2523137059833,6.56707251243336,7.77228339505959,7.09811614315035,7.53839837849974,7.30569124159033,6.72867202701692,7.37799657113342,6.75611787606692,7.39166497304405,7.51370557986166,7.39013810669881,6.63451633364285,7.19496039489264 +Gm5578,2.91574588952708,2.88968841920452,3.08063092528667,2.98238621500803,2.11452033541917,2.80475669345989,2.78424401064657,3.04471114577774,2.58125594313767,3.12400445230591,2.58117191490496,2.82164218087487,3.5037848428185,3.05094678106977,3.29665572189684,3.27120229205682,2.934162432649,3.00086621987309,3.3422721436794,3.10129466204174,3.50138970420519,3.23049309881212,3.06303870932905,2.87165890399291 +Rnf6,4.02209221183388,3.95808879697774,4.00411627213029,3.99371717531322,4.07315097927216,4.0211739696737,3.95724143087069,3.97929274171729,3.99153664362465,3.91018567659557,4.12050342355645,4.09849046886317,4.31432942227564,4.58188009173409,4.3701708919865,4.78618358104477,4.48469063828329,4.25568531721675,4.55788054040384,4.34121443330775,4.59068330060981,4.70710704186347,4.61362152116816,4.67501814057747 +Cdk8,5.87765171079392,5.52106068519073,5.92156288595747,5.00509484016581,5.59416193679563,5.33048712665693,5.65994193199688,6.64970920883121,5.73210375120886,5.36695483564501,6.21672299752666,5.1979347720445,6.252946688589,5.9390279629808,6.45198794006286,5.9232545914554,6.03206415865636,6.48413316000288,6.14339935989105,6.41485314864287,6.22876678795909,6.10790186124625,6.08182026388375,5.95514426297382 +Wasf3,1.29662483100527,1.53211952366671,1.59816973247176,1.31368319917314,1.85860766293363,1.66953973557478,1.73265667139601,1.45213031720626,1.41801989424324,1.27075102841469,1.8946882831676,1.46767564351475,0.399599451058276,0.773458527770583,0.649071587115917,0.415615896068403,0.860032562325308,0.767601972849147,1.12014610256701,0.296483647498167,0.413218907797081,0.828434212794648,0.839390049878276,0.807838371615507 +Glcci1,3.53245814652681,3.77970409278146,3.45703612470055,3.4755741501159,3.80141884907896,3.80473811436425,3.68359075082027,3.89953556399015,3.63398100849362,3.58031077677318,3.75991248207387,3.80923013756981,2.73473618049025,2.94726699803971,2.7654153752152,2.83659210544107,2.84850237952343,2.77105913350941,2.97339492505014,2.82263744733383,2.92011583557126,2.58959017340575,2.83504125388194,2.86191031383262 +Usp12,2.89566862110429,3.13217174023173,3.01682829748852,2.92991130532871,3.06203979035583,2.87203254323314,2.87533046911831,2.86854595630202,3.01141668615732,2.6679008969035,2.95386475677712,2.79664164739673,3.37897581345204,3.36178561218389,3.44724760960655,3.35649407368778,3.33871772702137,3.33378220139964,3.35321860518532,3.40644029611881,3.42097835677242,3.39757334683892,3.2395389676719,3.31876885902872 +Polr1d,4.0477109898137,3.70613888388939,4.21055350036676,4.11026310440633,3.76502796051584,3.55966478999135,3.54290537473905,4.17395308724342,4.01793428944645,4.20648352685146,3.57092623960734,3.90235894252021,3.99562283443713,3.80834746044888,3.91993872484965,3.89126392680021,3.74441543219528,3.91199049034032,3.75668283984808,4.18401647903658,3.97094931938263,3.83203483545845,3.57437735826473,3.66371554561539 +Pdx1,0.936370151096616,1.823173424363,0.909862720153013,0.586597174565742,2.39647836973639,2.14948835578236,1.48450115399448,1.33140170001609,0.6402225858481,0.257653061222733,1.58631953074251,1.69098332057952,5.85365499025257,5.86313276531545,5.90512066863758,5.66809296233844,6.07185733012258,5.95635238747038,6.25646454850507,6.02607956596473,5.77499541080563,5.76364282072366,5.94224885479221,5.79720269123271 +Pan3,3.7621673363764,4.04683587731705,3.5514760676773,3.90976302004933,4.07872494061758,4.06162634129261,4.01018010605246,3.63772904457575,3.73162931304263,3.88744733165561,4.13293409954846,4.01947391514632,3.43945498235205,3.56136928754147,3.33124512741901,3.64902644436678,3.63977163288017,3.2780374421863,3.54018877949756,3.42673789022572,3.47822997629876,3.67075054479787,3.45414936191158,3.65342560964552 +Flt1,-4.26538177647692,-1.73526419604381,-2.30153938811035,-1.98892198904183,-2.59743410361881,-2.72895714162579,-3.65175148366575,-2.88189934929331,-2.39954573266073,-4.91646773765995,-4.01747222197857,-2.42793198938498,-4.2081836297711,-2.84097124318729,-2.90737542544437,-2.42893267001182,-3.45934720089303,-2.45454111529915,-3.92854069679333,-2.65525327413085,-3.07169369173143,-4.10341757143987,-3.70182907805348,-2.51265499971649 +Pomp,6.41172727243151,5.53047908601951,6.17243637108934,6.07687924494841,5.76515457260264,5.95114229171637,6.02909788263459,5.98104391801185,5.97377265838566,6.16645983785336,6.09252837457615,6.14135191071907,6.40487512685131,6.00443676815525,6.09617584151964,5.91256237361011,5.76008985701028,6.2764647867017,5.68150216753353,6.12313710244367,5.97709883433016,5.93970601120568,5.82910472588124,5.88849010565809 +Slc46a3,2.30907249581273,2.01852064225542,2.26205531884152,2.45546007386228,2.59527016003445,2.63179908267532,2.08837736792929,2.55265267901788,2.19285873742708,2.48896683736147,2.70913414658878,2.66513005273678,3.36095523632817,2.63493812859779,3.0756716813493,3.02466647595805,3.2899242457938,3.50506996078435,2.67572910524901,3.19784634336993,3.07416801945701,3.2022911543982,3.26593494959566,3.08937255822864 +Mtus2,-0.132215518929536,-0.976130744831027,-0.491697833557005,-1.34346427099929,-1.08873658320294,-0.607433170547284,-0.739541720391602,-0.648549083174751,-0.769793036193526,-0.485631192845366,-0.880919067169334,-1.04053670601415,-1.20231005146363,-1.69639348775101,-1.39163328871459,-2.04302980988536,-1.17002286851587,-1.12927341343331,-2.35024183411831,-2.18912379506118,-1.68247239248412,-1.76145898578989,-1.51965201570009,-1.44243726485949 +N4bp2l2,3.37614041722826,3.40791250327342,3.45776578450813,3.43360897569017,3.46479648645044,3.30158486303712,3.28767206379797,3.43925217272357,3.45339445697329,3.39360455694209,3.33016093386738,3.33998595016483,3.24034426507812,3.09741943204536,3.27317786413784,3.20005857094068,3.16249934351339,3.19264925447944,2.99882685640185,3.27213288480358,3.22506769609955,3.14041585958118,3.11607049504716,3.07134891653318 +C8b,6.77466285270497,6.61650311437503,6.85597544263456,6.27337648343213,6.04819264093618,6.2777638593116,6.6037940561842,7.08752481143719,6.91073701858771,6.30369307770135,6.3310110756403,6.32910814731562,3.40048545083176,3.34640379198026,3.36473399461708,2.39652387397126,2.71377586351662,2.84722851679716,2.7356404377499,3.70960001142661,3.40781583359752,1.99761438898718,2.72171310520122,2.12448144640546 +Hsph1,3.70643211534715,3.78188069911662,2.01256795050886,3.25458611861813,4.17850406438507,3.81440224691197,3.76403309025351,2.59678240259037,3.1207633682332,3.12003377301595,4.00081612633004,3.95971448053128,3.69919405396381,3.69201822388201,2.3938844470855,3.66513330875632,4.77408232013088,3.9051371905517,4.38185930179054,3.62700610156149,3.3552779065737,3.33435160689964,4.88350707613984,4.66050503176298 +6330406I15Rik,-4.13211926344001,-4.2640343149875,-3.37842465899002,-4.12031732840784,-4.81349057982161,-5.17844721638054,-4.59520684013072,-3.65720166143534,-3.40810310542709,-4.78320522462303,-5.23012845463446,-4.51600521440221,-1.81427872653688,-1.79726486984537,-1.73060790905451,-2.21590550939196,-1.98135203495729,-1.93984397624922,-2.24198071421793,-2.0808626751608,-2.83871543233477,-1.82812395313075,-1.64612070781029,-2.54163905497604 +4930588N13Rik,-0.677881156968703,0.561815737669604,1.03835774786483,0.212353694740198,0.737014271828082,0.827326035884427,0.51911859548856,0.604324456999974,1.15450943643533,0.79266333811231,-0.0424156021154696,1.14507974766033,0.446451435980509,0.867357411360023,1.01998563035208,1.2025620092349,1.18295354260119,1.43882811251985,0.702000257224016,1.71533515262033,0.918493265227056,0.811442365657812,1.12170561647142,1.16993384218298 +Col1a2,2.41066845792287,2.28475001427513,2.35705702181101,1.96814698196718,1.93026264182313,2.13406828297215,2.15558986453003,2.42307828632319,2.40363245892983,1.77637062974601,1.82120089542766,1.85170656310706,-3.02515691147397,-2.8260410496121,-3.80339310107776,-3.37126649713216,-3.28643095536109,-2.94109524306015,-3.46324955800631,-3.36114063890737,-3.62548545859308,-2.81192719420659,-3.93987413607786,-3.67485897506112 +Tspan12,4.95856715176214,4.85678441889658,4.8826187392995,5.05852081748911,4.891134008638,4.84538218835207,4.70070549100727,5.06410239812092,5.00736933958587,4.91063124045274,4.97566471638572,5.10025864990708,-0.296021710138378,0.567573516553335,-0.123070374416349,-0.208097883658748,-0.531993128350654,-0.174815259775043,-0.86678262783945,-0.276824081744419,0.217698411900336,-0.0738026871092978,-0.141548561628909,-0.92607582647945 +Ing3,2.6901366225055,2.72189666057335,2.70268936411882,2.79926807812529,2.47922958425227,2.63189666160945,2.66521542667015,2.67379965532351,2.8447704931286,2.68019214333765,2.57589236067248,2.85304989225396,1.99045005963356,1.84440963776093,2.02547061483404,1.88914308889108,1.46442057965866,1.77040830497452,1.49586375810051,2.12129926832962,2.01461072545354,1.87591054109485,1.80454211303442,1.81638259508047 +Fam3c,5.25956952927379,4.97245344870521,5.07175614273645,4.78384397818477,4.79883105304322,4.90945227887558,4.83438332756647,5.09136019678898,5.03998075394419,4.80681672288902,4.85833031883194,4.99143617858261,3.82093723017668,3.77198558664913,3.93931096911676,3.71799415506331,3.43169746161121,3.62175408751381,3.37704698846239,4.01525967995571,3.82832638547293,3.74125540818389,3.27594889572778,3.39089354865926 +Auts2,1.18884647921377,1.32473619980374,1.05473354446718,0.973193124842409,2.44330691537325,2.63696065378702,2.2680893138783,1.82327799434558,1.04563240135134,1.137317454806,2.34337392314464,1.76461532242664,0.603453694942782,1.14898527097503,1.20894851516142,0.983114717310973,2.12224488535877,1.54547637915962,2.00260899335684,0.806764801653084,0.87242992747508,1.20759580965532,2.09102282676031,1.84528023287438 +Limk1,0.751302088942729,0.0993445245664271,0.245296187339652,0.0109086764807937,0.916303527293039,0.81961107246962,0.771187737393963,-0.139381261366267,0.0233248205412671,0.158167724667344,0.602209116003391,0.34133028491067,0.933564161342867,0.355608859882794,0.352987225026199,0.300022867569647,1.27781417433091,1.09015703870146,1.16759700428403,0.548439644191725,0.371966224948902,0.421846198358383,1.20004536168109,0.755130344439414 +Pot1a,1.05820908205507,1.39701411895384,1.13784004567331,1.2356429882789,1.30157678759,1.19121132156277,1.21657148041566,1.42222610958174,1.39269165203359,1.4577927651153,1.22934086085467,1.35508332175258,1.25690454058934,1.3620087350792,1.24380899164472,1.2062858086307,1.08679098301122,1.04504642529681,0.967440511012947,1.32225815857515,0.925199838139215,1.0170207836217,1.07622459887654,1.1547717563959 +Bcl7b,4.05598953339545,3.59913680576138,3.95729780440433,3.86475309702953,3.69533838251202,3.91609138124013,3.74635316285447,3.9078027209092,4.0053627662929,3.77379049049238,3.70872205468358,3.91397548867282,4.36872989646447,3.89038791748075,3.95938237770188,3.81437350891369,3.75402376302538,3.96746683113339,3.93924084439106,4.1477606100497,3.91168367653177,3.85942579422687,3.99571875426462,3.76520991910755 +Wasl,3.22975627797717,3.15556717627804,3.09492851599273,2.922835373166,3.88924699795613,3.88967422563064,3.33827321646021,3.71864522720223,3.13504951292666,3.1168680136955,3.5252836744616,3.44917868838815,3.29325192006701,3.14401197325707,3.21713934841685,3.16687660221845,3.79627167526399,3.44446865193457,3.43331035717129,3.22089951568414,3.10615449987957,3.10541172991112,3.70461368920125,3.34624218880452 +Cul1,4.47728210496168,4.53964211484561,4.49955806316741,4.62512702326083,4.4995333673254,4.45995329475148,4.53043560303993,4.40989852003335,4.46579239341235,4.5849443675538,4.53531566761459,4.61637666300358,4.55092360823727,4.87532309634945,4.61497893934206,4.94355882263997,4.76066475372351,4.54077109333111,4.66323829325107,4.85082591572662,4.87685653250754,4.89332620357762,4.74873044099916,4.72317632668333 +Ezh2,-1.20993501001374,-1.12588148325739,-1.21666252467466,-1.0715164907194,-0.974419518031223,-1.00355419069268,-0.988697882695813,-1.53795889597404,-1.11379571595441,-0.799643806399652,-1.2238027371377,-0.997351755515265,-0.641677821216687,-0.451199088204984,-0.428131290223726,-0.751364970024002,-0.486974797715871,-0.577462794578837,-0.493229785756453,-0.770872958427176,-0.659518908110633,-0.480149858363931,-0.815438625371348,-0.0651891290905855 +Aass,-4.2938500369744,-3.75168887767804,-3.68284384402332,-4.2938500369744,-3.34525522441107,-2.71153740247024,-2.67306515965333,-3.33532424651442,-3.42795739548538,-4.2938500369744,-3.37410703060558,-3.35677647139961,1.60909485565418,1.07888032376846,1.78006206923665,1.27591039048068,1.24792561557953,1.53567308090208,1.37956944057391,1.31718004982166,1.09973256647624,0.639408560709666,0.542699516553717,0.873955768192367 +Srcrb4d,-0.989143324090273,-0.661733275974536,-1.55112464347196,-0.755620740359644,-1.32244335413723,-2.13026978355741,-1.35439496570265,-0.76193844766403,-0.864017832148443,-0.273580823163187,-0.500549348877625,-0.80147756239952,-0.094686035064474,0.55287436037262,-0.487851918467806,0.627157615345157,0.323412209420135,-0.112543960731156,0.521031617858727,0.437700769530467,0.509599300677055,0.174102149628564,0.138057133788904,0.455456129670768 +Rbm28,2.45834878001278,2.68702048080881,2.26820232487491,2.49400612201619,3.11655291618686,2.91755220260131,3.11308104009777,2.62812621822402,2.62485282690468,2.57790992192486,3.21597356558558,2.93634688127916,2.58526522202539,2.82869854838516,2.32926985298172,2.3445776587475,3.10108847164062,2.46881434008519,2.84559208767462,2.54207694229668,2.47213793509387,2.53422235117531,3.23797109462364,3.00523440436972 +Lrwd1,1.08814477335446,1.31347121642015,1.19043932640558,1.21735117039846,1.13279026463735,1.1774339686805,1.47218877335722,1.13503158166841,0.984609120014236,1.22075995099849,1.44211394530268,1.23747240103733,0.560590770590246,0.955701520678616,0.834220055801693,1.1124830589528,0.985489291965109,0.509643528230669,1.15416299608356,0.516264895761299,0.923937907204281,0.906297132644864,1.2205176599962,0.793862714047169 +Cux1,1.88701688255818,1.89176543033156,1.86959668741363,1.66517988432738,2.14068373467583,2.16274240437943,2.04559486990148,2.1224852957591,1.83941313792801,1.87760718238423,2.11796581014938,1.89173202901745,1.92802100341963,2.02659118681584,1.70798148348724,1.96313029158535,2.17947368557586,1.76559379702399,2.22698854357951,1.72328986621157,1.85909853684095,2.00223693702436,2.16977785345675,1.95761116957953 +Gcc1,3.22173703407221,2.97093004818669,2.70886625215408,3.02491713530183,2.95407286390574,3.02401555062367,3.33052929449235,2.88661602379021,3.3646246914379,3.09650304900102,3.05496326587886,3.0434673306019,3.37887631071302,3.22858539051305,2.95943300310312,3.13525384720945,3.38004549975737,3.18192121242105,3.57254198127796,2.81693937231939,3.26527841222473,3.2181410586421,3.37854724139367,3.32806715003772 +Epo,4.36522534364379,4.22673855658032,4.32743120568301,4.10482824409432,4.27465971389788,4.22789593592725,4.21751767624337,4.37174219647936,4.23020074548976,4.24144647984477,4.35703622903794,4.20867690623629,3.64561503754149,3.73566578903127,3.87026719246402,3.73883868051833,3.75617264303643,3.69256424421397,3.89087898776722,3.69800236259384,3.75661385662329,3.75245988421052,3.74461841311026,3.62494834739859 +Actl6b,2.64752919257962,2.9999432702074,3.35546460618653,2.99167729206859,3.02730278796809,3.05067171170296,3.12121892904173,3.1812499798236,3.11479882139281,3.14527663772686,2.9257670967685,2.85632176153162,2.45673355990601,2.74059280141121,2.8754470852454,2.91114025281571,2.5461757510644,2.70376724443752,2.46374514600484,2.64287035718955,2.67553927048541,2.88702941528806,2.50370171707378,2.69731431522882 +Gnb2,5.96151614691311,5.84114460377431,5.94423532301163,5.72018638985203,5.88333237144365,5.84916844943001,5.82321219594219,5.97727880976043,5.84839886594443,5.86540718987996,5.98310746440521,5.82953141697001,5.18657278011203,5.31566199149781,5.45909960259265,5.30442741814553,5.35537555813574,5.23848794685998,5.46950263531914,5.24836316222062,5.31952586861491,5.34030110298484,5.32063109559123,5.20379229990895 +Gigyf1,2.98355696544807,3.67658818961927,3.05683581343701,3.4326731465782,3.90989111520452,3.80099063028106,3.84225235317219,3.27429607904287,3.28978502484061,3.4294885936273,3.9181255981266,3.44250001793383,2.1525648754043,3.1498941033496,2.39157110861414,2.9831429424085,3.45026982592917,2.74439812507612,3.67110855277568,2.49571893148147,2.5589561067635,2.60889168153751,3.41823339124583,3.35347749510204 +Pop7,3.83647446349845,3.22913075481034,3.48435979252953,3.25859530937252,3.33021224172208,3.16618182959112,3.38088138893152,3.6623780829438,3.38821401080249,3.2917951030372,3.24658701087495,3.23274960157472,3.79381308425522,3.42002801759042,3.50137097835096,3.56445271490506,3.14196837092929,3.76442686724858,3.54855613544276,3.71791135540751,3.66389013932162,3.41183567987136,3.32412196618157,3.22760380775217 +Gm20605,1.81306880826472,2.75476062174328,1.50541584334978,2.13278326474322,3.18800337295617,3.07060480117847,3.10345609561677,1.7658807126719,2.06457154998792,2.27263945550708,3.16509721579271,2.3821130625266,2.24454795083047,2.28751557583506,2.0402094866739,1.93701297426719,2.89106237824956,2.25985580005042,3.14383824035699,1.89757856656483,1.91536129266077,2.3131657603222,2.73874060755538,2.58768909091862 +Agfg2,2.05967697413738,2.04858950637379,1.64528386450808,1.65775977609887,1.36401799080565,1.79537539139133,2.1256645826421,1.93253207870431,1.86808408832458,1.50292466356173,1.77773875298305,2.16947172072359,1.69291775081905,1.65215880150335,1.54380703958016,1.57424676821358,1.88320728424659,1.86376597285826,1.62696955539722,1.9364902750944,1.73053371583164,1.67921773708498,1.95114385475055,1.87067318937354 +Tsc22d4,2.74037912794883,2.86244906619982,2.99629859529408,2.88121914282003,2.84962330564463,2.94517361428631,2.79103833999172,3.10341972852973,2.81307739700095,2.68758360807695,2.76988982075061,2.68122758103897,2.04960915363091,2.20437392232001,1.91598075938323,2.09074845689597,2.15677081027806,2.02550163839573,2.30928392572461,2.27149175688865,1.84158525143695,2.14724497968664,2.1437579514731,1.96620775318909 +Ppp1r35,3.06538720895872,2.71387222045118,3.64091683773964,3.10809887862162,2.92636376024249,3.11691242543053,3.24569650214313,2.81384461996906,3.03893970591959,3.06420262113498,3.32423388221156,3.27709417418244,2.87718449504187,2.89362446765218,2.89978658124369,2.62110689255338,2.95229427458357,2.73615800942252,2.75561231677209,2.54509384595351,2.72919951788657,2.89208968283492,2.50438863365052,2.57285664968143 +Mepce,3.90639929534498,3.87518460451403,3.95028137264093,4.12369976974558,3.7811335439588,3.91847872740878,3.87849944947589,3.9099117860002,4.27324866666337,3.89960528200798,3.67098592735531,3.84669010630062,3.43140830758121,3.5368940970721,3.75142099732312,3.68632551595478,3.4302495373052,3.48919455147201,3.57585247999013,3.56220223093928,3.60030773279101,3.74982734500738,3.54219131455418,3.42613213953239 +Cyp3a13,-1.00111319196641,0.0220356619099114,-0.955773545795977,-0.116734533851603,-0.419100620744003,-1.21921339384884,-0.871527668338822,0.0673960127286655,-0.47570196153056,0.0242871422148034,-0.649697112996694,-0.23604485053067,-3.38619224336184,-3.45060816029135,-3.03002103582858,-4.02316045023163,-3.03743406934762,-4.02316045023163,-4.02316045023163,-2.93469668884861,-3.43183743630678,-4.02316045023163,-3.00794876568608,-4.02316045023163 +Zkscan1,4.21731000640967,4.2845941414437,4.35472079294355,4.11830912711453,4.14696328760574,4.16134869895539,4.01156368582061,4.50311751012957,4.34398456715923,3.99554606283694,4.09167677122679,4.20351579384087,4.09235653077463,3.96816201182725,4.15524316399048,4.01665442027804,4.00337467729023,3.9996710983057,3.92482687516652,3.88438983541276,4.08279272180868,3.94042765069119,3.97741659037473,4.0089336030321 +Mcm7,1.76871556216099,2.27145839549708,2.18597178958092,1.89644218806583,1.46100839503456,1.45087240317004,1.52319158349736,2.24065359092564,2.15815401592394,2.09639687812749,1.68665810469775,2.09351204767225,0.935157579864726,1.38335594183382,0.944507850721941,1.26480631428577,1.15220912002199,1.02094295370815,1.05485028386407,1.32126856216866,1.5292077897758,1.27773322738163,1.0192770190672,1.08845692613335 +Tpk1,0.965434151620955,1.39607620482769,1.17515100429172,1.18022988452225,0.672258751031385,1.09573652888847,1.0697989302371,1.1553981367455,1.23057535314801,0.944419749879844,1.03102461564757,0.961028534886846,1.03925749737368,1.02590976479989,0.946217915928639,1.05157857807661,0.619748078784775,0.655113443717037,0.567455630020354,1.23182907112791,0.978364445033463,0.964943666593781,0.342749214264768,0.598829514866973 +Asns,4.43073294169242,4.06919235333866,4.5373640724566,4.15495741328533,3.54238696533936,3.65882749203311,3.88837016771377,4.68993743489809,4.42752547600729,3.94558842818326,3.7607173369252,3.96577658366754,6.1132052416603,6.23101131071547,5.82615650487856,5.79695348572069,5.61372694436948,5.89297948793135,5.69419550160847,6.98720657514888,5.75195086322814,5.66129264576339,5.76513145961337,5.78478417937207 +Dync1i1,2.995085071119,2.61887076872573,2.70722537908253,2.60207791184467,2.39065979928729,2.8279771993205,2.44760018891989,2.37465576148088,2.83007465396803,2.73177563223145,2.44778439310779,2.49709776201801,0.966677442376489,0.761105388663644,0.938408805318195,0.618821114032175,0.430440010484554,0.80321345472611,0.697562555536037,0.092955927865249,0.792354212996791,0.753048934026566,0.15736796787936,0.541581611073317 +Pon3,1.54795993560172,1.74918574679716,1.93228787134645,1.58860320279031,1.94615600722503,1.89788576403458,1.55821618539841,2.06316904664386,1.50953438648124,1.61902459804492,1.52466820713893,1.82951898774157,2.91157302220503,2.44218279877363,2.64059262543188,2.33410887161569,2.68388762235924,2.76465906668482,2.2347099500407,2.7431694609956,2.6329637358951,2.39718566284006,2.50930201819756,2.45386570036817 +Cald1,2.45797852971392,2.72625637577475,2.40688932107004,2.33739775938151,2.64680397621937,2.51712383913967,2.33359942927,2.49283847328409,2.29316579026221,2.63182037288582,2.60568991537207,2.63010717390864,0.548189297283198,0.711686563279128,0.624533749851526,0.865822720267553,0.478612906520612,0.767767213822773,0.602647771107524,-0.133203410257738,0.603559595444598,0.811978798290536,0.034887876590306,0.688405544861637 +Exoc4,3.31064095824063,3.23350569321406,3.22962718510968,3.17623239612801,3.43813991638633,3.63317411117834,3.31681149077736,3.42718453469483,3.10306651471802,3.08939917816149,3.38857739245507,3.36191340683176,2.69730024344901,3.08316229720145,2.77794182052633,2.92046425922888,3.12763661898595,2.85923336725502,3.15908374659964,2.68954983761641,2.59576247597945,2.76723625794185,3.03351534423085,3.05551263308887 +Plxna4,-4.34301581678683,-3.52582453604559,-4.45607714988158,-4.49306227206388,-3.09063757963398,-3.62159984598215,-3.16704265812065,-3.07228134524897,-3.65281994148359,-5.33979527225155,-3.37600385701615,-3.11206895532111,-5.68170723314366,-4.75864104171218,-5.73828303613293,-4.79010007354426,-4.17101529465905,-4.91641664005005,-4.35186823138493,-6.31867544001346,-5.30914515516274,-6.31867544001346,-4.48963832095946,-5.68202363798355 +Calu,3.53168350805054,3.76842122863684,3.4479383701118,3.98501669678663,3.82139936303139,3.77542628372819,3.9190547912455,3.17549597621411,3.64081159922813,3.86391218085457,3.92704536710454,3.80324447579742,3.58824058134599,3.32266165532242,3.03087870273787,3.45248391191776,3.39860031992916,3.44451093607429,3.60622679664477,2.97572133521804,3.53099994965077,3.24082124885287,3.58787301068913,3.61689376038053 +Ccdc136,1.61000492289046,2.20029690237516,2.22127513273768,2.076734692064,2.16833829899381,2.23398719823976,2.46861462224513,1.92309753644663,1.99968297684526,2.17493290681263,2.29749523393491,2.08263643326302,0.743087568183664,1.49360541472386,0.943398742928376,1.39298273768364,1.51355315921445,0.962664354642315,1.74599903031794,0.368440856020471,1.08831748624314,1.58606427365525,1.52613625161936,1.47223939925387 +Ahcyl2,3.3690798529359,3.12753388801749,3.1926537096376,3.1733405294827,3.13033541659244,3.23213979026525,3.0742622024669,3.33749184052047,3.17806754040078,3.04330500052715,3.15979330498018,3.2437356566047,4.07860296266013,3.88820468461495,3.99422584403264,3.83934913249524,3.93234283350305,4.10369498917961,3.82851663961627,4.11970656712776,3.79338169621795,3.85513952052835,3.97446823747212,3.96654959767139 +Klhdc10,4.28559645349727,4.24635739873931,4.3414090841192,4.19393692150192,3.99542830872982,4.07256208704867,4.0154675448312,4.22327257312286,4.3351157721431,4.12936001834769,4.02880607252419,4.10204639745984,4.48039065231066,4.15995029509033,4.34151091254649,4.2747845478404,4.10488184429498,4.36637434463629,3.97384953594498,4.25304661615098,4.23085967858545,4.27308086467784,4.16848771229468,4.15960178399724 +Hibadh,4.81111990633869,4.56290001521051,4.63847423963746,4.4535367102417,4.49757430527267,4.5954865428582,4.35879266130424,4.794900016285,4.62190373623067,4.56442253382046,4.58452779575229,4.50770094195904,4.93681522146132,4.68713306477607,4.92871541525728,4.61815887945918,4.56344178831521,4.91114509354875,4.36965003171144,5.10405296757693,4.5783732693814,4.62399278055209,4.39440290700263,4.6008350240295 +Gars,6.61366948340172,6.22228348856494,6.52301320754843,6.33223338808208,6.095571070608,6.18576611933896,6.24002431242882,6.47427380504549,6.486242182609,6.33906726577704,6.17361365243965,6.22668657394507,6.97357356314668,6.81165539178243,6.60624075888073,6.62900000273706,6.6208692470942,6.78852217150871,6.71504470463747,7.19850051469098,6.69919697973945,6.59716565981098,6.71560023532498,6.72726780907338 +Nt5c3,3.53551572223637,3.5381533303542,3.53145770219382,3.17578629838913,3.19846433678794,3.26826774274409,3.24956800541025,3.44457407176834,3.31745669023534,3.2298767213239,3.40336737059772,3.26219470489611,5.44060543033502,5.17004275915894,5.29477833299549,4.93681877007548,4.93504880426782,5.36371411073223,4.94929106258015,5.37558509766934,5.30650414008119,4.87714024707997,4.92675016383182,5.20755742589169 +Fkbp9,6.52134635269095,6.28301349887858,6.59220879535666,6.15142902825875,5.97219087067842,6.14564074325037,6.14303610937097,6.57701533438987,6.47135055912055,6.0963167864162,6.08920307942984,6.16617677549104,7.52980801037423,7.24288932743021,7.61329944963637,7.17168770690685,6.85144601300542,7.36789857886307,7.18989726058793,7.66627064428315,7.52379858970996,7.25579765424489,6.9774696867814,7.00228104342073 +Tmem209,1.50702299602618,1.51740222150886,1.85144398752265,1.63215435016514,1.19116315062512,1.34610418100756,1.18859025046066,1.44476620405738,1.61613541711512,1.55040299585291,1.21325470733635,1.46495867910552,1.53952329084014,1.53808574864249,1.61849484508298,1.37615966197272,1.09475696159106,1.7000186337853,1.21521215854636,1.89449906564561,1.50453522260429,1.50076518478217,1.10468969163729,1.23929069829207 +Avl9,4.35917336876151,4.5036552151943,4.67427276188756,4.48952516153291,4.17051703615969,4.26819194298333,4.16937059127931,4.71273040920099,4.58513564139995,4.45788100990639,4.30681145803684,4.39489773301839,4.57499443840314,4.76268470514113,4.70808674199775,4.70015669542191,4.40714603162361,4.45888734879565,4.32890933442867,4.94322839620934,4.63125548145662,4.62184993616573,4.32939127915028,4.48652563395482 +Tsga14,1.60866901427282,1.23328725452093,1.40838531952046,1.08844256449167,1.21908972845695,1.60395832240659,1.41844187385898,1.19659218850015,1.19423178821104,1.0650043781581,1.47038913362445,1.63606557846651,0.202752913078077,-0.0306299549062468,-0.116603794340595,-0.0679918261888459,0.304857224275378,0.779024287130539,0.502809665905105,-0.056322350540924,-0.331432354964748,-0.124177780995877,0.729507871000926,0.559926751390085 +Sspo,-4.08189257401925,-2.65140151686927,-3.952554726723,-3.02791037811232,-2.52681264670409,-2.38573888886839,-2.41850906325366,-3.94528534590373,-5.17677976252738,-2.37607222014368,-2.03409065410239,-2.3695774710897,-6.33621546011791,-3.78248097509575,-5.34307604571486,-3.7448500212442,-2.838825829248,-3.76831650232464,-2.97040170921245,-5.24775169873489,-4.32194353784693,-3.35513342548434,-2.98702076951996,-3.2986016007924 +Herc6,1.24441446233914,1.72937071918166,1.5714965141299,1.72433202254785,1.45689958005542,1.84171901218116,1.54276080706187,1.7697424606389,1.44364512425464,1.70404019066201,1.86907372479488,1.45111253648372,0.971012465091845,1.04692053841384,1.21347283541498,1.10074063419151,0.991521086414251,0.99664221947958,0.861540034617912,1.37332982916731,1.03833902858669,1.03724840942437,0.710843972921635,0.892811422633045 +Abcg2,0.0515838558308754,0.381623140056026,0.604610194802789,0.393182843158955,0.447418922425594,0.31656475548137,-0.236358974469833,0.193230599318607,-0.520876657131774,0.137332948428669,-0.41044106625544,0.261796447026733,-2.09569811472198,-1.90435838462159,-1.78460495580038,-3.50538627061843,-2.89266251260846,-1.56387764188821,-2.51260261747421,-1.95005768563047,-1.85592883973353,-2.69578321687166,-1.95349366085465,-2.76364768016012 +Herc3,2.89440442106052,3.16482372531913,3.31968612698149,3.06635286699249,3.05658049820863,3.15000391471252,3.13992530665027,3.2145451572737,3.32166752533655,2.97826690056586,2.99092318720434,3.0006163671251,2.31455340208102,2.41855574822606,2.65271432007587,2.54786508380836,2.29847160226072,2.40038165530896,2.23043544809206,2.36339354511134,2.28181738844517,2.49616121569079,2.2565042959924,2.26000646513752 +Tmem176b,5.46037062099659,5.28534568848474,5.57509158366523,5.38065191648733,4.95869938051617,5.01544596738523,4.99943226717053,5.62293847720252,5.35571593099961,5.39093337417372,4.86938605598349,5.16352261711399,5.90514388050595,5.55629239247045,5.73076946520631,5.6740557311495,5.3807879193481,5.70933634733512,5.47102547261947,5.81683597051218,5.67111842141722,5.59049922774052,5.35667045859612,5.55407326058199 +2410003K15Rik,1.75425827555213,1.57290529506407,1.872888880122,1.93196952655902,1.82011689741191,1.90703534347108,1.65940581394248,1.54842893888278,1.59749707224987,2.24092114700111,1.67415860624899,1.90071725700237,1.91907217482492,1.81212910210951,1.60257108704077,1.50745200520128,1.64622258386157,1.66845680532545,1.62221230969135,1.91280334482167,1.77623947661914,1.59484872496499,1.47196002083193,1.91820037729611 +Tra2a,4.6203050184514,4.22159487676678,3.14791895970649,4.48892675156921,4.8807240419032,4.38275221976339,4.78151987772064,3.63904216619678,4.08786983438295,4.02982369835899,5.00873786004588,5.00414307542971,4.2127419647848,3.94534283712208,2.44133797360008,4.2251080142122,4.77316680612501,4.11815030355754,4.40359430073186,3.73958457199296,3.98194912520564,4.01828632969453,4.80409573910965,4.5648948772752 +Npy,-1.03539856347684,-0.0422337311932864,0.322313481541152,-0.654170102450831,1.88798024508812,0.456733749432673,-0.128675017366857,-1.54028480859072,0.0714387325620521,-0.561404640828819,-0.0633554181380258,-0.996966838095298,2.88846987923428,3.17845565485694,3.61627007102939,2.85934794240951,2.38708990815017,2.94262553521069,2.61937019349167,3.43308858740909,3.64811386066391,2.93089613320741,1.94668621375233,2.12067262214365 +Dfna5,-1.83570368034278,-1.82924659005956,-1.47832397579598,-1.67467934501152,-2.17986405023548,-1.65669609405635,-2.47407366040173,-1.78498593076304,-2.07918946119449,-2.12421498395125,-2.16424903721899,-1.94048599457809,-1.13610967065412,-0.829195455850677,-1.42079238834961,-0.965947810267872,-1.30565388217311,-1.64263341454406,-1.62133786415106,-0.959015235547446,-0.634715569266621,-0.756262659102163,-1.67950318486617,-1.51377100504627 +Osbpl3,0.680796559030695,0.463831946814735,0.720621290016588,0.275746002322666,0.845300774253321,0.870443120840723,0.522071913250322,0.591430120509908,0.377095734787742,0.0957004257878511,0.379145938656678,0.537761768685155,0.555877600361237,1.11429628809198,1.25870631904313,1.20051027784451,0.586447283165729,0.934781926424048,0.909698908293698,1.22757453710993,1.22527057832641,0.998161857687294,0.550078612003179,0.543207827421742 +Luc7l2,3.66229913608846,3.92237504793516,3.53300751104509,3.8180648912519,4.44142125882055,4.33107566701283,4.04765611585378,3.71520792457062,3.65741621143219,3.76011204003853,4.15955508582932,4.09527248550477,3.65164058792286,3.76759777314255,3.42559881856064,3.48032624441959,4.40637659860098,3.89261365928791,4.17625526804145,3.23521063968719,3.67456990505866,3.54075254686886,4.21187729077585,4.07885912630247 +Zc3hav1,4.32792643784273,4.39344907415343,4.41169035741991,4.3070551533917,4.19484340994418,4.22136022619678,4.07863999505656,4.52428206924411,4.36164520833228,4.29468217172629,4.28090921973927,4.38492850345496,3.7355653842562,4.07034725746434,4.062537362344,4.0095961037541,3.98367434604453,3.92181661992788,3.72966295570954,4.20239411647566,3.77169819924936,4.01190646260377,3.93303146031519,3.92287614282722 +4921507P07Rik,-1.26011450726316,-1.0639570233371,-0.881388936921733,-0.640470759351792,-1.33643381862775,-1.36712643459629,-1.47215289440874,-0.935327285228839,-0.743278638400955,-0.985940952621113,-0.924770734293827,-0.89269103785181,-0.287001865068212,-0.660603450587347,-0.501842382958322,-0.402595958364409,-1.06671667467812,-1.67555275744928,-1.6060422149663,-0.0341218642208549,-0.073099026918211,0.0309453699417697,-1.4645352231615,-0.109501192554563 +Trim24,2.3462459758421,2.68239031559812,2.5428824092496,2.59394636777114,2.79853916766694,2.85421509561295,2.65497186983342,2.56436838985334,2.65454256159767,2.64982379846567,2.86461243173019,2.64570485079973,2.39107178375179,2.53252498526981,2.48223562751426,2.41862558800757,2.29379589769837,2.57335845679838,2.37984637362733,2.50655088368944,2.35438158174563,2.50329194661671,2.24301942436626,2.39018902563941 +Cbx3,2.24243707592557,2.02641509470868,2.30870692015747,2.34918200975874,2.16607680511206,2.05210724928539,1.92128761214116,2.05433709141302,2.00031147038795,2.15344392320323,1.86166568346195,1.86521117309818,2.00271516746462,1.63858432363367,2.09381236335213,1.80991785924815,1.90795278481205,1.85807687686485,2.020586506654,2.09402329861491,2.25165996603049,1.99227539870107,1.71867343437694,1.4862502062833 +Ptn,-0.888704153256552,-1.47463311283325,-2.33758884188099,-1.24134975292354,0.654285541963005,-0.292525549870742,-0.293858818654648,-1.12149544929742,-1.7647566309858,-0.826891136037883,-0.70957144966268,-0.401986819901021,-1.68931589648782,-2.39513575196812,-3.37648017213858,-3.37648017213858,-2.07169744507235,-2.74633849991124,-2.26304085978356,-3.37648017213858,-2.04312326692957,-1.8059088071443,-3.37648017213858,-2.29962450774249 +Mtpn,4.86282769406987,4.66750981920386,4.82315391375555,4.63998196489309,4.53639824507685,4.35096613851013,4.40584594112038,4.84964104053891,4.79950469731502,4.58168662582435,4.38733709616212,4.71524065833941,5.67372673246241,5.23476395129331,5.4185740916807,5.1896361321279,4.98969648335753,5.44511065686568,4.87841113108697,5.71869869176114,5.33186463058361,5.1086731223739,4.90613505227507,5.22758426515003 +Fam115c,-0.994764911210898,-1.48687238999223,-0.638251590949986,-1.43774694706209,-2.1186710235036,-1.45052081977325,-1.33643375435188,-0.74130989855597,-0.924733197617575,-1.07090806852289,-1.4428240931598,-1.41030509887696,-1.2334170399332,-1.00757026883421,-1.04455185065451,-0.554409833738645,-0.999428960955377,-1.32951737356869,-1.0968069054023,-1.66106896645888,-0.898926376469341,-0.992953022557242,-1.78357685593683,-1.48498713048035 +Epha1,-0.353880755517593,0.175408787546059,-0.525817690179665,-0.682055751296188,-0.281839513659256,-0.26031722645618,-0.268089294062049,-0.158363000071885,-0.345771286506813,-0.0856377826096626,-0.269090243592859,-0.76596411179757,-1.1998316015133,-1.07914679644836,-1.12459864791055,-0.88271313446546,-0.886995060185057,-0.739209186728092,-0.913004286074793,-0.58982370566246,-1.02776483015271,-0.617775114390653,-0.346642426718105,-0.610346777230306 +Zyx,1.63876012933402,1.83155511441856,1.05472438325595,1.55065485621905,1.69132730527961,1.90458022475593,1.83930643707696,1.61984654274117,2.08052335551337,1.37029817424348,1.79916817940809,1.45541796911485,-0.44746763643915,0.212547471084831,-0.320752717068398,-0.17855491206966,-0.4221542429541,0.0518581922722245,-0.549132548901854,-0.0227881558898724,-0.570270090067578,-0.461312863033022,-0.196749467281045,-0.166383491371054 +Casp2,2.20119063059862,2.41766248797156,2.40620849668044,2.26130584879266,2.29516149395,2.30198939797632,2.34532585412132,2.43478410821214,2.31890792412653,2.30716525270104,2.38839211144014,2.44822556185503,1.63273905406555,2.05691810617084,1.76446278423836,1.75201694460302,1.91374295443338,1.51813827344786,1.67129374780278,1.82138730332225,1.58511910479363,1.70953318086963,1.88156281865498,1.86760257881695 +Gstk1,1.41371005821034,1.3759973809768,2.24283180743265,1.38142909805552,1.34734635773339,0.646731347750321,1.14203993428634,1.87324163203414,1.93483383560999,1.70342976822,0.917374018655284,1.70992451727397,2.99836695820185,2.51444413093053,3.10490497458845,2.38001375437405,2.2077370487005,2.80139956499943,2.78764686327708,3.41933185013951,2.87026185030369,2.55530049617926,2.44480155516882,2.47213068814416 +Ephb6,0.151258110834635,1.03659225264958,0.88490124039909,0.167855869013877,0.0494744004865726,0.178513035082203,0.74730446180244,0.907737181719712,0.788425408134373,0.436809752568364,-0.0417355113628151,0.529298868113986,-1.05588509077358,0.519545926457977,-0.2900134283036,-0.327426601469566,-1.39506378388968,-0.989728740568324,-0.617645579421972,-0.209256484784961,-0.800410097922662,-1.29604091593538,-0.790151928225901,-0.382992045000262 +AI836003,4.22568007189143,3.70512897689051,3.68988671164447,3.98016299462271,3.92574881381143,4.06238017051921,4.04034387284712,3.490128685001,3.74213464608912,3.64339202002134,3.94098563645787,3.88330977631953,2.84386513723012,2.15020524625627,2.65323389852986,2.60137829454332,2.4567102590392,2.44308482383243,2.0922979875786,2.27404543813001,2.41485684988033,2.48502106618635,2.44867512464323,2.00837018701324 +Dbpht2,8.15883734750934,7.97740917582075,8.25786866341864,7.4180272654048,7.25486158862922,7.64006966656438,7.66736348410929,8.2790749707775,8.0170033496052,7.42659452828594,7.29360038700157,7.87278789904748,3.42009819688205,3.70865980121746,3.17680387250773,2.9675311493992,3.26115547919803,3.41551616784268,2.87245869070471,3.46995261515108,3.12473727418763,2.5892130404304,2.84090796280591,3.11156067236982 +2210010C04Rik,0.256767742141985,3.26639387133391,3.30915688518774,2.28346629575332,3.37244499190551,3.49568795930379,3.25643280743424,2.84019658710568,1.9501949835429,4.25216465867114,2.48544721824759,2.40171090099942,1.38526574058802,4.04531092956272,4.04951377884086,2.254523319423,3.19070357437237,4.3847800414599,1.88171177302021,3.31711375492898,0.767061512379775,3.51251421130508,3.38341026925101,2.80634601938715 +Mad2l1,1.57306385736261,1.22946198455956,1.70302693531024,1.67703631291336,1.15331400574043,0.665289240746921,1.57771600405373,1.89262355401189,1.33467201448472,1.45791518460092,1.46815320937562,1.30554147322321,0.640857666662572,1.10694142791232,1.34382316119717,0.810192639573734,0.641963724179609,0.752705095443073,0.749772658053979,1.21861433650803,1.07190318210669,1.09307828749749,0.813249838007123,0.963738137766699 +Ssbp1,2.43023354147374,2.16079187887947,2.22201649556086,2.36628304170134,2.30417604337618,2.29622872152333,2.27165259605183,2.16458416450859,2.28716158882904,2.46564508282822,2.45850944181921,2.60685155840337,2.18578765069763,2.4098528385364,2.40993743382067,2.23283720687393,2.66731542162339,2.08183151850727,2.14568964477222,2.16473440339379,2.18397965612664,2.14387245775168,2.19510146423846,2.44828612887393 +Prdm5,1.63791678380267,1.36964239614862,1.81238475007667,1.60303532203793,1.39687962675966,1.57222425584287,1.45290532677389,1.87308804928135,1.65322758189133,1.57602588752466,1.87220217733571,1.63781691738717,-3.43399847779625,-3.93876822801557,-4.51132051795585,-3.80792206603745,-3.93585805508627,-3.88117884572852,-3.84974955028343,-4.51132051795585,-3.50179023310514,-3.93353564091009,-4.51132051795585,-4.51132051795585 +Agk,0.415179573826647,1.05813471438251,0.843109036492893,1.20974848463368,1.40577950322958,1.50329752112058,1.45292879161206,1.10437745265522,0.859072603825885,0.836602866640632,1.20810649907033,1.14230803478679,0.626521825622333,0.697156938635729,0.641722421146489,0.651906693759634,0.70554575891601,0.653042832185151,1.12018818925727,0.166006530724178,0.712214656388908,0.923565286918366,0.798913996966884,0.625685449180032 +Mrps33,2.74169477279974,2.83265310562042,3.00804279046181,2.84165863782634,2.51638474130497,2.37344856398116,2.60987968386497,3.12057999078219,2.90183576679956,2.68370229021437,2.30194396117213,2.47446664960229,3.28841753616875,3.17864264393585,3.59545916765229,3.04780305626888,2.41358466312084,3.35711672013893,2.49915376090586,3.75052009512389,3.18446729530929,2.88158407684789,2.4497567635558,2.97142097439812 +Hpgds,-2.55474598290944,-0.845393110062099,-1.05108970773656,-0.681422714369419,-1.86964785442642,-1.46444359498758,-1.59998269574393,-1.44126995719832,-0.925661038866641,-1.40505352575586,-1.9192804280562,-1.77560528936539,1.92034157099808,2.31601581985963,1.75810499708382,2.11746402861407,2.01315351796437,1.75031807571886,1.72991785851865,1.85677124300966,2.06874136758294,1.99443608351671,1.8907955453278,2.2232417527672 +Smarcad1,3.89976733227789,3.8269585266921,3.87470642398823,3.81961416829822,3.82598842448541,3.82162730438299,3.83428906017066,3.7493952130785,3.93037316871343,3.72572260319402,3.81704155661432,3.80924307232952,3.67462420394932,3.65181125352023,3.81381682009437,3.81665275780983,3.60850197998725,3.7571106272901,3.49770483449984,3.89643385366216,3.78305325280667,3.45168418363991,3.74061690919208,3.57980134509478 +Mkrn1,4.2393297347424,4.3461723394035,4.3606528423233,4.34846244181571,3.98859128242146,4.07426079675851,4.18622568420175,4.34414021866854,4.3977715773606,4.36658671143224,4.09810306710125,4.22485919000951,4.25801943880306,4.31428399564233,4.26225294730654,4.37700249676528,4.25382029374794,4.20194819324227,4.26053322616864,4.46835274067859,4.34589434431462,4.34241589122593,4.20894669085669,4.21460725441303 +Rab19,1.69146252020694,1.66312379131157,1.96439563084335,1.08048146680838,1.46800797927913,1.06695775836631,1.37032831410842,2.20503475007709,1.71096585948888,1.46612232177817,1.28536212698204,1.61437968841515,2.48800464999111,2.53143672414061,2.73792124441227,2.23388917626839,2.20323731684309,2.79879774168655,1.6846520631514,2.87991338359185,2.46123795955674,2.57675117966198,2.31652430693311,2.39614615628921 +Slc37a3,3.69217803473513,3.6382256074226,3.70023379088437,3.580797058746,4.0206968198049,3.90828603908823,3.53022110218257,3.96603643582334,3.58704948043973,3.58417499534677,3.72445192167753,3.7013829603449,4.00397452313312,4.05361854256435,3.70753851537039,3.73802994245039,4.26090712916429,4.22221662015839,4.18425700792893,4.06507653739367,4.00278117841017,3.9860752146749,4.21727237807944,4.25058940532015 +Gfpt1,6.12913822815066,5.8459303832153,5.91221747488798,5.61716145575284,6.12449191072157,5.95710125717492,5.56378601871607,6.27516295578351,5.83046744258366,5.60645470294679,5.96102382080169,5.72330108449116,6.65292042537284,6.33917747952947,6.31080774577085,6.14997323533267,6.73879335499869,6.73992001701871,6.49288932021154,6.55439318994473,6.1685681350495,6.18644310044302,6.62663501435586,6.55736253076834 +Nfu1,2.79920809054574,2.66230688141844,2.90709876336947,2.90318958710929,2.4690775563716,2.41237674269152,2.65835992231622,2.55580271634578,3.03905380151641,3.09588827248078,2.88773293046422,2.71381705036802,2.56448062856339,2.64442536611278,2.60327351763825,2.34915530685552,2.17000471666493,2.49396866357462,2.15459490562971,2.6473014068384,2.53281942490907,2.49284733476112,2.40753428177535,2.51198680323143 +Anxa4,4.74115880047055,4.62849425869452,5.16882472111028,4.91523647586465,4.59326959784038,4.50050575084826,4.57348467073606,4.73033171415256,4.85339491653863,4.93569350789294,4.48935333614867,4.5171926409173,5.23542277657452,4.93380764671734,5.1456571625467,5.10682916191679,4.87924841513331,4.99957242902147,4.90531541021406,4.96158095286039,5.05574169985499,5.02733822855444,4.86422436214244,4.98469715427145 +Pcyox1,4.38289231925663,3.93088098699014,4.37043588103406,4.04334044408739,3.75384999270866,3.80085181506587,3.65561743712379,4.07874656729649,4.19702857743962,3.92647218697601,3.69753125455739,3.79112623009,5.34559032378305,5.19303144083644,5.74425606885946,5.39832429262721,4.74762169615938,5.11142398343228,4.82954286932147,5.36906935672242,5.57534755632977,5.40127837951489,4.73422738961954,4.76086123188114 +Tgfa,1.31887827321959,1.058015288496,1.4410536895615,0.998214955119756,1.23689565742229,1.21258629678025,0.819713697454907,1.27007332865332,1.08920733870359,1.1889910511783,1.19059652942281,1.17353080649764,1.93589187084449,2.55443044924325,2.93691831795945,2.43162030314539,2.28473850259835,2.20410063121722,1.99332117740165,2.35049406586323,2.44129474720562,2.95038749854935,1.80730369821697,2.23793808629799 +Add2,0.610131863333504,0.800369844231866,1.24211427849433,0.550687304738364,0.290275460953466,0.45314158251816,0.926870883039948,0.343620279594117,0.481910605789269,0.956301126927646,0.424501597197606,0.488977309837061,-2.58826499990531,-2.22186475330125,-3.42210199925247,-4.00249440313299,-3.01676802224898,-2.10000212390859,-2.88905509077797,-1.87175313374927,-3.41117138920814,-2.21056406915101,-2.39728509122186,-3.36584260110309 +Dusp11,3.5329304152637,3.88929159814794,3.66750539038244,3.67267700811847,4.13688893081106,4.02654039394614,3.79468454261355,3.87383679404537,3.81601570608633,3.69064064645263,4.00169007714609,3.83879624946975,3.2305236079134,3.32773975093182,3.06435815413149,3.16304382730392,3.54540002478153,3.28961984258592,3.37031268421123,3.0736851059126,3.2378793423025,3.25916086036331,3.48191459680285,3.49310742616655 +Cct7,6.59569511600188,6.06567683012816,6.22139901498863,6.07961197700963,6.05862270978533,6.14398191960322,6.25378189967022,6.2835986359459,6.20184764805397,6.12549163782454,6.32292513094871,6.30680446511901,6.30414472156555,6.05866280898761,6.10567905406456,6.08319592572774,6.24892283673151,6.39262853237246,6.17768670180495,6.48782742818474,6.12681884518852,6.0969775465747,6.42743467025006,6.28708332345879 +Pradc1,1.06565453756526,0.799382708736929,0.780313616372799,0.77810347960006,0.976824765735123,1.03581638515667,0.590384181101955,1.06644966812768,1.23859160551765,0.17498555449328,0.554391242746841,1.02417804589447,1.48388394992238,1.86744955101631,1.74086444635847,1.49628862199407,1.21863711705012,1.66247109908086,1.45560133878027,1.44250381451204,1.72677198294293,1.37727378687412,0.87015128117003,1.45253042325619 +Zfml,5.04544900373875,5.19675850721057,4.8818157774008,5.15041534406217,5.1399800938476,5.14419819113217,5.18479338935532,4.83155862578727,5.00071556660771,5.16792012645665,5.14330051968673,5.29040780051745,4.90111732906099,4.84982104956868,4.73843983119422,4.97364968497743,4.90768387809239,4.86653247701757,4.78979390473332,4.89041682725517,4.86693042943974,4.89402916968908,4.82602380777051,4.96640009567577 +Reg3g,1.96739813932143,-3.44138622714153,-3.44138622714153,-1.79961816316443,-0.723309263940997,-2.85774805113712,-3.44138622714153,-3.44138622714153,-2.28195052955099,-3.44138622714153,-2.90942928939105,-3.44138622714152,2.00947697221513,-2.46004180697107,-3.44138622714152,-2.73798777522313,-2.45565984625751,-2.03912742717812,-3.44138622714153,-3.44138622714153,-2.43185594229081,-3.44138622714152,-1.83617691523039,-1.75483318473235 +Fbxl14,3.71483857268511,3.64890906327598,3.8622014094307,3.70862816062682,3.48806054513649,3.72011666314351,3.70554291178419,3.59935669716662,3.58903871897895,3.69420973355635,3.4332854403151,3.48059770062012,3.97167427164366,3.77455586907727,3.89449029952787,3.881659834626,3.83000653306691,3.83229613528742,3.76248508531892,3.82830776624478,3.7379669157003,3.96007100299744,3.67132677300345,3.78779980567729 +Prickle2,-0.244893342060596,-0.0622158624356293,0.0460445310623703,-0.454771626012436,-0.270123457686519,-0.100782384111865,-0.258113259784251,0.433931856230855,-0.118277456789008,-0.343370431830742,-0.44257091879931,0.0743985776791778,-0.493371194456679,0.336654914799877,0.282742783402318,-0.696357810423769,-0.0405409723691741,-0.256677237530233,-0.193314441629651,0.325954518431451,-0.303727739422864,-0.515610088222823,-0.0161084014078434,-0.0970989785591057 +Adamts9,0.166025490180179,0.499127550587366,0.0585214853837375,0.188562591247734,0.315003379433513,0.715516539589705,0.660643661327249,0.514625308732406,0.0797720202986953,0.0706509386582042,0.424740753790554,0.671094916243772,-5.25431848939816,-4.23977043215641,-4.87100382380713,-5.13997252615665,-4.23254718809702,-4.24047633230336,-3.57035512821758,-4.36325969400672,-5.65901760777513,-5.67932776386362,-4.05832096598408,-4.752612519362 +Lrig1,4.53543984329454,4.66684430588656,4.72353756699163,4.82289311891255,4.47664632980647,4.53243958833829,4.40658118938257,4.80851347863186,4.79945215535645,4.70324915066531,4.75520264775236,4.56570824846132,1.97876345916183,2.59946971488679,2.46529238249847,2.81123247435746,2.58383432131687,2.23588352001243,2.0460725690933,2.57095133745655,2.2257359964931,2.72046703089044,2.59226127860109,2.52990465084568 +1700003E16Rik,0.647658724970332,0.287779183096997,0.675047163215511,1.1030596751139,-0.0991209583486043,0.808657211998314,0.597820618953402,1.62982389386889,0.728065699676312,0.810610536657796,0.151566997005989,0.0703811558852263,0.386037275966058,0.655108942356488,1.08167846341909,1.12601031101516,0.745809309487684,0.368233735919253,0.262442610995329,0.809323981020075,0.375452054749052,1.00860288197346,0.489143928273957,0.131488931987095 +Kbtbd8,1.22797849010189,0.661685441461434,0.749165360775602,1.31295063392149,1.13873610709469,0.652839174533867,0.881257787571177,0.556979256711715,0.917238371759017,0.64995855911002,0.905316828306634,1.0431078864282,1.10525152876003,1.25089486891151,1.43535447364741,1.65769213614752,1.45078552343691,1.24862185696212,0.922382226279819,1.0675509309374,1.53707986467018,1.57242425878301,1.28314449978415,1.11862230044171 +Wdr54,-0.414329008732151,-0.0341871777924543,-0.542755089884979,-0.496536122783994,-0.448243460298289,-0.555787990027839,-0.578291783174877,-0.428534827972478,-0.393309809044757,-0.16251110965961,-0.618951235193857,-0.498660738582489,-0.471924390295275,-1.25249934818097,-0.766681480626343,-0.764473459243802,-0.932702374637928,-1.04555693687158,-1.17219004913643,-1.2158056732503,-1.53462856855779,-0.966658917781824,-1.40382354928274,-0.980737214521524 +Ino80b,2.54247552430118,2.98648888008917,3.09209355647047,2.7599140273363,2.9589442850403,3.12364210368764,2.76417854093147,2.72305985151719,3.05816289544193,3.07492433233891,2.92159457386321,2.81909977487576,2.5903601906729,2.53757744384877,2.56085254191609,2.56208118200918,2.73685162627784,2.51898990093556,2.69088919213677,2.44705197378705,2.72757986886252,2.50532656927649,2.66534721007298,2.81237015193798 +Wbp1,4.26259171290171,4.4108453501999,4.18653287532329,4.42560135523008,4.39431850093411,4.27222895927282,4.44193677129375,4.25381204688351,4.28779884426172,4.24079328548837,4.45704087900667,4.47686173803106,4.54012523217356,4.39393183247214,4.49381481321407,4.6523969903242,4.40275817042788,4.51129840929878,4.28398693480095,4.24947179762512,4.64874997300868,4.66704614439272,4.38101097710901,4.36116041708681 +Mogs,4.9448509862292,4.24368492315531,4.44513463210703,4.6427138062574,4.45127104579676,4.32172685374468,4.6604250147022,4.36690810071838,4.504790627282,4.40395144792797,4.6386678923027,4.73965980640669,5.51438551152925,4.89400867543049,4.88396172933,4.91710476830066,5.45617012456222,5.44482572219838,5.46047566415959,4.76371405842583,4.94086102457713,4.77143414904042,5.5333465925809,5.45454769801 +Mrpl53,4.48165827993511,4.09187728154704,4.36797751195776,4.49885459067276,4.08816065308904,4.15567095788028,4.24394285010892,4.14956435793715,4.24732109436461,4.75487632050594,4.24164486412381,4.09550965678148,4.8018313685081,4.78028427483913,4.93950187461264,4.85193375151475,4.49735965158803,4.55257295711958,4.35360728543581,4.79974907002533,4.68653690963524,4.64632170574347,4.20005998608506,4.56174431262522 +Pole4,1.80320806280838,1.67399544506098,1.72624140226491,1.85998644198314,1.61871082623554,1.83114857321274,1.67826073019498,1.72107862968089,2.02308676400581,1.62752820616076,1.5765642405447,1.69350419879186,1.93470059714187,1.27510964930305,1.60185329904636,0.753430779179076,0.641751635744874,1.48355954658958,1.19453059042546,1.58711349939214,1.23673604761871,1.14856844408351,0.984399044491436,1.45684604461155 +Mrpl19,1.81014063683539,1.50445674192946,1.84574046975117,1.54244554051536,1.60450928977767,1.81044853937719,1.85696473605236,1.84368012111878,1.64121782496047,1.59321929508804,1.45538898782591,1.45752909429736,1.69001403577478,1.12117029430635,1.62994801062349,1.53976847781892,1.49491984637055,1.56057445524493,1.58804682155128,1.52175208968086,1.33000043250462,1.3409198261427,1.49833547926535,1.61644324922253 +Aplf,0.142886225374307,0.322939421799033,0.0855937620973821,0.650737966275343,0.38026627979719,0.41382673664852,0.396265588789719,0.45984068890567,0.356170541428355,0.692116354345061,0.382368504225104,-0.150418766919728,0.593809755963393,0.617573273647646,0.198130091769922,0.701356624761362,0.483252797764076,0.137326248791596,0.690309792360115,-0.0556450606176486,0.751452033199528,0.737787263075199,0.598695660801149,0.684486301393245 +Rab43,2.89865872523626,2.90781330987602,3.0202625994166,3.06502141827304,2.8722605453258,2.81585524791759,2.78466687598091,2.9214476397333,3.06638600677843,3.19065781996531,2.93560733267968,2.7307843397282,2.8653278062403,3.12930066700458,2.9034978991608,3.09289126299851,2.99865726631157,2.95428232255254,2.91733616787397,3.12150763138713,2.96605249076485,3.06668235239868,2.8134898327921,2.7930501567876 +Isy1,3.83428453521658,3.68173205312644,3.92562454921943,3.77307311531924,3.87213723081323,3.53857260403804,3.90004717010831,3.78394499308387,3.94339695630552,3.81926200884685,3.61177726284158,3.65425132364162,3.84016628342096,3.93875319650006,3.70375464612226,4.13385815036057,3.79066900530931,3.84773659966073,3.6183254551692,3.79230933865387,3.79431781084632,3.84594638903847,3.98943698613311,3.81216832311906 +Cnbp,6.38116117604769,6.18889423814205,6.56994913273084,6.30841545480942,6.06718944513087,6.01657633746388,5.99359114140559,6.35850346086663,6.39259279838923,6.39817735768361,6.11751707463259,6.17446928948201,6.54003089627443,6.33666484910779,6.84977036017754,6.58824333955934,6.13388178753968,6.35592628663913,5.96453007700013,6.68081720274038,6.66208559760801,6.56212332991811,6.07361803812603,6.20308328622971 +Copg,5.37717832538225,5.18511506751317,5.1022034305789,5.33767056712007,5.37387545704542,5.30864159303445,5.29776301279949,5.34118582483472,5.19467427708835,5.22167585983815,5.35574776766178,5.28674145504585,5.50066372425539,5.26988729183876,5.13729946742157,5.48629112134338,5.69921667402506,5.57670521993372,5.67613071365775,5.12260043951256,5.27951001952692,5.50739614583016,5.85783339821365,5.62484010264798 +Tmf1,4.35805350853658,4.54119137176875,4.14251188462207,4.68954475234807,4.3985518330454,4.4175861778718,4.55765960513053,4.0592246807049,4.37353190401017,4.52123098144681,4.46180760589884,4.4727372526563,4.98839491107959,5.12865056837864,4.5809894928025,5.17245772927189,5.10005763950747,4.775175583355,5.21258096215031,4.8075796726091,5.08145891713804,5.2813492884848,5.1055010581797,5.22256139553561 +8430410A17Rik,3.29707311108267,3.27810147985087,3.0044726846465,3.21308424846241,3.43055424318666,3.37679534258082,3.32418851072789,3.0652999255109,3.2125434791362,3.15993688405199,3.19943221174924,3.24729654371,3.10128152311773,3.36076435809618,2.96171996334012,3.36204617293756,3.3922745483789,3.50542288927447,3.63210508517751,3.35925061717589,3.32221917507373,3.41607380460946,3.19218976106935,3.33743952783863 +Uba3,4.123399627208,3.85211645551281,4.11079726671803,3.99835431827142,3.75450392110091,3.68009335950695,3.80955720927166,4.01212179289936,4.06752147895149,4.05037947119371,3.91551024642548,4.02678220325165,4.34409424836195,4.07429409475225,4.17730960617233,4.13337611261263,4.05141428690755,4.02276898506529,3.56545085386296,4.39736049985049,4.15547627235743,4.02928701411713,3.96873735811304,4.13644208128137 +Rpn1,6.52081586319233,5.90717311347707,5.96559618065372,6.17808299484211,6.2209289383152,5.99388660424523,6.13351184566113,6.22355699620933,6.00237098652053,5.97689306739712,6.32682382669843,6.22736481281632,7.61539587182699,6.97472315517982,6.80995934349751,6.78584288260566,7.09942880781684,7.52988792863605,7.30526689045893,7.29875817885062,6.85354334963691,6.80649272348698,7.27451699955808,7.37715865489713 +Frmd4b,2.30581964035957,2.1873823250035,1.99809024148652,2.14550375536846,2.37051907877801,2.57004976331394,2.30630891350526,2.44138408554188,2.24835196636333,2.2334293303078,2.54435662566503,2.42759767507535,1.34478463193003,1.91528682428602,1.25726076959405,1.57364900700878,1.84850350382354,1.52880836245599,1.97325923644859,1.55073378746428,1.25490091254836,1.34006462223568,1.78927702482138,1.74484737421148 +Foxp1,2.58754440820457,2.99282643686782,2.86035640662288,2.79329595337109,3.15201991170264,3.19716209551683,2.85100983049421,3.30639742102,2.9757410907712,2.7975507580766,3.13236454071073,3.02478102268601,1.53714618295546,2.05706040539006,1.88644758559871,2.06921956314525,2.04168721882916,1.77878519032346,1.87496495218703,1.86954359661593,1.94440551536835,1.96984678653076,1.95564252276069,1.80869991787126 +Gm20696,1.95094978626635,1.78560317671122,1.99363033839155,1.8000638963567,2.33989624831149,2.35429050248183,1.92788096976202,2.17082144416341,1.97398286559552,1.867173227034,2.19940115175048,2.05089210206239,1.91166882427863,1.852517345414,2.13920799096291,1.79831679179236,2.08764988825553,2.05197200665422,1.89921354914666,2.07260819672623,1.9087590412344,1.90733395289332,1.95511072475233,2.07020366628864 +Cntn3,-0.364089766198265,-0.134466877929666,-0.492670592474365,-0.788536109727908,-0.28070525948805,-0.124302500724486,-0.778401719083765,-0.389083561416431,-0.790979654075626,-0.687750651697104,0.0823859943398269,-0.647208530627033,-0.463406004182696,0.671064108186896,-0.133678391903437,0.0069037812551466,0.0950917435833198,-0.0856088375757169,-0.241630779035609,0.185492596204252,0.433015156477027,-0.296416770725211,-0.151619748750062,0.216888642992279 +Chl1,0.581540246285937,1.07317964433056,0.347844919513908,0.0841866506719864,1.13139384181525,1.03510639011691,0.94651872752255,0.911547638340877,0.564985821888139,0.216021049614546,0.757698827543934,1.00495012746097,-2.8835581848488,-2.89851000414169,-3.3375906162191,-4.15309068180559,-3.17962731925671,-4.26003842241251,-4.6657164969387,-5.32728746461112,-2.72647595263689,-2.88553781209786,-4.31207578006556,-4.25043180021504 +Ruvbl1,2.39371230445786,2.0270644473102,2.68367178076966,2.35058401499515,2.10290383048805,2.47763000656115,2.32022759287539,2.00629975715141,2.0957437483148,2.57840600735786,1.92735822659673,2.45729045528742,2.14578734882483,2.0517496590873,2.03978648240578,2.24442479770689,2.12826885526271,2.08946789029586,1.94806745395444,1.78664547718042,2.19134988268189,1.82161420177647,2.00962231824104,1.98838393210722 +Sec61a1,6.01500828825299,5.49549751293459,5.68041277061053,5.75804307904556,5.70252086770676,5.58750691730011,5.58652627609436,5.66067427244209,5.66545268072296,5.65619258431036,5.67413879916251,5.59350677090506,6.87074450193438,6.02959955765402,6.62489042558817,6.22429963419836,6.64772112457439,6.78062089300242,6.65902185526851,6.23331343179052,6.47353688059454,6.25358934454951,6.70387072561967,6.63276705863177 +Abtb1,3.03887591981304,3.75200224196421,3.67511143919882,3.71681481422074,2.98279000898705,3.10839943773637,3.19757963387205,3.55805648959971,3.63860961428717,3.9437407273712,3.32654499287869,3.44656122438879,2.99621454056981,3.74120420333647,3.5667388186133,3.75583589829295,2.9097791071726,2.76492085788438,3.0941167871543,3.65382605073016,3.55480850837554,3.59591042332507,3.02528626776607,3.06632122628352 +Plxna1,1.97155518635359,1.81121577180062,1.70236529924136,1.58681148812706,2.29887007643577,2.39532945549836,2.1572843123385,1.9723893597254,1.75243955555644,1.5455999484932,2.05189933871874,1.97039536950946,0.65058992894915,1.07846298774186,0.411401440475766,0.711571095957126,1.54885208305568,1.11948409317338,1.64642581024818,0.779066541945521,0.474829312347364,0.687351920646976,1.58977109063367,1.37680910424765 +Chchd6,3.70739206279709,3.3705082053411,4.05902664367546,3.5277515654163,3.36436835054216,3.44074882566989,3.55120460281167,3.80207219671352,3.73563314190599,3.78290746419418,3.57119777128176,3.43865540061509,3.52259578099837,3.43042114982213,3.83749815886158,3.57298270285408,3.40494029520943,3.45469715584377,3.67147444020018,3.81687054153155,3.74352145812471,3.36496501463627,3.23855404791069,3.63738244896279 +Klf15,1.22387524997483,1.00649845046025,1.13004132447229,1.13740287621639,1.15414898214217,1.38476681600538,1.23052877146933,0.864306636714574,0.912354028872279,1.42973419350907,1.72452580103493,1.56795985641962,2.65939162297544,2.41389084174882,1.74715520241254,2.56848690459536,2.86523090176645,2.53936772603845,2.86600599107192,2.63058265528774,2.06127567971918,2.54659227047332,3.11251555584797,2.96513052849076 +Slc41a3,0.575373616572209,1.0631701656826,0.835409643296266,0.314016564981508,-0.194807494195556,-0.156238069609448,0.617484848816643,1.01980620791119,1.28172187652639,0.276761414275047,-0.418771416842128,-0.0658918451304134,3.25074425250416,2.96151542453086,2.89491720076567,1.69754020535031,0.76331749135829,2.89927028652547,2.7294593418151,3.31754158945011,2.9602364066998,1.94591648102246,1.13048708190983,2.4747607673737 +Nup210,3.45703435941764,3.6459899507165,3.40717343746102,3.48746185822535,3.8223626179868,3.81619113016628,3.74760696269045,3.48548958227811,3.52526639123904,3.51246768685197,3.76419273025149,3.43086543183141,3.09291115990104,3.75190882196904,3.46612998893347,3.59836514670795,3.58085641719979,3.32938031971284,3.82346488112181,3.39744083898296,2.92074914792065,3.39846899064478,3.48203943506587,3.55340831647129 +Xpc,1.81184888263256,2.25976027414729,1.78129388235176,1.94062312778075,2.16002341757403,1.9193105755342,2.12956555639339,1.91855275240835,1.89660640796156,2.19483667531761,2.0402538959096,2.17814593281688,2.33700338330911,2.64826279758052,2.61931912792299,2.75261889392847,2.51521304579899,2.51210256562202,2.58386896403723,2.47655775502478,2.56698885190532,2.71484692935864,2.58255408270197,2.55947597364962 +Tmem43,3.37621573659302,3.16572836390449,3.40773026836852,3.15711729912137,2.75535490185502,3.00733865304446,2.90297574563998,3.34837429728595,3.24901271415918,3.28529253162815,2.78055798074082,2.93819487438338,3.51814919041453,2.90732005191105,3.40447306312303,3.21752218996443,3.14958533489082,3.33763461627221,3.08160399715636,3.24136727319681,3.20526646960951,3.18938020711578,2.97954726096027,3.15085066496253 +Slc6a6,4.86542996995778,5.10042454910261,5.10356455539675,5.13431385589779,5.25931252956352,5.2857034932235,4.84398908345595,5.30881985590135,5.09923256379118,5.17804992043629,5.28097803803766,5.05424489900098,5.45243732503268,5.6755922760032,6.00226872664675,5.90997183501465,5.83036843282167,5.61867235174968,5.56011403810693,5.70341844823877,5.63152133231717,5.96741219228641,5.82269858357669,5.60466149021251 +Sumf1,4.46992033527211,4.14849635300435,4.64595789225632,4.40526026237434,4.05923871244504,4.23408541417349,4.07788782980551,4.54935549323463,4.55331621197385,4.4922103301497,4.2673384450548,4.2638144390051,4.71037810563807,4.62829528286991,4.94749865882688,4.80994961427715,4.30975433491192,4.50567688959702,4.31835055880571,4.98929758188707,4.84197755582621,4.77237345353967,4.30500740989828,4.42808603373078 +Itpr1,6.81645241679498,7.07971203862038,6.87442602929536,6.82096926200901,6.77516332224389,6.92910700888064,6.91811612313133,6.98697448355183,6.98922713633357,6.85463282068553,6.83431825793377,6.84373276248987,3.93841221264525,4.63158909682212,3.92214370790815,4.10361129196619,4.0824162271096,3.95087515793796,4.33438796379414,4.25016458244381,3.91327910475432,3.94194056401451,4.122205082804,4.30300611773078 +Bhlhe40,0.565542816510807,0.194909733998748,-0.0929236060812608,1.07212733244449,1.18390493817574,0.246566961327085,0.398908694947429,-0.0632069971721159,1.66249327775627,1.44137039769913,0.9178438464154,0.68689310970717,1.9470427255019,2.01034927273875,2.6696779062425,3.14427908286506,3.14784467081803,2.22809717875044,2.39227782267293,1.09516072166616,2.78013887567656,3.2333408357836,3.0299207245695,2.74217290810182 +Edem1,2.68931499924525,2.61823091720222,2.21422691704832,2.47034283779705,2.96404067964106,2.75664919162104,2.66956109707714,2.41814109606787,2.35861723934379,2.37681261319689,2.64486661635599,2.72825954441026,5.19802462531502,4.88829491221656,4.94249264645158,4.90823044877122,5.28833392444961,5.25848295532091,5.28243291770313,5.05666468540373,4.82825580955863,4.78851949094056,5.24834581113478,5.30194039922346 +Arl8b,4.76946982035956,4.60046363113664,4.88635734114782,4.67348102351612,4.48211592322346,4.40438155368695,4.33271196433887,4.84073752257741,4.798836712632,4.63119511903047,4.46693167369819,4.53584250207227,6.54874709779933,6.17850159424323,6.44996948174439,6.12010071394703,5.99222813708256,6.39997682001158,5.87211330831323,6.70383392725357,6.32197485651116,6.16837170230345,5.8331481092442,6.13013079832779 +Usp18,3.36974392868292,3.5416029911138,3.6119919353595,3.47428868916588,2.89153617749105,2.97079019211437,3.17865186515977,3.75369813107405,3.44235274252301,3.61815189246644,3.22885768846985,3.30219964075479,3.62234361574907,3.89130108868086,3.87265094509535,3.82105044048702,3.41579920727746,3.75257455626887,3.40603863013476,3.7665412657497,3.68542344123406,3.97822408337111,3.27102090305472,3.37237886547634 +Ret,2.74938702896606,3.06105420102437,3.06794374468411,2.92671864576827,2.82067299312431,3.00420174753165,2.80790065488566,3.14628684791346,2.83694379586831,3.03307786522334,2.79026075101183,2.89407180657507,3.89888212060045,4.34898670059659,4.7045224201047,4.3241517224718,4.26729151479319,4.17352337140654,4.19762288895161,4.55260700136592,3.94396896441332,4.23785560624478,4.30853612077021,4.28943237059622 +Mlf2,6.10757333920124,5.79849984774421,5.87360954050854,5.86997821510493,5.92195349703143,5.91912996457931,5.85884357808932,5.98397902818173,5.8571659963324,5.9541784591283,5.89486848832695,5.97457438080423,6.438323900498,6.15216020851628,6.31911204548063,6.24906724386017,6.24270265521287,6.3531925169444,6.30923738251106,6.27323184557413,6.37993671323383,6.35156312743602,6.37099200575313,6.28814228638641 +Ptms,5.83660571124127,5.71404785316818,5.72942846266716,5.56284669142093,5.68730630803925,5.72567884354327,5.61294209641264,5.85056308973214,5.78525342546245,5.53235918674441,5.75611401467795,5.54359838019903,5.65434007962898,5.62424909167309,5.70458343922348,5.64250742595837,5.37096115138442,5.30447811811154,5.57626885270342,5.61297995783259,5.63406928580297,5.80494488242667,5.470020327693,5.15329391600821 +Plxnd1,-2.95348098517463,-1.80464575266306,-2.55859298871608,-3.56603580729619,-1.71852925753459,-2.4038568148905,-1.92732604205585,-2.28118541397948,-2.85382158431544,-2.6582148351726,-3.16473100706662,-2.51006490343543,-3.52063959562253,-2.91584160668653,-2.75961571332415,-3.6792285048041,-3.06014372591888,-2.51244032531234,-2.32030873246101,-4.56326698026137,-4.19827358642257,-3.63723250627902,-2.7235632530774,-4.13094820687721 +Lrrc23,1.27286631242291,1.64734949838418,1.94131277748844,1.44886989690526,1.41645337363481,1.77137651699642,1.86891266339071,1.28763491101294,1.50342644652496,1.80328078107996,1.54324778462604,1.47562761846795,-1.74128534575299,-1.5954803506794,-1.35797068016196,-1.10529860390464,-0.47931376833589,-0.727443188658197,-0.988534313030927,-2.51097785796876,-0.818368271567878,-0.713765096467418,-0.322180021348196,-0.327312808808399 +Tmcc1,1.95581463121778,1.95440441684245,1.91965644532204,1.95564429022459,2.33595624830484,2.30938337810171,2.06540388303727,2.0211722475462,1.83939825203324,1.95394583454857,2.16175831010907,2.13588773223172,1.25412549031028,1.60958379174853,1.22673911949836,1.40117134829367,1.43818235553917,1.27203123020364,1.64823351847103,1.32649278969055,1.25918266645159,1.46251863189494,1.6820458277167,1.59774133866655 +Cops7a,4.4015682681495,4.22103755782061,4.43436468031871,4.45408534255132,4.18119333771021,4.07864438669667,4.14752721388235,4.17323985983809,4.42324291330602,4.26343571417237,4.15625513855366,4.24891276552171,4.80803727505033,4.7009668665865,4.72843833464473,4.7130037300484,4.51182575634722,4.72832127090062,4.75413647971476,4.64370666004934,4.64267017203434,4.85059556786648,4.58128458520671,4.6172734433723 +Rasgef1a,-0.338485385537737,-0.179393728346436,0.40989250117434,-0.57299291529475,0.130628541303565,0.332907949787568,-0.397711651569768,-0.37850453141958,-0.72691000876835,0.363217442000513,-0.302349987831665,-0.849015973496468,-0.272550422071112,0.0382775703532894,-0.367874027874899,-0.293622331292936,0.0466255702530294,-1.24314750392319,-0.209480704803461,-0.140968481052285,0.132251661612387,-0.168919889780478,-0.568651435845769,-0.394665027454445 +Tuba8,-2.32551547832753,-2.71153436678354,-1.72550357002065,-2.77133582571146,-3.40458491784905,-2.63593817285204,-1.98994026406465,-2.68346758235435,-2.55224995341805,-1.98727843982476,-2.26419505259628,-2.23888512739668,-0.571987063636351,0.0966620952356712,-0.797775849629596,-0.573500528084374,-0.522107984296467,-0.376019100395781,-0.673477497877393,-0.212265802665026,-0.768657158887844,0.0242396040266921,-1.02232515352239,-0.917867747946955 +Bms1,3.22766652271031,3.53374504545497,3.26998399891204,3.58070104199083,3.46808485562242,3.36788815228991,3.55215409810216,2.88154983288294,3.29982738550742,3.43909391205935,3.53923108116191,3.43865584637259,3.23579621075598,3.19855262116945,3.02512558474594,3.25482252442908,3.54929659376359,3.19725540223197,3.66360788949864,2.83373205424079,3.1540475416264,3.25212838561309,3.47297874025985,3.62778004164206 +Zfp248,1.21343191962121,1.0013876573899,1.09086226763984,1.11628411141672,1.29350728884181,1.30943021241163,1.09774120476059,0.902952143975509,1.08455932786188,1.00373380496753,0.86897144677346,1.14980280309262,1.10185383631103,0.622973702372577,1.01714010278216,0.795741590849239,0.910437785849111,0.602779165695336,1.0018977082305,0.787891299151395,1.03426357403985,0.818959281837226,0.669604642897119,0.969444795593863 +Clec2d,2.24229949093954,3.36911388615026,2.04842668724829,3.42037884237602,3.0121969723337,2.67806061664314,3.20428242729473,2.13680038776482,2.42555795782397,3.7102876239902,3.17482282401968,3.70041248767005,-2.00302219400956,-1.34047812584263,-2.63999040087935,-1.11141503441016,-1.33520767381313,-2.63999040087935,-1.97841943320693,-1.55152663949633,-1.30663349567035,-2.06220552383359,-0.810953281825352,-0.953437358470176 +Gabarapl1,6.87424690550036,6.96041576808583,7.36882847242697,7.00521307018272,6.53690182676161,6.58064940149934,6.48069889227138,7.30797555684346,7.25052253268693,7.24603979943049,6.60659582591215,6.83306211455744,7.09943010092685,6.96006308563674,7.30949897684236,6.96598576795075,6.44400784857939,6.89573981415931,6.52508389904779,7.46483507572945,7.20586542040098,7.11301283506085,6.48305132913744,6.5823520932036 +Rad52,1.36364636795195,1.99324009710594,1.81886576917242,2.22800552631152,2.10398761874184,2.00043426368443,2.03819015945277,1.48941909159413,1.80734514459647,1.90959271427106,2.21396657698954,2.17611569950041,1.60296216335446,1.70649381944311,1.28137463975703,1.49284754624475,1.5987311641512,1.29909087546642,1.69974228187055,1.42835861637663,1.93754537679296,1.47892638095241,1.40686457260669,1.64703853387014 +Adipor2,4.46306206493177,4.19197812378017,4.15961537040686,4.14640535714093,4.12942945991249,4.22631884212094,4.22121776203463,4.17122673319834,4.15124618242811,4.15517582119762,4.13379495778401,4.28685559355996,4.92937274260727,4.47544677396938,4.48288058188993,4.62238584904004,4.4739311713487,4.78464461906483,4.5489126531955,4.82355062538481,4.55819593157922,4.44638222332839,4.5824187060993,4.55051663372945 +Wnt5b,-2.88802792368601,-1.93903379694485,-1.90399424514736,-1.96318617327744,-1.84443700798163,-2.82360313891488,-1.99071802789186,-1.69544715125582,-1.87393096339425,-2.59276177368398,-1.76888747254973,-2.08626600627909,-1.04670683473887,-0.112681845700855,-0.631942073255045,-0.334045601329257,-1.46837367863209,-0.930797856134776,-0.982695807702284,-0.0933939828551251,-1.36986399488397,-0.770636370542833,-0.943825974778506,-1.04754158002894 +Erc1,2.03803527672811,1.91123627353777,1.65759141484363,1.82768837863695,2.62457800679021,2.67819951021323,2.55260385272136,2.00434792082828,1.7340544289742,1.89454352367018,2.64314392913483,2.0874977963582,1.67659424882071,1.99498184886051,1.45664843208674,1.95679620346534,2.5033320907364,2.14174417785445,2.44583369146577,1.59831121773581,1.64327657995223,1.87296835539717,2.53416343808946,2.27106590162404 +Ccdc77,0.156633464368548,0.674448849938121,-0.220894082241728,0.751379588993522,0.701651204476015,0.551975296828338,0.97262801623972,-0.276737451508752,0.349475398090137,1.06514500808308,1.1523173059793,0.725304666326452,-0.229118359394843,0.109034475562634,-0.757866382708291,0.428737142875673,0.637687635118089,-0.167976827571472,0.666533481460136,-0.691146318047398,0.164090373099904,0.105420706354941,0.450836974258706,0.536172157321784 +Kdm5a,3.42112583408858,3.71571445264722,3.78663072567246,3.67799229944098,3.63064597774455,3.58303453714631,3.55012467007295,3.81219486665091,3.72990913748072,3.60296878766118,3.63718628892218,3.56930463956295,3.1430784661765,3.04367042390958,3.40436667989891,3.13480891333661,3.21998905368067,3.1263673506185,3.09258542240201,3.0565499479427,3.22247043502186,3.12756812217619,3.2390424890003,3.11854812190572 +Magohb,2.23622121038439,2.08469824745635,1.90784708206333,2.32404029933037,1.88385332140045,1.87469429227224,1.96979163591268,1.94433527526657,2.22428119787397,2.06269071671993,1.92441744472132,2.35953143244479,2.00241152628072,1.77404818890283,1.88723947077181,1.72778383351764,1.66139710914501,1.68328054997354,1.82214097523908,1.66535809206509,1.3337520889713,1.94369600682495,1.66671546741451,1.90814312742381 +Csda,4.49868287177085,3.94865555421443,4.17314034274902,4.15333368664585,4.19194242875262,4.18441655661405,4.26598062660324,4.19798069886355,3.95730524129129,3.86599093889495,4.34426272870835,4.24470670165239,4.80565411720881,4.46206685755002,4.55259285073518,4.47726032932702,4.60158632425438,4.66119274355413,4.4212516246852,4.72550954479297,4.35038202701179,4.20866443084032,4.56946195550532,4.54218428611567 +Etv6,1.48946292272543,1.42227219438019,1.54785819007679,1.37794236687464,1.7616552660877,1.81157694256708,1.66166008714927,1.76221651742134,1.26806160351893,1.34297051060022,1.94957348161624,1.55999157129508,1.21218989064201,1.34103481267291,1.11670188506403,1.09419935436252,1.45621605677069,1.52910391208345,1.55280864986046,1.1073636204852,0.928019948933454,1.23441589583775,1.62569782004439,1.50580873906542 +Bcl2l14,-2.4189098939753,-2.17758156034614,-2.33661873830554,-3.21042373564092,-3.44597470463859,-3.39655646043114,-3.52259246991978,-3.12255549228381,-2.78284597604915,-2.42636634975422,-3.16949983181711,-4.39456951720193,-0.670872082993961,-0.843995335287818,-0.407459994936576,-1.01258843801383,-2.09554749368045,-1.37303282425621,-2.4277623085734,-0.778123825318587,-0.091137467650042,-0.8907537008809,-1.36805340958214,-1.56636757702965 +Lrp6,4.00156046298808,4.05893285942026,4.0648991416112,3.92948327894696,4.20951414487789,4.27229042694313,4.00138998078691,4.3198485524511,3.92821403469175,3.96185030139164,4.09040022348109,4.12238182404833,3.51953125527144,3.81088065659288,3.6360409989558,3.6842344638755,3.87997472325508,3.75696140996663,3.62149378795656,3.79605717004769,3.48047748086401,3.58188650380369,3.86264328274805,3.81860343931503 +Dusp16,2.71588264115262,2.32958021479928,2.15882043074069,2.37655865501863,3.18741619378008,2.95890903087726,2.58030750173914,2.57349909865769,2.32332818967506,2.4022447435379,2.72831037425692,2.7169897623683,0.494830568624896,0.688526899893402,0.787609266463683,0.808729782466937,1.32577952314209,1.21683016115371,0.825240658762999,0.515557426867873,0.628703431585787,0.715244353895162,1.13391901369691,0.948905827559301 +Ddx47,3.21362081912815,3.40564857184288,3.31991866252746,3.19201491261535,3.24309547720023,3.15316723781755,3.2000943573481,3.1109598616535,3.19436564306295,3.3862140869965,3.28749681776722,3.2603514654415,3.05796714933932,3.20007139800586,3.06508100902397,2.97121456640727,3.01627146225169,3.09444219724151,2.99510358029776,3.10147054113055,3.04297163999441,3.14192258085143,2.88424166347039,2.88470279205974 +8430419L09Rik,3.36240367535026,3.5385849826189,3.19740675403507,3.20258460512569,3.68993371920931,3.68645250383045,3.39453249331834,3.51715077433799,3.20230992929707,3.32524375494453,3.71223559703333,3.51889283533384,2.93076826586524,3.01901349825737,2.81229445599766,2.99062022589857,3.26571593702978,3.08230161838644,2.90974032810189,3.01194218039254,2.64415824818548,2.94868013305074,3.18461519208064,3.0702325245893 +Emp1,0.851124009224059,0.605024108636342,1.12850073422298,0.889173497561488,0.486166192409357,-0.217120975687523,0.330244095527867,0.97252955455873,1.04306792248597,1.48193226122189,0.517272538929878,1.24612062148199,-2.89100475208653,-2.18769714241439,-2.654635323757,-3.26492834032774,-2.66354406517991,-1.86859334837617,-2.51130391634572,-2.0361949201848,-1.63118031483334,-2.65934424237013,-3.37320536820208,-2.89147112785005 +Atf7ip,3.67616118618825,3.82649395407614,3.89035126789472,3.45521447988349,4.07560791187302,4.04916208422892,3.85287404597517,4.31036317338284,3.83231940630144,3.76254670295504,4.01694231896738,3.89263758954882,3.11043631408127,3.53177810504514,3.6877544219153,3.28049470418881,3.48193938026523,3.34313455224894,3.53949097680668,3.66253398615619,3.3406751114216,3.29710543545698,3.4362583401321,3.47406991939564 +Wbp11,3.11511915802351,3.23170847740729,2.99202621102635,3.20868861133588,3.41342791578023,3.2556417736437,3.25995351633551,3.33036461098271,3.1412131443398,3.11144196544426,3.4057395714256,3.13433348812622,3.05074288788123,2.99545577715643,3.30024196565384,3.16380482525089,3.2712634267028,3.06854178165835,3.40870630588318,2.81004309212996,3.10201649949856,3.13226154724165,3.37738735498569,2.88357805478957 +Ptpro,-0.631548820607685,-2.32216448273306,-2.14136504519636,-2.61292504948677,-1.00441338034149,-0.796864826673249,-2.75020595344494,-1.60702364389854,-1.51768640082523,-2.34405745488047,-1.9409278962914,-1.58915118857686,-2.67128610693861,-3.8155031116642,-3.53920760260133,-3.30217049393912,-2.96735524134652,-2.84179230279281,-3.65799251080051,-4.0265516253179,-4.10548510185021,-3.54444402170665,-4.09980370215537,-4.03815972230484 +Strap,4.70497553061631,3.97710762362075,4.50959082828797,4.27400423868061,4.12095715118757,4.27380515428384,4.10967594987955,4.17738927717774,4.43020001087515,4.09786612024789,4.1839022672363,4.20910795687882,5.29200745715706,4.67915027047372,4.96448222991471,4.80940088877357,4.93363569496166,4.91533669360972,4.72887317956667,4.97359455972065,4.91411091273163,4.77402570154087,4.76569001055997,4.81329698826118 +Dera,2.70585389618116,2.50234415002082,2.93582351086367,2.90735299696028,2.61761723477428,2.69191754950683,2.48112305738844,2.355367394905,2.68959902920087,2.81832316463405,2.37640416515353,2.69992475715081,2.91694389041173,3.12269259026105,3.01410443143037,2.81981740853215,2.20216184323903,2.6948940607031,2.42659317543742,2.85232985305145,3.29125257279329,3.12026035085213,2.45244759539048,2.64305861092024 +Lmo3,-1.99398078294656,-1.7641554514783,-2.04829419127102,-2.78456041869419,-1.73884225256051,-1.76671919750047,-2.27650857186838,-1.83974709737949,-3.33110200699107,-1.32650751593411,-1.3541688256569,-1.49953515620738,-3.87242135268065,-2.99468849132158,-4.29351134150528,-3.2364346108323,-3.49973021509285,-3.01342767200023,-2.78726837790877,-3.35451888384701,-2.18241200869537,-3.97766820603233,-3.45761363685434,-4.20979509151226 +Pik3c2g,4.29123234456632,3.76894095623751,4.17818894556144,4.10199414424802,4.229330620923,4.26490525464279,4.13623559067651,4.22559732589106,4.29936981592082,4.05920325141699,4.14822785350629,4.13868854520142,1.1401171942468,1.00741406018457,0.219340136724604,0.520060678096703,0.999203002479825,0.811655219021664,0.939058491123546,0.642020023528694,0.636228394044248,0.479561367114271,0.734666641703517,0.490183977185976 +Plekha5,2.71727223010893,3.27710607484628,2.70776544164534,3.08129754677622,3.59079723224264,3.48849942963535,3.52470441660531,3.00515010309954,2.96201561622621,3.02498861470255,3.44552920117364,3.35255039008848,2.59754155397309,3.25676788313682,2.69155255621512,2.933838093533,3.21421864668141,2.9732392819541,3.34600514057742,2.91169560136889,2.83930120085639,2.87783757893311,3.20241553247549,3.23817707305394 +Aebp2,2.75691807533697,3.00631062021104,2.81673613900239,2.94409764202454,3.01414531775645,2.84356469262639,2.83683903098389,2.98805118430732,2.86310458585039,3.00673364182516,3.01998222248139,2.82355891351838,2.30002698945974,2.64199222422111,2.23802021951433,2.65080718369099,2.69078738360775,2.43960103244985,2.50520264012151,2.56127236010244,2.40249219531104,2.51602179210208,2.45619521846719,2.3565078512412 +Recql,1.61526795883046,1.30091116780556,1.00659879581257,1.27462933700865,1.46476003460313,1.31518754291686,1.46908870232996,1.33724531589728,1.25741888931563,1.19414267546846,1.59458921224032,1.3879247450566,1.21151558831335,1.33656593886018,1.16242006763593,1.20738638339367,1.44328600569279,1.36008510737598,1.12244026292337,1.12481384943489,1.08107859733698,1.1408707152592,1.3675977127464,1.22537350961579 +Golt1b,5.75655642471864,5.11110534852148,5.571503947786,5.45650960212659,5.1440036566215,5.16370291502398,5.28203480835164,5.52236658058694,5.56622404764561,5.36117781214441,5.25158731943458,5.30888051580346,6.3395690538293,5.61717830212587,6.12028113849972,5.67024037361872,5.63195217605731,6.09466169976492,5.5728519261994,6.07126735861019,6.03710838896808,5.73701429618585,5.62225561607362,5.80826034161922 +Ldhb,1.52435049333625,2.06860838085002,1.64643063161455,1.78057848712777,1.93079607167711,1.93817272362872,1.58742435615533,1.36701476141331,1.88440368370618,1.33964364360276,1.91518457834483,1.88560602987332,2.32443304616987,3.10055194691461,2.31426182877629,2.63197536138373,2.63212812805573,2.18165952499933,2.44900951713815,2.64788871493301,2.60634626271357,2.63903650209161,2.64684069508424,2.71964263102294 +Rad18,1.451377911229,1.20178531051966,1.62237725068136,1.66273469920726,1.66522715688386,1.75780583701342,1.45272721182753,1.44662777897088,1.42468085191316,1.52090041383535,1.60534830529172,1.68345531609356,-0.292846391333785,-0.684095320180077,-0.051764938658875,-0.334525453103741,0.120113629245867,-0.562322542972565,-0.440651450590171,-0.734812735602045,0.0992102220360462,-0.631589401425155,-0.475313240382713,-0.327014511056165 +Sspn,-0.20081255321742,0.866853505621441,0.378811404850005,0.131444193387916,-0.153739586852732,-0.274829577224025,-0.12282747156832,0.661205265250147,0.298796128369238,-0.0199493084675568,0.0833082341922657,0.274401873184216,0.721160159533139,1.32514718606773,1.44941843883156,1.05256656507696,0.29582112594164,0.564559655460231,0.371114171651772,1.15368292291857,1.18827130172081,0.987817953433499,0.372559147783361,0.389309367372481 +Bhlhe41,2.13955576267648,2.24408729945898,2.48191676853892,2.9744633076959,2.74570477567645,2.23118928216718,2.19271501692012,2.28335105982685,2.79860251425324,3.02638774198139,2.52453362637138,2.35183234481623,2.86309636939056,2.97969569610555,3.71633631311002,3.50046649841551,3.42483742067194,3.13979105739294,2.94432805028448,2.99596009452282,3.39028535653704,3.75337245067548,3.17947232115067,3.06898236796897 +Srgap3,0.594089831072758,1.36660050813883,0.814928721007656,1.24711735055634,1.77320520126324,1.6651375065231,1.44646614026896,1.46889914154436,0.840390068266192,1.17862807815256,1.7811573484668,1.41493297275301,-1.93813004404984,-1.88931291253885,-2.42619994203753,-1.54606700862296,-1.51898340861847,-2.29568874951215,-1.13147220922408,-2.04538178637446,-2.25231062447935,-1.87455686296228,-1.38521246141415,-1.35000681586604 +Rassf8,1.4509794870571,1.24267715357423,1.26174275271411,1.35549078209709,1.41792969365869,1.39824462232481,1.34982128724915,1.44696018064619,1.2076088591168,0.954857813461862,1.06722065722106,1.10313789786108,2.58033067711526,2.74845315441025,2.40276586628858,2.72982396783424,2.79699508491428,2.69112492658232,2.79056642658263,2.61994233528832,2.49098174370546,2.74956499556048,2.51576931652144,2.77220990439689 +Thumpd3,2.75350230563595,2.5074403783262,2.62512145727751,2.66138851074323,2.5671987990799,2.68829852405411,2.76920929489426,2.34474291579514,2.47907393627463,2.61281638906949,2.5797615423402,2.7694234073502,2.99139503710819,2.37191845870809,2.43950919392011,2.58810015518433,2.79408071448749,2.70815555484969,2.68848679285687,2.54720937402782,2.67927844087862,2.58429413369599,2.84784204589568,2.70919087887827 +Kras,4.7192963576182,4.3591340720099,4.32300127417704,4.21876473818648,4.50117429849935,4.60498230701522,4.28159172760743,4.53455548596806,4.3263710662591,4.11108500252637,4.26558323226073,4.28981044986794,4.93452983040741,4.61907035824824,4.94167775554152,4.85278211839009,4.70690902696326,4.72838347665442,4.37468882116293,4.7566577390793,4.97015432620877,4.78789802077043,4.45097183600612,4.48186515719546 +Mtmr14,1.91554055933413,2.23839416421038,2.2717660066895,2.28895591120158,2.13093644413204,2.12266612753345,2.33336192667453,2.02318423646895,2.3418360922456,2.144322968591,2.48573727980083,2.35738977620887,2.29548553201385,2.32344388273958,2.2670412685974,2.19630462822886,2.12845839797284,2.32582249508067,2.23676236659423,2.10023598288772,2.3084831097822,2.43117705209905,2.15642943498003,2.30460776197344 +Ogg1,0.841949674710413,1.02999517365148,1.18577821099545,0.995392718399506,0.986528511508508,0.668785680672123,0.704261846919614,0.800325878320491,0.665137248087565,1.38724237123354,1.10809222704796,0.838256460452059,1.10758864448375,1.23175816443118,1.09816865930665,1.11297267173685,0.8535961587629,1.21492965402184,1.06378615075878,0.629618914232818,0.953918580513643,1.11399083684937,1.43901670759174,1.05309593186678 +Camk1,2.33490068512579,2.3857499976703,2.19062929852762,2.44881445197923,2.33867798442907,2.2957499987064,2.50855715815089,1.97090722788373,2.21273598441466,2.3440454804346,2.33278883187232,2.35259970105883,1.84510966468651,1.73511711852994,1.75869126331181,1.90320092253149,1.79708073966877,1.70691502932197,1.63748419947584,1.59118401015725,1.98718649337891,2.02736121031026,1.64498567584532,1.77090852344098 +Etnk1,5.47893438588318,5.17483483267996,5.24014673781694,5.27265621953252,5.17467499667807,5.18304190735179,5.09931643344916,5.20639230691002,5.29473136268341,5.18992558896296,5.08580712611242,5.30312425895261,6.10533914712288,5.91997568409083,6.06985202618526,6.00836902293786,5.9559859166429,6.00504063758846,5.7714524243501,6.1055120659038,5.99083605509863,5.9654431132558,5.85152215571334,5.94687654417914 +Ttll3,1.54445420018657,1.42304735810326,1.31770633785325,1.22846189416289,1.59507280834148,1.5093470058897,1.5377670039174,1.17874210946615,1.50414454616606,1.42941250339755,1.59200151043431,1.30129708806323,1.29813375171183,1.23447889660962,1.39721077113321,0.95531395069546,1.35566740431943,1.46807122297115,1.38625407412593,1.28672666916036,1.280480578121,1.18028671097048,1.55959876070762,1.19833221630477 +5730419I09Rik,3.25023119665188,3.40776238926457,3.07495048580535,3.4021967801862,3.6460645134265,3.5651103698657,3.6521555432483,3.20574156209294,3.38788019698631,3.33745402012087,3.41501692475776,3.37589306606221,3.09238323758966,3.10337038389708,3.00055588636733,3.17310343011803,3.72182689569858,3.24282432597246,3.57321891092284,3.10106023351764,2.97763251670673,3.0867858041117,3.60187204581771,3.47051340618913 +Il17rc,2.44513398671337,2.87795339442542,2.72336613111259,2.89870267627383,2.81103515526806,2.71712243452087,2.90926100888498,2.66153691039765,2.72995678099141,2.87951065381144,2.78553731993544,2.84861958720936,2.055638203366,1.95253590983203,2.3369356497118,2.06795928406894,2.06337927241809,2.46984315150796,2.41387111892516,2.0903456008382,2.09786275369931,2.27670686019864,2.38032892844382,2.27554935027323 +Cmas,4.276359802715,4.0717207829073,4.00655132328654,4.18028469746148,4.06328540681509,4.04673166513302,4.04167118500317,3.966881094597,4.01551195234239,4.16940631182599,4.10062951217789,4.11852923540408,5.39720298169063,4.73182055205075,4.88462862255622,4.86353235547204,5.01290314184644,5.1292260321349,5.00757458790158,4.83912916408743,4.87089853970411,4.88855089979017,5.02661833292487,5.08293533309189 +St8sia1,-3.03805630352796,-1.81278681700233,-3.95496159493705,-3.99194671711935,-2.51964608326588,-2.8210388336156,-2.60006668623205,-2.43444577524217,-4.41432823121451,-3.04660195324847,-3.368951898633,-2.84306653283137,1.85985119726856,1.70732828074757,1.65257914334368,1.10892017012033,2.24925321304607,1.90574826509941,1.98495116952792,2.13487842087831,1.15548223836392,1.11517135664288,1.90255769570195,2.06968898384561 +Creld1,3.28570212722367,3.0866275081946,2.97260213617038,3.01726551160535,3.05776398594791,3.03349296301655,3.08333644643215,3.21525797775721,3.10203659401563,3.16405900906117,3.13090877971468,3.00065438514449,2.95422504228956,2.88354773617463,2.7643391340602,2.70566975156551,3.05739050133642,2.92456884160616,2.82430175159328,2.91602971232766,2.78608055517707,2.75113897925302,2.91649515590361,2.86647496571198 +Emc3,3.33582922761136,3.59696831527749,3.3715945810508,3.50493896558617,3.23029692516695,3.16236439971298,3.44084496864039,3.34578007663182,3.48530165550299,3.35607412373947,3.26021903587361,3.33692411833909,3.9711078242042,3.77991784706532,3.65549760404748,3.92587714245582,3.5877103383479,3.75142867984495,3.74066684889115,3.86579075751704,4.0400184284637,4.07881804718529,3.63274942198255,3.89823632687112 +Itpr2,-1.28280220119695,-0.285994206314204,-0.484282390671444,-0.470797727649144,-0.0978823284101917,-0.656483402111069,-0.777664309010555,-0.626925491110842,-0.896102823572656,-0.662501296855289,-0.376086784065826,-0.463414366367582,1.86051164811953,2.00795093626182,2.29921788264613,2.32110381575742,1.95624827254318,2.04457415252614,1.98020222956048,1.83721663235394,1.99082561330983,2.06280211151906,1.90529160149212,2.09496504306763 +Med21,2.97574991665979,2.33431980945338,2.88675867424813,2.90482507625637,2.53995850291573,2.53690166914764,2.78778653304625,2.52014825876863,2.57594657049841,2.91907260244039,2.45043175807781,2.91848527519961,2.2594417488765,2.24935871526208,2.18132821925838,2.39164878106895,1.99513254790284,2.12131270888521,2.11023508838165,2.58836224094569,2.39090616704542,2.38626394380425,1.85793912362293,2.25857098062686 +Sec13,5.81525525127022,5.20949988536388,5.39285411920156,5.66776813755379,5.43698854580308,5.273701426683,5.58085738010527,4.99834381321894,5.60501376773701,5.67932691984721,5.57756850323427,5.57566157262502,6.4216162753598,6.00686423397503,6.14727831707435,6.19816002224976,6.17307338578281,6.21350591537435,6.25103814858853,5.89962565425654,6.4116127549583,6.26689701696477,6.24676681799135,6.29040245945833 +Ccdc91,4.17963093716698,4.11786627550041,4.24121566461563,4.27217558141524,3.88302080527015,4.0349977706909,4.10108069994352,4.21163037014444,4.20180534923827,4.20996233840853,4.02726567590785,3.99206166147817,4.72252758254366,4.65737560614902,4.67731706823238,4.65135647580729,4.35422646218795,4.25690594240748,4.30954076519095,4.79628385412778,4.63387722524908,4.63482621413167,4.35291365221929,4.58533721461083 +Atp2b2,2.25752589211213,2.18900516963818,2.26678685302453,1.94155041747127,2.5092483388277,2.88582162174522,2.4377314189854,2.32427329880129,2.24775722069654,1.99880770589373,2.45957678599097,2.33452613012764,2.25900581347512,2.71924421683346,2.74946073639543,2.67364218296282,2.72970954505208,2.54552433259565,3.13144547980541,2.29269364499431,2.41053805025618,2.62396530262824,2.7424647408322,2.88827158147213 +Ergic2,2.53157656401293,2.40176516175475,2.18214191792526,2.62894910639769,2.61041047950312,2.40408140226237,2.56763343854451,2.00503844213348,2.24980036282569,2.42650882160365,2.6627675339137,2.42428840535375,3.68712694702893,3.41809985898146,3.41317668306692,3.3825334838109,3.44848908725515,3.39980717876416,3.2937136010715,3.57427861888274,3.40438062508813,3.38645024090121,3.39975589060781,3.43697278011948 +Tmtc1,2.70096780827747,2.90466974990466,2.71707698352537,2.83724572638165,2.71310753610001,2.88594374648135,2.63545742293301,3.24366061349165,2.67765924750585,2.58445908853014,2.71363795467732,2.76154276486225,1.35367585296612,1.62126504015345,1.77342360006029,1.50647118742563,1.38134042279474,1.03528203407549,1.11399163421108,1.53716914844074,1.29487984269747,1.48608597224613,1.19687426191839,1.44213610285292 +Caprin2,-1.14740475296347,0.0804248360545525,-1.09623501978593,-0.527492141883902,-0.0601825033815206,0.0556708190565636,0.180448719000611,-0.918811509293731,-0.840347842604794,-0.0175477484228885,0.169644500200547,-0.0484447634923333,-1.5743042460369,-0.633654854379392,-1.06310094821497,-0.625287532649344,-0.325786301616905,-1.12974266155975,-0.179283168156454,-1.74937879422916,-1.03206982372827,-0.764126192927345,-0.596486653321812,-0.320290224263979 +Dennd5b,2.73163335228744,2.50268179740019,2.84093043243782,2.49397229627474,2.81185708853315,2.83131212897941,2.55158888545132,2.75129302178099,2.64685908475035,2.39501629880024,2.5473513281788,2.56133200674895,1.77019614758657,1.68164032805639,1.67430191302184,1.64419561571097,1.80198944097973,1.75836650927695,1.57819989539984,1.83794830450817,1.55643079206162,1.58768233505254,1.78950068289546,1.67103094243701 +Atg7,2.34314157868049,2.12016384732501,2.31172390081691,1.87219976843318,2.10104384209739,2.09432862902805,2.23674707020838,2.53021712862393,2.20411571641631,1.75546425492858,2.18356831711194,2.18356233142887,2.04709560968828,2.29554853812059,2.26021996905201,2.38122175671554,2.32579897927141,2.37362109450357,2.62664808489294,2.24244564395824,2.1752577732049,2.31849520547174,2.37704704555243,2.3528345152036 +Vgll4,2.76015121204567,2.84352144422311,2.77614414837873,2.6455305269767,2.64226992012485,2.57613920077461,2.79214916168425,2.95893004007952,3.02172149666361,2.93280922132366,2.85343903348377,2.77186481136234,1.32408776738793,1.68367069255905,1.44824676874432,1.67042836754196,1.74301863407109,1.61560609966876,1.37558400123608,1.97047763790718,1.58737812571666,1.52430683432196,1.59846889362,1.75024235764755 +Tamm41,0.365949340408146,-0.18750451412791,0.542730134463751,0.293615379348043,-0.0038442294607485,0.212574292477279,0.386940617066848,0.0647455442204183,0.40725886289573,0.197940115050254,0.208178139824959,0.243546132245774,-0.29539045679119,-0.182148960246101,-0.159335562770282,0.0147279146092765,-0.233723894277269,-0.466427501823427,-0.554984068653862,-0.846201437873852,0.0388158532228129,-0.495976371119771,-0.603020158929497,-0.370613908472746 +Cand2,3.05832849452718,2.77227032890206,2.80200350220787,2.42668299669384,3.04312523318712,3.23277886400899,3.03301911762518,3.07993033571713,2.69580839164258,2.49017212934752,2.98946451500268,2.70402545277358,2.26339111297878,2.37420499922763,2.70317925349966,2.10808056960636,2.22062592442389,2.4337614909825,2.44738893772693,2.33732316442449,2.24313590754701,2.15846094642786,2.3741217991683,1.99650915659705 +BC060267,-0.679854528742857,1.05178683313087,0.251663740807959,0.522744713233591,-0.116263328333635,0.0798156917211073,0.220392100135596,0.146768001400339,-0.0371005597373897,0.769744128351219,0.115259766480974,-0.192426819458577,-1.85787618739665,-0.807270580870352,-1.2009532797649,-0.482166763295631,-1.09826229832467,-1.50124019506135,-0.676270514561186,-0.927345998155221,-1.43731680155666,-0.270647462648429,-1.29022266077356,-1.33145761013028 +Mbd4,0.28103415144369,1.0400574638592,0.65998276444263,0.682169692567061,0.797177359517912,1.03730170018268,1.09092803587319,0.347318294135836,0.88110670048742,0.901903146337272,0.781847377306273,0.697499647255501,0.172956961778601,0.044923988036317,-0.12847883389599,0.231977343005434,0.0794364859582952,-0.327463417688075,-0.134034803995224,-0.143864570566307,0.176064975449342,-0.136033270717439,-0.34956859298088,0.0584499166854329 +Ift122,2.74674320851586,3.14738287365921,2.78760437756238,2.99971355525012,3.09360021984007,2.94695213393323,3.14268353494723,3.02383404762146,2.78241326233277,2.87497193338465,3.13386031083992,2.94939005150207,2.43649298001031,2.60696005869015,2.39364004680325,2.53910236289936,2.74880714098931,2.47572763594201,2.85123138989235,2.46100578770233,2.49541204104846,2.44261620708142,2.84931004851143,2.89140391629681 +Necap1,4.86611232445489,4.61175395328648,4.69412811805116,4.50479705148383,4.51804951222271,4.44342844742019,4.38555549942366,4.72843078077056,4.80667486703358,4.43963135851554,4.45055574788966,4.59330992635574,5.29592648839193,4.9867798396914,5.17601590848884,4.94624370923942,4.95343251448459,5.12435443561507,4.8873524680327,5.10419947685734,5.02682678084213,4.91508137268241,4.92593035491578,5.05895298992612 +Pianp,2.68011330999117,2.12404037570514,2.36178689167474,1.42157175375819,2.93799269861415,2.98742450024383,2.62611550089055,2.80847925904068,2.44583535939066,2.42098689471327,2.60661167434495,2.45133325385422,1.81696393431753,1.4447726632574,1.93226846309135,1.3798123626347,2.24734971331259,1.93590227555465,2.62230148411739,1.47404720958708,1.71973417077203,2.18969949176698,2.43626849946553,2.19533792423904 +Ing4,2.63466504288032,3.45249409186494,2.84970831672743,3.23092055205899,3.18129844798539,2.86164489906368,3.178982039863,2.95037998236323,3.06375904911128,3.3086023714113,3.38606541141446,3.37507051424668,2.13694144892691,2.6405162143067,2.11497817987689,2.49898406817757,2.71360804253329,2.27366792801884,2.66809127710128,2.09830060716424,2.53710879017538,2.63316885911101,2.70802664218614,2.59191319814187 +Mrpl51,3.093393475335,2.64282162231208,2.96759418104064,2.94554735365369,2.56905338937971,2.71402355735942,2.66405559448007,2.93714255297389,2.87825348209912,2.80340772500025,2.61639351396528,2.91845603641551,3.37215428741105,2.68074473129822,3.14921513377771,2.8029146153778,2.84594936680991,2.98191114429775,2.83602757288558,3.02771953355593,3.14869438308938,2.56347332469488,2.96037248178148,2.92878176800711 +Vamp1,-0.111714922958267,0.367970663069227,0.075833859194562,-0.0757695274472532,0.706682111455248,0.824325326102563,0.556263323528281,0.400810417481483,0.234870999550279,0.189461147220155,0.705057226835013,0.443701353365774,-0.501483012658358,0.121356541549583,-0.239245181839975,-0.1121243138171,0.664101397691215,0.0873460370639756,0.73754313692075,-1.10935810951223,-0.207047341935256,0.146396330381546,0.669810380772629,0.676648508096474 +Ltbr,3.44493222890847,3.26083825628564,3.8016973403435,3.24999115572031,3.01404439172897,3.21971240438101,2.95774061146455,3.48480958467563,3.45435423674889,3.33854402777686,3.14056293867659,3.29259921588607,2.62887871340516,3.05278915347279,3.01191299164918,2.54803721848002,2.5748514958567,2.43977160426599,2.71714801518005,3.15102159642105,2.75315526162668,2.70403455177513,2.2405594912603,2.80882456263113 +Scnn1a,-2.28654214481373,-1.81904509757867,-1.88571408004306,-1.37093342276316,-1.49944905334785,-1.95207227391491,-1.47442285441067,-2.66051665503901,-1.83905129794681,-1.27608892477906,-1.55177370173634,-1.71051213678604,-1.82436616592192,-2.11628884003714,-1.96006294667476,-1.97573199501233,-3.10346837755768,-2.50575882539949,-1.12624699522883,-1.67872573683042,-2.22352829300416,-1.84130006630001,-2.80304179271277,-1.82510486719967 +Tnfrsf1a,1.22711201830163,1.49359779686571,1.46898741483103,0.737879944823865,1.53802424178117,1.50913580939023,1.37869118532204,1.35323482467593,1.44960158307338,0.546612536025227,1.14952687789343,1.22777434360091,2.57365853330107,2.69555998833821,2.58241472359435,2.2033720197811,2.85139576220209,2.82975708691552,3.24336602395994,2.96652445902783,1.86864741016318,2.0640040599149,2.87245997169814,2.47886708915719 +Cd9,2.98741281236596,3.20671880112449,3.7710997817727,3.9829631203845,3.53037426818994,2.84982601077707,2.56211557326638,2.95316777555763,3.13253857709018,3.81146526606433,3.5745650974715,3.18485897111494,-0.66601062640868,-0.206801985391993,-0.69940050956022,0.567527373668636,0.478145683171078,-1.39524093229207,-0.85429857695238,-0.171345130001811,-0.478337466448008,-0.34426963436275,-0.380774654971346,-1.05196870732286 +D6Wsu163e,3.58069204988704,3.65318001636916,3.98733687717414,3.65820377068175,3.27344454751613,3.34895332301078,3.47655820448316,3.75028347087056,3.70391338342091,3.78281875549112,3.3785312215322,3.66138539419537,3.97936033483525,3.88198570297408,3.78012441651661,3.88061855821813,3.75621108251213,4.01653301233257,3.77563578278668,4.239811685823,3.9871253796937,3.97449328737667,3.84630888150036,4.05163957189196 +Tspan9,3.09498921428867,3.13503402584263,3.18759289143547,2.85118318924368,2.79801874976326,2.94774476523533,3.00857686909443,3.21874222942471,3.27437273736517,3.08881504796894,3.19560758136392,3.00636839030727,2.47254802779588,2.46012761396612,2.33802561768387,2.59702723484333,2.41665907868823,2.40633447072975,2.56298064968637,2.5669871111236,2.23356972220548,2.64526391511208,2.55291260547828,2.56158351353237 +Fkbp4,6.53624245755054,6.03608683657345,5.92153642362193,6.06754316416895,6.43859090485623,6.21381410256927,6.3463470927471,6.22519290999785,5.9475315938989,6.0004536455049,6.66303043804141,6.48141290153471,6.50906539716508,6.30804244098194,6.16228572274228,6.37909921059455,6.76233387202048,6.61076303742538,6.58484646588296,6.59245321248812,6.20262681152888,6.33991168128307,6.91007527249059,6.65307631960235 +Strn4,3.30489206988506,3.2855522727983,3.22680946557174,3.34628654060908,3.49804780190858,3.48541787638864,3.56759298100613,3.27394720838267,3.28397472114209,3.34307506625856,3.51911196354027,3.49742352063062,3.11617944583124,3.43913337147245,3.14256451377986,3.40679874408724,3.63860861200017,3.22601766576564,3.61387408833315,3.21513389100838,3.09488056660144,3.42747037187392,3.6531841462557,3.48809414798758 +Slc8a2,0.683713416341271,0.473086271436715,0.860494210396875,0.647740558157579,0.584581397671486,0.800964336251907,0.93813290243055,0.950412560394354,0.789560926196375,0.763418792990971,0.462971578745225,0.753475626230314,0.0581729065257104,0.607934586188611,0.426266147472675,0.709030481159743,0.551477929982489,0.355899141502438,0.25832340310762,0.0783526099338521,0.433236725938193,0.745310307268646,0.340951148991249,0.429272353624215 +Mzf1,0.113168228360468,0.229637480200776,-0.0954467230893972,-0.143611763451882,0.0187223530358267,0.0766318098862568,0.161156478411063,0.000777698572481,-0.671726473695433,0.0401166503528876,0.318070684719454,-0.0412553591629219,-0.784034102820442,-0.616954464542449,-0.931901110236286,-0.473943048670264,-0.670139015586647,-0.588066139579872,-0.15613074543392,-1.86224044783743,-0.690815793810269,-0.865062692247347,-0.0946861358007809,-0.273397740887869 +Zfp606,2.27032084397333,2.23817501048332,2.49840490807113,2.245751160497,2.10512055411707,2.14885612211886,2.3726739365004,2.19118933028221,2.33566191767972,2.20974795132222,2.19843790762641,2.29390992791368,1.56107472855103,1.72090819080341,1.83357332490478,1.89493505549286,1.74047075802761,1.59601609752844,1.58652353885546,1.72588183790623,1.82486855114497,1.64755922250295,1.48235765487354,1.85742982610897 +Zik1,-0.0030755771902724,0.814507793530871,0.813152043033468,0.72945852931909,0.168444195924142,0.119325027983316,0.0920729691604536,0.753403493694804,0.634091720109466,0.527338891466782,0.0541426925821535,0.145429067100914,-0.0790495751162767,0.147249816170426,0.437900847956078,0.205270587534422,-0.998083015617859,0.309616460258155,-0.911351960426848,0.256860579322798,0.171717279053023,0.0397243032042738,-0.648524668913846,-0.245889717824665 +Mark4,2.67871947405687,2.88655547956556,2.60463959927972,2.72806403492918,3.01748133963146,3.16632549002517,3.10373020452315,3.04491844761927,2.784054176077,2.74281927312397,3.29902898465693,2.81950101393149,2.45661391819227,2.78336525677767,2.62925062119412,2.50113496724663,2.96590970089491,2.49920165391135,3.14682197295608,2.59791022444485,2.53690150121197,2.67995748741663,3.07782002289161,2.80060202231049 +Ercc2,2.2324597081386,2.46729589106059,1.96080326190175,2.43810368998124,2.59474536510915,2.49903504418208,2.7112063224769,2.0848199708888,2.12513305823528,2.39271234162082,2.53924953907066,2.51926132044082,1.71750871029398,1.79091437750933,1.46144442789898,2.03155154155776,1.95435439346637,1.79060416079695,2.23563961125917,1.54641616619676,1.81138272375146,1.81113447029557,2.10511352292392,1.88608119132341 +Rtn2,4.29710675024914,4.17949236531392,4.48185653632723,4.36359255817152,4.26494977574966,4.09009541625416,4.10533260830561,4.3538432656294,4.43671883076003,4.17926780010037,4.05355263497179,4.22088784565558,4.26004137555548,4.14296871904852,4.27300860256287,4.08645197569772,3.77560261873742,4.16710366928979,4.10302440804528,4.18600518191075,4.23308304989019,4.17394301009217,3.91580328804687,3.80740841232873 +Vasp,4.26532983041768,4.15001292044704,4.32773616970336,4.2545021238391,4.1208395988616,4.01797897833986,4.30238979846678,3.97107891655183,4.2910588466356,4.30388110706822,4.01238713626821,4.07036068682002,3.68637992829145,3.7372137331398,3.67568270095666,3.73095140355226,3.54568051474282,3.73365074947177,3.93713217956986,3.39050615382906,3.72722115940895,3.79558376949683,3.64907246152764,3.52867638829991 +Gipr,2.45361077674009,3.71550050865528,2.48696364300047,3.73119845850617,3.75920804553195,3.6878931114936,3.94385376037539,2.40102508152073,3.25942254829725,3.58773387195895,3.86176087412518,3.508674499356,4.23683258184924,5.13244278500164,3.93310899845569,5.11699028478775,5.57574824394182,4.76402119794359,5.706876828287,4.14762512291512,5.09904430150669,5.26929354603481,5.55001980554977,5.21550713620155 +Qpctl,3.3706389814263,3.28873624090876,3.39915669154226,3.25759888132053,3.01154544530852,3.17897367229133,3.22691674278218,3.34895372267433,3.21951705003463,3.34620748135474,3.0194520282228,2.98781034721863,4.14013983662811,3.92318814677826,3.85831408187201,3.82612805133779,3.89283399615249,4.14192328532781,4.22858249350137,3.73874885596916,3.89996209752786,3.93039377441348,3.98630294360339,3.86676773949393 +Dmpk,0.187638751636052,0.503553032085633,-0.567696080970625,-0.0244742050268072,0.758214521086721,0.688683011194996,0.700327072371692,-0.488897414261134,-0.338567619497426,-0.367505156683185,0.627367373370385,0.734834950156201,2.53486569063663,2.8052552762148,2.6689764275688,3.27772780418093,2.93363236597685,2.58157763535234,3.22005616916948,2.15654585671345,3.0762124681219,3.20910838742179,2.97990222045397,2.69586492615546 +Dmwd,3.87001063044104,3.98873919526122,3.91269118256625,4.14273708644017,4.28561762309707,4.20310563967632,4.3242103414993,4.12923479541643,4.09049873185887,4.08769860449753,4.44762873401622,4.12609315628541,3.16076451501874,3.76365242233227,3.29475305423853,3.67984603558472,3.86854495599288,3.61763854466368,3.99442147845698,3.19537921757102,3.41932119187421,3.76349322783804,3.89333326033662,3.66520905699559 +Nova2,0.377548061527943,0.211330689074818,0.306508970104638,-0.300684107949512,1.91601239634093,2.15777553297856,1.50617287020346,1.58750539646196,0.129389490767176,0.508428670249225,1.69429787203539,0.937641943242771,-1.42819547589411,-1.07041059576845,-0.885560308800859,-1.47728681291517,0.0368238550878703,-0.254900294256954,0.569289111019923,-1.17726501856181,-1.23910904221334,-1.63971254671903,0.246538565215194,0.0769170804860422 +Pdcd5,1.24747461786712,1.19667728234536,1.48678704415671,1.50267951156176,1.20077648828147,0.993367721238633,1.42097277831618,1.39277351742175,1.6784265364431,1.67555473706626,1.3541330744328,1.36969980763623,1.08432973779821,1.14649971434258,0.955417774047202,0.807832108896619,0.911965079260715,1.12375333376837,1.34346036191011,1.46870646548417,1.1504415912465,1.05881678893467,0.813097142239736,0.991947580165028 +C80913,4.16035193207227,4.08552195806813,4.6576437688742,4.19863886909831,4.10652189323926,4.32766982851108,3.98891766331374,4.50220675612144,4.41156238621005,4.25632288976059,4.12985112423802,4.08037790493575,4.56295788772455,4.23825764397021,4.64713695725631,4.41499623609985,4.31919090149406,4.56288479727021,4.22250675367866,4.57049838905545,4.62038093909309,4.53360002056398,4.33308210555563,4.24053086483565 +Pop4,1.94652358073785,2.08916305800476,1.75376791930482,2.08378539911912,2.11583191353511,1.67697128801315,2.34597153023792,1.89288812174945,2.27518158241533,2.27185606260313,1.84442005916149,1.59420243573802,1.71122779146306,2.18055758913939,1.9306049836556,2.06664593430531,2.0860911850472,1.76926549496179,2.09214153829261,2.04713794590213,2.37722883754523,2.24479704446089,1.63543574482912,2.02600545496183 +Zfp939,1.61979521144749,1.67627590455606,1.57255330550503,1.73432233280377,1.84415479462232,1.98006616051081,1.70430362102521,1.49394360741695,1.94980508404641,1.72030160883755,2.12544653913361,1.83989593799292,1.32077487275476,1.26614424927904,1.2275615553024,0.72435412978611,1.59631912270893,1.05129872111598,1.73585032749421,1.08963896517011,1.4358644775063,1.05412714548679,1.74648124598398,1.61658337245291 +Ttyh1,-0.505591038868828,-1.98282039137983,-1.79003618098589,-2.1926915895091,-0.271284710873408,-1.04171725768582,-0.84337929359666,-2.17836160210849,-2.99227590525815,-3.27348936463211,-0.992206658497597,-1.19237419089383,1.25315953553762,0.14314672889474,0.282989582656715,-0.0501386702508513,0.292968520344295,1.14613890779153,0.9765199853626,0.550217637164348,0.364098317876766,-0.260643516302792,0.744526847640605,0.746227257003 +Tmem238,1.59069816209308,1.55289837723425,2.07499017088006,1.82397433003374,1.6740826688033,2.16993781731435,2.14895497032075,1.75365707791178,1.90182631938031,2.3075526545584,1.89336670700026,1.85073205159644,2.82647516432402,2.88320536154849,2.58120813049049,2.51709286503848,2.60097240214313,2.96323468862386,2.64215564606775,2.98797393985276,2.71389695607541,2.72198466598225,2.80380582359769,2.6324985194705 +Rpl28,5.1437248486513,4.56851537080973,5.51439731868505,5.10133927998779,4.95156329841679,5.15893740646613,4.79978079945086,5.31954739932253,5.30821512830337,5.32260367715121,5.09498185675695,5.16315698850196,4.42808561222372,4.32773809005921,4.70051951332164,4.61199970911735,4.16513649662165,4.68070544709672,4.16829675644872,4.65056788631994,4.61050411022126,4.58034835587228,4.24362841662508,4.28000297265535 +U2af2,5.3473791456549,5.37068522269394,5.35361959803781,5.44774741330521,5.17095579458524,5.27145711442767,5.36909269165021,5.19782377461855,5.41300141461596,5.51136382193239,5.32833096783849,5.29721331262237,5.00533128520471,5.14548952831421,5.02780613931617,5.0840284712598,5.23394726399811,4.96242964083829,5.34543323234038,4.880022705264,5.06797740565788,5.20833975500001,5.25350867841148,5.20408658433055 +Zfp583,0.887712871500192,0.473016827150868,0.450585438188631,0.185758261221623,0.584971313343473,0.535852145402647,0.482325139927857,0.632082095130255,0.495739642272459,0.336889531966068,0.114180200672043,0.926449979276161,-0.0161418350540892,-0.525618335392843,-0.327181090860608,-0.252929394278645,-1.2321308195995,-0.308976673799017,-0.0565412238246892,-0.100275544037994,-0.412542642338203,-1.2261039934628,-0.527958498831478,-0.0169729782418657 +Zfp273,-0.0841002132745574,-0.149219843770383,-0.347772867705499,-0.166292852726127,-0.144401764554812,-0.609761468633205,-0.155820050839875,0.192415127194919,-0.406456258778719,-0.351464751147044,-0.391620431431904,-0.189919283681329,0.210500962260329,0.145975432017831,0.050526405912815,-0.193794205418421,-0.0488153797227215,0.0162412101713865,0.213229244129422,0.123792825410225,0.123001214970278,-0.203656371654588,-0.421645903311875,-0.0625086312728058 +Cyfip1,2.58172112340572,2.58704516018068,2.6659838375995,2.46000106801584,2.46318125460124,2.48528325311686,2.34116351323062,2.75193998453435,2.54454823323527,2.49782599235813,2.45119089321828,2.48995160337291,2.30172349444709,2.5053083101212,2.77865558746482,2.37089287407464,2.46583978176219,2.66123877617499,2.60214547040102,2.54991897142784,2.48463052355,2.39314029419891,2.55528215274418,2.42039904760247 +Herc2,4.44501376868528,4.42415597985603,4.06875847392768,4.27516463159745,4.72647568344968,4.50977915216248,4.62034317088076,4.46927069924459,4.23751536919197,4.11710713543359,4.71772926227816,4.60879346714695,4.72631895888974,4.9867207634962,4.68956370944013,4.85706342380521,5.16513414862825,4.87976187735069,5.08996928626937,4.72202726813486,4.54817981463841,4.87628606823368,5.19648234624273,5.16758953941836 +Nipa2,2.89515115868292,2.43974867235656,2.67800901441422,2.61698451354377,2.34855567660944,2.42942660315593,2.43434408289942,2.47887571395675,2.53263105579831,2.61827935462893,2.32602811091785,2.53674589693516,3.26938277145559,2.90331743216032,3.30419549516749,2.92954552414841,2.61130557471674,3.17637760549952,2.55064682959142,3.25086230363107,3.23672827146793,2.94938573120286,2.60140126880203,2.8462452463391 +Psd3,3.35825041969513,3.49792551405396,3.39931375168428,3.31961453440974,3.67311825936168,3.71745114992496,3.39390648012383,3.68990551301558,3.45449356779405,3.41794586067115,3.61264229517559,3.51869134582527,2.67439449420154,2.93984520923474,2.61991105235717,2.87209857641941,3.05591813400664,2.84882476040485,2.87093628110519,2.90963153938815,2.63188154680781,2.794702488614,2.94235006247864,2.87999932004948 +Zfp719,3.33001977615931,3.22933501751128,3.24537738885664,3.15625166290054,2.99338944252826,3.01484136314999,3.27360435133807,3.24508090906967,3.2343789127629,3.14309039476874,2.90858984730392,3.17679465487018,3.6628036181657,3.16111951553925,3.5875976553559,3.23191302122903,3.15360709661501,3.45094915905431,3.30820876224832,3.43007139764986,3.56512610258378,3.05851058230705,3.00405045036482,3.12301756575098 +Zdhhc13,3.59595923466195,3.59992975574091,3.61070360540308,3.58881668782474,3.29909789746789,3.21110405397777,3.54980691616362,3.49541883893274,3.55694945998334,3.47705378598833,3.17725088380203,3.35554675383595,2.88485248853106,3.03972363118503,3.3159149807695,3.17158298411421,2.54093266977782,2.90044973825631,2.61848419024215,3.28805633536905,3.01771999593978,3.0416127152751,2.6473540416199,2.83952747578835 +Zfp108,2.01151187207135,1.93670043831678,2.01345664460493,1.90206613539889,1.67667963187861,1.46826388979654,1.85532549245824,2.01798894883291,1.75628436489538,2.17268306971031,1.93899751476023,2.19408685398515,1.45030289080159,1.35508283205753,1.10388944359721,1.76427665301932,1.05574275871968,1.06353567807009,1.39215074837694,1.24713452519186,0.956667862708652,1.4512474785959,1.44779050139343,1.74269854896416 +C230052I12Rik,1.91548654388468,1.34483432095889,1.33677193886714,0.904039343366309,1.09808077113194,1.25953686158324,1.32081799127426,1.52323555652876,1.56486825931857,1.81766247511306,1.39395256326968,1.17216424493497,1.79997719650508,1.3501898748407,1.31290627329011,1.25455267578436,1.38780835626608,1.3233928693526,1.14870023115565,1.14396956647376,1.14711249953137,1.10845774679043,1.4152349710489,1.00037423099258 +Rhpn2,4.22361817865986,4.36360530120773,4.34478718608774,4.3877055810531,3.99013806801007,4.14469667547267,4.12468002340104,4.42770096024183,4.33601933445559,4.44358093722883,4.05952397816617,4.2203045284418,5.02789574019831,5.24102246413695,5.12775778345017,5.03237762646448,4.73465219675475,5.15071869655438,4.99215874332506,5.19320868540828,5.2079354160502,5.01777944694173,4.88527530333324,5.03070559244149 +Gas2,1.60589796247543,1.3175322259039,2.12945147711721,1.35128120829839,1.46332813863296,1.59088140262632,1.56119385708184,1.76682439463073,1.86600143142601,1.34286243492518,1.38459037830151,1.3108360679666,2.57163883357448,2.3037871481943,2.77668136085431,2.1920299568441,2.0181861701222,2.34394591324418,2.25646285579477,2.6391032641085,2.63218080011643,2.43162284670759,2.0490986072937,1.97473553339287 +Kctd15,1.29000786972004,2.19240963124225,1.35049528211747,2.02231114955186,2.48252594725306,2.05422209818272,2.36642065613891,1.44041363211495,1.27956199791697,2.39718775751289,2.54872648325082,2.39543196407905,1.67013365095322,2.66078440768943,1.61840616358608,2.69475800042971,2.54209675238893,1.74561935333174,2.71440615138229,1.78516627887839,2.32304886860711,2.62540644420483,2.51977359139694,2.64631687334278 +Prmt3,1.71146408803657,1.40474628497014,1.69330636202832,1.78269227809824,1.5732143970424,1.65318884023203,1.66624527476904,1.22295691023647,1.62865393720337,1.51425507293581,1.89154011642816,1.79618052145217,1.67306217421891,1.63942864664915,1.68201367851602,1.80618375093154,1.81163076655821,1.94395870670568,1.86317358707518,1.55935163911604,1.59566968713806,1.8099827880253,1.81740314978009,1.92662960812424 +Asb7,2.37246525142303,2.58962704913419,2.8147873605541,2.52548715358043,2.62060092306389,2.58878461586023,2.64886188089845,2.7682317162632,2.57452611039009,2.52781302439984,2.46891746176991,2.61365636170125,2.55102590695328,2.68400751560106,2.66959145220467,2.5853524197685,2.38115508226739,2.5822787821175,2.44635474844333,2.78598180550951,2.56992772266141,2.71683705849838,2.51822139796652,2.52863029756085 +Snrpa1,1.93357665262248,1.80346311862624,1.64448143597147,2.27190447257144,2.06128831968973,1.99949305682748,2.23330927247896,1.32492596270742,1.99420473207894,2.44838744686923,2.27777835586278,2.14514584275744,2.10561792426571,1.81072410763955,1.6159601874912,2.24630160990671,2.10539036627374,1.72856641417958,2.02408402506899,1.70657371594396,1.87888209338708,1.77483748670643,2.19431217293804,2.06906246439355 +Pcsk6,1.72390842964324,2.08074341158363,2.25344441109748,2.1128443161503,2.22361873619842,2.21382451472358,1.76979788061184,2.3703501494742,1.9382589085312,2.12331393578142,2.27039590495803,2.18386545594845,2.50858111409372,2.83040739326254,3.0412622463568,3.01391062387238,2.69810028911727,2.39322113142669,2.54993220698315,2.75874692540623,2.3516684282819,2.57521150600874,2.80015465330548,2.78035937755139 +Tarsl2,2.21566061100557,2.55478058894305,2.57497239997332,2.57768116359301,1.82259635324574,2.12364986925964,2.22064065072482,2.39709963068373,2.55294412379034,2.539090455335,2.05527346329599,2.41890676371701,3.07124630299387,3.380415983216,2.82397880405754,3.16528990256627,2.87929552251816,2.97786787200082,3.06921906574106,3.32571894441721,2.9671990420813,3.34070428254425,2.79898411174376,3.02438621766194 +Tjp1,4.39905564987919,4.66002589470151,4.4120315280816,4.38193513343128,4.74107302787733,4.65954553274536,4.53161544974776,4.68041616105813,4.51886755088914,4.3728083213476,4.67061803592898,4.55585304279531,4.76819727233543,4.92531978452319,4.75497145285549,4.8736101304082,5.07617537413107,4.96574853232852,4.97446981451954,4.82610364536447,4.78138093565123,4.72878575085739,5.0417889169642,4.96114073250325 +Fam189a1,1.67066060682971,1.43016041766841,1.65897557886593,1.78284225951436,1.34855599380215,1.35975174601871,1.30333988765009,1.47388330217686,1.6339379833744,1.52366244399396,1.5261372516581,1.60039073832666,1.88585999014355,1.89673174912466,1.80900794203496,1.8769648402685,1.71848909915599,1.81356028833083,1.66536416640216,2.02842183261211,1.75479030466406,1.98851706191171,1.65763788779681,1.60151103548393 +Mphosph10,2.53987033068006,2.07411523861409,2.0652239377274,2.44779098347405,2.13441976372272,2.31325790276336,2.38080139676884,1.44261319199867,1.97561812149039,1.91816008429924,2.4267819318317,2.11881971224199,3.02325407146969,2.90293112481228,2.60841221659847,2.79750929627812,2.94147706514594,2.83741152563667,2.99294802027864,2.81725027461865,2.83900160842889,2.87809533551271,2.97027913533659,3.04838696950981 +Mtmr10,1.99899301817687,1.79999893629822,1.97281877610429,1.9058355403779,1.99021275169745,1.97116306981065,1.76008940895943,2.07930111917874,2.06735499357759,1.82374661003465,1.89898544603662,1.83770137904149,2.35421532816848,2.36111900599965,2.42346079150562,2.23419405525075,2.51227938265696,2.34728703695276,2.2066486934106,2.56950161428773,2.21503099140579,2.21503403527797,2.15911237742585,2.36551469880404 +Crtc3,1.35467901651255,1.37546678114289,1.29691224836485,1.14980004277431,1.60860554086929,1.74209402978176,1.46568063750693,1.54243982613584,1.34218564455653,1.17363355732992,1.51781132324613,1.31574180386841,1.06589332777965,1.45418855276804,0.959953525081928,1.0696771288869,1.77546267927472,1.21751443898355,1.86858797757507,1.12719913340701,1.09012395213118,1.20386483411275,1.57172999963589,1.42978635823899 +Blm,-0.51740886315678,0.48213175082074,0.230438805574262,-0.14427329235309,0.144865743241131,-0.409575329997418,-0.248771166775961,0.0274952212569994,0.526243312880647,0.114929596643846,0.0194785005095626,-0.336267317145237,-0.52631349801296,-0.374501231286053,-0.723584152754991,-0.84840938887442,-1.23942037246488,-0.503677824786846,-0.89474934283297,-0.730239272189815,-0.610231618172599,-0.53322669408319,-1.12638284297929,-1.41541283226844 +Furin,2.99826849545171,2.9377033094775,2.87669303220884,2.74852786437558,3.4843673811772,3.40078155605743,2.99749608121788,3.22215232317991,2.90903155065062,2.68339653565091,3.45537721549146,2.94320270954201,2.46087229478476,2.81023361537423,3.02660385047821,3.05215964244732,3.51637086336645,2.84530127633299,3.22262825082705,2.73317617865093,2.49550908120753,3.05544784946156,3.34405424603067,2.9691836035593 +Hddc3,3.05058187060221,2.79399072451859,3.69975431240568,2.58114525578534,2.48348356863067,2.37593903890112,2.76575798809618,3.2657825355006,3.19526140722734,2.90235963968835,2.88555080589582,3.01630777847899,3.63335321392233,3.66477663949501,3.99236838306667,3.19906133527467,3.15014305392954,3.05001551918886,3.19826168818101,3.92008849615315,3.73283416474496,3.24444356855119,3.22555555635773,3.23102274613602 +Unc45a,4.25786092504947,3.75780968300828,3.75173823107067,3.75382179226242,3.96998517103189,4.01508475060772,4.11209949861388,3.56081569315496,3.77863124867834,3.58244969583085,4.15650288232028,3.95229546256533,4.30390932477559,3.8967263057769,4.0936904170516,4.20648361314683,4.63972800723189,4.28079066415023,4.58788627475732,3.75550982279271,4.21153335255124,4.25687737736256,4.73948205683377,4.40968552816371 +Vps33b,2.08865254133961,2.52786180219302,1.97303898233946,2.42383781762213,2.72436314679915,2.40130756689636,2.79085690014274,1.94379048132434,1.88630057770378,2.39451546981695,2.70514067530195,2.53151419842768,2.43014515686035,2.24405012759497,2.25018155899386,2.37264491438699,2.95111880306977,2.69304537126216,2.81453916784138,1.73850663440368,2.45539967735271,2.43827803394005,3.13696143527659,2.88522950101583 +Iqgap1,4.29724567272841,4.17567365261399,4.36126050124471,4.05132225912547,4.1603304440683,4.25395749870115,3.91200009521305,4.2841930467901,4.26699448389252,4.01580254287088,4.10878974585449,4.07452903318958,5.74891500919895,5.80668183038347,6.01562638451327,5.5687666617234,5.57981035179872,5.7348269997113,5.84214914359505,5.78333636422922,5.70880511031257,5.62276510649143,5.66776230517689,5.71174325785981 +Cib1,2.90417234672615,2.18603022506179,2.60783145104722,2.6801485868163,2.97380169413486,2.3658391811036,2.71162669327431,2.8038954065726,2.67213211675639,2.20372465453749,2.61863731699994,2.60404036873415,3.34324166091975,2.82188798356821,3.28837706066355,3.20348387051069,3.23136690448981,3.39002742537178,3.21864072138143,3.10227678411657,3.24972241145004,3.15757464612437,2.82123730334221,2.84733484441962 +Sema4b,3.16657019120205,3.20930996561351,3.46537351477621,3.17179640559923,3.16104738451378,3.12039227291422,3.21901339946626,3.45696108744753,3.37081833419638,3.32409609331924,3.23159926535189,3.26552672372578,3.48632830456035,3.52545653264347,3.83390670026806,3.4136821947415,3.53865966235389,3.72002037829116,3.59189871061221,3.82940949071263,3.43951116142108,3.3598839560465,3.61045385492714,3.60802911970318 +Idh2,4.98534776125531,5.11475288488646,5.04377325157689,5.19708159718131,5.13523752553232,4.99070475181695,5.10205319980952,4.95920613731949,5.02703106640833,5.20156370214333,5.14076028669964,5.14671834695305,5.95351592328947,6.24395068144792,5.99448071115544,5.96332830529121,5.94804164177693,6.01188305931231,6.16898220118048,6.1577632409734,5.92597084390532,6.07564978948729,6.00347635389338,6.13065093075257 +Mesp2,-0.722777461071286,0.0250814726616098,0.279318714278068,-0.924658587193263,-2.05447144190707,-1.73217716852927,-1.20323246109176,0.132413855495412,-1.21355663149533,-0.543531871212979,-0.988814928055353,-1.24367394466449,0.827248209088861,0.458024762685516,1.19591893349619,0.902229587184116,0.118883819942564,0.450778693037466,-0.971756176642345,0.84716590668029,1.16308170128616,1.33714944847936,-0.039453658931859,-0.871484134194263 +Mesp1,-1.29180525897668,0.340931228715941,-0.481930060253241,-0.576777678290024,0.586005704297984,-0.25572926679607,0.742535067682053,-0.964173647920166,-0.246307567188035,0.0590498343153956,-0.150024666713623,0.17610133329711,-0.268178817742748,0.713422788845574,-0.138398098300505,0.909856450828473,0.962069033647525,0.100566856760572,1.01251153859016,-1.01015962346015,0.0046231080181914,0.176245878903951,0.22124835624502,0.32570576182045 +Pex11a,1.46886427143455,1.3327302084791,1.55694425958025,1.91704427553258,1.61485079447534,1.67644776256731,0.944254639810053,1.63483745537759,1.44264212141301,2.3072593391079,1.77259605333437,1.3362995690629,1.71157436345442,2.0585357460129,1.9206220955068,2.2881670076491,2.4646852422792,1.98299481640738,2.03506512042419,2.05498419308304,1.90535171976227,2.76585614288473,2.20599979466217,2.28354797369413 +Nr2f2,-1.86375386045658,-2.42626948514175,-1.25206260120278,-1.39807809089626,-0.697006169328196,-1.25453744700203,-1.70942919178431,-1.076659533482,-1.50355288138925,-2.09366840589685,-1.39960456860156,-1.94551847415968,-2.35477938926561,-1.9745314896637,-2.65356059360552,-2.21073833238597,-2.66472117955075,-2.07535848420426,-2.47627700604779,-2.51251617261381,-2.8223070210602,-3.07268607700327,-2.15901682380165,-2.7273220687337 +Synm,-3.36138141347513,-3.83898995930431,-3.96856759035125,-3.06894673015196,-1.43497914378341,-3.17020801942615,-2.56913531795355,-3.08205631386059,-4.17760533911122,-3.04905468939862,-2.16295354629223,-2.06068058104586,-4.70007282983196,-5.33704103670175,-4.75664863282123,-4.63364258478335,-4.76157857383217,-5.33704103670175,-5.33704103670175,-5.33704103670175,-4.32751075185103,-4.75925615965599,-3.99687807301208,-3.65048799429258 +Ttc23,-0.543109626498473,-0.005340697056134,-0.493784838199429,-0.278659367881148,-0.320057684513894,-0.0996849266146191,-0.611145667060491,-0.200975233360907,-0.344339557359207,-0.0677806625310713,-0.484661407888461,-0.128794753180564,-2.19761244283836,-0.570588595677807,-1.39536880035633,-0.318750986271881,-0.147409888655555,-0.692430290248505,-1.01517829156907,-1.5491225076844,-1.15089937815253,-0.799142452076997,-0.353653826932262,-0.49122791799162 +Lrrc28,0.837891470307548,0.864588383257509,0.766606342521596,0.610744080328487,0.529742353777259,0.606732865997035,0.526497029399903,0.927591972479883,0.855733300282935,0.886784936468469,0.767157178741226,0.260546325436271,0.934507721761684,0.957212431163033,1.04319852345603,1.48404249991837,1.0886808383565,0.988055306665799,0.780696315442293,1.37120604426067,1.10563689313062,1.09558347572398,1.07084886101977,1.05793158301131 +Mef2a,3.39109873470264,3.53101882058161,3.50869760614434,3.18913428051883,3.47703123528342,3.38618273027846,3.05044607787953,3.78425726951108,3.4790159884286,3.32841571924967,3.37502780048423,3.43996442882917,3.15410114430379,3.48106430058399,3.28630803043212,3.20728625430804,3.04336081303542,3.11532552912765,3.03457183113493,3.58684052732471,3.21064076101843,3.34059977726641,2.78213410532818,3.13921898129999 +Rab38,0.735395449231908,0.919530840563466,1.47464354750652,1.63641257480526,0.841881229913998,0.522422479377753,0.412891665891133,1.74686114728406,1.23043360435015,1.62239185083903,1.10484239195027,0.667905544281179,-3.38075693922574,-3.38075693922574,-3.38075693922574,-3.38075693922574,-2.80529447635616,-3.38075693922574,-2.71918597155332,-2.73622004821382,-3.38075693922574,-3.38075693922574,-3.38075693922574,-3.38075693922574 +Ctsc,-2.75255631128875,-2.54571364433244,-2.59112144761357,-1.93202724816518,-1.75105771643208,-2.78415349946179,-2.38708134158714,-2.22688377404223,-2.16956478545235,-2.10817015032594,-2.38385492728322,-2.03372584547843,-2.41136858041742,-2.81155486970135,-3.92664086168164,-2.80781322055921,-2.80433162564195,-3.33784005094637,-2.59965653096113,-2.77935412751417,-2.41667811648036,-2.55818293775575,-3.0468135028024,-3.1265315822779 +Cd22,-2.34939675543669,-1.58628689722657,-1.31570282069711,-1.67672216587073,-0.399869674872162,-2.30427269797125,-1.70319999649866,-1.84156791904663,-1.80525021671699,-2.18311936794373,-1.4471006081833,-1.773366747409,-3.05687631201917,-2.49918033552725,-3.15741424675772,-1.87974027637315,-1.40892770190106,-3.40385667304825,-2.73678995943081,-2.53897384318553,-3.879782701322,-3.16212316537085,-2.64206859619286,-2.35730496735398 +Sipa1l3,3.40845758808133,3.56056299010949,3.35470410405639,3.0468857876972,4.29580069579062,4.24095500473961,3.87337649584609,4.18182815228051,3.19466745003532,3.21871285313719,4.18626628323799,3.64630130838142,3.40387075063725,3.90173157084419,3.66625497744054,3.33286128879814,4.5159480505398,4.0369070384606,4.73622755301734,3.44200448695378,3.19002246145113,3.34918942090742,4.51431821787711,4.05398476676658 +Yif1b,2.95540208295269,2.19827483661522,2.53360621483844,2.66052221117833,2.35529531885636,2.33771775767175,2.43396455121492,2.59407605723167,2.7396727273647,2.64569733573305,2.57694251957766,2.34409417911873,4.29699187911433,3.5852578732062,3.76640341128137,3.51916144498831,3.69061262374698,4.13605521193518,4.12125473614397,3.81513450187435,3.63023193644207,3.5386891252216,3.86862400324574,4.02518227930123 +Fam98c,1.7928453243248,2.2369497528745,1.62700885241795,2.36126826628272,2.60461459464699,2.22030615148681,2.63147469907871,1.48436575197855,2.06365898439198,2.41662231736064,2.54470214217922,2.14360371361209,1.4177060820725,2.35599443574677,1.70823233103076,2.23416630201483,1.88113861274146,1.48766713319197,2.10095478736968,1.5442325653191,2.14544825710674,2.33777895698837,2.33658774247948,2.08017177233676 +Psmd8,5.72880747400565,5.16520063952953,5.65202067213913,5.52630486978361,5.25743310492767,5.33048871814021,5.31162098532382,5.43393181599431,5.51576878215386,5.39202352048697,5.25245464426538,5.44320268227043,5.75088200655041,5.53410897388208,5.58683442797228,5.53561907529454,5.31044948106519,5.77879029247679,5.47437242204423,5.77002182480987,5.67579073329604,5.5998630536073,5.41437803115781,5.55127060820066 +Nfkbib,0.966955463052028,0.671328720546057,0.771252986870077,0.366784363591935,1.1587235243527,0.793791469013738,1.0009009698641,-0.0171440457238434,0.249956617574832,0.788623028318568,1.2118009453294,0.989170321497995,1.06530491211645,0.942099142142548,0.784451251077656,1.20797842111912,1.76954504460934,1.240099610675,1.91182305500193,0.678224173904257,1.07892436885526,0.570617071397533,2.19346721111318,1.45110739328649 +Fbxo17,1.02661852755337,1.23457093882692,1.27526178360519,1.06631015302351,1.10000325739533,0.838151782562368,1.46618936039018,1.34525198233348,1.25426836768994,0.862600735633621,1.20284007214531,0.922662409419059,0.819657573915918,1.3904646630682,1.53382654574244,1.15869467820168,1.29060870694091,1.14549329363478,1.72125509356928,0.83983727732406,1.26750975689722,1.228204477927,1.57667779673939,1.10636931343841 +Lrfn1,1.14501871841598,1.09660417976312,1.63587789622658,0.591956996995403,1.43936244345671,1.72724091115627,0.990868980292414,1.26408286734181,1.07350584983176,0.351412454573485,1.11459190016954,0.968154920294024,1.26448926594397,1.02763032923488,1.73540429431122,1.23157056448799,1.99252124091146,1.472907879055,2.27831707773047,1.31196005494704,0.901281271956258,1.25301029722902,1.86378870395036,1.3172681569085 +Pak4,3.52883981448877,3.41304057793877,3.65484734396213,3.53457896916211,3.3565681364354,3.6458097872697,3.65794967917865,3.40908368121845,3.61820622915484,3.54930974262312,3.71028441690834,3.49611158354583,3.67080591154766,3.69834382911781,3.57467769887694,3.77435478807483,4.02429936308409,3.83354625202656,3.94453377085057,3.49955880813457,3.67499832992836,4.00232614286561,4.14396455974402,3.66645762887932 +Psmc4,4.82003223780316,4.13462650222056,4.17157552697881,4.52566669275846,4.36857264370229,4.55377125225566,4.71739665646962,4.08527369039237,4.58927177511224,4.17965299067446,4.61898107183211,4.6435763943176,5.04034241964367,4.56629297205578,4.52466678933107,4.72642981434737,4.95851760113064,4.86695745509059,4.93422891362566,4.57533067927463,4.74016527105777,4.83314115782003,4.99882115541128,4.91646614583048 +Zfp626,2.14906102250227,2.55954994215004,2.43149337145655,1.61841379239238,1.96271380637124,1.7356107961487,1.92680347137471,2.02250455522996,2.27734255265909,1.8920913322439,2.13277227369866,1.85575603020824,1.52902106407118,1.70446265798861,2.00646967748848,2.60466223986519,1.60592522342225,1.75418950840538,1.45205277043667,2.22376042786552,2.23538014182155,2.08144302315353,1.28114278286762,2.20289962476274 +Mfge8,1.45376870100345,1.35399055569359,1.50799476362097,1.64195820556357,2.3551159235443,1.38017941222918,1.66473735958971,1.46965643779945,1.65167978442053,1.36804231018136,1.34571623268101,1.07163486927271,-0.619909941917913,-1.1569114270845,-0.653299825069453,-0.584269473469697,-0.226589053370194,0.0629260707726726,-0.679516349978797,-0.391928454625991,-0.973879677030339,-0.146407737462057,-0.33467397048058,-1.53293831840743 +Aen,2.09217865181196,1.02300830250689,1.32554811341945,1.41975014249742,1.58960265171529,1.86169172901772,1.97306024097254,0.842722084729888,1.17476643691299,0.922015391258053,1.64686546983905,1.42162452253239,2.06823817643003,1.54501167330811,1.307181251077,1.54365254820386,2.13587565889542,1.83853596501569,2.38690237735989,1.21891981224309,1.35911766786618,1.2994036616385,2.20535320742664,2.02761311141845 +Det1,1.95064332480071,1.71214579719413,1.8186312618043,1.75125869940536,1.79264699671181,2.00493198977661,2.02947549266074,1.87684458657037,1.95546839444061,1.85361521076799,1.91736370380412,1.67441324686289,1.61879125752647,1.99596037200477,1.27057880812198,2.09599681139173,1.8802719394524,1.7184326477673,2.14921361391731,2.0106999911272,1.57553151245081,1.84767425550674,1.56985666713746,1.96154769282232 +Mrps11,2.74449069248744,2.18987587861436,2.44394412059312,2.33466981481934,2.3688830904437,2.06036980787549,2.48854450700616,2.42196454619789,2.33180510222397,2.38496715745283,2.18206953810972,2.57997888022012,2.55215156239375,2.64132568182175,2.72138075716287,2.65680357517661,2.64042287702011,2.80819970083981,2.61908160761265,2.33252728220361,3.04578453816761,2.74107162198633,2.68886856234699,2.60839789696999 +Mrpl46,3.11016458257563,2.27669067887257,2.91350734709698,2.80841415583778,2.19562099839942,2.43623424986529,2.78910485100731,2.57765683264106,2.68458927667198,2.94306551724353,2.67596113810797,2.68580867327946,3.46500253930872,3.35118662467743,3.48473399149751,3.44345744966277,3.23124137628566,3.34040316631424,3.47544319121963,3.49509714542637,3.36236980676167,3.58674247423811,3.33672880632368,3.41706820621962 +Ccdc90b,3.16750515357695,3.07811622581096,3.23539520750465,3.09827353478036,2.951813346483,2.8482599914256,2.90275178829216,3.14986552372518,3.12674301372926,3.26099494913085,3.16971184936296,3.32004226709282,3.10119453875244,2.86613604812732,3.31953960457744,3.2486288377779,2.3198494713261,2.6698494984789,2.64837718780273,3.23395661548058,3.33700216511592,2.96927018758694,2.53113758967317,2.81146411359795 +Tmem126b,2.26832132111211,2.02917335690353,2.29777905223474,2.2670396650862,1.85390998900765,1.93506635097991,2.09974283881917,2.21926486168934,2.25376989872608,2.37039854566238,1.91577929218732,2.0328188498996,2.22805430836436,2.27252667421426,2.30317837331899,2.27402567865983,1.9198291319399,2.22564796194647,1.95804468815041,2.39191826939141,2.61158393052182,2.30242341131553,2.21347289074435,2.22717693552346 +Tmem126a,4.29093440315337,3.83968100487124,4.10659121946123,4.1720547326885,3.86701751433141,3.9127061152086,4.01256968248285,3.92202446142714,4.07525562427916,4.1253463653093,3.93337917683097,4.03246211369642,4.96716212418712,4.49447368284122,4.77910203152387,4.6743999452586,4.37883861555725,4.60125115465004,4.04790017635476,4.98813920144719,4.70852540145029,4.59138102518443,4.13463652496455,4.3461542733982 +Sytl2,1.63261770494332,2.26523358594579,1.53417408561012,1.79686790931337,2.19774289265754,2.00683779028536,2.13002995551113,2.09711675026547,1.53261516249491,1.73157716125675,2.50589011853754,2.27307319550644,-3.95628782937709,-3.25298021970495,-5.0336098695367,-5.0336098695367,-3.46771041644466,-5.0336098695367,-3.92017055718168,-4.38907297852478,-4.44228685561184,-4.45582499249093,-5.0336098695367,-3.95675420514061 +Eed,3.2971745988543,3.28287042029177,3.19469281491958,3.20806986624115,3.16039841213839,3.29274363353469,3.25648133130856,2.92965752087105,3.22099865743162,3.1054153598032,3.22037499846134,3.21352085187779,3.2310130263651,3.1525797482478,3.21717196904519,3.20774321488596,2.91218215431797,3.16638185787433,2.82395465545996,3.14314965658251,3.05502040098476,2.99930604764979,2.83210061810057,2.90409031035259 +Me3,-4.4552551909103,-3.67919161544776,-3.50274309583844,-4.0003033159432,-4.02962063360963,-3.812218791784,-5.10151907023877,-4.16351389154339,-4.31284887357573,-4.30019445504529,-4.07711510842988,-4.7679621066055,-1.63220889279348,-1.7807378852535,-0.806107621324406,-1.19485697566573,-1.65207268630333,-2.23840811508731,-2.36504122735216,-1.4592201150796,-1.31928119390872,-1.31206657067238,-2.1105623664121,-2.27044107956033 +Zfand6,5.01706109413737,5.26429617861743,4.97693953094176,5.06457595912415,5.00314175562295,4.99979552280563,4.99039873959971,5.23228934057172,5.10720666572987,5.19344047588021,5.23156674262317,5.19840273767606,5.14341263425978,5.17364691579215,5.04158250734849,4.87606609605431,5.00630942872579,5.09489749587364,4.79050594822815,5.60906722938457,5.04093363480421,5.03625226864753,4.91645829944147,5.13988326423767 +Fah,1.76054158545989,1.81210473163411,1.6629678259785,0.924284600093282,1.41912579635516,2.07004582926739,1.79601448824469,1.4846704289801,1.83001023570273,1.61231935454603,1.31361201895573,1.63092570989381,2.71461246970341,2.52917912717058,2.23915519392637,1.76836812249848,2.26591751732655,2.29496181094294,2.49512228892682,2.34935571500221,2.28521504693224,1.71502994427787,1.86241337365876,2.66786282362092 +4632434I11Rik,-0.752064680520148,-1.22032240844527,-1.131490884961,-1.06782354460482,-1.1963391751895,-1.30119417008277,-0.953508444572746,-0.932294297262715,-1.43928572793569,-1.3341832946451,-1.43823250398966,-0.971833411998204,-1.2761774767122,-2.13321584674595,-1.21016312884199,-1.85114706408464,-2.31822068565007,-2.4311923497699,-1.4644654272559,-2.17300935440422,-1.50432971449133,-2.53456986147128,-2.08238342653754,-1.99134047857268 +Ndufc2,5.86299890474285,5.18555277819408,5.81528314976743,5.67796168322376,5.05533613833822,5.14290154318955,5.29990330255437,5.84058124182283,5.77917393004173,5.60127843048504,5.11122737368421,5.46083084827094,6.49535621419953,5.75346578071723,6.0102881225439,5.91731932799276,6.02037127065131,6.45773990664353,5.35583333870435,6.05843107874482,5.9061136624507,5.94877383416707,6.09258415444278,6.00338817850716 +3200002M19Rik,0.533641043608297,0.415509106367352,0.215836642815604,0.349800084758204,0.59969625307161,0.342571518232357,0.696549835967916,0.131781840265926,0.852675981100013,0.676827560366542,0.186328175406024,0.672296370009095,1.06505304105095,1.05497000743654,1.19963342750357,1.15221512656026,1.08875883052818,0.495347417321617,0.980903150610752,0.596201804184921,0.801117818649792,0.992618514528228,0.932489914753108,0.762868430023956 +Coq7,1.64359751262223,1.34041566215745,1.63189632925769,1.48060634283588,0.961585838396975,1.3340472023071,1.5921095469766,1.64206843343623,1.73432363552975,1.54984680434931,1.06086984959216,1.41791717290025,1.83044168510066,1.57783571776436,1.89071958836181,1.57579941957366,1.33728475167079,1.76704482194384,1.22625618364875,1.63936806526426,1.74369082374002,1.30279048114337,1.31102926108336,1.32342604878976 +Pde2a,-1.43966849795139,-1.05855763760639,-0.63561462667301,-1.21653640511533,-1.30711126259903,-1.37776113394878,-1.24422255737974,-1.07860164638986,-1.19329590982619,-1.32955357637178,-1.79480703374072,-1.9832091241203,-4.46171575621661,-2.90168135791533,-3.88132335233609,-4.46171575621661,-2.31405561086221,-3.05945695625321,-3.3482764438616,-2.52958388415528,-3.12835885100761,-3.15273320634061,-4.46171575621661,-4.46171575621661 +Arl6ip1,5.41729382131512,5.08538136439121,5.41441241288317,5.13301990174609,4.73528564881079,4.85847744349966,4.82611609605937,5.49168574847281,5.29017902797509,5.18557519168134,4.90969022967183,5.10138152960821,5.62913687256645,5.24057815341614,5.5797879948037,5.28951584093613,4.84510415894726,5.3731960962052,4.80178191367874,5.60980486125924,5.45120775542001,5.23079937044101,4.91505118700176,5.13531187156262 +Smg1,3.18345518732228,3.61815478911785,2.94794439271267,3.31279727205196,4.08242678237392,3.93786193802361,3.82440455748569,3.24055423506226,3.23893182552293,3.33432215265762,3.86824867408168,3.76137766616888,2.57950168218187,3.16106592896636,2.32852835904915,3.03805209589864,3.66756303839038,2.98180882488845,3.51858819303773,2.38787044354862,2.78112031499705,2.96941501489498,3.62131361146662,3.56463054022255 +Xylt1,1.34881973234647,0.984498860058247,1.2222470423695,0.94824858537629,1.42165133585779,1.46854213373319,1.20932826914385,1.9249628323754,1.31020254720476,0.663056901324342,1.5969311178061,1.50848102190526,-1.16302867123773,-0.20183860019419,-0.0992923963495131,-0.288537317722962,-0.678256006122361,-0.473497212600581,0.27048965683459,0.153148046331218,-1.03080114065096,-0.508468013440778,0.0183915547305498,-0.154836993056302 +Nucb2,5.44638208894945,5.42339255675676,5.42815698911186,5.56001927786698,5.21199844154696,5.25029803011193,5.19791792515931,5.32385770521494,5.41459710257736,5.36732840098616,5.1155755763198,5.35046900381911,7.60679747754256,7.25667757278838,7.13141384351166,7.21733305057998,6.99589014711089,7.19769491875605,7.30639163964107,7.49541127769956,7.43316504454155,7.16025069497184,6.88686808384937,7.271654051356 +Pik3c2a,4.43975210189818,4.3466128426205,4.59646091702684,4.56176742430216,4.29215015271265,4.41414901844794,4.27869703061683,4.40182071256681,4.4837677529014,4.36002025539295,4.32007010763145,4.36973447911266,5.6022434871504,4.96963327202718,5.27371428715901,5.44626683924053,5.24260803585013,5.61187427879439,5.17983941551094,5.23683970435602,5.25179148331064,5.18966672571157,5.3438369815848,5.2796089738728 +Ipo5,4.83892926073214,4.55077071514366,5.1458046591564,4.74077982534497,4.58673139878935,4.69555385057119,4.42558890253913,4.89391014065109,4.88269221188631,4.75044013702656,4.59561196926492,4.67649048621146,4.72337796761711,4.61174279314915,4.85231160695736,4.67716817523571,4.68026449058124,4.84020616443367,4.54822287694369,4.86399563295849,4.58802805803924,4.59559701625014,4.73678328835146,4.70439100900983 +1110004F10Rik,5.51325525678688,5.2949568591514,5.60870082992343,5.32742831724958,5.04952781795904,5.05448259345944,5.17881903429776,5.30321209096982,5.49660070438221,5.44228051865975,5.21567573098113,5.2677584849655,5.2800838626861,5.00972258202643,5.48767292036451,5.17134975175026,4.86908411524944,5.06592816239368,4.74758106150841,5.20115678826813,5.3441669536088,5.29896863480478,4.88947390664351,4.94906881890545 +Calca,1.60951787659893,1.26942462607281,1.60578332811713,1.5730864089904,1.01924324639419,1.02346854497437,1.0678473528299,1.63613512514304,1.55739698264711,1.49183187391418,0.962715019175276,1.19926526101848,-1.2398437506244,-1.14637837644341,-0.478819868326014,-2.22360957435676,-1.36110857318312,-0.653784942367043,-0.760027590325404,-1.83854426489213,-0.742285214655414,-1.35643666128088,-2.92700802627515,-1.24045498386598 +Pde3b,4.98978839765865,4.99951122235549,5.05431014559008,5.01573522355645,4.93493719834209,4.94362592508439,4.89622708001269,5.09900997567853,5.04668997918463,5.05879738797824,5.02136773766134,5.02222097026502,5.22437907423086,5.0849724639057,5.31216340523663,5.26235552483675,5.22867485181622,5.36352986843708,4.98198866508439,5.29826429621639,5.07575506537307,5.22771696747155,5.29712983388253,5.23192713309149 +Kif22,-1.98605183311695,-1.05413920096585,-0.53275709030506,-1.41749823037749,-1.89014766969303,-0.602207615262537,-0.188661472808455,-0.890993405707191,-1.30522150010722,-0.27399249180049,-1.71486811696914,-1.90571915575783,-0.962425391883012,-0.630930002842959,-0.418182191667841,-0.311913132330834,-0.431226951038318,-0.20205237535821,-0.0403409207398642,-0.0035640240738035,-0.0671171344261222,-0.337769826017583,-0.572819944012846,-0.577952731473048 +Maz,4.64441681230953,4.80967183654349,4.7020801632579,4.67561705275802,5.00654313727559,5.02395943810319,4.91516427220641,4.87122349375656,4.70804213352226,4.78894856682661,5.01490152881145,4.89590001988447,4.31498661826467,4.88089737581291,4.64982642330086,4.68517522936734,4.89951887098611,4.64933360122951,5.09658632251793,4.57916330734229,4.53980065596564,4.80771307677862,4.94460128459453,4.8152375900324 +2900092E17Rik,2.63039864226709,2.53569125827004,2.69321453935012,2.73756914292037,2.58991180533226,2.3812584542426,2.76022066212378,2.50513237165573,2.49942600212276,2.74144903138295,2.60703489065338,2.61802315665651,2.62492813549562,2.78728355834737,2.57981289321639,2.77156219608274,2.6432177731735,2.55353444547977,2.48255823813115,2.69141740515211,2.77332605087471,2.86618095179829,2.78452770648643,2.6393787122268 +Mvp,4.71138766574052,4.48914289516296,4.77988169803126,4.66224621517604,4.26631040058843,4.29725089280827,4.53590010027195,4.64876119451622,4.64997821383672,4.72443047591688,4.40236017598773,4.51621115022474,4.89755262455881,4.93751130764627,4.93956663216,5.04326548769753,4.87543302227956,4.85477690037642,5.07122041140727,4.91680786289716,4.95654871259731,5.01068275057281,5.10902677913541,4.99586701636583 +Cdipt,5.36075150327872,4.79620562841968,5.33887043935668,4.94327950550614,4.86019985926972,5.01467781723972,4.67529002296242,5.11663954405485,5.18609081432328,4.96928551085573,4.85626437080383,4.89495714435285,5.99512307454832,5.69344807363447,5.97929272267211,5.78435461246774,5.35156779965024,5.79586541382828,5.49395599542854,6.01619412414256,5.97630803245944,5.86414478609544,5.39592967561737,5.48771800454621 +Sez6l2,7.34090907555447,7.18561302668365,7.5222422402181,7.07235107107561,6.95345180477319,7.14950821802398,6.87730773437911,7.72423099481289,7.40083626614934,7.02058101231282,6.93995489472927,7.07361850568852,7.07489942214776,6.94692413349289,7.17992048003287,6.83490785505297,6.8919917405543,7.13527781711989,7.11784844672625,7.07191163024579,6.88754022528133,6.82824994525331,6.97764637593599,6.9340036057019 +Kctd13,3.28058052898145,2.95459864959352,3.23317847137373,3.32675930170784,3.22594220373209,3.03448945733262,3.13998552232581,3.24630549969635,3.44918976412561,3.27065390564466,3.21010888700122,2.80417000197457,3.50722274661652,3.39542722733377,3.67683465779332,3.36522729400419,3.12863694860469,3.39717742695985,3.45399304714058,3.50036115376795,3.59572233521081,3.58345272728543,3.24901335775142,2.99602026458384 +Stard10,5.520774422197,5.37652836204379,5.60577271322741,5.53994514242495,5.35695796150519,5.27569179990748,5.3337346383535,5.50558045898233,5.51871237459836,5.50147161537996,5.3164847245415,5.29336932476982,5.80018683170462,5.58944823843252,5.85552297043936,5.75445783779534,5.52895910186704,5.73519386806777,5.58397777424137,5.86566709778882,5.73004535493284,5.8451180369539,5.69936572581426,5.50931597393766 +Ino80e,2.54249545956671,2.40299146516027,2.35741944562021,2.59637091544372,2.38534582180689,2.58385381161507,2.53721507806309,2.36437215474882,2.4177099893028,2.64219329663726,2.59404154125013,2.50217198994545,2.24890193876656,2.20221207499899,2.08589167549347,2.15475803670463,2.34406832656397,2.1473252472651,2.43802515486268,2.06160624605828,2.34075832331009,2.31751371236455,2.4407604907266,2.2875867319407 +Fchsd2,1.87467255649002,2.15219809168175,1.93812559196241,2.29759734738622,2.56574898541736,2.64511759982316,2.10920810069781,2.31063770829913,1.98957868034915,2.16885374273591,2.4737108825732,2.23039366662932,0.655328335205656,0.937202858698295,0.652363066638135,0.774765672635808,1.01861533105288,0.673382960035783,1.08560320813192,0.89351145087966,0.684734883850532,0.757443925437857,0.831881692887028,0.972994263609335 +Aldoa,6.61708359349371,6.27237937967752,6.54608432084899,6.46228057138191,6.32155337589599,6.19822734724585,6.16380800509546,6.41825751593819,6.49054894699561,6.47772611168258,6.38372631812525,6.27846990690267,7.54597094494895,7.12607693221842,7.58747795598695,7.33503997072195,7.19550832667,7.47874659067462,7.1707490123484,7.48515401711357,7.34738403812628,7.40305953678507,7.28579580813739,7.18050640980532 +Ppp4c,5.22575696036774,5.08729899027156,5.18979357829898,5.10542905685865,5.03706413740398,5.07126294692749,5.10108134033266,5.08189963555891,5.22055036065286,5.25338488981732,5.05461575799227,5.04659514153721,5.18610452668118,5.02814383535593,5.16406346758064,5.05523149539635,4.94667477622676,5.22218158633301,5.06661324970744,5.09709130680445,5.20266612667996,5.17112820688592,5.16218912522535,5.12091106552907 +Plekhb1,3.67932752219619,3.34983764006316,3.85427551877848,3.50044638191848,3.61177860430539,3.43089784699146,3.22855533591572,3.65013854826529,3.66270917964532,3.574139737513,3.33125259464006,3.27730765161462,1.14575392392018,1.38707604642921,1.9041162449833,1.47130955754619,1.38096578168007,1.41355418747791,1.15122657174179,2.01190844112302,1.79362577209168,1.07346575941018,1.26497820684807,1.18398762969681 +Gdpd3,-1.18518299919411,0.274726670115531,-1.95943410051922,-1.17271226282723,0.605734398710824,-0.0948806112722502,0.0118167532631523,-1.72631140585869,-1.2044708177223,-0.227367498956349,0.375137906458133,0.52753876734726,-1.081738339204,-1.43829103247553,-2.99832543077681,-0.948109285700765,-1.01978916833002,-1.5960666308134,-0.655591804385715,-2.99832543077681,-1.6649685255678,-1.6893428809008,-1.16928831172281,-1.08239005751297 +Rab6a,4.41808702979739,4.16165953804162,4.22133568151442,4.11527787966151,4.18929135950013,4.07899255050003,4.26996380139249,4.05703502975653,4.2171573363524,3.94465603415607,4.02648375357657,4.24009127802638,5.52633041717556,5.16016873732202,5.2705971858216,4.99501575389568,5.06021654717401,5.36324646900526,5.19267837745167,5.09614951209469,5.47695205298894,4.9623069722483,5.05477989317178,5.22466978549165 +Mrpl48,2.255068059495,1.76007928753196,2.31806646296346,1.99681288869643,1.50966993348468,1.74245089663848,1.81325505734166,2.02113882397604,2.10723740868218,2.14435746181372,1.72178513799294,1.97692114081647,2.08625667957387,1.9540336162567,2.14458625764644,1.98816262896145,1.63289185650975,1.93902864795374,1.71375258725268,2.21978456186109,2.30067101516714,1.89272749363685,1.52722378945975,1.66064886208458 +Coro1a,-1.46228535279182,-1.04520085512258,-0.682648864540699,-2.19628369511335,-0.233991929602819,-3.25441358308605,-0.686418977197637,-1.73316802814085,-1.37245122877342,-1.28846272298976,-0.737054721317249,-0.431552405627695,-2.15088748343969,-1.86612637937084,-2.52436029060131,-2.30947639262126,-0.775873745744649,-3.20791008686311,-1.06869441739798,-2.13630328504554,-1.82377983681946,-1.04922623137873,-2.82284007454489,-1.55027879814569 +Ccdc101,1.77227597424912,1.39627777152776,1.59783562968053,1.41803275660412,1.80447832924554,1.90234832816731,2.0831753525457,1.09558147213384,1.35165471946257,1.53330730303533,1.64375128906536,1.74120291278516,2.20341343234752,1.98357942479451,1.70306915094579,1.73506114920793,2.59507489686747,2.50361426745978,2.6726671718564,2.34395193374378,2.19439193977293,2.3533935853009,2.62879129415093,2.47801731279589 +Nupr1,-3.15048358433573,-0.191309549398916,-0.33857112269405,-0.618052147588884,-0.937292866249095,-3.07173165344522,-1.85193295351304,-1.55048609850002,-1.69982108053236,-1.10578079334893,-3.12341289169914,-1.75081959185433,4.25623170399327,4.48959993447329,3.79855984410939,3.52343394362728,3.54495215862865,3.345422729197,3.61699206484686,5.37873456543755,3.32926148603071,3.13053886139448,2.92146893040619,3.61755430829265 +Ppme1,4.96345238579294,4.61814216119135,4.65311411338382,4.75851084817158,4.66113248319167,4.62644891354588,4.60317480142547,4.78082660948879,4.79217509418835,4.67418565858255,4.74222360739053,4.63501110425913,5.23955245870048,4.8872596062426,4.90707519999361,4.9828630335084,5.13211923654287,5.09641596862663,4.89093659580024,4.94772944884779,4.92791235891109,4.93602875887831,5.20417443846093,5.15227488381722 +Cln3,1.00473113834582,1.26716706069033,0.958700423825517,1.06101253315793,1.1426420149226,0.96682738475111,1.15974160412711,1.06984241278508,1.08333807859351,1.3737489635311,1.13219293039357,1.17780888312386,2.26993882793673,2.20855296748238,1.90777558897659,1.79433275428288,2.08087363708286,1.90665249311328,2.13195586188853,2.54591358667574,2.09476989343944,1.98519447461468,1.76409889701957,1.78647837834966 +Nfatc2ip,-1.17620267231444,-0.386743994711481,-0.659902768911162,-1.32746117571491,-0.175593452421697,-0.125572491273591,-0.723091319050464,-1.28761889943688,-1.65624419477401,-0.701045767193144,-0.417082661843438,-0.988536910623687,-0.663588668577689,-0.833672334320998,-1.13387224511355,-0.655429489681007,0.0989172203249338,0.250954946786998,0.255372085988193,-1.06489948804576,-1.10520781537701,-0.893264772043273,0.0766801099151266,-0.525585084764291 +Lipt2,1.58971374837955,0.909574049020479,1.29974817227323,1.17054764504616,0.714203794367716,0.424732539361759,0.899656360058941,1.28399115190503,1.56374217645953,1.72171698280651,0.878810893826575,1.30548180581244,1.98154862324154,1.26137354719999,1.69889542818333,1.12152037117144,0.922260346658003,1.58553398992668,0.186805090348963,1.4611994999537,1.24478311934962,1.34358245437222,1.45732485067805,0.433324673092634 +Pold3,2.82550506852477,2.99076883413402,2.98475632571696,3.0961867627531,3.02995488472944,3.11457272324066,3.06537358077489,2.99519752384353,2.90315001901254,2.94963228019812,3.07773018028514,3.0479911222306,2.69480245815125,2.90245676349137,2.81100830811239,2.95733541368281,2.81521632437949,2.81438931126319,2.83600696693977,2.96633837409744,2.9318589182021,3.12027293278337,3.01345455238114,2.86914024951925 +Rabep2,1.31254935854871,1.95157681219829,1.2172971677557,1.80319031731114,1.7237788568149,1.79070612246172,1.94153887286578,1.13002291185908,1.36164515722128,1.57595367329156,1.82345931199093,1.87123260096644,0.881489806414778,1.60325975926998,0.54320321731786,1.46695062395373,1.35348860289262,0.956746756896293,1.61556160237304,0.756048241544143,1.23174158491017,1.46291419801557,1.3939042535715,1.29981016562281 +Pgm2l1,0.556680234375672,1.47728829714504,1.56015779844752,1.72198688980167,1.25932778037168,0.835903615721663,0.907341967490319,1.70186399416207,1.31032484087376,1.69807485093297,1.14652834765038,1.21312041861362,-0.336706872871616,0.714733846037893,0.86839160436899,0.894697266029414,-0.509723890579461,0.0201956175447169,-0.411982459429089,0.516404696281726,0.49588965685498,1.17624503074746,-0.0578264702559137,-0.161107045542207 +Syt3,1.4479933811503,1.68028753977857,1.35349896464406,1.39874735805342,1.41571491589703,1.375346566224,2.06467013469239,1.66632093716939,1.61511036427472,1.64309156136701,1.39993145352332,1.55858270563252,1.89720931844509,2.20626438193578,2.45213498442083,2.23976002628774,2.14197322615186,2.01028627542995,2.4324348613775,2.14972924413807,2.02025483700762,2.30837764981917,2.06262003393867,2.20106499516064 +Sh2b1,3.05335621031989,3.05862985360124,2.67451862395789,3.03287634426924,3.45653030823018,3.42964932967774,3.37136082526613,3.150784360918,3.01403568868669,3.18777988103557,3.53216404177462,3.17874325260233,2.42216567543231,2.95574859719231,2.50118463211491,2.98511637267436,3.46820068981173,2.6875239555252,3.41648861248033,2.55736468171812,2.70912960784562,2.77892441294444,3.5304881530008,3.12628701102354 +Gm9755,2.52438679817205,2.39457863710327,2.71602917010708,2.27675441570327,2.29494728611431,2.12027820526104,2.44603924973363,2.44172243464439,2.27856827142052,2.37207859340924,2.47887228088284,2.41326078686828,2.88368459596469,2.42529429249398,2.41650922173465,2.29709997118903,2.48073460352715,2.78374233844254,2.29630032409537,2.38860742957567,2.58754186666917,2.63343728904975,2.71183913126592,2.57657451263048 +Eif3c,5.76029646986927,5.54724572110667,5.80398155338149,5.67347498722639,5.37126974014209,5.51222226897297,5.41780180485151,5.71101222848231,5.72638043060657,5.59284289291145,5.47551240291202,5.61126861556647,5.94233511438526,6.05194613026124,6.00643148229244,5.88472293371128,5.88828857928936,5.87610254825448,6.03214326398538,6.11181411976633,5.79590697890254,5.92575594403377,6.01623570100859,6.09648085043834 +Myh14,2.37388752054036,2.41747443006771,2.24804687017997,2.13092842769888,2.35865392368013,2.61726947073464,2.51953257835329,2.29852657619349,2.36278572481133,2.32857896682753,2.35088545308848,2.25422978787444,2.59489992424356,2.87476722705186,2.73571874405337,3.04830282465135,3.2542401295024,2.78375684253693,3.24779733007198,2.17143459098513,2.43833699259617,2.97423988731411,3.29679584511723,3.1026573761402 +Spns1,3.4428943981757,3.67172791566692,3.45407776564219,3.5778523035494,3.51137090736723,3.45173859280744,3.60240724760626,3.39249021184626,3.36853582232328,3.87585854372206,3.56962640524683,3.46255070589112,3.35766524893102,3.52473176087714,3.24245365322416,3.15257647937537,3.392214543967,3.47537958698856,3.46566721938109,3.70077534036924,3.18928977352573,3.39922835804891,3.44379006012771,3.47484391425396 +Rps3,7.06285475529689,6.45036410836749,7.30308533601738,6.94677614903712,6.59522917195372,6.67151449251145,6.57353607862693,7.0124439219414,6.97133329302907,7.00723510433382,6.66349994895338,6.82067901966588,6.43471269896279,6.024998411386,6.549226868788,6.19076753658772,5.85238123913771,6.30226676039668,5.85088132174426,6.58839526137933,6.43280726701195,6.1331324245967,5.91745262754207,5.90901483914162 +Dgat2,-0.120921731383763,-0.25892480632066,0.669789753245937,0.600579016076895,0.228764700672564,-0.950327500451896,-0.598148656999768,-0.148862797386245,0.205385812019069,0.335236527939587,0.172785156034605,-0.73596824073506,0.415829758635065,0.602504800774375,1.52077080136687,1.9390539870495,0.348154328971005,0.0474855996636885,-0.338953061437583,0.840509239184343,0.695453935675875,1.59674338253784,-0.25694076311142,-0.703774967040719 +Il4ra,-0.199403122353054,0.311592225875378,0.145757217072057,-0.542619259847315,-0.137675147044713,-0.355873655474421,-0.266419190706076,0.163170383082364,0.125909090284244,-0.501997972850754,-0.474255830454063,-0.0007599669824802,0.545437160295883,0.98143934534629,0.784701116796499,0.781681453344742,0.619925449182464,0.861910456172867,0.282926639510617,1.34206681353609,0.374880449712994,0.695487569379384,0.811808780689545,0.703265565662491 +Nsmce1,3.7637335604789,3.43739631453076,3.87407825319411,3.60068717526379,3.3148496525318,3.41415052555914,3.2853379943934,3.73742695528104,3.60042462900008,3.49002192338086,3.47445421109811,3.55227386383327,3.37672021515902,3.44857760989909,3.66586313589896,3.44771312342548,3.07041814377703,3.56750442288339,3.1433869827696,3.25524864847916,3.60456789336212,3.49228887864388,3.39763917054205,3.37584609811733 +Psma1,4.92293971678028,4.51638817101213,4.94187269256884,4.90670784063619,4.36576563013955,4.44787688369611,4.4760562958977,4.7882997458942,4.88859655634718,4.77165642920627,4.66121162304724,4.73246655455155,5.18405146357728,4.85063173157402,5.13550515040491,4.97414354834494,4.77116637254851,4.97800936315069,4.62935357475307,5.04350516384521,5.05269056028691,5.07007938021156,4.7204189118994,4.93948925762346 +Jmjd5,1.45854408617062,1.77876065558924,1.52521755685432,1.61235095693597,1.14161106889792,1.26340128651571,0.959285953044813,1.13635201980063,1.51932920470605,2.04331644616751,1.35363343818363,1.26007805395131,1.77946647102647,1.18126876037521,1.71103712166241,1.89593692503267,1.40118195790992,1.72215478004898,1.61931809321106,1.72183350000984,1.79546589400895,2.13154332961136,1.52252062999933,1.68015610070792 +Prkrir,3.25629023200002,2.86348201058864,3.39852453492206,3.19068003086313,2.78019775905186,2.89858255713971,3.0583796206285,3.00635411186858,3.21137519529151,2.92694116213897,2.69687494997626,2.97003917696403,3.92928844150204,3.7065205576677,3.85893504377791,3.96981267750635,3.60727427771243,3.73083293025289,3.45564206444016,3.77100422136165,3.88925657860886,3.86264264003771,3.66874035049294,3.6918093111732 +Copb1,6.19010517091004,5.93526729473655,6.0670904917141,5.9088694065294,5.79649890169572,5.76281141738684,5.82370594658762,5.98282702647588,6.03616873861594,5.80076165223066,5.77792728570256,5.89211445923004,6.69228643830184,6.35385075817029,6.64654133423692,6.34417473767033,6.48221558824898,6.61370046645363,6.46676545949384,6.54480497814001,6.51821720476021,6.38180995223858,6.51961269037611,6.58139787379322 +Zkscan2,1.63138880480734,2.25343131532117,1.3409172386155,2.00508016483764,2.54187787693079,2.63233260262853,2.71413697124807,1.31333698797431,1.69862349148859,1.91995876884386,2.66950323931718,2.26279830422277,0.0755004525217156,0.745864406695659,-0.0511131550862873,-0.47677553866514,0.0523353710638186,0.622727894213221,0.686090690113803,-0.18134391560782,0.12617565043355,0.193956521888648,0.191506479768532,0.55283335747959 +Far1,3.89921959367345,3.69529769304735,3.77780561714404,3.68089596344141,3.79689208919118,3.76518482646818,3.76976933281301,3.79210377826356,3.71489813383244,3.59989602860085,3.82654269096532,3.83025561785475,3.82986865016685,3.53443646567298,3.48135924949433,3.50620934699687,3.71626449054457,3.72275745254176,3.6173948084018,3.63721198215178,3.57371877021746,3.3864599953533,3.7108325595117,3.78442940210531 +Acer3,1.18448409759067,0.528718880909377,1.07870610306684,0.671602764179218,0.747822558897264,0.863863529591154,0.835424865001653,0.905116025054665,0.575613885834936,0.344807834886761,0.496925387869482,0.941220015519868,1.34821838219915,1.16350747407174,1.11433563787856,1.01921655603908,0.8574605518768,1.01387752267142,0.43911393894556,1.52975236444477,1.20472756157186,1.1505431405051,0.766800177993517,0.823448050393776 +Myo7a,1.13375729338628,1.48176948628186,-0.1687481953148,1.54963521614205,0.96709059894167,0.926833911373725,1.18788388213353,1.12195191597472,1.24483747802768,1.62375685521721,0.922855657059608,1.08499715004388,0.324231185729083,0.63932946315089,-0.559344215984408,0.6260871381338,0.449580979501868,0.559072228337071,0.516790142112839,-0.0374677830621906,0.180381202561565,0.754527041111138,0.396971993461458,0.352272641736399 +Lcmt1,4.24535540196562,3.73101855279866,4.58759231324895,3.92732780470175,3.53949278461051,3.72073086179399,3.90720652497738,4.19689727577749,4.26820493504365,3.89661128897832,3.65192104465065,3.88982488332044,4.2019242237691,3.78507845563435,4.04444712591286,4.02211959835376,3.98899607530677,4.03138022427683,3.45644841851915,4.12160614817393,3.8611867775681,3.84727044870127,3.96879891572493,3.69663145466839 +Arhgap17,1.54683320886496,1.46192073040895,1.39611874314934,1.59724381042748,2.20959747611859,2.25292134849593,2.28651612280423,1.8230251632819,1.82316799156471,1.61359307647232,2.21143900522948,1.76869418448458,1.60350595955801,1.87935397746976,1.39865900579525,1.94198349530772,2.4343526132926,2.11702538278899,2.39729946729802,1.17430506756125,1.44539441977008,1.75340618676159,2.41983240341037,2.00038531281169 +Disp1,0.394100202495121,1.02502186671947,0.769093940295837,0.282852177186725,0.52252049015751,1.06215680030595,0.815902540198521,0.67820521276578,0.802746912304433,0.635493197171748,0.942732637346809,0.831041031016774,0.601355608136377,0.891762715382574,0.746991314462752,0.735148835703892,0.699620924465212,0.698379666503635,0.707267275214112,0.581163983235643,0.49300672427142,0.549021604491867,0.822102224524205,0.538918347427761 +Parva,2.96723953666636,3.03729503582217,2.96212382536203,2.46288934633406,2.93967674667806,3.05793250296885,2.68891657808974,3.43166506117581,2.76134685560629,2.6151601447509,2.83703367812844,2.84094827906724,3.73533114381285,3.68472811838399,4.01020345976142,3.68266082607549,3.59550908814647,3.63409676913916,3.55247343297285,3.92419957238213,3.71209945212429,3.79070527666091,3.48457653372347,3.47402730527633 +Micalcl,-0.237132886129946,-0.007444937078511,-0.237950711637575,0.160469203206175,0.375955249896518,0.320524795050263,0.329726014645827,-0.0375735426681809,0.0240186609076634,-0.0377597873501345,-0.0756588375492293,0.51590364753452,0.531667659434335,0.256075860231194,0.0673720855733435,-0.0004057661969598,0.87073540126534,0.242916120519759,0.902045988382404,-0.0996621806725675,0.0599021964323143,-0.0180337155726886,0.218826321022181,0.591184359794988 +Pak1,1.13210096486397,1.53691638259189,1.45519133937181,0.652022461510489,1.14970405151257,1.06324023330739,1.10129842517647,1.49495792170079,1.51461868521109,0.566909482983689,1.18375745502159,1.18282926949031,2.31093206115323,2.31653597039231,2.55599038055912,1.63013709965082,1.88931689609204,1.89332034203611,1.90974993879424,2.514419064337,2.44235616639454,1.88407374054514,1.69622380289276,2.17030012881536 +Rbbp6,3.37736612301454,3.70993394093777,3.47888243227766,3.59827096670489,3.90027194794172,3.81106776498128,3.74369230912989,3.64411427295665,3.60468474347072,3.66616876207652,3.7744396325779,3.71919749648879,3.04512085303015,3.45591442907747,3.02664127014315,3.36721748836371,3.40367371083466,3.07890849664775,3.45842351799928,3.18218173596632,3.31256648596326,3.30596598368312,3.40336293566786,3.464225548784 +BC017158,2.00560080267876,2.4202395477302,1.76255957000103,2.40696553375907,2.6209419781233,2.36559409824987,2.54637395413025,2.01426775127304,1.92000575207188,2.01992179316572,2.55695938216359,2.45354890334614,2.94907519790961,3.02772051044568,2.38948926673198,2.79131174135458,3.31645871102639,2.99693364784792,3.53551336560003,2.8497212046663,2.86412938697362,3.03755677464121,3.45217873805108,3.20531935341012 +Cox6a2,0.618196066804543,1.87514051323695,0.3003804394023,-1.24752389279595,0.854771683235556,-0.759557282723293,0.353687002447591,-0.485556314575963,0.197978409423184,-0.778690171732179,-0.0662837848178924,0.313245518874859,6.7078397655239,6.92264089763282,6.53705833338616,5.9365731268661,5.34837233851127,6.18394382166817,6.60752433740344,6.96070600383865,7.04274450571887,6.47824785956692,5.49649564038832,6.16309099889297 +Lyve1,-0.798159380517798,-0.111090580563365,-0.505444868657083,-1.0404241500028,-0.445887631491353,-0.162483754775643,0.0060050737885468,0.0359690701490696,-0.196342944593324,-0.611639253449562,0.0094710370627557,-0.217937235170332,2.80609337878759,2.39907681023122,2.40250922143055,3.49624867829515,3.34665822252962,3.30552518146414,2.60118627221402,2.79237111510933,2.46476258811578,3.39961653293773,3.47608262815071,2.88824675656035 +Rnf141,3.66941151083383,3.77646179995679,3.92828528145479,3.69219382832618,3.45763509027845,3.42997249293452,3.56753527912243,3.8603471435972,3.76103596415926,3.74264289385796,3.41935713002179,3.68967774907408,4.44125598164457,4.24391881190987,4.57600652513567,4.66878636189092,4.11983830595042,4.44212024234988,3.69712498402814,4.82167568785463,4.31807688497478,4.52932089438456,4.07279828951093,4.19818428433828 +Pycard,1.83293178655853,1.51360971217201,1.64756429831976,2.00551930894049,1.50766882737945,0.89922483569148,1.1799549964652,1.46028209066517,1.80696021463851,1.19546661157931,0.802582593956527,0.935134618833833,0.369256878928241,1.81236584499834,1.1794965024633,1.92360234875253,1.07539373587377,1.63092936293428,1.5252358302121,1.86751370110062,1.16583697032284,1.08198045838706,0.760748224155689,1.53826052567051 +Fus,2.10589861970861,2.81534616443766,1.33513689808316,2.15639944520862,4.18551178464827,3.82316099196229,3.38207806045008,2.13408446399081,2.19440110370394,2.66526197850816,3.62356223187525,2.99631861773087,1.76308637002858,2.53576708675653,1.56777558798119,2.15737231251906,3.60934487255899,2.60518522675873,3.14551549997649,1.53823327623064,2.01936192237274,2.13105512672596,3.28702246249695,2.81449182319169 +Prss8,2.35734745079565,2.33397685740861,2.30031932101362,2.14653157341287,2.15497470431409,2.12066380691249,1.88030984287464,2.6324994650249,2.20131885981062,2.61456181424712,2.04766719804362,2.30989436934194,1.67636145629937,1.52066265366569,1.69039313806655,1.73993652361148,1.47677550804264,1.57660501630276,1.12672186206016,1.72287844698073,1.41160413030494,1.18828652439925,1.10019954756615,1.44784887764173 +Kat8,3.54638984090303,3.60882866823829,3.33699168940856,3.34266372580644,3.57489646048748,3.3820204131891,3.60777953711387,3.17813681722127,3.37150082563055,3.17191144415777,3.40661251446435,3.50873803329819,3.11078702464353,3.30553085675507,3.08004125559629,3.3978016817404,3.65709892569131,3.0333572329175,3.42011906701477,3.14301711285429,2.87411056523819,3.33873168846991,3.54639277567632,3.38094762891628 +Bckdk,3.86248361662567,3.83430910411959,4.24988936784359,3.81776093005871,3.86774073438547,3.83346604528903,3.75063150262625,4.17576935428202,4.08470738767153,4.01467817151002,3.82488516548081,3.87273467339135,5.1018377868357,4.89905649587277,5.13274261403717,4.9204314061131,4.6585834753716,4.98617755675207,4.7514676128144,5.16091911991105,4.93134524012243,4.97358987340037,4.55963759254858,4.63658826877993 +Vkorc1,4.00583513228825,4.27282989295428,4.21920487718692,3.66843577810174,4.19526519464039,3.74504487568048,3.62164208314133,4.02138139102424,3.80723985351453,3.70226421549168,4.02488667729234,3.96662770410263,8.4216856969856,8.40932690422795,8.48387257608718,8.06090493752948,7.96051345231331,8.24460331924376,8.4816215024837,8.58770415110491,8.47269231500295,8.17768526433252,8.03626262628569,8.11026452369568 +Stx4a,2.32506119414752,2.91578656318462,1.83695688648471,2.67656446235988,3.31833874788899,2.97324549770811,3.27159651092404,2.03077195481987,2.08610558823368,2.7687506500237,3.40754120038463,2.79154821512906,1.76983441473556,2.51074157201161,1.94934982119166,2.27197087354479,3.01165517207227,2.28115699248426,3.13539675951861,1.99501653727266,2.09250719279865,2.22842505480308,3.1303232859305,3.0295302702522 +Stx1b,-2.64938663076263,-2.14956649388025,-1.46964335943951,-1.92166897069766,-2.01270423125962,-0.984848157133309,-1.17060308880214,-2.52016252303965,-2.15944572367223,-2.33705990668613,-0.970482679165601,-1.73703682318709,-4.62504625398926,-4.62504625398926,-4.62504625398926,-4.62504625398926,-3.32026352692303,-4.62504625398926,-3.96347528631684,-3.98050936297734,-4.62504625398926,-4.62504625398926,-4.02992482994521,-4.62504625398926 +Fbxl19,2.68247084097006,3.03233152626276,2.62475285768561,2.99958975772757,3.22457919887934,3.19171822094024,3.36030368802317,2.65616984800977,3.01114957680392,3.08435719465131,3.25182790870348,3.19249760960757,1.73146759989803,2.4831152251473,1.34764676675422,2.2387713163237,2.57553235979839,2.16892132755224,2.80702116298492,1.6671362085761,2.20088411011505,2.3235780524319,2.62032048029484,2.36604486131263 +Bcl7c,1.26741321446894,1.07124966475821,1.13252260103313,1.01298072467861,1.17638771061469,1.25369013661736,1.25403588401729,0.987003625559818,1.23160172260846,1.04035493793322,1.05037911552517,1.06339667187158,0.560791423199023,0.772382370665419,0.670174684607477,0.350583722622006,0.735274936419836,0.542062413265607,0.993054859691016,0.731842995792639,0.652127779839418,0.787958750321917,0.611268963719155,0.251817297551384 +Phkg2,2.38018519602453,2.86084859534742,2.17339125219989,2.59539620740389,2.88400666444228,2.86095994163643,2.99493720989623,2.39005953685881,2.46611782003479,2.61293549794933,2.98882077479377,2.73707550506655,1.92017636802638,2.31246010002136,2.17798342039278,2.34014973137825,2.63766005650695,2.19473688079025,2.51784147274137,1.79101821143176,2.5293182973612,2.36847975153344,2.56464172265732,2.33991647352942 +Rnf40,4.24560615028297,4.3528320249562,4.01155984980965,4.38046654624816,4.36072230887268,4.30292826291451,4.48475014235388,4.09818801889182,4.23644487108453,4.22111992375502,4.39360750447441,4.16649244747982,4.00111969462488,4.18687266654198,3.87187397838147,4.3349015744933,4.51545818137671,4.14567861737968,4.60151960047125,3.7665022747244,4.25946404808953,4.26293916725427,4.48156719029854,4.41128332400501 +Prr14,2.34706799571218,2.72765242468369,2.38019854770549,2.66905033966679,3.1155067619765,2.91894435849366,2.92705740946402,2.41844973844687,2.54630403576721,2.74045906721398,2.94231651130706,2.70313621447051,2.62129142898658,2.80312734688899,2.51777157750952,2.4330101148899,3.0016058060564,2.73594955474997,3.2013304944586,2.41146829166091,2.53262705678745,2.61141860349253,3.03940167143345,2.87141143986678 +9130019O22Rik,1.50927878774331,1.36069275452129,1.50010707243249,1.08030286856631,0.885094028491279,1.00132736365686,1.41935785954572,1.4080022115977,1.51433656442285,1.39640995021085,1.01377178805962,1.0966045286201,0.783558883128372,0.83658739724533,0.879349217496721,0.809677101265048,0.383599989903822,0.424349444986379,0.649236736721746,1.22622244025405,0.810251668192288,0.684673999350497,0.841968061779407,0.111185593560202 +Nucb1,6.20707586212765,6.05299900081411,6.2630731392706,6.17158828891668,5.91736835438587,6.05629607658173,5.93875867312511,6.34103562309319,6.18334915833636,6.07222629399251,5.98753900295688,6.02267748541056,5.43589170346884,5.3600526132734,5.39413985336799,5.29468540187058,5.3648836762926,5.34801153549002,5.48435131280591,5.43822595235062,5.40386493068199,5.3167261834669,5.42494300176813,5.34002368102787 +Bcat2,0.31402141591732,0.909602890689827,-0.66978133378193,0.580671937988118,1.09770617471317,0.954676411304384,0.889383637027606,-0.267766680067954,0.0727593975687233,0.261285532915684,1.17230071768568,0.989714038775695,2.01470848697984,1.43054862780196,1.0390476397846,1.33716532452625,2.51503483026147,2.03943976147247,2.51959875433019,1.01153578677382,1.41641838798988,1.0313045241308,2.45309959783381,2.23960121950835 +Nomo1,4.51035048120463,4.30165114284619,4.37117639102993,4.21796578098277,4.58182903430237,4.44497293168775,4.39252439365864,4.65757172914476,4.33008105098627,4.20952811590804,4.59501488077144,4.44751510365366,4.89083251167632,4.81207535243859,4.76195946306213,4.47869475323108,4.84248455086251,4.99792285746152,5.13815029066403,5.00503208020795,4.37277414245061,4.36253158832224,4.92812726105849,4.91803746193166 +Ush1c,3.66651004826063,3.94365138863405,3.71893173781852,3.85821157675798,4.09352046557613,3.94517045618906,4.23841657049915,3.49599222959615,3.68693649353325,3.92781575061457,4.16411386495424,3.90787178202938,3.78381158441279,3.82410040136597,3.74649228215568,4.15451976856201,4.52345905298137,4.04193128579774,4.43963809968489,3.6596065735962,3.86278416707906,4.0432178600661,4.34451384172737,4.27187581449064 +Sergef,1.29711834976936,0.749957022131582,1.37365610126066,0.989535873000341,1.39414885632988,1.4924512840415,1.50765220023108,1.27351754238104,0.986431406216377,1.11624960682318,1.28407953429159,1.03276476132638,1.38672484662874,0.761870530292475,0.811715852810685,0.632013543998558,1.23199891402463,1.1281835885402,1.03603094237391,0.78956523375428,0.373502601338412,1.00332914947059,1.32835502021297,0.996069494095779 +Lamtor1,5.17964885015267,4.6543404748107,5.16041181670344,5.04304707967184,4.3270447279749,4.46315316524108,4.74185327498895,5.20151069832224,5.06403805074958,5.13805710224878,4.40627924677003,4.72192676611316,5.49497063336227,5.34842515954843,5.70960977780187,5.37175361224327,4.94853336554888,5.52762091185188,5.03177457045423,5.96547731812061,5.44466060981832,5.47580363741065,5.10745689821534,5.12261023653361 +Tial1,3.16875734677928,3.4945610578714,2.86081123955689,3.05535140896655,3.87322554800987,3.74168702493558,3.4867570624484,3.4234794606193,3.12159887790051,3.27865202102822,3.75863267499056,3.52702990642445,2.92395790943815,3.14542288592034,2.72480880468184,2.89112757899034,3.68453464329385,3.18422624948224,3.36868432634044,2.97958867230942,2.79634691035036,2.88607685255911,3.48612280252965,3.38396849084029 +Bag3,2.43964532611217,1.99303736549297,2.01280065301095,2.09748100804937,2.45637380023758,2.46083002954062,2.39238417177556,2.4299716381213,2.38766980921056,2.26757501702848,2.15774988060346,2.29811010535908,2.19454550945969,1.99640687028704,2.09705655604862,2.28945024286256,2.34533461706093,2.49277868809845,2.59970500544157,1.64196409559189,2.12923993972177,2.11417662698222,2.58958396141915,2.28283351865451 +Fgfr2,1.5509527594167,1.37336188426303,1.43572565281787,1.39426280703695,1.36894582562216,1.42140831842859,1.43813751920355,1.40831280047241,1.42810671027465,1.66026887267535,1.4785640912142,1.49679604592014,0.998917668793503,0.957268958130497,1.04664140048007,0.947555114170719,0.838656983277586,0.899901534277474,0.778724686973329,1.07466893333225,1.05339358766486,1.01327704604407,0.7837982212417,0.917613794732521 +Ate1,4.60345131752788,4.5829286363964,4.70827771764433,4.45478496602072,4.3907762908541,4.39497750008537,4.36358891764291,4.56262062051464,4.63005018703867,4.42705526467566,4.42185436099785,4.46070116820557,4.7681067433179,4.66883637346158,4.67930430823642,4.60402839708439,4.55576645559009,4.6227381553632,4.39948247969706,4.88010575645626,4.72419950221484,4.65463483600031,4.47085936697231,4.69382596107322 +Tacc2,2.23441671049669,2.80567919052751,2.88576398915617,2.89295216117135,2.5637806870892,2.74522374591892,2.40056649154703,3.37250101336235,2.53234706445417,2.8933621391064,2.57569617498784,2.62087362862864,3.45879625184753,3.82024246262275,3.45746133251793,3.44018405217933,4.00655403938828,3.75475275441359,4.26963339958784,3.77818445330829,3.09050637601811,3.4482612775187,4.08416647341302,4.01950120291807 +Acadsb,4.53086430664872,4.47414171908216,4.46651983971754,4.66192793750352,4.42372763575127,4.50785382120717,4.29252449550576,4.54147711951821,4.47979860337145,4.57153827232593,4.58585926031754,4.53959021936286,5.01122386292217,4.90202453629483,4.92681388905853,5.03495960640004,4.77705401544632,4.9200769068705,4.56710153667377,5.03769086211317,5.00379063464272,5.07379623881458,4.76108697027175,4.92238969080021 +2010110P09Rik,-0.666418869614764,-1.3281547716172,-2.0032939456558,-3.04218527591339,-2.49128858648997,-3.04218527591339,-3.04218527591339,-2.08365948545341,-1.88274957832286,-3.04218527591339,-3.04218527591339,-2.1051117103386,1.42327968230581,2.13074050517619,0.989292207417041,-0.450819837039677,-0.259386574338364,0.723083220157513,1.75290577215575,2.46547475238793,0.782818936306244,0.0261995697143542,-0.316095883344081,1.34805623062425 +Dctn5,3.70394025893618,3.45244494127785,3.32539348619556,3.65843014714871,3.45182291603654,3.46831031613186,3.5279377462601,3.46816498150281,3.44408052757065,3.61177533554416,3.64434424785473,3.66352586358966,3.69766915774813,3.71576226735506,3.45859172076875,3.54103081894542,3.57141418824301,3.60301509161458,3.64144863484808,3.79046284307832,3.54607893398647,3.58236005802821,3.6727723557262,3.54605685679797 +Ndufab1,0.996246525846271,0.64429247052632,0.776502724599478,1.02194652213078,1.10090183327922,0.960157180284663,1.09013237899062,0.445499505521994,0.890376007636717,0.767890910122147,0.968690307025165,1.20407387106217,0.874177963828949,0.851999859634903,0.317841640795042,0.686463725144001,1.12185160580473,0.752930420356319,0.864913376969074,0.547403067844038,0.474073311877855,0.49255392374465,1.04526869278092,0.631853821515251 +Ubfd1,4.0249475532806,3.67570200304875,3.79436378159969,3.72458801329577,3.73017146333354,3.71152857934922,3.67197521381576,3.870222858714,3.68489278720414,3.63705687904012,3.58668385126011,3.84256628786542,3.75649298694378,3.25258945995686,3.43161632200285,3.41263579508365,3.74129992236541,3.74923935211141,3.58517836070994,3.37238491231801,3.55633142872239,3.3038025444518,3.6717146465655,3.64618512204454 +Ears2,2.5964021954095,2.56088857117943,2.15636185826854,2.52142105938255,2.8706143481187,2.70918806322836,2.80028010850231,2.08314285264751,2.39561947257161,2.56015008809526,2.70774361163127,2.83987374481283,2.19102727701,2.08066759142555,2.00826759958052,2.46957312743455,2.79122751932786,2.36721259238287,2.69012236694234,1.67132013465601,2.22675256930175,2.30369401415887,2.88744745119782,2.64576811144648 +Gga2,2.77207854220789,2.73404414336096,3.0453352460477,2.82254185941834,2.74581422329489,2.60850945038405,2.66946277761907,2.8866422613374,2.79876200392939,2.89289978383428,2.75545148291619,2.75144993301128,4.18215227853446,3.95762782365737,4.17032020229789,4.11939301375164,4.23086157537339,4.2915088303568,4.24381047278722,4.08039917834603,3.9977979821013,4.12155223976824,4.27011529839768,4.17245250026601 +Scnn1b,4.09991071148167,4.1755448126937,3.97067109008201,3.78555243525939,3.96005537099285,4.27668677205743,4.0663095391331,4.03181555381073,4.10121712040249,3.95047134479172,4.11912633172484,4.18215807984957,6.21041471868843,6.38512269723099,6.77538962331678,6.68306434771352,6.12509498736531,6.2137733170966,6.08493324902182,6.46275448861327,6.7636902167229,6.69175995091656,5.93819649881551,5.98594216942051 +Mettl9,3.84511328886931,3.41622615328758,3.93350318519784,3.46760068329205,3.46135935621657,3.51436565898448,3.26299474177297,3.83131403646715,3.72270863359386,3.59141556626379,3.48577658569923,3.46052598882449,4.58996660754439,4.08375892454508,4.47269192846791,3.92856743035805,4.2392419040485,4.49418999912917,4.03636824085826,4.55271685522384,4.334291437264,4.07165462187749,4.18851412721842,4.24265971842776 +Cdr2,3.54192765650016,2.60136857322159,2.8966995835228,3.18870567786033,3.15130937793485,3.06541388245658,3.26641368847376,2.1880707869504,2.95427215606717,2.90166556098297,2.90557252844036,2.9052585425427,4.10694775670574,3.5513971205527,3.52383545804472,3.62953494930917,4.22664013997265,3.96931151330828,4.27200152511185,3.07423415036919,3.70099815270071,3.36497334597966,4.16989245154672,4.03271462663924 +Mrpl17,3.59014966820647,3.16692821146722,3.6665306336223,3.40043847346569,3.0913055815975,3.18780938577165,3.19368492746701,3.38632202898219,3.40688463819273,3.4845718903111,2.95541111895371,3.29864894928548,3.66233534183727,3.08236019390469,3.45032325676958,3.25207341997848,3.07946483944246,3.55459259806323,3.04963308679656,3.45243701980643,3.56914209317009,3.54872232733084,3.17296174962625,3.13001856740527 +Polr3e,2.6162651724866,2.54409349110803,2.25462227542176,2.58749306852347,2.7879206424278,2.84723736593639,2.90426008774985,2.23474169951669,2.62523486252094,2.81806849940947,2.8311254316459,2.75511278364515,2.67191679179511,2.69420129118586,2.18680830867522,2.6383326207047,2.75688986831184,2.8112904159435,2.92349122397973,2.16113735477138,2.52378030858231,2.88378889842301,2.92203742784299,2.8346573689371 +Arfip2,3.97923563833331,3.81800023339827,3.45517916713854,3.85029088691728,4.0187559413072,3.70044585492776,3.95818599672492,3.61616882309379,3.7259920392604,3.8481220812005,4.05367567158797,3.90997924399417,4.42823026409771,3.9992031785221,4.12396658014021,4.02446609205979,4.55062973957595,4.29113809162345,4.58058590059881,3.85177770365445,4.15824466849642,4.12566188287576,4.57973969081757,4.52825427672772 +Dnhd1,1.025214725151,0.907648930550049,0.716399096550575,0.95280188354291,0.978575072708487,1.00197727822982,1.14512906547817,0.74669530578044,0.798752556321332,0.578383329825221,0.95700881434156,0.929548490061396,1.18197320263821,0.990940526098637,0.954185072542688,0.943322955520106,1.49567397010145,1.23134001408202,1.5028913956932,0.786436485990222,1.08373051009645,1.00677189229576,1.4982459917241,1.38394254766415 +Uqcrc2,5.85704926414093,5.56578110708194,5.93579420608755,5.67032426406269,5.20164430939502,5.44365951399325,5.48701107535209,5.68139162230375,5.81540231499102,5.73218999937829,5.24499458676629,5.63897072651495,5.87415369941233,5.59311942488956,5.75582287015666,5.65486487174895,5.50130742345907,5.69005085248812,5.50294759687445,5.81792197984726,5.84984440116082,5.69673546017627,5.62302977637221,5.64268975147414 +Rrp8,2.70012119792847,2.15383099759562,2.34317657942252,2.51494454606674,2.13762657680638,2.35595030141589,2.3061103482031,2.22696625770621,2.58432876500862,2.20780152518686,2.28348352303542,2.59128742139412,2.45916410460571,2.20391575645204,2.40223459382651,2.58463066785993,2.2985496968232,2.473552842927,2.31759138426688,1.99217093634749,2.50353585360356,2.40225264672396,2.08199343630807,2.14856025846606 +Ilk,3.60730727404508,3.5861125051265,3.40878412559062,3.62687838073709,3.6526966598932,3.4667799721769,3.61154609325411,3.36327119357849,3.53496404905064,3.6456947993864,3.67868201513453,3.62636435835783,3.49848144350822,3.58356685279324,3.45410745964423,3.62797437326004,3.64684316957654,3.49522859197868,3.5305459543826,3.6535839758144,3.59972089530628,3.58615039731369,3.55555281367686,3.51977934864994 +Tpp1,3.19857505738732,3.41963181249616,3.30663231520108,3.22683259467445,3.4230111548358,3.56446123005348,3.07855582625288,3.64168207954914,3.24672970966828,3.5192802548461,3.41075137357841,3.33865964720265,3.46339779551968,3.42570275353921,3.22091679685553,3.32112701588416,3.7564214607443,3.49200764399176,3.5105935942969,3.74285796617345,3.0668995889536,3.21733873917744,3.65825514422023,3.42565825642817 +Crym,0.333065074831926,-0.159936959350965,0.40966971960801,0.455888686708995,-0.825207832981227,-0.26884266409371,0.347370658863747,-0.201890354414478,0.535819560721368,0.228697418356323,-0.574519877626633,-0.655705718747396,-2.43595735913352,-2.56308723648299,-2.32557756596556,-2.31027674202247,-3.54765917191469,-3.05587259258566,-2.66609875888386,-2.42137316073936,-1.78597515737147,-2.55255026979,-4.12312163478427,-3.48646983275436 +Anks4b,2.27370168672515,2.72493699701761,2.37891937170964,2.49183414866953,2.43305673856944,2.29971064311081,2.23622349413981,2.20705728806416,2.38424379502339,2.3302430262451,1.91527156923132,2.07615098847084,4.29842705640586,4.70381154268474,3.92085472542047,4.19270525235285,3.9461482354856,4.14874744435755,4.28988579055703,4.63056885046152,4.24334097217383,4.13474455759257,3.83204356261726,4.07892039505028 +Tmem159,2.63168245596347,3.2343529400213,3.42721430022158,3.15836475503997,2.56727430175434,2.73345927279128,2.82028548411219,3.35108221287549,3.11444199642647,3.1900511215909,2.75888958178814,2.88786834510765,3.18177355905354,3.58055151364655,3.80344786899732,3.69212321972756,2.82456812978255,3.45257042857671,2.94190963351602,4.10212812792687,3.99262886513119,3.4724359879854,2.76718636549454,3.1447830275732 +Lyrm1,0.90087406977368,0.686883524325047,1.17692994552001,0.283010092061374,0.154094386454744,0.607386401210309,0.51409139127075,0.864557186180173,0.29840796027719,0.903628177098135,0.166198204520752,0.77998852259027,1.61574746926123,1.34384032189119,1.84285843441478,1.49290781077998,0.353570215521609,1.1903264869949,0.968089576847852,1.30506725971921,1.15961263420358,1.08361432516641,0.407400540497729,0.854137127584361 +2610020H08Rik,-0.728833352867482,0.008576869409909,-0.847585449521125,-0.291027130807737,0.323946500744467,0.0210138582666741,0.0291474842367698,-0.889667948634534,-0.273630520081044,-0.851141989591168,0.128446738975879,0.0898583222072493,-1.02195200866896,-0.406651855334776,-0.724967316020627,-0.354357578690842,-0.516776952028621,-0.365439539567672,-0.282774707928924,-0.816370562367571,-0.279042842074744,-0.639303769171311,-0.342409963626822,-0.307204318078712 +Eri2,-0.0565910402584473,0.247515135517815,0.498755999030766,0.244327367906203,0.050712121102781,0.253509170589046,0.0552050256640415,0.576817997978134,0.200685742397698,-0.0751195096823838,0.132290878286337,-0.0993417315440142,0.0351504122277868,0.386187970288257,0.24390291590545,0.422302177554817,0.151952539775544,1.24171307103182e-06,-0.107959969963831,0.592455314021471,0.3964067977971,0.333154595794838,-0.0038573666322188,-0.066643918742741 +Chst15,1.20549286865516,1.4874480257389,1.54201132933822,1.05193810776111,1.26551886262317,1.66433954124437,1.20155734342881,2.14214068845435,1.13077192111837,1.09773101004583,1.3032708875022,1.60514077522584,-3.37693129799346,-3.49164842618442,-4.79116070122114,-3.61696391841562,-3.00424016040565,-3.72391165902253,-4.12958973354872,-4.79116070122115,-3.45780379601214,-4.21337582417538,-4.19603927717709,-4.79116070122114 +Oat,5.64052063815451,4.57139658874738,4.83863538241136,5.08836151210477,5.22409693530196,5.27847795182526,5.32901834061735,4.81331004972748,4.84592508314369,4.85042287619551,5.44679904768364,5.48324420848654,0.802693520225543,0.743274405400392,-0.780288407472707,-0.0871176405472089,-0.246814081434227,0.699160298949813,0.1223746769889,0.0083549651720074,-0.0595818659568479,0.0347170965857246,-0.194062575633725,0.127160920591447 +Thumpd1,4.43009209160031,4.34930544192145,4.64064971892691,4.45972406163828,4.1011009191364,4.16951853997071,4.11322778115588,4.45540082921674,4.53664353778643,4.61480132751652,4.1852921423036,4.30237148552127,4.05693147901327,3.8940315467941,4.1916800600268,4.09425869293449,3.79861410478138,4.05534660812049,3.86200762808844,3.8776026726815,4.02795364360503,4.22899832628375,3.81565866162399,4.03829460145621 +Lhpp,-0.0513793982917838,-0.190421524157182,0.645826692199102,0.489347034834916,0.47090087177909,0.460998605141421,0.122565964420162,0.207532023694887,0.109776824090698,-0.0279723394892819,0.0987527601633349,-0.311809698360155,-2.82138823307104,-3.25427321612827,-2.65980985219914,-2.70704226982953,-3.24989125541471,-3.16836859410011,-3.57404666862631,-2.53386916225381,-3.22608735144801,-2.25181779974643,-2.89545467260905,-2.82194212008237 +Gp2,-1.22374431670778,1.19998744410139,-0.107096711880637,0.601208857897681,1.10903970813754,1.04307713145844,1.41744457255681,-0.172606347315109,-0.0167408270974829,2.00533860735963,1.51704848118138,-0.0690928208620649,-0.124215416722582,1.80785777459301,1.83099590328285,0.120961958892081,0.912744309769056,1.58890830665013,0.0203604743875099,0.457201141584947,-1.52450285558061,1.24850535643926,1.38409873108539,0.601524241536358 +Fam53b,0.817662932362868,1.01366814561014,0.902549225986276,0.775635763789855,1.0037915647823,0.985325878835993,0.933516951069366,1.0794914431218,0.929068981467622,0.589285952684748,1.12110246043287,1.20629080550205,0.641395837269744,0.499378257171804,0.912961037633746,0.664592928084953,0.854870131927163,0.824499687782697,0.935193157516856,0.0827556101981242,0.890770119502416,0.77092277229557,0.749811993466292,0.581512710979399 +Mettl10,3.50958001809003,3.44349677809645,3.53237341646347,3.2712067695911,3.26308421230449,3.26701858291477,3.34178695123969,3.57552312262431,3.5345619962966,3.58492561947708,3.35661772502107,3.38580261290936,3.69701828520332,3.39728107209654,3.94050931462636,3.85388340133192,3.30706521141509,3.4812631170629,3.43682089143096,3.88500959230183,3.92074636220187,3.83718248165447,3.50075689508199,3.45983294073129 +Fam175b,2.873781441931,2.69448414273728,2.93856943261297,2.69860420110826,2.62019572218273,2.86530833782908,2.62670662265072,2.77487009915209,2.85571682909545,2.79112828803895,2.62869132732054,2.76573313127147,3.73729237525328,3.67902446653182,4.07033595212332,3.92645569776293,3.37770149053819,3.55433506657735,3.44257413667413,3.87402102574772,4.00695841330226,3.81368983391421,3.27955999526892,3.5750076639727 +Trim21,2.10480238768209,2.14422147341372,2.19585316610333,2.39908454669454,1.90876904604064,1.91708599447758,2.11101493026712,2.21244606481691,2.41887512169935,2.07844064861202,2.05877112465872,2.28707616873407,2.24520074288577,2.10642956202707,2.66819829177414,2.36102846263103,2.00827147692837,2.34009237646074,2.09508336753377,2.50558996959498,2.75475633109913,2.27405495061999,1.88228489615636,2.0274570546677 +Zranb1,3.98671839958572,4.19187196064916,4.35227640852586,4.33313767904466,4.00689228525629,4.00485127888361,4.10756097490946,4.18148904537015,4.2449142302221,4.29372335946278,4.11574769822174,4.17217950036643,4.26746621215922,4.61674986820926,4.9009589206426,4.83529801842121,4.15986217151287,4.18197191113647,4.13284687867338,4.50653653300367,4.96890316505172,4.88658242003942,4.00366138055781,4.13073985617098 +Ctbp2,2.24013762883138,2.60462230854673,2.24282217150244,2.60131743457295,2.66895109113196,2.61976997556746,2.75665442532115,2.1275374050321,2.51552209969204,2.65976846332877,2.73803069135521,2.46236524494759,1.3402473732137,1.99783242925408,1.80822187294472,1.65853455646901,1.77414445974898,1.21879037276002,1.95984996981573,1.70311889418996,1.9453297537399,2.05165813751316,1.49920631827224,1.59280473648253 +Rrm1,3.2125095821614,2.92169983475601,3.25130561618089,2.9231772146504,2.76450420567795,2.9800153630964,2.80331140186854,3.31411901835826,3.08708979748525,2.86418508681176,2.71875768471717,2.8649184351474,2.69607905894591,2.69515187552287,2.63725200595889,2.47383269878979,2.39914647828124,2.59661475145794,2.15031139079486,2.88174418192405,2.84341522582548,2.46371031865138,2.22420643264492,2.71313566314927 +Uros,2.32870397827352,2.54033636810887,1.99867609322553,2.32087564670368,2.544255652862,2.36317885717591,2.7830039977646,2.39477325911008,2.14472002359484,2.10747287797149,2.62541158183349,2.54399327838713,2.62083042051785,2.81009794981467,2.43755634503979,2.84462645648867,2.91393258794821,2.75457661103029,2.89442442273251,2.75165847283965,2.88167499185274,2.62661052613536,3.13704906720749,2.98057566014916 +2310008H09Rik,2.8395556474856,2.77336253943164,2.87906585275384,3.01576181086625,2.83872202746716,2.79870160649514,2.76017399076096,2.62329855821601,2.80141028181098,2.82398545864508,2.74705939900047,2.83641452958237,3.13596073276556,3.17168501340932,2.87219081139271,3.23026741533511,3.32551362805746,3.05198557865323,3.22161311373113,2.84091655517509,3.23577059338912,3.23083597996216,3.2026002719263,3.22008665787269 +9030624J02Rik,3.01327942205486,3.13067189902252,3.2734742959649,3.0810751427737,2.74763737715883,3.05322468103203,2.8966864819293,3.35012644419269,3.11806194277502,2.97903481356904,2.83753973219017,2.99413977089035,3.13126260366896,3.30058836814045,3.27141942527523,3.24157081016046,3.16826508786659,3.21778278769434,3.23382110144971,3.32207277356535,3.19376233933775,3.14119066645631,3.28489931299434,3.15368544090002 +Bccip,4.6459676831683,3.9689086700279,4.41416009069613,4.43279570548763,4.37486073437377,4.42684831267679,4.43623059474949,4.10029069548543,4.29039041579974,4.22056300667554,4.32247269737696,4.28887443685868,5.39479820471614,4.84282116591056,5.17197442632729,5.0726773044676,5.13751115210317,5.26077627072223,5.04945384790234,5.14464923839131,4.9996895342997,4.97769902929018,5.22557778303328,5.04364267540896 +Dhx32,4.18262392514275,4.04326853667784,4.00194760623946,3.98358653688394,3.92619405345775,4.12644112988087,3.97787155965543,4.04981375666188,4.01807238789631,3.98455702559597,3.99900232729143,4.05837711567399,4.84598579715928,4.74667658814686,4.70332887330901,4.59026232981043,4.76623891995704,4.79209146631892,4.81439132203215,4.84517146695728,4.74389208638313,4.68981238070627,4.68866503990468,4.70597274602987 +Stim1,3.69770262331503,3.50547505790587,4.02057876079965,3.57484333460122,3.70152562573197,3.89635724801634,3.41326035292261,3.91736507639881,3.75402595893278,3.58863391639209,3.50074246693348,3.54628521574816,5.14561013827568,4.86674767721875,5.28089189065639,5.07063390706776,5.27390900951843,5.31112715953133,5.04067966389221,5.21600990553548,5.06932823642479,5.01217325245073,5.31286889105649,5.10124082129037 +Pgap2,2.32476708243819,2.3772416551995,2.33575066419284,2.40787148344967,2.09653137065891,2.3003077095817,2.14099203549819,2.27012955532399,2.27709262201864,2.56625744159226,2.27218537839736,2.11915694840216,2.28755285705955,1.6213940193968,2.01500677854881,2.26888752488203,1.65927478826559,1.92855962132991,1.63990014875166,2.12062691741446,1.77213798761422,2.05205107886132,1.5760466502954,1.38735296662225 +Mki67,-1.41342190924451,0.021368260178952,-0.244120098518368,-0.341323965419127,-0.438630247185204,-0.0686583462495323,-0.162917557157177,-0.0901122147243543,-0.255924181157817,-0.276259411218355,-0.704691338945543,-0.161966834827367,0.0683775095784025,0.800118394579198,-0.874497900763616,0.229313842930241,0.65257985625049,-0.262021016481885,0.843876913236305,-1.03766770301211,0.572558399267773,0.513349700591149,0.193610399544732,1.47697725324943 +Atp6ap2,6.17906080484303,5.92119036046155,6.24418053593488,5.94211019479134,5.37080303437362,5.54650630167229,5.56506890845739,6.14474432765277,6.18334182638231,6.04996799984668,5.53737215952278,5.85880591617793,7.58130312406147,7.30402131608828,7.57092808539496,7.38369847924885,6.97675583499175,7.38402871304748,6.89012049487585,7.58677547492924,7.46479381770409,7.46450638713266,6.9734219068485,7.255128361917 +Usp9x,6.1690901049842,6.0184491670347,6.20068937061225,5.74964878639785,5.66924138227748,5.83086031373111,5.72585715622962,6.3849477088722,6.20361995633512,5.72933554205649,5.58604781490911,5.8554938317389,6.7040404197237,6.36520899803064,6.77230932974781,6.26838816126579,6.11544225613588,6.5769254501965,6.03497660958525,6.82201624955354,6.47488657603423,6.23203048795735,6.08264707140055,6.28107511581012 +Cask,3.05780152671661,2.82563561015457,3.03180184426949,2.92877349481307,2.83749002378659,2.98874844660313,2.85530611130046,3.01340766033187,2.94868055418431,2.79810450684768,2.9000443858552,2.97131397145168,2.5316413789289,2.61531789668067,2.46205081698776,2.66448891680072,2.45080552807856,2.43835983007477,2.58563919415628,2.50706654682019,2.39047110050319,2.590185831485,2.44622325970859,2.53075692220156 +Swap70,-0.609175142762032,-0.191516724935836,-0.137260696766863,-0.396963721550157,-0.55594816471683,-0.706804241076565,-0.580482511921921,-0.252345620540043,-0.266462750270954,-1.32584787779034,-1.02377402964593,-0.932145859511109,-0.145347405395212,-0.364110029093067,-0.947000838731697,-0.911830174642194,-0.275681085034087,-1.25390776134806,-1.6886527159427,-0.16619772203932,-0.395762213039789,-0.723149242990106,-1.52485360388509,-1.07531715192981 +Wee1,2.74323691166987,2.56275194563196,2.63992619755051,2.92288372275134,2.74851172297373,2.65515553503646,2.09146715206896,2.62131368249637,2.56403880856241,2.84927245035013,2.59595300636227,2.15575207748828,1.44135591613703,1.64542200199856,1.73453674010736,2.17311375453244,1.82382885649168,1.71598644638403,0.640177328877334,1.37010624944415,1.22352819435804,2.27530289022296,1.68838251665794,1.63387591866331 +Tmem9b,3.12627951708592,2.81026948238106,3.01674305592857,2.66036930937664,2.86470263107727,2.82304965599932,2.71211360238444,2.76359533209317,2.75973685055466,2.70374395832452,2.78698764850629,2.86761698216017,4.62011932133336,4.49456923817198,4.44043813021977,4.34001863034836,4.3020842420661,4.43691688886408,4.25115304848445,4.55640148612155,4.25223741746695,4.45795162547644,4.22949577853866,4.48672586974009 +Akip1,1.76477949009106,1.71285580688633,2.08341718195982,2.09077873370392,1.36514134914335,1.10881831347447,1.77806895053822,1.84618382329728,1.95970123189375,2.21333487284455,1.65131611612073,1.71637776361248,2.18139574810235,2.4659122290861,2.32865463727441,1.96236454910374,2.03423891830832,1.90412874935174,1.59078961532546,2.53017616334407,2.46284475376117,2.48139963535401,1.86851806135077,1.34934857253965 +St5,3.69804166181293,4.03563061634882,3.64013022291591,3.69115026669866,3.95954816631319,3.99941843435568,3.85255525356621,4.05938194580111,3.75473745295215,3.78425220366944,4.01491365079563,4.04791148959808,4.08233453240733,4.3462028583482,3.93045299235927,4.1641123902844,4.48020429347513,4.15567243921951,4.4680331675436,4.20349449263395,3.92637973802575,4.28738190501048,4.5964713679936,4.43163532674107 +Trim66,-0.993035654065131,-1.0213743829605,-0.0869488671741649,-0.953344028594989,-1.07395786932658,-0.617657522596559,-1.28583032777433,-0.425772332309371,-0.973532314783194,-0.83548484113003,-1.13199179986791,-1.09699177219944,-2.98963863810631,-1.64911715079742,-1.5443222456591,-1.43659345152593,-1.64078435630608,-2.49715855701844,-2.41925674391048,-1.58573774781711,-2.87760663961513,-1.67718677976316,-1.54342559722466,-3.78532548004171 +Stk33,-0.0732734048326296,-1.28483058878536,0.359453575029372,0.164140539130818,-0.192231613222711,-0.170709326019635,-0.116298894588449,-0.449407944863212,-0.289769322534488,0.188159423171138,-0.56921172725479,0.0469686384661183,-0.753095806073272,-1.20049825759378,-0.783662390127071,-1.21820476603097,-1.73866880171766,-1.60239482809682,-1.13286567296738,-1.95389157970584,-1.005352928584,-1.18628982931468,-2.0686793893924,-1.97186411352328 +Eif3f,4.93474559792097,4.73148466219316,5.56845417372989,5.29087294916513,4.91392816044714,4.9296011724622,4.49743972223502,5.28390526732558,5.28799374084131,5.20665059360805,4.91654011184201,4.77788113243524,4.51935909273627,4.34803697376121,4.82461813647721,4.52830612984778,4.24082313773175,4.4303860804249,4.3049619784493,4.82529688409684,4.80016463285805,4.50540348173974,4.33193982525969,4.2869666852822 +Ndufb11,6.7912958958024,6.18494369257918,7.02438187167989,6.61891632815262,6.21450318284209,6.16187749241019,6.20175938940863,6.84988386428875,6.68126485171911,6.6118803383035,6.3186335776274,6.42748552052387,7.06655268953834,6.4425334227751,7.00249861448951,6.65739395781471,6.31906693889124,6.96437359806518,6.43879087182026,7.16853671175228,6.93506128002608,6.7162297646851,6.29584620393459,6.49522929313952 +Rbm10,3.84907886627636,4.0974056208107,3.53626654300493,4.09933496318817,4.15295559820344,4.08594686808416,4.22597173221516,3.89534686827913,3.85688886982426,4.11257984610757,4.26203713820045,4.18520292848772,3.13855434251567,3.80886071744166,2.86638606024846,3.65865051295073,4.16409171715053,3.50947969652035,4.12590391104005,2.96059686825713,3.51606983736542,3.83779531624248,4.3831335027673,4.08477576375881 +Cdk16,4.19938816355315,4.30840299580086,4.11235331062073,4.47701057975994,4.6362087624499,4.36543603797392,4.47629809783743,4.38865549816249,4.25622989167498,4.41713571430945,4.56736856772139,4.27317863221833,4.6012507294001,4.65570235222915,4.27759282450919,4.73212399528965,5.05803791943982,4.64660264037146,5.00504541363879,4.4008475434155,4.42209333425508,4.77326897376693,5.09313086996547,4.83157119557731 +Usp11,3.81960113397751,4.12975678093131,4.12197076398422,3.9487190569433,3.71591159443396,4.05038378859449,3.97060962242297,3.84552665573514,4.13296932036305,4.06449513805785,3.88775472809765,4.02761459354028,2.45855025104331,2.41956442807214,2.59679730386558,2.42335089137322,2.39003990226596,2.30128033909293,2.50177494849173,2.31463940814658,2.61958028524733,2.56447207282176,2.51364633418588,2.39647880544772 +Glrx3,3.71768818906653,3.17680364376991,3.72601826353405,3.4548551815513,3.11569394693059,3.35426166911805,3.29353092421787,3.48298686447876,3.5001353539139,3.47305359199326,3.30645616920971,3.35779798886828,3.49893183551918,3.03809685691351,3.44080248001073,3.32798023224283,3.00591710787527,3.38504899193005,2.95043871474334,3.36109692124719,3.30905907795964,3.07381793628268,3.21191121427287,3.25294617279032 +Oraov1,1.94926573724491,2.06349904899519,2.17698930138029,1.96646893447141,2.18526078414235,1.88947382718961,1.88654836857085,2.15243282725841,2.12859857908135,2.3415411822395,2.13183486705349,2.01033956149913,1.96287731509908,1.88182752553541,1.59605640259996,2.1398655289027,2.00409044787597,1.52529193963128,1.761008442655,1.74731459086631,2.05126106083477,1.81063243908874,1.88853699757094,1.88742758530092 +Ano1,-0.696892677040972,-0.657068822224702,-0.176297643372234,-1.00836359655951,-1.19377765881512,-2.15993675540185,-1.731443978123,-0.691534560260145,-0.517928911997455,-2.19199712606226,-1.19298440500531,-1.85357673136078,-2.62710358879585,-2.44962389757619,-2.29339800421381,-1.64734462284846,-3.43680343509673,-3.67433711996434,-3.00727040634691,-2.61084489277923,-4.1502631482381,-2.43694473718062,-2.71882836223494,-2.82565078889911 +Fadd,1.3599658064488,1.22792535622942,1.68672523703481,0.986515400670332,1.25512771076732,1.14767776400522,1.02067403557437,1.59693597163138,1.45855685066888,0.933085159070002,1.04402110447658,1.07979356672195,1.27146464471676,1.48023950453716,1.2449858253248,1.09528886647331,1.19116414140939,1.28066121342822,0.912323022227728,1.71861863626079,1.26421188560577,1.17137167936135,1.33886727915801,0.882710117997381 +Cttn,4.57523369536019,4.51993041435242,4.48544213505103,4.55021283980132,4.54633739819242,4.48364117385613,4.51361382721816,4.54172319284616,4.46685123750142,4.53824430570896,4.49336678025316,4.48454009568266,4.37579004106647,4.46951099683981,4.27385507328293,4.49632049030851,4.49204678182648,4.3313215344283,4.60177114035407,4.16516971394953,4.38293704895449,4.45200489467874,4.58455348652531,4.48589909046262 +Zfp300,-0.0017261032843931,0.116505611553489,0.296713559641327,0.0797901339068137,0.0038997731815735,-0.053616067511431,-0.153619631972549,0.566392923065401,0.21517200648251,0.0880658562747154,-0.181595849041024,-0.31587173507224,-2.33398087613849,-1.64111926950703,-1.08996172558689,-1.68346861658632,-1.99491145432578,-1.49031594590018,-2.61072971995106,-1.37511950832928,-2.06117895037755,-1.54913020285304,-1.94437542826833,-2.33470448706163 +Nadsyn1,0.42374257225599,1.22721762816738,0.742380264124754,1.4620121881,1.39601582170691,1.03892258530733,1.39195282419432,0.119166862043977,0.829863279378693,1.2982177443888,1.68186400125656,1.41685327274194,1.41826975397344,1.68398106719409,1.25763750466081,1.83693505194062,1.90762609995904,1.68634516645919,1.72783218456245,1.0802467453156,1.5614757386885,1.99021188284146,1.76341586195185,1.81557552004862 +Dock11,4.53187232501623,4.95031828409496,4.7571026655926,4.51416164412986,4.46307395463312,4.65012141682469,4.76876815561916,4.9525182659579,4.94575172039143,4.5817050985992,4.50280825900491,4.62456975697341,3.16599600331985,3.29106595835217,3.17186183790529,3.0947823006484,2.73525162699316,3.04162694306875,2.85562944072065,3.33344919875325,3.04769811811892,2.98275981585449,2.69208246005964,2.83271838012728 +Cul4b,4.40660095744363,4.54168248856076,4.67612955141026,4.34144503376113,4.217325213062,4.39025434919578,4.08090075015343,4.78598583028608,4.60581967715562,4.47872906176426,4.13321022994628,4.24324171417526,4.35312644170765,4.16338588085967,4.34913708531557,4.01922339583868,3.91393031426238,4.18476625453126,3.80978823814684,4.29319669026237,4.2490495753074,3.97417820547706,3.88772599245402,4.0118888467973 +Smarca1,5.96207761700792,5.88647650086392,6.04146456502891,5.88647086170252,5.56834527261761,5.75795668144138,5.63827682882177,6.03315860841701,5.84107452593401,5.85259252816215,5.73842993538631,5.79623323474367,1.92309998963474,2.20254880062194,2.40417477143005,2.01042829624696,1.54404351439384,1.66344433196604,1.54534524003333,2.21846537550939,2.29706873586952,2.05933451203819,1.27456015168757,1.27130546846848 +Elf4,-0.639931637919793,-0.749639775685035,-1.26690296820222,-1.55469850803994,-0.654930664394089,0.164354645134372,-0.196740599068037,0.106626675165255,-0.822821619157431,-1.32032346174593,-0.333176855830482,-0.490056302479558,-1.52327195893626,-0.432536584943344,-1.74590047922934,-1.78486299911813,-0.424048512827236,-1.40206550857293,-0.730875011935909,-1.23831221084217,-1.79470356706499,-2.00044598081604,-0.953136419100977,-1.76108167804072 +Slc25a14,3.5619030378451,2.70117687187145,3.31267158217477,3.06886279129844,3.08804315515196,2.7771344689789,2.95798293606319,2.97937268283482,3.00675751061663,2.78157251846905,2.98862375595667,3.28648350074699,3.38602245643552,3.05365808454366,3.29061091749051,3.14980165327288,3.07630564199035,3.29589237295943,3.10556201602733,3.3091265347339,3.34101429858033,3.0694158262149,3.09975545456691,2.96336957094777 +Rbmx2,2.72116374719372,2.56959735625767,2.70433125133575,2.71910192433932,2.52594068899545,2.49828947712725,2.59897917728113,2.33801528399493,2.51199604245226,2.9399509292338,3.21437158035341,2.20797176061854,1.71257866024451,2.2364299842756,1.60336620120769,2.37815948557932,1.85588198818748,1.41474172363055,1.61706262625123,1.29040723365756,1.81853243403095,2.35666002212871,2.30278795864902,2.18400557110993 +Enox2,1.87965261744911,2.08021882468831,2.35153584324619,1.95216706781982,1.47797185465251,1.80630680097478,1.65774331480814,2.06743208946265,2.296715106314,1.829537046041,1.58285491697718,1.64327432355942,2.08701516726783,1.9909451659262,2.24457790359574,2.22798630864561,1.67617970654604,2.14491491594773,1.92918774941,1.98029348044237,2.21240952306829,2.09811855646708,1.70890367666774,2.05710785390737 +Igsf1,0.547484581300487,0.520243262608139,0.489166663728655,-0.0110296018312011,0.256590753176842,-0.060428911099216,-0.0831321971668464,0.686268799624022,0.158240037801135,0.156697040036984,-0.166159329429374,0.36007490175287,2.96790216341931,3.03021757175764,3.24147110800787,2.93034133180592,2.68189031589287,3.01623350523277,2.92052905426699,2.79319785859051,3.12096369670042,3.27382735702765,2.82363147220327,2.97390899778911 +2610018G03Rik,-0.122361127276977,-0.0541525773245022,-0.401162319495516,-0.735570659483698,-0.132184558509401,-0.85630812388488,-0.523099153751428,-0.481889505907125,-0.443577955919146,-1.21348402744195,-0.457362736472847,-0.559566302099152,3.88867829774028,3.37050738044728,3.55771830144111,3.54909278338311,3.72365462850206,3.85346276279816,3.5564094718354,3.37457415051625,3.56778997522338,3.43326409381409,3.51623113040495,3.69366610222099 +Gpc4,4.95208296071416,4.65075621768866,4.85550875754776,4.36380292960573,5.58282449430831,5.65224793782059,4.78913921776289,5.69681402288031,4.73868900771386,4.56031691528745,5.21559449167014,5.05050833425257,4.48027210869098,4.3367386559195,4.79387399851258,4.36123861572743,5.43102688758347,5.01429397101018,5.06852718031174,4.40041290044434,4.38540965921202,4.53240781337514,5.41581657128678,4.76299196510595 +Slc9a9,-0.0439561771102435,0.50996075890616,-0.0508657804148345,-0.625452675337325,0.630910999849856,0.970122096426573,0.302097484180705,0.292157524708427,-0.50482543146095,-0.488430001981439,0.465591323183638,0.476804234739986,1.65616854912247,1.28549856702932,1.49315158441224,1.13651961798638,1.52415069149148,1.8182217237508,1.5008083732356,1.74851043554475,1.03076637508191,0.999991762031323,1.36763823619514,1.29424459716786 +Arhgef6,-2.36306395325273,-1.19117937077999,-1.2559060430204,-1.92132121251714,-1.51142143080999,-2.76059710944803,-2.60442171489569,-1.94968096067695,-2.18925285708891,-2.03687374558144,-2.02343667549008,-2.18131224782344,-0.82148397377982,-0.712485625876903,-0.588315216929396,-0.525432270907785,-1.62638454450814,-0.97476235967792,-1.12142243093779,-0.833807544557636,-0.581344638463877,-0.723618767733333,-1.84494349845651,-1.31677106779934 +Rbmx,3.11054636148141,3.66275182943343,3.05622542389867,3.43838410128935,3.61007714504241,3.34163304293795,3.48284699585214,3.05660557526391,3.28538260202696,3.41191930722913,3.66631975738391,3.37471891813163,3.1216809906714,3.5421721827599,3.16589586457565,3.64858506051138,3.49666322978693,3.20837542399008,3.27987650108557,3.21408039296006,3.30364958089228,3.43274563560972,3.43110844661102,3.22282558804742 +Ccdc22,1.70796659349801,1.77339002648871,1.59163684260934,1.77110505473044,1.52495133405841,1.63404260089144,1.65511807601801,1.62157838907167,1.55959160223144,1.21960609664499,1.55091407298838,1.50129185553911,1.7269521181305,2.26164637575976,1.54423852678161,2.00216536799231,2.15497796406186,2.05047043487386,2.43318314952023,2.20599513611394,2.08394500207852,1.92280926775641,2.05092334805581,2.34521352574655 +Syp,4.33370044468335,4.14734986911001,4.3742981989473,4.02530089102446,4.10139515901729,3.98848461489633,3.94811444423641,4.22559075354407,4.27695376236682,4.07229265357714,4.06760940838606,3.90641256860747,5.80884470886094,5.72359491802178,5.99933743679983,5.8436040006666,5.62205233190267,5.66104487312993,5.68323536347929,5.67448792964869,5.89237189928561,6.00673658266022,5.67861529039006,5.5488302216639 +Prickle3,0.0064361009194291,0.426002455762174,0.326376975251149,0.362388179405315,0.734773251770704,0.550803024908201,0.5590465456335,0.286075012179183,0.0274553006068232,0.304014195434959,0.691613011383574,0.390155619821871,-1.43354347483031,-0.882266768906729,-0.809601521804324,-0.705084985526296,-0.434019389209707,-1.21397454450297,-0.495126332543292,-0.740127357489147,-0.829777122406047,-0.76807876621734,-0.71962409942643,-0.26453982808804 +Plp2,2.31461094009232,2.30361427344443,2.78978310558891,2.05906987397658,2.36890325123308,2.12587718289842,1.74636009081089,2.49831900405276,2.07901325018231,2.13586581767423,2.04041472153994,1.82709956416269,2.29957812534422,1.57940304930267,1.70154370662731,1.33859095269141,1.10296171924057,1.66996297761601,1.51691685484889,1.51464281865243,1.9690365813314,1.62846812518169,1.15798771825582,1.53465114544833 +Gpkow,2.55530432397413,2.39345280667979,2.10713843593338,2.20209189450269,2.69350789421145,2.74399008330261,2.3224880149383,2.6074276728741,2.34610698241342,2.33844314329715,2.77232840285597,2.46089965365875,2.68054456283409,2.7328664458913,2.66558149035279,2.65571706292576,3.0701386313108,2.62860343436618,2.8605132280001,2.55796269659225,2.51041934954571,2.44319382723401,2.97622422651325,2.72449229225249 +Praf2,2.44448098689968,1.94777551893613,1.68294814828001,2.13689851013066,2.20337681460341,2.09623459208427,2.00222060529842,1.83702682807204,1.85269660719671,2.17622871897749,2.01202311326912,1.8749574102036,2.17037806155873,1.67342078583075,1.81895304115695,1.92525839523668,2.2120024579766,2.09916057068184,2.01252423698599,2.19080658491666,1.7591723517474,1.78166300776552,2.05398274244496,1.68205167214327 +Ccdc120,1.8597271968104,2.33167766375672,1.91344468454761,2.26373121613702,2.32199687071121,1.97722258835187,2.26832448926718,2.22483452673121,1.94526919646549,2.15286967682133,2.23036621247739,2.06026001393856,0.584020453263221,0.829094589438593,0.34838086343365,0.900643021876341,1.04407967109067,0.540248324301846,0.963157373622419,0.360170985860826,0.213209972575971,0.646735750660976,0.85767645971117,0.725642019767816 +Gripap1,2.80635665552146,3.2703187322098,2.6623717372024,3.1102623753854,3.53869503591632,3.40538029232347,3.53230449554375,2.8481009141063,2.80905854430044,3.08214695390961,3.56554528050725,3.34537474812975,2.92294310322459,3.28475087546584,2.55984025044945,3.23705000188685,3.94834565244076,3.16696441735059,3.86114755778356,2.7898265198201,3.05795136303126,3.4317387847028,3.91891076226328,3.54690340396043 +Otud5,4.17178752994922,4.45991642064216,4.19776537190151,4.39361785361049,4.47181950351705,4.42978493130619,4.47880117602854,4.40366196178279,4.31174519406504,4.47026031576721,4.53802950463681,4.5238720715336,4.08639454894959,4.22118678061858,3.95888351776884,4.18511388623489,4.32419786802945,4.15450308462718,4.31901840958156,4.02766371869817,4.11823813196143,4.33913868382543,4.41311644933632,4.22496820545306 +Pim2,4.58972864200845,4.60489067878836,4.57656845238827,4.34312159189423,4.68066180878047,4.625481190789,4.61583457747115,4.61482896648575,4.67051048360788,4.13572133469905,4.55129436477631,4.43255622306147,2.93436117800472,3.2933742774629,3.17551540631659,3.26402751868301,3.37990643007438,3.01397759398234,2.9721664106503,3.2628709723948,3.58401880447994,3.37741786689584,3.19139697762869,3.00463490934238 +Slc35a2,3.17128239377011,3.05866273905162,2.69851556859356,2.99855383377543,3.0711111658033,2.72549728251017,2.99653571429742,2.76466454578379,3.06158850133258,2.95025966577595,2.98048045637179,2.84174895814387,3.97583444416141,3.55903416294582,3.51326489154922,3.66036267408514,3.71795598457641,3.59305573198175,3.72852668507995,3.33051857781445,3.52993895466003,3.61571206588114,3.55704365538034,3.73031665654756 +Pqbp1,4.38905079238908,3.85773794568236,4.12876344582583,4.34321507907735,3.95376504565139,3.9633890457583,3.90976164839503,3.9895110070472,4.11987457246845,4.18075876185834,4.1217925164639,4.11342268223001,4.74730791722664,4.25741363502341,4.65281943690765,4.550767287445,4.46973464255785,4.41670430581964,4.5208387789882,4.17048900640275,4.71551217446518,4.58987618653015,4.47815408296794,4.36734895963714 +Timm17b,3.53852458676764,3.14150041608244,3.3489946437697,3.44045349025495,3.31462617747251,3.34627926966877,3.25119372570013,3.33500403028779,3.40061831873261,3.51798655465227,3.39148971966102,3.40896181840041,3.79592048276119,3.2802948490304,3.53725931342182,3.57137839369968,3.30006074493472,3.72318531083725,3.37137235980192,3.4433607370492,3.57913765131814,3.66776618685255,3.63614253802821,3.44966927125437 +Hdac6,4.90365701730369,5.24910068205836,4.88234526714953,4.98771218410028,5.15860546846929,5.1744922069096,5.41541531384639,5.01633405600505,5.14245362168059,4.97019029047187,5.23699005341758,5.02499959564086,4.70003042926923,5.09421759251707,5.20740028259793,5.17241242518535,5.0303790490354,5.04586058916224,5.31036636893275,4.7190457891987,4.75119152600497,5.00002288903582,5.20135322163154,5.02851510321512 +Wdr13,3.30898312259876,3.89140763161023,3.88908384467747,3.93407732689957,3.62029347855119,3.6881765345087,3.8566687191069,3.32241468859918,3.86143258367297,3.89338931413463,3.67770446860962,3.55968177593802,3.51835292510542,3.95294794241737,3.71700869804543,4.05147183449179,3.90547949452717,3.55976771411103,3.99802856376609,3.31389158002116,3.91424728074106,4.10297273910349,3.91471946658381,3.76547694727966 +Rbm3,2.33857039444117,2.39716321878414,2.79074523315323,3.09307096596079,2.54350592325354,2.3677077619522,2.79087547353594,1.79966234566155,3.12363926462041,3.23210876171424,2.22422469356403,2.26043841938127,2.81999539132984,2.37793754260696,2.79359659609094,3.21480706751995,2.30397084281945,2.4572500246869,2.61067012491706,1.87992042657666,3.48161908567287,2.9552120182276,2.45594052383048,2.19956788817348 +Ebp,3.27582397737658,2.97911592311069,2.9823512495659,2.79573158271998,2.88173013993406,2.80180707900532,2.87922725918269,3.18648083187841,2.8863566041172,3.03243085537447,2.70210408795198,3.1673144708497,4.03591779628926,3.32418991598903,3.59694674129614,3.39396461719209,3.71960070474576,3.78535949889511,3.49302681128801,3.73578433194764,3.6344399469425,3.38077268180805,3.65058035938285,3.49820627414117 +Porcn,1.54535803283431,1.4787503049399,1.69866931465005,1.2813777224456,1.36086079626147,1.57329854323867,1.37620212620641,1.03812490335671,1.64733444243456,1.22169332498647,1.33534628282566,1.542358423396,1.37028094370013,1.68924228989552,1.49961836597407,1.32789434490227,1.17549992238764,1.03876956710187,1.57086826267724,1.28668758863741,1.37592753471578,1.50820907780961,1.10533729712959,1.22143245402468 +Slc38a5,5.36338435796503,4.87768281644973,4.71585464506206,4.77093591689944,4.31269251304042,4.79691176639541,4.93963262613324,5.19942784141647,5.28844230907728,5.09377778968877,4.3542605980034,4.53847632964421,0.787109152970728,0.796297783935829,0.0468062336455664,-0.660949281067664,-0.229420476512547,0.180399348106276,0.634101502813154,0.277100918833664,-0.602183539219067,-0.223087545060024,-0.0385824769261844,0.256696340665635 +Ftsj1,1.88347368139993,1.74057920250745,1.56132964018731,1.71506273391174,1.82324379065558,1.66910421998841,1.73682323318915,1.57136330691091,1.64040131962888,1.88469725123905,1.6755951507565,1.81492484138116,1.76524685767799,1.4274511866793,1.7227713355205,1.51931918971645,1.65392754222413,1.77487400114295,1.46071237407267,1.52263292164263,1.80728166677738,1.49558114854951,1.68428976099082,1.5352256291982 +Rpgr,1.33464455202123,1.60349059972646,1.61264906939072,1.68325501790647,1.34661838240243,1.34731566700145,1.44029777742757,1.32534947167588,1.48851483605414,1.41497443104582,1.26607918365121,1.17931481356857,2.02355651424286,1.82119925475434,2.13759144076898,1.80425742089538,1.61961287462861,1.5806098847286,1.42935301895583,1.88842379536346,2.12746308227069,1.87763556078325,1.38121242988157,1.91685975696799 +Dynlt3,3.78467127332711,3.72296831984255,3.87337388872709,3.9196562315894,3.41263731299649,3.29741643990581,3.62848310326185,3.37475142827991,3.73777105670768,3.81609053279471,3.51863395194066,3.65326756814918,5.78369820638697,5.32210722622489,5.58390471027403,5.40330383450127,5.10746629188063,5.38912933420529,5.01703223423382,5.71296592369583,5.5188352668602,5.36037961555832,4.99364665910764,5.35372555606812 +Aff2,0.154383153475679,0.287214271819912,0.195693338038803,-0.0652599590667666,0.591902461885516,0.941796087858991,0.377332029114361,0.965021015843118,0.12793045041112,-0.315041328669513,0.633805053237094,0.185080301295699,2.08220960592343,2.08320886833061,2.30098382244132,1.88423710562006,2.44801212029507,2.35721988641587,2.43662290851316,2.29149211672047,1.5931238536796,2.03080625847026,2.43448156416458,2.19721670808927 +F8,0.263430616085335,0.573232273681867,0.832021028416831,0.402190701968726,0.1771911252333,0.570139885971813,0.315633224767515,0.553919918462438,0.544525203313468,0.495622221900433,-0.250778652898801,0.20527605062541,0.936692372688758,0.780607103515968,1.3522941644829,1.37981013409646,0.900185363141997,0.898924392423925,0.670817474873545,0.919960903430193,1.18507262630485,1.09628998188088,0.930332059344521,0.872471548178782 +Vbp1,5.00119330311317,4.57180149604316,4.97606162199347,4.79740374313624,4.40500303260257,4.42811829566871,4.40045192466624,4.81782136785198,4.74909668142333,4.90909712494342,4.5340387669673,4.68253887902101,5.1250363472768,4.6637777584355,5.20331792169164,4.9301641692448,4.50364808206127,4.91587269701353,4.23958053709515,4.99612445159689,5.04308506251169,4.91497475900595,4.51610357722307,4.75366265631023 +Fundc2,3.87082567950235,3.71597936147636,4.25018021012976,3.84032157960133,3.39636646077755,3.63863099177563,3.43617475571974,4.03807951839255,4.00600402210061,3.91516814157138,3.45882455629859,3.68571774555224,4.22697630322804,3.66952430847893,4.20219425584846,3.63173468315755,3.59065873408516,3.96178437614373,3.11723937088142,4.29588712257678,4.11565808343603,3.74335687192438,3.31943850805342,3.69150316171209 +Mtcp1,1.28026584493105,1.86053647611901,0.52740111880019,1.66746163599291,1.85605343181998,1.62156119915365,1.85401651627853,0.901256976839933,1.04465998185134,1.52127898919865,1.72194078752169,1.60615817641963,1.04937742777771,1.61861286491418,0.295355504686479,1.19062727132066,1.28044304535392,0.832700241840701,1.30490418448967,0.664924901083145,1.03348552056904,1.00914641700437,1.29987540782696,1.19241449745512 +Brcc3,1.59096470189037,1.49359298999947,1.78515846758849,1.55270163656296,1.80304443683859,1.54998710621201,1.47491538720352,1.48854491368056,1.58382296448944,1.63925905113904,1.64991566738769,1.61884179077418,2.28069119226909,2.06056808341913,2.21907828510692,2.28605662857321,2.01430043440162,2.15179451121522,1.89295898806638,2.17422632598574,2.27420274896374,2.11332753032741,1.90834466070479,1.80782361398335 +Rab39b,3.82250976600075,3.3346508394485,3.52885666274911,3.60084222036872,3.34827508757597,3.12832707976324,3.50139989415448,3.29324937655278,3.61695368419739,3.38895256491041,3.28456060802015,3.59777669256503,4.98114278438024,3.96931890582854,4.35771840480352,4.11123570534823,4.30529991793222,4.60106198131689,4.26699981003043,4.3403058302701,4.45556531812793,4.02051120071252,4.28999437798617,4.53747125234725 +Msn,-1.01534109102743,-1.55887216622298,-1.63173760547893,-1.84376780976646,-0.124252477991536,-2.2189853898909,-1.06613592121391,-1.10170116590389,-1.42560346039799,-1.89077026642885,-1.13320940082326,-1.14326508322176,-2.57920316651138,-3.05100706655408,-2.57474428832455,-2.28848851613206,-1.24219908884604,-2.45503348848041,-2.02624550538419,-2.71764424765456,-3.68957554106469,-3.0391326097214,-2.67674205330364,-2.08622827409695 +Ophn1,1.26176938747707,1.36110016696416,1.05765118206508,0.955610510342922,1.6055533475495,1.5001169573357,1.25197857145402,1.33945300073232,1.04460946066403,0.992056561101349,1.33598929594876,1.27522496605633,0.664504961488875,0.646336055086411,0.615981438470715,0.430748850122387,0.681345289734385,0.710957838981002,0.591088381042623,0.608973554308974,0.627660882401215,0.824633413480904,0.870188897775266,0.587195884902185 +Stard8,-2.69887117720971,-0.9443514071775,-1.10595508977249,-1.28422864605769,-1.6659756434023,-2.01663308063709,-1.31251724589257,-1.3125883942175,-1.17504711203315,-2.04962220519943,-1.51056251715083,-1.47768332562219,0.132364735622002,0.742561440125105,0.657826079633121,0.928423792750474,0.690511831908629,0.0065198283019554,0.601985824900065,0.496412026218047,0.483336091714068,0.802071170451077,0.530863678272269,0.849708187108031 +Efnb1,3.8403122977117,3.77454756630712,4.05693440668489,3.72307931209894,3.6417207902978,3.79556341173039,3.83862835697246,4.21637723298564,3.88983275124346,3.87485357289211,3.54464908560072,3.72295930713239,2.50013035520221,2.61484222813704,2.65130676108798,2.46238438749216,2.76521688710463,2.70256652247703,2.68240060100235,2.82241817787208,2.27081077579373,2.38433657892759,2.68205260548637,2.45056382576165 +Igbp1,2.36179391891559,2.69202434031208,2.99091792525098,2.96089304173515,2.17420099356563,2.21214054617776,2.34429152204575,2.77765296998366,2.7968119059786,2.70304844661767,2.18807322124903,2.40479035953657,2.19767498428446,2.24086039174482,2.39506771147511,2.43930168509616,2.32845319194042,2.19632564424301,2.31760541716961,2.33283259339942,2.4229782780409,2.41923927208163,2.19776272144511,2.27767084485506 +Magee2,-0.407481309707611,-0.367859103555206,0.143448930852365,-1.30308180984524,-1.33239912751167,-0.182456121399525,-0.803270397646833,0.0517398634568917,-1.10557558607801,-0.287489189731324,-1.37989360233192,-0.596682764157476,-0.987291177693051,-0.696776827111987,-1.41193728146691,-1.52095997131899,-1.27215409287356,-0.758701162129399,-1.22844249000394,-0.969684819296532,-0.747521902704609,-1.26653469141269,-1.9659668044839,-2.15750060017867 +2610029G23Rik,2.44910623294527,1.76938971588867,2.09511065400161,2.12970422472994,1.94318977688478,2.05421288301068,2.10784134070142,1.94111003270896,1.99825741136228,1.83356510242705,2.09499536117303,2.13124579241249,2.5332342208019,2.21695359702608,1.82397735445264,2.0849991144673,2.30095511734373,2.34576674273217,1.7780452750376,2.30417734754517,2.2140264239697,2.07486400024878,2.04327445035853,2.27179052988935 +Magee1,4.67564178649688,4.14878441107415,4.60249667756103,4.25922764123138,3.88101607447267,4.10228190578759,3.93721669719722,4.35254533883429,4.46895767391072,4.25877625653374,3.80040397705157,4.1001614617219,3.84901860763972,3.80208705121586,4.17370678465247,4.03953306254358,3.54511270870994,3.91936960828316,3.58602415219576,3.99100809160627,4.00175381191128,3.98381833572541,3.65326652382299,3.65055925234888 +Atrx,4.11249556080291,4.4305926836516,3.90328365303219,4.28229673393025,4.5056438038584,4.50153150926961,4.49867103564014,3.99124387448886,4.18582592408973,4.27335907623923,4.48369100311724,4.45450856254242,3.93902947220881,4.2395951486655,3.84879844785723,4.32356165388462,4.35630410351464,3.82625582556048,4.13879360833241,3.81911089908756,4.10107758642797,4.26764009160706,4.16909954852672,4.24160310427893 +Cox7b,5.48842128447235,4.63661438394914,5.09699132911681,5.17753648146796,4.65563274215471,4.66775210104543,4.90539039061889,5.28620782594914,5.09207497308019,5.1173608396075,4.70233397106422,5.10718727757402,6.20267190191434,5.53328178283816,5.77555938432196,5.58806231107634,5.36641485529408,5.96975137311649,5.26294166121693,5.91816946047125,5.80402864347125,5.69699576443134,5.25314297877992,5.69054843467316 +Magt1,5.58030056275503,5.43644296971742,5.33357949633196,5.37321921169542,5.26559824494638,5.07413526295753,5.24695733019731,5.64218929894395,5.13710212364447,5.37203760976513,5.35602756339898,5.35405754620499,7.22632463712828,6.7073648084813,6.67459610409606,6.49175911563064,6.43026684510521,7.02300655695086,6.55303021670286,7.16161371365651,6.70003299701818,6.54425128406817,6.44515108272565,6.81904732769419 +2610002M06Rik,3.6139946418363,3.36509302082575,3.68508192542449,3.40633890702845,3.17492345391471,3.3493014317956,3.10417852419254,3.67265621876119,3.53399177414066,3.49003762338386,3.11706227071253,3.24346706283577,2.94827153608167,2.47025835451173,2.79816135594725,2.57462627718392,2.43232873529325,2.69979796179176,2.38171678674557,2.94514254978366,2.63906945279288,2.46925571713058,2.38333662822458,2.56593541268374 +Hmgn5,1.71151611137637,2.68485126753696,2.0348111356322,2.59073512153958,1.92470085384032,2.13347580066867,2.16205095179241,2.31774681852368,2.35627223604791,2.4798522580638,2.35928733537759,2.44089199149699,0.958598845174055,1.46194172266329,0.642034572786927,1.12945597978014,1.21238436693191,0.779065941218009,0.727167989650501,0.683036093056557,1.07752504492512,1.5909267867582,1.08829903450056,0.708414623248109 +Sh3bgrl,5.00621857704131,4.74142160384331,5.29684976824513,4.78769025564625,4.26128634222256,4.5710866160139,4.54657923143216,5.020491268335,5.03459719955984,4.75871837299246,4.31071352146169,4.66818348220578,4.8742388308517,4.53493491312678,4.92374545377423,4.64676721558119,4.1574870745672,4.58698768765585,3.85731246991635,5.04627340603373,4.85464437175557,4.50254812529464,3.93136764051213,4.15784399398408 +Sytl4,-0.870127940165869,2.06266407844269,-0.740302862419683,-1.0324971549163,1.25475088220999,-0.168181188461837,-0.0948723311107535,-0.406699783506717,-1.33237677489659,-1.75612796630274,-0.122848548179229,0.243731354500837,6.86788641806827,6.98348422337606,6.97464645778841,7.09963816374458,6.71153300270747,6.85284452512708,6.87433401513738,6.99872778541644,7.02390381068344,7.059493350148,6.7903136500443,6.93786285524375 +Cstf2,2.34095282017313,2.0122507341159,2.07104787080223,2.09239025791387,2.20312886888522,2.28788464909589,2.10351875180818,2.06023815379411,2.11066698173763,1.8407332329024,2.08620323363201,2.24561300117463,2.48198594779334,2.20684068716139,2.18129252494199,2.26792018815215,2.41151831331642,2.42592284072767,2.27237497090676,2.38265800081993,2.35988085980955,2.26717163087761,2.29040608286156,2.45658746139034 +Gla,2.07220104402718,1.9303561408002,2.01833566292023,1.9357897894276,1.83970630252287,1.49746897090792,1.70090539802097,2.17034126075936,2.23773848094088,1.93400104077478,1.55080256017965,2.06192971283843,2.80195818413021,2.32901862717844,2.63898238125888,2.36536196603453,2.38695579479636,2.9136690765247,1.94086789514998,2.60137616305784,2.53527007292517,2.45699290009821,2.36229576973049,2.49751661469151 +Serpina7,4.22746554519497,3.60341776534414,4.05999622097492,3.07152294458214,2.22127844690515,3.15039944100375,3.17864770100509,3.88163605892773,3.92433784461059,2.78065075069137,2.10349674039943,2.90606949467968,2.95550002074624,2.6674459694781,3.42609002036482,3.03054783363806,1.54788692645204,1.6845404882492,1.53641689405865,3.25198853143989,3.37706456006761,2.47539888042511,1.01990795720796,1.0758297514469 +Col4a5,-3.26741584651465,-2.27180175841409,-3.60648740371299,-2.36308733890569,-2.1658435110317,-1.33989605113778,-2.56588299252421,-3.71368116787223,-2.10337090913299,-2.280240581005,-2.57616674726538,-2.88809235414495,-3.32648837816847,-3.27115009002166,-3.44553140092256,-2.98908130736036,-3.26453920729449,-2.43060051547564,-2.24638852885177,-4.59853857872936,-2.05625102135665,-3.0899541454229,-1.82334854539216,-3.82939995352491 +Acsl4,3.71321015245443,3.36234356439429,3.72171027263569,3.31627745315168,3.38070456382247,3.39508835006576,3.24504163981063,3.76779301381316,3.52675078845694,3.47021635263578,3.34110249816554,3.27815224484584,4.02353778578718,3.56986339455493,3.88231751979983,3.69021720743728,3.7148413661499,3.89196920617685,3.43613551896209,3.93983105569619,3.72308630767054,3.62358554640684,3.67118428719672,3.64598546863061 +Pak3,6.0265223567186,5.41628300705684,5.19928491819072,5.12515952325862,5.51473361732519,5.56647275920504,5.6092215044485,5.66003870323718,5.31738950797588,5.06306595848474,5.5338934564418,5.73817771623569,5.19206549703095,4.42208157988819,4.29904459038549,4.33407235897954,4.84596966237112,4.84510809370773,4.73499560623222,4.67469369559539,4.40458095986898,4.4137339978833,4.79457146327724,4.89444525018097 +Dcx,0.589505205709758,0.588215515050766,0.223513923476907,-0.422258287687104,1.15462496405268,1.37905418095953,0.606638977406376,1.2822244497216,0.480083397989042,0.0234102192751355,0.647047777837454,1.13077899564389,2.33754559520481,1.79534302242119,1.91545245067453,1.86433071584963,2.25532922287291,2.47967597769698,2.41495895615857,1.7561803133486,2.04391643309094,1.76689370868337,2.01924166934224,2.27184446078503 +Glt28d2,0.667050564321,0.817803966820698,0.909365612491882,1.02051531815006,0.732156993756251,1.0480378922975,0.939279916117252,0.910669810745619,0.964451341994622,0.724130216541673,1.23427483724674,0.982382105528782,1.03130260752278,1.57071304988193,0.854070406329048,1.03398838280757,1.23786933221771,1.39539352289574,0.961516805567583,1.35830537682768,0.902385961140497,0.862661118164594,1.39205651376461,1.25560245353335 +Lrch2,1.07655182028773,1.2882948649739,1.26048654908858,0.941098477218265,0.953438276417762,1.01085929232794,0.929406275793346,1.57187639127217,1.29231106100645,0.586031081348434,0.423745692951637,0.866688648897555,1.07578668872324,1.13818702524003,1.22661734438969,0.89487352044008,0.499134831996804,1.22699529598024,0.66506540579051,1.4190315072032,1.50835523610205,0.80085779260579,0.58633062315128,0.774838282849664 +Cdkl5,0.413584397722075,0.32455650039825,0.657340256480755,0.267278273831272,0.451935728679232,0.568880583580865,0.236758984330389,0.40931824766267,0.533683414518186,0.264366585432638,0.143586351269972,0.220688800344783,0.584987785868,0.436829514576236,0.576497784478575,0.235999890911837,0.950703049870094,0.575545076980435,0.831853307351361,0.777068896650567,0.454922566835021,0.405238287165965,0.585221174255086,0.400734009294555 +Phka2,1.5868838844577,1.91532478759319,1.52689948184114,1.67055972677901,1.96408717844892,2.13116708692335,1.86360963939067,1.68626500008978,1.89995498780047,1.86378237803192,1.73031092502338,1.78425793534928,1.94486644180585,1.85686662488875,1.8381251347041,1.98145518142921,2.14150929682021,1.96364409669757,1.9667833430796,1.64511453546346,1.94828665364583,1.79299783703561,2.09804689494299,2.05463825457331 +Pdha1,4.68719266433908,4.52553024517434,5.01344970391178,4.72378983066187,4.21611756366616,4.36418647512872,4.34485821172719,4.70725832304551,4.85037313782884,4.78068228875645,4.27534390775718,4.39173556214932,5.14443609667059,4.86739900682347,5.08597208647753,5.15354227025843,4.88491364635357,5.06079885154906,4.70716322213897,5.15378877308471,5.10778637102515,5.0942767092125,4.92638465168039,4.98189109306404 +Nlgn3,-0.0690319995587174,-0.363278490232976,-0.412111620442984,-0.191703029277852,0.0236810208894496,-0.185700206287748,-0.360307931151844,-0.132866820118338,-0.490978727416276,-0.486172841000426,-0.668072893588538,-0.208017023750702,-1.5261073195247,-2.2157548114996,-1.26527084776011,-2.02795592841804,-1.04700429067791,-1.54414630400534,-1.19691900033179,-2.61829319430059,-1.38626169160982,-1.59441460011187,-1.45817112683638,-1.57617926847836 +Map3k15,7.23808362557278,7.4044936154491,7.34549229779793,7.30055927423769,7.33870198565382,7.44963337027325,7.53666629388058,7.00900564733498,7.48231532004601,7.30443521151432,7.27067931319207,7.47691222338871,4.85357572158703,5.04731593444501,5.01308862714755,5.2825073021076,5.29832395221075,5.13658342729833,5.0085457888845,4.91394027401256,5.09454467713696,5.08507904766652,5.37276835931874,5.03676613741695 +Rps6ka3,2.56604827510403,2.33857432549072,2.68604012315126,2.02486090339636,2.96709898294768,2.90187520571041,2.51381207118699,3.19465915209248,2.4479914120874,2.32066142694828,2.56677927684909,2.56976471031565,2.96790825353312,2.51866916998897,2.94298596567339,2.71407907761767,3.12669223216503,3.07910264389754,2.66667405307434,2.72724430370381,2.58357586181407,2.6919526555639,3.01910305662728,2.92575325006351 +Zmym3,3.1732875673977,3.68129836523569,3.2466426153482,3.33001319780217,3.36638511387797,3.41055882587828,3.48964167455695,3.22326872658119,3.27680539405148,3.28584486765034,3.32169194101168,3.33926906361504,2.56622604833967,3.18419021774461,2.96539151452328,2.86404862004151,2.89853122779713,2.85065490319649,3.08635808552872,2.67937529042084,2.66495916408374,2.75790142689346,2.86709381151823,2.91082557721831 +Nono,4.99194177566644,5.06880452009452,5.44241272947085,5.11518606520942,4.86007814756852,4.94412709637627,4.87415033691084,5.15230187633369,5.24792105833469,5.04612508299612,4.90271598167357,4.93150920596918,4.70550491498698,4.63420830244785,4.7716988756715,4.84677069034056,4.69741082117387,4.65458596285255,4.59938377612584,4.67374156316166,4.66654246570995,4.80171619540586,4.77074212997459,4.65603040389644 +Taf1,4.07696453031122,4.14367830600358,3.97989518321426,4.12219179245629,4.13830146924387,4.02906964243324,4.03584517230045,4.04539113467352,4.12018461513247,4.05228521587247,4.16819416812953,4.03383219213338,4.4169754447849,4.27491887375339,4.1176191665878,4.26542760007947,4.72332264154663,4.40211010525726,4.45683104745014,4.15388395550493,4.20350900878113,4.36275873715868,4.70802952219934,4.65339088731253 +Rps4x,7.67591546867251,7.11511169219589,7.98862491611367,7.55030309320774,7.24868831902737,7.46364763653684,7.21621458834352,7.70901396077516,7.64607499354416,7.63345551816324,7.31652810112681,7.47705889509559,6.88831996974317,6.49058347843621,7.04514989824935,6.6745779874392,6.32835096508769,6.75243280962338,6.28934958859196,7.08319732987847,7.00573852063884,6.65605072057272,6.2917253666042,6.41223084766791 +Dmrtc1a,3.83180915614291,4.23867980837005,4.99688466553561,4.0014253787746,2.7494794705152,3.72388951728478,3.33509511995694,4.19055793115899,4.50724289617295,4.50699101711994,2.67619270721872,3.28655637228064,2.35634257384295,2.01195827942083,2.59508878536803,2.50846233228586,1.69271310239601,1.4191670225657,1.17697948268554,1.65120298482957,2.76914885776501,2.6835683234341,0.362439676750186,0.46943079868008 +4930519F16Rik,2.37073856731274,2.18296516819651,2.53076084244056,2.39151781643464,1.99179715351108,1.85171216092196,1.91692031827591,2.37461416275071,2.52364458336016,2.33974794472946,2.13734535863499,2.29872105316822,1.53935793903775,1.60101113790121,1.71162992088329,1.62319779454633,1.47988586071514,1.25044778659858,0.966033195255456,1.70832659527809,1.69113212434452,1.66429199012378,1.31829488158182,1.23854647877825 +Chic1,5.8810321708935,5.82173036464397,5.79375820285843,5.3247000343718,5.38092089916464,5.58367475766363,5.43484456483648,5.97900502756676,5.85021823390974,5.32536719743861,5.21880346946397,5.55469962500607,7.67409581217374,7.35570063453862,7.71256943189143,7.24283674503309,6.81803692816748,7.31813970970811,6.89949740269531,7.76930342563986,7.72986504184629,7.29428331872554,6.67570681984467,6.9227174141235 +Flna,2.18272310919966,2.1839851797448,2.13336983167853,2.20554825747001,2.56366704905345,2.13668008151788,2.32824068783983,2.21086124647624,2.1279865685912,2.12512519099089,2.32348028984275,2.19960122007083,1.65888498345221,1.64474269236695,1.49030739417025,1.63393547791309,2.13226017193089,1.92899997233,1.79805503859747,1.67985274110256,1.3495835773055,1.82320501464376,2.05809282687595,2.10188495906551 +Abcb7,4.37833074219276,4.11002262920845,4.25853460799176,4.09828732184469,4.11297215955512,4.07659346294444,4.04177055038399,4.27581152296398,4.15337247324596,4.04561125692163,4.10651248194907,4.09499508019214,4.66682412724402,4.42533588329849,4.51573206493458,4.34795828016652,4.47495450911791,4.59059771699065,4.59993220377655,4.51507980566788,4.36478099212631,4.3390554265808,4.58102160071264,4.55707533327631 +Mtm1,0.313558403250233,0.174706941031166,0.262520384268733,0.180541056304563,0.257980094733202,0.251870514058735,0.0484711743212061,0.197711440555179,0.0107433645691395,0.117862446525882,0.274421651614834,0.272891319076521,0.308796145536909,0.378219680464105,0.164214706965573,0.539041123673924,0.32527467498144,0.568067056580097,0.25346334930871,0.708644490339466,0.449207522699934,0.467575785712497,0.242891252271152,0.403958509134128 +Gpm6b,-2.15817634349694,-3.60289043710224,-2.32430065301033,-1.73685390659279,0.299235090585336,-2.14976208355987,-1.69520489569836,-1.92021922029736,-2.61383893509381,-2.55885133028804,-1.99036027470361,-1.15862071121395,-4.84683767759117,-3.86549325742072,-3.53314620910203,-4.14343922567277,-2.17063669694638,-3.44457887762776,-4.84683767759117,-3.14508920354626,-3.51348077238217,-3.85761754882894,-3.5066747139015,-4.84683767759117 +Cetn2,4.7210168029108,4.22680293913006,4.77412304488811,4.48737360551688,3.88718450804355,4.27322447266737,4.12037418963716,4.61720238637548,4.45281898377917,4.48462314353625,4.12176467338073,4.4136367042172,4.7838986399089,4.17233120265773,4.84550636724511,4.40198182009363,3.99443347919695,4.47666113277291,3.82276003370066,4.92678116345301,4.63201861878705,4.42948323225377,4.03181745947708,4.33531029509174 +Nsdhl,1.40078225874437,1.87868822892396,1.44883004107232,1.75099838309448,1.21419643072228,1.61407436092192,1.67020237858121,1.65841105934587,1.71981719623609,1.3700651216101,1.23219323273495,1.45987457055122,2.2518259484775,1.9094060753362,1.91995713243249,1.69586983011452,2.13128486416797,2.39537934397067,1.62490641174941,1.77001331599505,2.12208774250948,1.61274227571177,1.8972811284092,1.8274905839051 +Zfp185,-1.41215992337499,-1.07380593772913,-1.40372536922868,-1.57374566727735,-1.46053399042449,-0.636924853713003,-1.34329470035572,-1.18177490501758,-0.948410501148482,-0.993436023905243,-1.10303546015943,-1.57938398273109,-0.893628406932836,0.0091507633279237,-0.70476321765415,-0.810707715158918,-1.97810092704747,-0.454881534433234,-0.995118841173878,-0.209256484784961,-0.259304999378978,-0.653164389556878,-1.55103355799964,-0.819672823513271 +Hccs,1.65191550166595,1.32960408287593,1.56785383950867,1.25588245468737,1.04177997854695,1.10916293661782,1.44869149565756,1.49131357784631,1.64757146165218,1.2782149128852,1.04450680950534,1.32292981211828,1.78532830675994,1.45936013898579,1.71038937801188,1.68699811162192,1.27482820773562,1.43952819910352,1.07953592507098,1.65216467046223,1.55028562393529,1.65896466745423,1.28062399960822,1.42878144638123 +Rbbp7,6.1596276972734,5.77557567930865,6.18178218235806,5.94025218592944,5.68435835524498,5.80317779654599,5.78185430078774,6.02869148180176,6.01480549064177,5.99219442006355,5.75558697613428,5.8965180992832,5.56370066547867,5.29419317230861,5.64179394338914,5.51592103848776,5.13820822134397,5.41050406744292,5.07609147361942,5.5044294611688,5.55062202710169,5.43949769782268,5.18084215105831,5.25604142894812 +Arhgap6,1.77972081167434,1.69608096157129,1.67520956351089,1.33214907621265,2.02044423993312,1.98527779130872,1.70081704317381,1.9399269148568,1.47627466656839,1.30945161048086,1.93358542706184,1.70894409249522,-0.143322088958376,-0.0314882169267134,-0.199419309888349,-0.114532513074445,-0.402769029702977,-0.0747216461067577,-0.304150254199841,0.117331022933426,0.141795843913951,-0.0655014579014424,-0.454898963450478,-0.395635619320391 +Syap1,4.18646592691461,4.14822654604408,4.23878487897726,4.13291731224141,3.96484149078934,3.93169970950738,4.13794331737386,4.18430402689277,4.13270893104361,4.11028360990332,4.19928924143496,4.20158330865199,5.05351781765488,4.7259247963282,4.90675169153594,4.80571560794529,4.68056471918328,4.85567044230643,4.6714872596378,4.97251967097538,4.97150045752795,4.81642710118772,4.75034404893976,4.75075421209689 +Msl3,3.18275541250128,3.37045610229751,3.35517153078112,3.31676618818763,2.86200305015067,2.91743777795711,2.95093394129462,3.11794789544546,3.38446021148387,3.23164380226564,2.91018838161445,3.04700482937406,3.5117195759132,3.42542993117753,3.45790624532014,3.34806509310298,3.09678592490253,3.3635629821281,2.91547731577104,3.61574942446946,3.54653918495604,3.2971019922094,2.94491984892604,3.30716287044694 +Ctps2,3.11728296919229,3.05304780306449,3.18513782487639,3.24740545046528,2.94049491753004,2.94262075728276,3.07213032429984,2.99646389038388,3.01271822281207,3.08189557198298,2.97821919709321,3.09767705094965,3.45737021918796,3.34936256391595,3.45582362751093,3.38602231650349,3.26492125326726,3.20480248856616,3.11791076323391,3.26090313850891,3.54580081477845,3.4209060378059,3.11357718344241,3.20692263483642 +Zfp275,3.83365328382027,3.68927882530429,3.64785148989455,3.61353424702778,3.65834252341267,3.65064104609063,3.53273835187013,3.65876241203312,3.81277959883669,3.54967971350999,3.61319734365972,3.69736900314224,3.77154698739447,3.71148293826475,3.59214869095899,3.77010211885129,3.70789259758188,3.81689125801167,3.65742541141064,3.63359049068193,3.7062428276744,3.60633208730712,3.73674315043282,3.84163124863885 +Ap1s2,5.13011033946919,5.2977964951664,5.32606451751314,5.3823609267414,5.07707118982869,5.05837950009019,5.09541414602263,5.16826291202976,5.26908704935645,5.33276964637512,5.06033718680773,5.25144605109592,5.965245729232,5.7930918139488,6.39719185608911,6.08821018569176,5.74985252050876,5.81079702102692,5.34688193736459,6.23998284734055,6.11231153261957,6.11573830999437,5.70576526865772,5.77628623657026 +Zrsr2,1.92222970571107,1.82022297650241,1.82215002169103,1.90898315037636,1.33921700498056,1.39518951871641,1.83801030803949,1.80628354858229,1.75979940223665,1.85807892387829,1.68855872862716,1.60080839524207,1.63460854878376,1.67341708478154,1.70889164769625,1.82593980275406,1.35586240657584,1.42175388812008,1.37426177675226,1.61304910083761,1.75900741845452,1.74187137397609,1.39917482774285,1.43188934215343 +Haus7,2.27552435716952,2.25249678054912,2.04668810630803,2.37456813795634,2.40471647486369,2.15506363144624,2.46672333805909,1.8662776102542,2.43887452465631,2.53238484664504,2.6530851133131,2.27465266762916,2.21480801079587,2.28745125489145,1.9086199210313,2.13319532182709,1.94481546152872,1.79525848277465,2.34924368366464,1.89442380567444,1.94020421185969,1.76616472531466,2.2732171894469,2.32618375439652 +Zfp92,1.10494808180914,1.67353202968765,1.3354536514849,1.45596485689148,1.45753144264004,1.86277346626097,1.72166180315604,1.49811955786711,1.43049111288557,1.16630291957787,1.62946114709094,1.42694831029191,2.74489822742126,3.00288420869105,2.64615210788,2.95924148415651,3.18839787170476,2.80660176575398,2.96992691481629,2.83412230616193,2.53519745956584,2.84516201772755,2.9132968724698,3.02697497687675 +Abcd1,2.90991319303233,2.56365270918334,2.41521047847085,2.51012486316478,2.60143962117671,2.85701809748051,2.76353534021642,2.69193303167262,2.48093596416978,2.60553245968924,2.72421725339877,2.77845101238261,3.0107645023694,2.83741641505012,3.07690804348094,3.21612263958704,3.48489285633375,3.32752523342795,3.36969680798024,3.13840864316573,2.86128932355952,3.20405376887335,3.54067229844479,3.05974503759386 +Pir,-1.84601630754495,-2.39258380570117,-1.47686872501541,-2.26182211763981,-1.64002570543069,-2.41188473510118,-3.2472786884891,-2.23852576960995,-1.79729602109174,-2.31847452970948,-2.01158616292261,-1.89357021357262,-2.03909981605682,-1.90087086771107,-1.48818453092173,-1.77382202649568,-2.08526486423515,-2.43999200548769,-1.98056842699789,-1.91222094869973,-1.1500783587102,-1.8869815311766,-3.03902644675617,-2.425057896971 +Piga,-0.472399837015057,-0.0546153753861063,-0.604078628955403,-0.455730807444988,-0.18175563209247,-0.283682775409443,0.0079695167118671,-0.334408933213481,-0.158218813203198,-0.32080842580094,-0.412271985744987,-0.114995974289792,1.87620048136902,1.96141673109264,0.459603257518443,1.48064945884154,1.76337277032637,1.92854843321054,1.92343427165428,1.40175530693523,1.25079830732846,1.17272735571443,2.33518863929734,2.2689012971937 +Asb11,-3.87085334350111,-1.80284800521393,-3.25984715055003,-3.36080689680298,-2.61083498237474,-2.87284028673032,-3.36996502763748,-3.87085334350111,-3.87085334350111,-3.87085334350111,-3.87085334350111,-2.62477316551838,2.58182473157046,2.56775197705015,1.47328173621086,1.89490846801746,2.03166907954231,2.03972182473657,2.28696447350291,3.20650184610947,1.50523628532927,1.70786809926754,2.48995609434383,2.5250238065897 +Hcfc1,3.75413646960251,3.88788719391796,3.84524559704548,3.79632273786419,4.18045135460171,4.11027374393383,3.82954630268363,4.15546421443539,3.77837325442568,3.85452834062012,3.94923727460348,3.86124548350526,3.49033870559584,3.55997162897992,3.56838638246796,3.48512543664931,4.0884997485613,3.67067791618307,3.95446917163212,3.21608607720125,3.07986089591905,3.44982347231464,4.06576424149354,3.835787822576 +Renbp,-0.734230262811911,-0.985253629750168,0.146228813955092,-0.719075822821929,-1.06753029285887,-2.09755968108435,-2.26826252436465,-1.42488759274735,-0.23764493996302,-1.13028327948782,-1.11798888479707,-1.2013656834922,-1.09598737688653,-0.625495653353942,-1.10636231638396,-0.945428385446883,-1.70133605314172,-0.984508769627559,-1.51289187963876,-0.950346947795029,-1.34272583817571,-0.611487469960768,-0.330677624990556,-1.56607156769563 +Naa10,1.79120498322462,1.59059887836893,1.53759689266509,1.86484115872543,1.76456405211633,1.77765137597025,1.7360852105076,1.22346843293315,1.69720744950516,1.79769110995215,1.70488756277481,1.74088633071912,1.93032169936661,1.7835192520088,1.54400032671587,1.83534158499617,1.72333557876095,1.66372074593324,1.70175884281969,1.5680234885228,1.85842607870541,2.07019479391601,1.654979231596,1.70507778499701 +Arhgap4,0.276267803314177,0.147137191868584,-0.0093269693383866,0.377943740964582,0.392593769484372,0.329306911123131,0.332343806542075,-0.254923640553048,0.176603964715591,0.387695985722594,0.37271944287628,0.294099208192244,0.338996476229099,0.25941020604657,-0.0273980746766105,0.322553786314308,0.349565964102886,0.104020654286193,0.189876776407209,0.0094747757732789,0.333728822870066,0.545837236274461,0.17947024882139,0.234137449079746 +L1cam,-2.06712725023295,-1.75058960636144,-1.84725781242531,-2.76340106120435,-0.825291603345268,-1.55523427217505,-1.57481394442873,-1.59578679562148,-2.48679875206031,-2.45258587430483,-1.53901443574067,-1.50428331116132,-1.30308160922782,-0.386551528678754,-0.619993334263639,-1.23665760607445,-1.3772534244596,-1.32147538292655,-0.803810197363767,-1.42449815713521,-0.972383677340856,-1.0868923020141,-1.06284994943992,-1.30393089794312 +Irak1,4.55588800641376,4.63841959451853,4.06443249663144,4.51592684944919,4.94210953929165,4.83999802178583,4.76496108539158,4.55659125674624,4.25659915589183,4.42194779407701,4.90753812541664,4.63992079289081,5.31975555772521,5.41810996565986,5.15795119324219,5.2230792356827,5.48870562796466,5.43175322768195,5.60527275239718,5.4173700714744,5.23938335928421,5.26052161688044,5.43618361181376,5.39461492820262 +Mecp2,3.69191445763198,3.77399240720545,3.83368476535938,3.61116686518747,3.95123085874993,4.04507304821052,3.67184768625335,4.10519936613857,3.63543230980439,3.58292922818533,3.89901208646188,3.71896382939564,3.3266475105066,3.32530134948342,3.35027701648063,3.44593419377044,3.65241933068766,3.46832754151118,3.42048001559949,3.37648156075581,3.40466950114097,3.45899842032993,3.54294738067974,3.46918980611453 +Plxna3,1.65994794789399,2.10235568871524,1.88128507250262,1.92412820859436,2.56733175459868,2.20333264760757,2.1380799792269,1.92989431411468,1.86397756976199,1.8079604113921,2.31610391199915,2.07928458131762,1.53084554622026,1.69993537129163,1.51712239999263,1.57940199696277,1.83157310423708,1.62368308204621,2.09195145312399,1.45992811193142,1.13038694522589,1.66128814957617,1.59729916558751,1.70383823974808 +Fam3a,3.91396978911307,3.6572403653165,3.81105614239706,3.62058274508759,3.65588925150135,3.56932038236601,3.77931790992119,3.74547044556965,3.59193169097736,3.27181456141192,3.74221479194605,3.46895430061337,4.00666093202875,4.02267597915432,3.94828341056592,3.84275639562937,3.91885233157517,3.99920352352007,3.8914318886526,4.2311073013665,4.0342478958994,3.99380595698514,3.90619499424727,3.97023301206435 +G6pdx,2.61034299502495,2.40421300210524,2.63313639339839,2.45351578225843,2.71152177133937,2.36778155984969,2.46196658515599,2.68882480190563,2.55400251073719,2.46336042318356,2.44345783597671,2.36305052515894,3.71073892692175,2.96004341701276,3.32045659451726,3.25343938137587,3.49558701537511,3.56306784689396,3.14315210509093,3.02763167150275,3.45903298862035,3.402806534119,3.56532324863215,3.19342570336083 +Mpp1,1.01461371443524,0.599365648717803,0.865981798210517,0.480981796572862,0.545017436961739,0.62644713553584,0.245366544789775,0.810886998313923,0.500168191608775,0.536990659747161,0.381994511776961,0.57097180285197,0.577229520550939,0.692014204346298,0.683229133586971,0.518442313309059,-0.0253376979421969,0.302577796874129,0.0752639035419076,0.673997115196581,0.487367916257844,0.34965942216922,0.20443365915959,0.410837787569864 +Dkc1,1.99610546281787,2.13801804273303,2.03162138245152,2.02024849182834,1.95120070639938,2.10551977040026,2.07691354574211,2.04145683842041,1.85358077907138,2.21316666339145,1.74049689385257,2.25387622142657,2.20383885332607,2.16154624929743,2.07264208643297,1.90230074131548,2.26115699288324,2.13614164295945,1.92035788751926,2.09976679231709,2.1359059007589,2.22692189533733,2.19953403878398,2.31055851020551 +Morf4l2,6.21771746305543,5.79224006157636,5.84669830529455,6.04008446047209,5.92060665696169,5.90609667691543,5.96983441311307,5.84523974522139,5.92710251394184,5.92558418129706,6.05005487736241,6.09712138342808,6.56172723081214,6.16622883165485,6.27423787712849,6.36316569439616,6.45335317464102,6.40137793099368,6.31542520396723,6.23238212987206,6.39219321411011,6.35086971210436,6.53367407788826,6.57279718259802 +Plp1,0.108347233707082,0.817307604318493,-0.334613264333537,0.687965663399946,1.31048735220147,0.74691028875057,1.03081191910295,-0.187146927215641,-0.403761297233769,0.124636986540216,0.362414309534404,0.807770914844462,-1.70144858602185,-0.477585977274328,-2.14534823125783,-1.00684184112046,-0.106888086458704,-1.01191712738471,-0.456941732441191,-2.90202667145909,-1.17281499672296,-0.996315502726402,-0.447803576041685,-0.333741756791149 +Zcchc18,5.82007134755809,5.65885021362054,5.51969657145813,5.35277782280515,5.60471592880187,5.51758997470826,5.68772077405029,5.70131955524599,5.60737751802106,5.4031342727353,5.6710822326935,5.59495689751682,4.69194451788238,4.62941194426557,4.92880615412936,4.7263351716179,4.77648375994228,4.70214013352074,4.60315465863656,4.71918648368916,4.86671847581028,4.88394825731594,4.79144133817626,4.51785436489188 +Psmd10,3.09921982036404,2.56887920914943,3.30921030965588,2.45144466106417,2.11142749043363,2.45491350961645,2.64062529905038,2.95517236721592,2.94574613798086,3.01916658594865,2.55140093413029,2.7388371802165,3.17465039022421,2.74737043108557,2.98909244610381,3.02204663940492,2.68500677999709,2.73608427681399,2.34059424597973,3.07287903547454,3.07973309353492,2.73496666531432,2.68324436033208,2.90321037889415 +Vsig1,-0.363461274656663,0.566911333261768,0.490494567472746,-0.143789093272852,-0.921452742119513,-0.585884797853011,-0.375811628208451,-0.263656884880028,0.152000011159042,-0.40945583549767,-1.16334607091967,-2.32981927750807,-1.91366770182276,-2.04962514356382,-2.51656332490643,-2.65605801059004,-2.84452841251155,-1.92776251417116,-3.83025479339557,-2.74179103201255,-2.49689788818656,-2.84103466463334,-3.83025479339557,-3.83025479339557 +Tsc22d3,2.42239698143289,2.2961947113015,2.48543570401813,2.68543115689862,2.38250467467298,2.36210977784221,2.18519354335113,2.15145644638336,2.57590863077252,2.60759975116252,2.49099057289492,2.57763891598207,3.02354294855877,3.14852950380647,3.15073306178122,3.66584624943019,3.26679122602609,3.33093107684227,2.85144398140352,3.46642401534902,3.19410211414283,3.82316940642705,3.38358502821777,3.17342649854019 +Prps1,5.64890714926816,5.3059628014468,5.7328889492693,5.30600794339371,5.26029405642789,5.37946073728924,5.30794358110358,5.57505389184627,5.59221595866449,5.40854531829707,5.21183112232043,5.31126669815607,6.53734176244385,6.02926321264866,6.5048895525305,6.32263808119833,6.13561570106043,6.29952097874549,5.8448455173145,6.47882084881141,6.4208468867137,6.29268954482835,6.17471263044696,6.03163985611897 +Rbm41,0.0262491760064174,0.117207508827106,-0.401376880579704,-0.154784116868851,0.215281641843939,0.368449425904721,0.212002773767765,-0.294380499841667,0.0140129724333535,-0.516759178281012,0.397580265341105,0.120815657336558,-0.305787548168889,-0.249109229134692,-0.781015338216431,-0.745807964328254,-0.456094309336506,-0.641462091604522,-0.888967725348603,-0.238591578161036,-0.409949804108988,-0.496558873981124,-0.545985636928418,-0.128318156322937 +Morc4,0.55976899227387,0.793994391171562,0.686458230699175,0.536662643859566,0.462626632281581,0.322943258862145,0.546482462787192,0.64542213424422,0.423810069130175,0.426130884346998,0.673739505117495,0.439178301728655,1.08453611537933,1.64086697327408,1.25666455466404,0.840120245123875,1.04659102641557,0.990870746636729,1.11450036293386,1.71128557015751,1.04880102740832,1.12861509055261,0.729298518142115,1.1662581924467 +Rnf128,4.25400665281549,4.04661281778467,4.24491204083353,4.08019392615019,3.88658937209085,3.7244188819187,3.94530251473748,4.2423774240175,4.2416220047751,4.04105245746794,3.8630738777578,4.0985739383647,4.53284613961473,4.38012843716584,4.62823980580169,4.61013180429286,4.26029174568751,4.45381210122948,4.13474048219399,4.7246637375594,4.58003082212651,4.58277858528158,4.28455524964953,4.29072806803885 +Atp11a,3.36080532919784,3.82574137798322,3.31515299451117,3.56523449720846,4.25868730936654,4.15509223738387,4.08444135963201,3.58443626755881,3.3707264374983,3.44322224709126,4.26909285798106,3.82476320344485,2.6847023482474,3.50106229753027,2.96966558291897,3.15111923538471,3.55185253006816,2.92933398752156,3.52174907868249,2.84840139291018,2.81535121375788,2.94337847630593,3.46218548209634,3.46402391585046 +Mcf2l,3.92746727259958,4.23181340704721,3.96716118318664,4.15084610455641,4.25042183172133,4.21291140486985,4.23502279943374,4.22221519403319,4.05400470379844,4.15525484794021,4.39211385665974,4.13188431811907,3.64653762834571,4.15006093351286,4.08849954043979,4.20116973244465,4.26121374961395,3.86704477601704,4.3149663611628,4.01918156337295,3.99978782192092,4.20209876364429,4.38578342375667,4.16062420994823 +Cul4a,4.53855306456409,4.31333048019019,4.54514917016055,4.49296280338185,4.27307048251366,4.32543179716384,4.37967423351001,4.3103343390928,4.55818874903556,4.48797095484168,4.25007557230622,4.43749469973528,4.1752471028103,4.20315058987776,4.07555626854909,4.45020020387518,4.23727168169115,4.20112586080178,4.25909518077023,4.23483453247783,4.24212493975037,4.30124184614374,4.32766977986928,4.27319728991753 +Lamp1,7.80680315988716,7.50209457390941,7.95238228080099,7.63900073232208,7.3604525908163,7.52150730902435,7.26753271220823,7.87316882115155,7.75984141650263,7.60034646129429,7.40456932485695,7.51234625434431,8.52771373338739,8.37317673191616,8.57857662102706,8.37711580430256,7.99496297555315,8.43534595864807,8.11496886377802,8.66738785861733,8.48937782918506,8.36362087565203,8.07597515269396,8.14417927552966 +Gas6,1.5541717432464,2.17804792806529,2.72353739735534,2.05276470057515,1.31206017224532,1.5268802851259,2.08724087099706,1.90934585959916,2.31677670514864,2.05506098935699,1.12646870108719,1.76731779118096,1.71483014274452,1.89958258442547,2.31650843167761,1.88987663698253,1.55792941266571,1.00504004223988,1.72515187006385,1.64085090491869,1.51128027970773,2.1006829241087,1.3377178692771,1.47562522398253 +Rasa3,-0.0973003011898772,-0.0559455650482414,0.612794070756504,0.0605829707045893,0.233044913558561,0.144215108416801,0.138604679692153,0.378228122958493,0.0834582715857741,-0.227041566844724,-0.224327236480363,0.209818586992088,-0.614282592610577,-0.460130014535048,-0.437569771028152,0.516716430921077,-0.0936016314667087,-0.832876913315038,-0.415840195864063,-0.0534754866069478,-0.168187404825827,0.291471085559756,0.0196254399469704,-0.0115827409955704 +2410022L05Rik,3.95356857766255,3.28708218553126,3.66152234108866,3.767679046287,3.33037700023642,3.29288670434326,3.50100798370801,3.61582518823781,4.0623735619153,3.69650629005236,3.31903495560116,3.66344198285445,4.33453428941838,4.38739486206338,4.443159638965,4.23595900012222,3.92867783323352,4.32515654334166,4.23857886560649,4.74913648443711,4.34200646096922,4.03362446567885,4.20594611679085,4.29461215124865 +Angpt2,-2.21732690071792,-0.74191824416664,-1.63771601516429,-2.43700861305016,-2.97175733644923,-1.80165810009539,-2.46150649784385,-1.6916543634714,-1.8634312434061,-2.15551388349925,-3.22817352914725,-2.80055268200466,0.0245944337270498,0.235828832040933,0.690859197900132,0.166500329265991,-0.824971683415946,0.0061155735595996,-0.545447917517558,0.132771349357858,0.313305189959801,0.443786725168539,-0.632260408944171,-0.476212108683789 +Agpat5,1.05303011976961,0.478009310489428,0.658802636599675,0.550495444385349,0.68175812614738,0.719669171573133,0.57171451621974,0.67154757560732,0.608447099999913,0.355765043823741,0.528430028996279,0.787826201740106,1.46085903099419,1.26865666395356,1.37415288368918,1.17841716657404,1.18506260440542,1.44177835915484,1.07553976615121,1.34996979792159,1.16926152114148,1.11717759146908,1.00607662379488,1.41193781030224 +Nek3,0.576934315195907,1.40415525923061,1.27849332105101,1.30275036843489,1.28925201562356,0.737932802223889,1.13184059576709,1.00633740715506,1.04290999352091,1.49103636013456,0.661350551920496,1.266133925072,0.960995517898929,1.5182233359043,0.563718313404356,1.05528590124073,1.38717594792509,0.743793783723821,1.20102789332637,1.08863934907373,1.07397999290447,1.26629476581992,1.1158193254674,1.29095383632547 +Vps36,2.55657108298875,2.61175416639915,2.29224859072087,2.42022994544871,2.35241439049209,2.43128882942523,2.52136525015035,2.10848965651908,2.25747387559925,2.33596561698989,2.58485037402275,2.46666340978158,2.73738961058578,2.93059456616863,2.77947112670164,2.91496246686393,2.83398776984635,2.85077047157362,2.69333722855586,3.07422228455143,2.78994691988344,2.90714482611129,2.75603312849106,2.90306625376155 +Slc25a15,1.96633457102744,1.79803051186518,1.88132646379264,1.8653586344947,1.63134738493763,1.70564769967018,1.38277590271,1.63924426025105,1.77350729814516,1.42461218283544,1.66638790070468,1.8228477542598,2.47640920968554,2.63453475265926,2.48900991816881,2.53513691789519,2.19827331611767,2.4078796993247,2.34368474318169,2.67999656584977,2.61186329031015,2.52363138795691,2.09088791296358,2.27568500533866 +Erlin2,4.4682732653916,4.4857140686644,4.7499330204397,4.43627819039076,4.12092609860256,4.194488328066,3.99330305752805,4.7761652385128,4.67473624059833,4.43061915877157,4.18621925701649,4.26728980136102,4.67852177661021,4.65247976436418,4.78383781195339,4.55227442465343,4.32590376761247,4.48920006698782,4.32026136400336,4.8307940861624,4.78678373102123,4.68208995655146,4.19528924903972,4.33425332251353 +Prosc,4.03163447760072,4.29067764392305,4.17984452934157,4.21507447931147,4.08357830612722,3.93209227955741,4.08456507253289,4.11510564662809,4.37561853546759,4.26847249678116,4.09875480902365,4.09404119687907,4.50435188498819,4.45368101891326,4.51918564386189,4.5805493582319,4.27209143803405,4.27586321826274,4.34802348160717,4.58895017324341,4.47242126657129,4.61358623009677,4.26192476435207,4.37044659513947 +Brf2,3.08964235798677,2.62622395092882,3.00105218555877,2.56781451552261,2.72643853445815,2.72148494133628,2.44775727061885,2.85638581667816,2.7521577831442,2.85696963100521,2.63843417353608,2.50455316098244,2.82614395471567,2.56038176879073,2.47930758773907,2.46829117398134,2.1873700676523,2.22890102984433,2.28950650517908,2.8308521175615,2.78930966534206,2.41649986403664,2.50407497905725,2.29336647397515 +Rab11fip1,1.85207160666804,1.99546982281933,2.03317000485865,1.79505568254359,1.70923896174203,1.82258444150995,1.86725119220276,2.04344922344063,1.92993582079665,2.02656678225393,1.6971009166987,1.92967545838651,1.80358617216558,1.74908036626214,1.63523522602052,1.92060045758122,1.9442802951883,1.62742982612632,2.21787479132068,1.68942538124016,1.69242599200808,1.85261398051515,2.057511254472,2.03582816031624 +Eif4ebp1,2.35117687544758,2.64638986157407,3.20075745363115,2.809975039167,2.05822606348361,2.33486897607188,1.69820008535425,3.37806484746288,2.32520530352756,2.48318010987454,2.00063450448398,2.21523660967519,3.9849100902674,4.64023072408971,3.22265667660749,3.81082649729922,3.55691635537539,3.76153848303804,4.07191267968029,5.59221656103719,3.38533885544478,3.79467739689852,3.76217087315415,3.994032320227 +Ggn,-0.817945222623811,-0.0787733321517647,-1.1143763928432,-0.802790782633828,-0.159527445912781,0.0906916952901518,-0.753445091360452,-1.13404947920019,-1.53058853290306,-0.342788317502515,-0.453569655531357,-0.789093923162855,-1.47510922266848,-0.709210613165841,-1.31539911745127,-1.5095931130195,-0.788659554793403,-0.842797853994295,-0.481583166005338,-2.33613545945789,-1.42644079798761,-0.78250524076684,-0.414392584802456,-0.459738058383229 +Col4a1,0.642015721221793,0.984619739592584,0.614658165786597,0.358815379768579,0.800186936659799,0.395208456004926,1.08883029680983,0.632375510809025,0.449992811780338,-0.0870353184688155,-0.0726427581735987,0.734479645281263,2.62090957051418,3.08234656092724,2.11945295669248,2.11733178907581,2.00382224283712,2.15346859574527,2.81908321006311,2.80725668488971,2.27901939617777,2.52772491210251,2.03362612712133,2.53711178419186 +Col4a2,-0.69653149310608,-0.383794461493982,-1.11643931819745,-1.41063546447736,-0.451447466897782,-1.28258082473064,-0.426707578147346,-1.10310229219179,-1.17761253725682,-1.36584396082758,-1.85959405874522,-0.86395587493875,-1.77480133946681,-1.80772650962953,-1.72204817707669,-2.97906323359925,-2.67196332421937,-2.31226797457405,-2.59238159677051,-2.38594011516593,-2.40940318228974,-2.55090800356513,-3.21029959605215,-3.54650435357099 +Rab20,2.97078292850219,2.66904931797083,2.83056152100911,2.85155216732882,2.70717307641677,2.69357096023509,2.85634088843064,2.9938034362454,2.88604788484898,2.9418092986257,2.42568358526103,2.86643206771045,1.87840799125738,2.05820194316799,2.04534495350777,2.18453455886847,2.20266291700193,2.24095402293069,2.07620653993245,2.43101365518715,1.94336700254804,1.84248375546665,1.78429676050461,2.05052455065304 +Carkd,3.16517581937596,2.95724126773429,2.99455288553797,3.17535739868976,2.89733721319536,3.05779281017781,3.03720262234019,3.07062144095023,3.06923309564611,3.09481471871577,2.86541573869531,2.98305481149734,3.35450834206478,3.46086093287362,3.40860422417139,3.35256803865741,3.26790259826766,3.35180305027344,3.41793102852959,3.30795436483409,3.47967213536282,3.36486942331339,3.42014404650778,3.41815058526978 +Ankrd10,2.66100736648846,3.24607997265154,2.20025881879631,3.40890033017301,3.62924436935523,3.37387793070469,3.6606316909124,2.1881544733577,2.61999413043975,3.32863421276587,3.69910013134363,3.48565702747439,3.63970864221752,4.39240710878159,3.96720620958306,4.49728983547853,4.57938987980157,3.81842540207183,4.54550031680696,3.62872489857135,4.4289075321684,4.43280612226767,4.48621553985163,4.40610582620569 +Arhgef7,1.29104358270202,1.60862652528931,1.29615291895652,1.41463545338238,1.88624283414829,1.79316927510394,1.71771900194116,1.43858010774106,1.26417750369947,1.27987113493388,1.84473894137973,1.61229813176722,1.09067751724367,1.39235063355517,0.804956022595655,1.28510457057663,2.00192813660475,1.34131486291431,1.9157090789435,0.72938470025349,1.00398865743953,1.22122929235396,1.81173414279075,1.78289429931766 +Leprotl1,4.218681155118,4.0336988387008,4.48186623246961,4.01339237585123,3.89751287628121,4.0189543752537,3.92773640463433,4.26992312236631,4.07525232950473,4.0190099887437,3.79089132574214,4.01548006115936,5.05944890969188,4.7391177333362,4.97120214390255,4.71547278963055,4.57826731807466,4.97724375411939,4.33926745067439,5.29295047307772,4.80616545277167,4.81082101343631,4.5652634582572,4.58658112876105 +Dctn6,3.04883796998856,2.74623333633902,3.143754894863,2.84124960627365,2.58039716331301,2.61609223394309,2.56681667728497,2.79407486239693,2.94227036636349,3.10017356576595,2.55755590245244,2.69969418391234,3.24110960184378,2.9912025291483,3.05863049388674,3.19945304565436,2.79889591123658,3.01361706466556,2.72771364681288,3.18927955732163,3.21950000993452,3.2642402219579,2.93480326676628,2.95890544361386 +Gpm6a,1.17514271688143,1.44319903910169,1.8088094943383,1.75418786052957,1.47031320866421,1.56899665455055,0.749001108145023,1.58606768438399,1.31103417484849,1.83588169306027,1.84628640955318,1.66882549534746,-0.878292279408134,-0.276483043107217,-0.719651104315063,-0.807233623529681,-0.371187654692851,-0.658723349080795,-1.102843198314,-0.356314334596065,-0.995291391990533,-0.475571578191432,-0.117002694063909,-0.879083801794611 +Vegfc,1.74616222599836,1.90196384762025,1.77875579812959,1.79985519730087,1.40768293115772,1.47814765424678,1.69523427882999,1.89311998343558,1.64345015514781,1.44102200385528,1.56730710204136,1.95919826666377,0.622047209788424,0.152420187068599,-0.197576875703464,0.616893076522516,0.344571923331901,0.0932280294636134,0.573231054103321,0.794955766501954,0.388432847515424,0.0998409071021578,0.0762839913159187,-0.235296839956525 +Aga,6.47825016423915,6.03654748648352,6.46530785922566,6.19512249624748,5.42301100310722,5.78209875002429,5.89470037096599,6.44096832181804,6.25414235914888,6.12771943830138,5.68309193558679,6.10966720486915,6.66001962423628,6.27788073786658,6.6973946995255,6.29994040992277,5.89297536380397,6.38373004559435,5.78721340588547,6.77481726859122,6.59051297265434,6.43684765988749,5.91170357706565,6.15314434284111 +Dlc1,-0.78771220734049,-0.281478130090297,-0.519444104215785,-1.07765095713103,-0.573100354790357,-0.253795355942874,-0.720372885747064,-0.0831898479131539,-0.632624949102915,-1.07049944891543,-1.0775107456854,-0.954733871861922,-3.1058561675454,-2.62922481030887,-3.79037796709484,-3.25457906925133,-3.26363840443697,-3.03446382875686,-3.14037336063571,-3.63707482794548,-3.05174167665935,-3.93392470006164,-4.63335681313284,-3.4103641848717 +Eri1,2.5399180241455,2.24821665290081,2.64986106564819,2.62352822060009,1.99462101085898,2.10729728131685,2.21087775229913,2.60181591897516,2.36169792737534,2.2776038649557,2.24200685795043,2.41279652521344,2.1950282676704,1.58230538533737,1.8688098177614,1.6111023243805,1.72030969095714,1.8869624569175,1.72277232183188,2.04500408793695,1.87084340326311,1.91266016367303,1.61274017174958,1.91327729720286 +Tnks,3.90195967856276,3.93481365635272,3.97998473904343,3.65759968729738,4.32079533126884,4.12905723607799,3.93407655907938,4.33520294831407,3.96032992438401,3.66972995428488,4.05830243703765,3.97569786511651,3.80663215780384,3.97384427766983,4.0700455279361,3.9161249348764,4.51816997948913,4.21119370269082,4.2813110778548,3.94545732883724,3.78176599931736,3.84192633076993,4.44744131143128,4.28136305030721 +Dusp4,0.720939159267353,0.757764157275746,0.386179916852203,0.813733642240744,0.838607607593424,0.908507344782646,1.22712390204339,0.149875093892507,0.889575145503105,0.787442461926857,0.780527563253053,0.761298962088042,2.94837202698903,3.09553298133519,2.60544728882294,2.81406743288002,2.58232504431813,2.69811401577319,3.01565717233342,2.28430780958715,3.02342321374665,2.58929062711154,2.43344436539788,2.54176558525223 +Tmem66,7.07619806445497,6.60287569194004,7.04364392501341,6.93335714010811,6.50736259160435,6.58587843253972,6.64810878645145,6.90863174600989,6.91894551526967,6.72628253946568,6.69825725392606,6.82107541092731,8.34303452382183,7.77239860606314,7.95732985733376,7.75682907226646,7.87755970575053,8.25412454992501,7.9439046925233,8.2099575934078,7.97106963983185,7.76403052006282,8.03312303324367,7.95870535906616 +Mrps31,3.98066824004304,3.50312237000669,3.83018016772615,3.6296074784484,3.2198558511227,3.39052171458758,3.49511092577884,3.75618068557975,3.75107980687217,3.67771241372539,3.50696060079224,3.81066325177444,3.74605042219005,3.28611766978689,3.56804563883994,3.35567068070685,3.21992606305782,3.35866731143841,3.36439863902842,3.43702062230711,3.46445423899394,3.3289577467796,3.12604741742469,3.2114705882953 +AI316807,3.31041302512301,3.06224080134185,3.55416888388169,3.39123158992523,2.67849631876653,2.89804783262964,2.54593203422401,3.4952062882772,3.4810287767193,3.20240025205929,2.56224461035964,3.10733509217827,3.85855720050998,3.83874843880515,4.05823407764294,3.83860864428562,3.16436360358122,3.72455732792852,3.47023537024923,4.41501945111166,4.09072658267393,4.08993418175574,3.22245787900644,3.56456990257874 +Polb,3.51365461186984,3.23739028672819,3.12597381988212,3.39984257212153,3.26478018181373,3.3417046772418,3.42422206729499,3.04014038596565,3.25251313140252,3.09892188365317,3.6529125546649,3.58651404641375,3.29869322702715,3.43271106588999,3.00823056007688,3.46695898370947,3.47608069831328,3.4604488154148,3.3658635282664,3.61895097509633,3.4675447277524,3.22960774695023,3.37558685613035,3.38280388231936 +Ikbkb,0.422498532148651,1.12732786567117,0.301913382146119,0.847655374490389,1.64789400109425,1.38148323440195,1.38546284934804,0.816303996390662,0.560882794077203,0.724822688388472,1.5508806907124,1.17819160990023,0.586391214863197,1.35077917246837,0.564427945813179,1.0865358563814,1.53984696454507,1.12038835525952,1.65989043779025,0.669692099912606,0.860017345144105,1.07592444194987,1.58644869380228,1.54840582657273 +Plat,1.54197977920718,1.39898091139422,1.52328315237105,1.00052309755189,1.08049157121286,1.07640952573496,1.147412889479,1.53879902889585,1.57811070132087,0.50652693893992,1.38616609105263,1.24026114258116,0.138980983932873,0.511254767266168,0.330359125460905,-0.0075327600832317,0.0272241266411279,0.0641501382013767,0.63513191467202,0.4605373518442,0.602313691682359,-0.197302541548499,0.0272803678792695,0.245859160184784 +Ap3m2,2.60892290713372,2.84790152718509,3.05555718146419,2.64824547538147,2.37064461766315,2.74784846579598,2.8497506974902,2.88546776655533,2.99935807686354,2.992468204533,2.5819894225122,2.87194073691023,3.21865536700603,3.39625803043888,3.1710826683904,3.28612256842204,3.1827092652698,3.20438433431599,3.02766733831222,3.53546962547374,3.22133625744374,2.98831927927045,3.10858662676645,3.35580304690241 +Myst3,3.32392318890911,3.47659525438616,3.19439378602453,3.1204639484647,4.10121033521184,4.04530220606963,3.72078823796185,3.89713186764536,3.23150529877198,3.33720872526307,3.86098120098246,3.62786449146697,3.0229325620786,3.33187589103111,3.02256650958009,3.24257984515604,3.92812963406578,3.30601203469106,3.76816390226878,2.96014124412986,2.98847249734734,3.12759001111491,3.794493468973,3.55686020160284 +Ank1,-3.29704185907358,-3.271410200523,-4.87421046549967,-3.53930662855858,-2.94477011004713,-2.85396391685467,-2.96220608263274,-3.31606545455637,-3.32053640731371,-2.58147935814649,-2.86922057461524,-3.1865991083446,-4.32609682027737,-3.68894942682801,-4.25298706345816,-5.53928545993178,-3.9436618883287,-5.17543486965156,-3.60200811264052,-4.81523209590766,-3.41902969815975,-4.0895625875318,-3.3095274581001,-3.95491095090542 +Agpat6,4.80100966753688,4.43969381048067,4.64392834472592,4.5433895416131,4.54595489160577,4.56785056897469,4.59792056355402,4.49825952205221,4.61348972405857,4.45882058802568,4.56144721099353,4.63766756634139,4.708696715457,4.35955540169126,4.62391349767873,4.54426101030901,4.57427847789484,4.69254450834574,4.51546183691535,4.6328981895811,4.6204037685611,4.41541549717411,4.51090204189054,4.51231517198559 +Gins4,3.65270592749875,3.46935423217703,3.85169080714137,3.73035165744038,3.22712660695221,3.16411200872595,3.51773506977813,4.07304697692985,3.87704852618913,3.83511182496695,3.4113019758458,3.21366450304849,3.32788472830699,2.98674732513016,3.22159504717721,3.38567258973169,2.77735672654497,3.0748060753932,2.88051876028251,3.41540516271878,3.33875690233859,3.45478633889588,3.15125643533496,3.15822687543046 +Sfrp1,-0.969245969526412,-1.1501329757357,-1.334301356881,-1.9876139142166,-0.163106900375222,-0.849506154574798,-1.03526108624363,-1.75419536628846,-2.69584963837624,-1.06890529353285,-0.736431781073592,-0.565896313492174,-4.48970425143075,-4.48970425143075,-3.49656483702769,-4.48970425143075,-2.92380479833871,-4.48970425143075,-3.82813328375832,-3.84516736041883,-4.48970425143075,-4.48970425143075,-4.48970425143075,-3.41284858703466 +Adam5,-0.0376026909383091,0.259380823699575,0.492432770187123,0.0539338270852543,-0.246370901114202,0.274517279561519,-0.66628516645385,0.339002173727347,0.529351208324552,-0.239229518120462,-0.833025018590244,0.39356831585879,-0.477779008480241,-0.952735846765193,-1.43360250979521,-0.385347960666229,-1.85945236364536,-1.43921355120649,-1.23775516730729,-0.767017877708754,-1.0837425489496,-0.93872766337202,-1.17377778136728,-2.09117713573592 +Adam9,2.61516012418524,2.65293777743399,2.5180762055036,2.56379529505977,3.12666818559285,2.74962027741722,2.89908044546944,2.59002909923353,2.67652988048391,2.73193135571783,2.86702758571467,2.97019096925037,4.7421511807747,4.39319682853093,4.34200516798011,4.61275747706587,5.02277723575328,4.90289752186206,4.74458921917273,4.46425271961264,4.4267212767171,4.39275525184298,4.97318362409493,4.87297734932382 +Tm2d2,5.46294089197374,4.86836761052556,5.34475406610427,5.12800980069361,5.01110170287718,4.98929415388535,4.85755845727979,5.16151263039032,5.33011815263499,4.89831716442428,4.99752878462986,5.15987046490513,5.92661369347101,5.66496104392051,6.05988547139376,5.81562548484035,5.55762791436613,5.90344612978759,5.4427404656961,5.97541999997771,5.92161522756048,5.78050010563205,5.58873778050489,5.52978126601753 +Plekha2,2.70098233284049,2.78548688731416,3.06748895426247,2.84343919416395,2.62587363078022,2.607619791763,2.41529936209517,3.05038926851715,2.85647410320761,2.82942666873511,2.40857132182971,2.23852081236908,2.36165184522903,2.43590949098956,2.70450588661593,2.48785768601923,2.04217644568513,2.28528311341047,2.030285217741,2.43231054657091,2.60902076203891,2.59854637160551,1.85844384483632,2.01305658711852 +Slit2,-4.72502851572343,-3.5621437407005,-3.28760774023271,-4.21986422545333,-3.20039015105078,-3.65791905063706,-3.34485246062841,-3.259646599117,-3.6891391461385,-3.22283246482353,-4.66370808999218,-4.45044440707308,-4.43840755309556,-5.05548236963165,-6.35499464466837,-5.18079786186284,-5.05021191760214,-4.95273584470496,-5.24155533231335,-6.35499464466837,-5.76367163074351,-5.36577451590614,-5.33978296012281,-4.94131912845201 +4930555F03Rik,-2.89300997787303,-3.02492502942052,-3.48408477656038,-3.09195004566617,-3.2629577456916,-3.20343267239753,-3.11136631559409,-2.00781484087983,-2.72912149376345,-3.54409593905606,-3.99101916906748,-3.27689592883523,-0.524188420697522,-1.23480371604792,-1.53500362684048,-1.53898905102531,-1.74017740524294,-1.23558189681733,-1.32995226104255,-1.67585882600373,-1.25803861873263,-1.54189407218439,-1.49645999919818,-1.69477416664568 +Tenm3,1.22181699628062,1.52253744001604,1.70142482880697,1.00764491555427,1.48708687496334,1.27703485346301,0.932614316955728,1.63476551000318,1.31531438059733,0.884607434596273,1.09018821896624,1.16385301050103,3.89431582021009,4.08092501515574,4.00607107031786,4.23975677792902,4.13017420631294,3.98212791204806,4.0700314618361,4.02149830807895,3.76373559753113,4.26069157708365,4.14718459622314,3.92022198622582 +Wwc2,0.434766075247655,0.233450787169018,0.786064709773149,0.270973516803291,-0.11077276488944,0.375129896547104,0.326980954010069,-0.0491350068740504,0.472208969886781,0.353542662892025,-0.0284795305063756,0.203952924069215,-4.01939435041639,-2.80475412598924,-2.52320639137144,-3.2838714978142,-3.11818012812921,-4.02946734837739,-2.45604059136635,-3.16458451851467,-2.91199357895626,-2.20856241416699,-2.61247577238011,-2.65371072173683 +Fgfr1,2.72590973236127,2.77191651210377,2.26516686987157,2.40136361085796,3.1127314427271,3.12441582128702,2.9772208647125,2.76334896347185,2.50727688565076,2.60301388566283,3.12343060436982,2.67990229610773,-0.42589725994658,0.379500456706288,-0.240817323262149,-0.119770692335486,0.190689127947089,0.208980817998493,0.124082559637754,-0.114948708900954,-0.464813198537363,-0.285016626712853,0.491690580891932,-0.253780700550918 +Rwdd4a,3.97179804626139,3.4876016326583,3.66469170202949,3.43566610992869,3.50747420265275,3.75386830835976,3.53180953803164,3.4609820729839,3.39518561356896,3.45318262128826,3.49643019839112,3.61578461642067,4.84601913283994,4.315745653136,4.48593594446755,4.17048613265593,4.54004259360076,4.62453877815062,4.54324644212329,4.24606698919498,4.39267984817924,4.28958734335601,4.54224840775417,4.5117265956944 +Ppapdc1b,3.83756816380739,4.14148552968171,3.80547936484185,4.16227935737654,3.98055181554671,3.69154505983428,3.98879842742131,3.80654022044534,3.82355090029943,4.08088270973698,3.99314203014425,3.988775004156,5.611995198116,5.26410216162567,4.9891627217833,4.99845815832948,5.43289392110416,5.39027511815559,5.3571450303989,5.2099878825772,5.27076659030009,5.04355267310864,5.42647553335913,5.53135452303596 +Star,-2.02698142127996,-1.77211851457547,-1.97752556273077,-1.13674656957105,-0.844650287685581,-1.38394502215366,-1.16293137564559,-1.90279101759154,-1.88457510394538,-1.87192068541495,-0.530106232993596,-1.76930799449371,-0.3818677963493,-1.28638936784049,0.0050559599587067,0.167077458150686,-0.406750229886651,-1.27222489506938,-0.32001917469564,-1.23863255576415,-0.0151196406430165,-0.611543899814884,-0.227394647839831,-1.01192191269037 +Ash2l,3.41174375943886,3.48881755793027,3.5887370871129,3.53292663220859,3.33807820993016,3.2263027738521,3.43982168385067,3.479103472936,3.4223124810408,3.47917339791992,3.41410039887065,3.38628121983494,3.25819800547831,3.42215039497906,3.27534163516509,3.51221724010634,3.24391344142785,3.2576085495339,3.14369426356595,3.24140116385085,3.34051427809961,3.44772484191587,3.29986401416159,3.36516230273342 +Kcnu1,0.876538623103028,0.767966781777312,0.818806231313701,1.01112694801466,0.596723549398864,0.933198718597044,0.997013922637381,1.11124281286828,1.13524034712435,1.01109545285273,0.490462419472361,1.08445187667903,1.14284715401412,1.10554014889771,1.30826864032959,1.06464291479275,0.948686180486792,1.06507168081804,1.00185794376485,1.32741041015178,1.17800574456273,0.87540469158688,1.1365147056081,0.819102276674181 +Tti2,1.54839376419123,2.128128772642,1.85025973917535,2.08472813745009,2.01484339111629,1.94092026306021,2.1124289074138,1.55004372265451,1.77432065580489,1.92631288118132,1.98613350533484,1.94269128408869,1.76018171692854,1.80896081973397,2.08916475267481,2.07391239200043,2.05281116465949,1.91789559138612,1.99091083584329,1.71961603484673,1.93965792335462,1.97607712675067,1.87617929200694,1.93606310374386 +Mak16,2.83698495506522,2.37773809572221,2.78335337488813,2.76291173516713,2.40521999578155,2.47300447286827,2.67831114201547,2.37157716652122,2.55091992204363,2.61780600283709,2.53367917915879,2.42832979965749,2.72111763088701,2.40121523347972,2.59288509247516,2.82054680767433,2.62199071180046,2.90995662824242,2.60443474899609,2.33343614439247,2.80687457527891,2.57010423719168,2.52317304699228,2.68420634499399 +Wrn,2.67591771688524,2.67423931955626,2.7609258425765,2.74989122721129,2.60747303822782,2.85466672588681,2.66816473386838,2.9463858776313,2.71948357920257,2.78866092837348,2.55729765979723,2.61352138662372,2.71672780336224,2.76550418308225,2.74431420950591,2.76646526433795,2.53821521360838,2.60544925749231,2.43678299026604,2.93234397788173,2.76383205230842,2.6867708566263,2.38924667428128,2.56706388988523 +Gsr,4.40966450026474,4.06702273164595,4.36738886726156,4.06899481615146,4.10773954565185,4.06823761770919,3.84458323193358,4.11506938398168,4.25500409971292,4.13795365556313,4.04221282595257,3.83336955856032,4.71326648977573,4.61489949814554,4.86294839705562,4.52745900036254,4.64856492565286,4.59440094386713,4.59527704247195,4.86176505669849,4.6322528055828,4.6631481682016,4.4956489440187,4.46962229630159 +Gtf2e2,3.77370197687178,3.34475052228693,3.52568350288187,3.74337707267941,3.40358030132407,3.34523009762975,3.57187586432697,3.41877903172806,3.53367688209433,3.50101045692315,3.29091101083474,3.59534823940373,3.56643068775165,3.3003381448852,3.34129029827912,3.34665890241373,3.37729140952397,3.20017281864072,3.34156598375192,3.51390594276483,3.48971266871066,3.58106453507174,3.21428650358355,3.182848899754 +Rbpms,2.69391079025099,3.00767104502211,2.82087079046713,2.7029590408996,3.17561791855116,3.09530803541489,3.07643740013871,3.13948471957314,2.8768326677697,2.85902544375274,3.06897575971362,2.9488742888745,2.80655318343355,2.93840669138643,2.929470055034,2.83048335165671,2.71136219697823,2.73627080801113,2.84352120568139,2.96192819065898,2.89019696241652,2.45345895882138,2.67173477030237,2.640645034541 +Frg1,4.19306147905501,3.86577208272217,4.29737655745233,3.99318497043477,3.77506003307527,3.81158895571614,3.81773364849573,3.99222870595653,4.21867302847854,4.00237197301428,3.86536835706716,4.17475408451481,3.79884123744409,3.41469949799323,3.82019693276979,3.53126979054624,3.46994404034922,3.69488510525373,3.00100764302759,3.92896688609274,3.6994994813002,3.49959385768394,3.31879344658437,3.31172466433717 +Asah1,4.76751632683726,4.68768741119202,4.95814046787685,4.63745150033414,4.10608603921333,4.33890491905982,4.32544491382435,4.7705796858019,4.79676113540757,4.71135926757071,4.14719497677197,4.49708658773085,6.68256104952789,6.45448242591078,6.71725681266053,6.16878968941854,5.61019862222233,6.24232164698248,6.03748429791605,6.82545960346965,6.56473213422552,6.11894992090674,5.61230087620734,6.00068301071351 +Pcm1,4.32329770496585,4.70671053955196,4.54238189669553,4.49797660904657,4.74139484291513,4.71487071541659,4.54653372670234,4.62196625319738,4.56952958643903,4.58169418181824,4.68730736226574,4.55873098361131,4.35879365709099,4.63346583997577,4.5186248167486,4.53477960165626,4.61175429413222,4.39647654815904,4.34935256521734,4.36530019989625,4.37525037915631,4.49692637430411,4.55824956735626,4.5909039260065 +Fgl1,-0.619827993023161,-0.546834945192842,-0.189270259757837,-0.377463697336256,-1.14545849652081,-0.706356916747114,-1.35838683873334,-0.41946315766585,-0.72884484392989,-0.462572028179712,-0.855456045802492,-1.16712280922845,-2.82285534497539,-2.72938997079441,-3.19632815213701,-2.45980347555011,-3.52429323974213,-2.83607074393049,-3.39658030827113,-2.57788774856482,-2.6890691996888,-3.20103707075014,-3.16985665693648,-2.39621887273327 +Pdgfrl,2.19372745909001,2.48531760685262,2.61712780004918,2.21089337832602,2.2218268269136,2.51389998374028,1.92943095913847,2.94417981404052,2.44993167742096,2.34454939611105,2.41581340688037,1.9119808357125,1.22822900885499,1.34993886985982,1.55066393982707,1.65643546057521,1.23312049627329,1.18810630577866,1.35689853364812,1.48395935836703,1.4885786431691,1.5122581130127,1.27167517696442,1.16207717640826 +Slc7a2,6.90703757826961,7.54385582349394,7.23593277080654,7.3767378712205,7.4230453087183,7.24931337579567,7.27731681813368,7.61872975161784,7.42783796974556,7.37611157036873,7.45299438577744,7.44296757772706,5.5156623612149,5.71964521047655,5.49293491712979,5.83881770572099,5.56964652508484,5.63127143625543,5.31348766874573,5.98159764428918,5.3495752864732,5.60607170804461,5.63622792404407,5.54185185849609 +Vps37a,4.76753154127506,4.92004603730173,5.00528221101938,5.08907716830193,5.00247203646832,4.92116042901007,4.70858435776149,5.19324327801312,5.06963396820205,4.92560727750924,4.85389280319562,4.95385224037854,5.07084888623886,5.0129111609794,5.31373109064938,5.36894467511504,5.17579991140277,4.97969825156945,4.67744321226124,5.30598629097619,5.14427304242712,5.25138261586011,5.03224264864718,5.05388868421106 +Cnot7,4.54319599581886,4.63794821709823,4.79595799263311,4.7940306293069,4.55839576767953,4.39296059229212,4.47302734080228,4.65964024833808,4.7578354834733,4.84651229456182,4.50059159447105,4.57534616365131,3.98083928648733,3.92516353296458,4.20715381326083,4.17661760535501,3.85585235854199,3.87241849117978,3.49070604171256,4.19871732021189,4.28708068255221,4.20765729159401,3.67806558888531,3.85682525702683 +Fgf20,1.20380951405938,1.05990939539693,1.09434548091644,0.606616175184948,1.08652202322855,1.10254463422894,1.25445964013732,0.611592829883929,1.3025074860328,0.757747445929392,0.497798201696125,1.21235021147173,0.300886301859257,0.796406207377362,0.785149795607038,0.0276929411223308,0.588257365389884,1.31421289527428,-0.0025982104870017,0.854815067856312,0.709360442340681,0.742902719502811,0.644026612292675,0.403884935721459 +Sc4mol,2.52398319125871,2.02753268207976,1.70273603491175,1.84450266098799,1.83446153780983,2.03227334404238,2.12770455204676,1.65715541374237,1.89444232533368,1.36968895838956,1.84989383501308,2.04645035739191,4.8397160368495,3.95059811017831,4.10107926872665,4.2909346159199,4.15442126557066,4.68796265148422,4.12633161372828,4.37953720035439,4.32262443941883,3.96070973678487,4.1711553308381,4.31108940237603 +Klhl2,3.10135129944487,2.64525238396795,2.73236255286685,2.76619136022547,2.83267421291265,2.74507461836894,2.70037092828634,2.51298860623906,2.806434970398,2.80684103798528,2.76663090861351,2.90833984015188,3.31027510150342,3.543461806464,3.16242473313456,3.44589345214521,3.43098609875073,3.28076988839491,3.42877509288206,3.29442218631536,3.11579255641188,3.21491879000537,3.47262086724466,3.57432921785606 +Galnt7,1.98982682813224,1.71824789248432,1.81110292848299,1.87068728387493,1.93440257693986,1.86376638668885,1.74494850641663,2.14062106344749,1.74249445270641,1.5971381267744,2.06483480739076,1.82786412003813,1.72341462684478,1.55902822141097,1.63270385054311,2.04190025629746,1.65267447604177,1.40964648864401,1.48665908006622,1.79526477275997,1.67914550277447,1.38008226110449,1.55137773854006,1.55797304997518 +Sap30,2.7078209178243,2.10758457557457,2.60615689118066,2.43819031561591,2.02955259438967,2.25639128648387,2.33161489658364,2.29810257831692,2.65059514721159,2.06179598035488,2.50833344048621,2.25507429473041,2.43074338683936,2.32011721466183,2.45499731899056,2.47579025723796,2.52412288394042,2.48388827486644,2.28530352200417,2.29585973357883,2.0929326523403,2.40364726362683,2.3857441371519,2.27461330311217 +Hpgd,-0.278017368042945,0.541833548011744,0.0124224993128472,-0.182183902470319,-0.326391435092445,-0.824232724367111,-0.666357448288255,-0.216361937943091,-0.220832890700438,-0.372022463416445,-0.378175928153455,-0.550697270110158,-1.45581611958615,-0.851018130650139,-2.14984098083385,-1.96878361243137,-2.15725401435289,-2.51283872300957,-1.40866463942086,-1.21084852317557,-2.13345011038619,-1.35105006125492,-3.1429803952369,-1.72930487902054 +Ednra,-0.171284528688446,-0.699621994778603,-1.20682955832144,-0.935686542023183,0.479283948931091,0.917353221971861,-0.163762375195107,-0.16011703512248,-1.08871209779713,-0.75139828590088,0.28148868537636,0.284381454911921,-2.20396693811169,-2.3642047355312,-2.87369185293692,-2.44156524899133,-0.850601715263955,-1.26766219179414,-1.93473792345677,-3.60547887192252,-2.43211917589081,-2.46597964954116,-1.24999871818503,-2.0962265156883 +Tmem184c,3.88502842391408,3.81316679566383,3.86595725187555,3.86981544708297,3.88683181294403,3.76686521709945,3.79957165830058,3.83413970949769,3.726586337157,3.81638737366395,3.94176474144074,4.04534165448157,5.04766244446079,4.52445818866641,4.8748998470739,4.53028421580558,4.76654767090959,4.9612034452541,4.59617571225149,4.92128298198715,4.76500902816846,4.57269521413236,4.73730247000651,4.88972938195245 +Nr3c2,3.35952554946929,3.53224367602772,3.97529344187639,3.67733682581936,3.52057544385637,3.66812582299336,3.4072837851712,4.04115881523205,3.77801882385629,3.64345248191496,3.59693292085319,3.45948827606415,2.28848528209841,2.75170783962526,2.94691276503882,3.00506658493221,2.64814918403887,2.76394402414067,2.33801709547617,2.87225256428569,2.60354332610654,2.90324228638746,2.598269912928,2.60343820634276 +Sin3b,4.87932779109135,4.75476647562833,4.6708897110631,4.72925809684708,4.65198278908296,4.79774004522316,4.85549889225346,4.73281684414667,4.7661199553382,4.87613916937184,4.81183903462734,4.87806528170403,4.2146767973853,4.27717403199284,4.27107124347558,4.39511672836234,4.27943923550462,4.37693258894398,4.43778469907219,4.49100621343583,4.38518750197638,4.45584159174426,4.35628359800888,4.25042548092849 +Sorbs2,2.09484653777882,2.33326849715678,2.21807924333356,2.3861606242018,2.5926567863106,2.64647292335001,2.35206723037896,2.47576873005329,2.12526637867271,2.23234981283451,2.56973560739018,2.45421791313338,3.85381759545523,3.6390302088981,3.52221344178519,3.52915383159387,3.94988601261042,3.80136061811695,3.8135956778233,3.62889048307452,3.50021198940509,3.52102985267937,3.92447815994525,3.79913131328816 +Irf2,2.09763706067996,2.0161425469207,2.0877339255617,1.53725410522751,3.06764819274363,3.24679262710262,2.31864202067063,2.75049474374783,2.06000085247753,1.92809021192406,2.83482170605314,2.25450643980825,1.8129461071855,1.41873812775964,1.67005905573265,1.28755330036082,3.03221578571786,2.32564108345374,2.82732866563259,2.07932301994359,1.55386518382758,1.47481362078916,2.7567135879438,2.34367736061412 +Casp3,2.49205407636242,2.37780748524006,2.3621067219386,2.43531433645886,1.90336626878872,2.00061669628736,1.88235741282709,2.70157656578269,2.3767990556359,1.96334600862104,2.02492998432817,2.14250695089306,2.7207939147554,2.93102941369256,3.11745001874682,2.81246264637761,2.44461763101649,2.88479296272259,2.41880820308456,3.44705821581613,2.70113727254762,3.06495711593789,1.98478253345281,2.73608056450685 +Mlf1ip,-1.5418091476942,-1.43310088508097,-2.25275716452588,-1.52643412692242,-1.81982893777634,-1.63989684646747,-1.62627571388084,-1.70979944062699,-2.06721809124371,-3.07968444270488,-1.14386604789917,-2.91982141804501,-2.5219353245537,-2.08268341289863,-2.64672104952878,-3.10784253145161,-2.84949735710531,-2.96246902122514,-2.90210214210475,-2.70428602585947,-2.81546747698345,-2.6526180613685,-3.62120621337524,-1.9255469171365 +4933411K20Rik,3.18036125733363,3.06092725199487,3.27193359658725,2.95883441412709,2.86966144160963,2.99101657745487,2.80042085931138,3.36587050498537,2.97562175154633,3.00825950073335,2.81545345850605,2.96491534414865,3.15995798067055,3.25112367905718,3.25768344504609,3.352953492098,3.04770035618058,3.19878959576899,3.0682635824855,3.5632858814774,3.32444453775024,3.28875017755613,2.91658319961872,3.26455203109187 +Slc25a4,6.52494184767003,6.2055074642553,7.02092737434005,6.62257549829529,6.00859148612113,6.10401955042994,6.13162136335736,6.5577909975638,6.62018459979213,6.59518993511418,6.02694538232511,6.13582050772667,6.50957684972164,6.24462361550962,6.67459070924,6.52452631584769,5.96602259241152,6.38798386960636,6.14891743874821,6.541525171958,6.5600602060803,6.60526008096785,6.02302821885771,6.13868832623363 +Ufsp2,4.39783559587492,4.13019677849338,4.21969496251347,4.47690521477056,4.00138491348037,4.01994375441915,4.08042239235375,4.02182217892639,4.34678065769483,4.25904844733992,4.02444581049756,4.0992569894816,5.05694990720229,4.57478574499402,4.66836687656813,4.92063222926327,4.936948967499,4.80680224211159,4.76380121503919,4.67434286363406,5.01398311188191,4.90493988185576,4.90357974233894,4.84632763693158 +Lrp2bp,-0.815480605187989,-0.569433002405764,-0.330851017380137,-0.846151977716357,-0.309979508699333,-0.110144347236239,-0.738969072722198,0.193653562160951,-0.550362873284463,-0.485170085392634,-0.4035079559925,-0.565979688810862,-1.49422514520183,-1.65821838855603,-1.02160845893559,-1.15063659865098,-1.6505585111598,-1.24522346783844,-1.250613568444,-1.13002703026755,-0.991699802119598,-1.74379215012735,-1.18342298724112,-1.94947144041484 +Tlr3,0.853110306327168,0.765600496368048,0.434560395798099,0.593229660526768,0.80963191069548,1.15671147085982,0.470542741403955,1.31449551404945,0.781626822482319,0.70890789536016,0.471431318127273,0.698964728599503,0.579145405579574,0.908660115622364,1.11827959073523,0.67979010188435,0.474613141919889,0.629967169692334,0.203812505476809,1.14630167662754,0.520805872851676,0.671178672144038,0.259452258493297,0.401828316972068 +Cbr4,1.58858710211046,2.01972192149456,1.76469178167386,1.97712880806093,1.69666541980829,1.41963525467795,1.73317576730728,1.93707264582896,1.76527652601153,1.94353892005036,1.59717664580158,1.85884272662068,2.07432020002696,1.80167829179992,1.92456660354797,2.06942973795323,1.19312801179278,1.87455162504552,1.6199482993498,2.09510756105613,2.17921104667627,1.97569185954597,1.53652455306427,1.6039744588161 +Sh3rf1,1.43629538808986,1.35050829035724,1.26138275162179,0.896568229049991,1.92630956043835,1.56369445164366,1.53396804649163,1.38019512374346,1.18520511241553,1.3088434396141,1.68515052567636,1.36301603903071,1.79033369093148,1.77660278052904,1.44066284665194,1.48879557892088,2.22140457108804,1.88628926076058,2.28310746450207,1.71213632420932,1.71474610333596,1.88147130112165,2.2694381284488,2.17261988392676 +Nek1,1.53843870280328,1.77086451790536,1.5607417526989,1.71672631315654,1.86915456965757,1.77375100689146,1.86753615295344,1.6028724096907,1.39668630120944,1.75391989809626,1.69055173584337,1.92431900540244,1.88974417177094,1.84795408827751,1.70223576550155,1.63590732194915,2.37387571352251,1.97660226724885,2.12838019662723,1.79116787299143,1.8603090593269,1.85510741558875,2.31306576106275,2.14646725181017 +Mfap3l,-1.78169772979989,-1.50206342301426,-1.97937138119554,-0.747100590120864,-1.10400856164371,-1.67895731904534,-2.05215292226137,-1.56817636722976,-1.15251947119069,-2.17193938700902,-1.58617251858766,-1.66735835970842,0.552013640988111,0.805553908165444,0.495604330067454,0.315673246664434,0.0852257201312732,0.533181537791008,0.538645201803016,0.720392652354425,0.556278977000151,0.367620706089154,0.0031464709057464,0.278134559577396 +N4bp1,3.23388727552841,3.17718909741332,3.28130749266643,3.31179933701428,3.45899835439597,3.52604268085644,3.23763822571008,3.31232909696519,3.22995149753968,3.16002196734612,3.3801673962081,3.15213035342383,3.35267646229362,3.21139202714537,3.26672562446551,3.21890259255102,3.7189378289322,3.49824721051781,3.6184010702056,3.01099850385209,3.09840361666517,3.1402246871451,3.56582044498537,3.50596273416356 +Heatr3,2.75415596466975,2.42468938106791,2.60142824325998,2.86517498780647,2.71253636134997,2.8669418324886,2.73692699747329,2.43120619932758,2.71982525794855,2.86899524595467,2.71888240387146,2.75110702399876,2.62179772226098,2.41859099306119,2.50633485940897,2.90894968451948,2.59242348853256,2.61349428642348,2.74755064995888,2.39561992526907,2.54926752759628,2.83703149049699,2.8968854235317,2.65300174578709 +Brd7,1.97817933426933,2.23025176751256,2.0034337716038,2.22158137085156,2.40130905559965,2.49663638170669,2.22451958074727,2.11281430095546,2.23007321584244,2.14823360232037,2.48885242263195,2.12587019737243,2.01188023461516,2.32958068209213,1.82676775180021,2.04994844500978,2.40925461237316,2.18565623101748,2.47618083498335,2.20617245619275,2.10595843536745,2.23207478749354,2.42263268481035,2.39098164471904 +Sall1,-1.5246545788261,-0.709081654510184,-1.78062742514717,-1.87428963581615,0.33380926141111,0.81168504644883,-0.686190414872461,-0.974507263208261,-1.36769168650931,-0.887064331499144,-0.030955081081439,-0.746044670569703,-0.65863379160593,0.0168798360330382,-1.76630528667424,-0.117550540523448,0.217937611976233,-0.877228112310391,0.706907160024254,-0.786724326371077,-0.566403646850522,-0.526844026137014,0.029764721416782,-1.09332033591735 +Rbl2,3.14630622497927,3.37020179907577,3.24260071243119,3.31780845590753,3.22600026924089,3.0861517053293,3.08388016779506,3.44731861881183,3.24328063154321,3.11709910221501,3.15786071977494,3.29235051738991,2.88877255727785,2.93816922744275,3.06257822900235,3.00420160184791,3.12434736156897,3.1579040034188,2.90577011441457,3.11419116957935,2.84554845366377,3.15100240980298,3.15876174271479,3.01931120717532 +Aktip,3.22693362081922,3.09175408908557,3.20296751196201,3.22027567476313,3.03740333879989,2.97528697571373,3.04449153054329,3.22806498035039,3.08104464937602,3.14376663623569,3.04477587155693,3.25927591452323,3.94269613329723,3.6536016334932,3.68144425118939,3.76850913618643,3.48995207930938,3.7198346742497,3.47519227915134,4.02388962868547,3.63609772360427,3.6919317882431,3.45529198542112,3.64452402585799 +Eif2ak3,3.83735864929718,3.88522179390484,3.82962156142769,4.02211635174955,4.06919453871086,3.95939893135588,3.97397429635534,3.73493030963329,3.91863575221303,3.84452923666778,3.82097735934392,3.89356812656321,4.331100806197,4.02132342171362,4.20673042847027,4.12795900904073,4.53576581706092,4.44983196766106,4.64635761699905,3.80142968689791,4.129793781953,3.90076431282695,4.51686520273193,4.64186520983756 +Gins3,1.25064913415996,0.491154468182364,1.1426825997329,0.726503542924977,0.478961248700511,0.823995227992228,1.01653170704831,0.902426636105044,0.387673154185118,0.415806834787511,0.460229051248402,0.999501609789704,1.26864671711064,0.580732367476767,1.13646745178648,0.85142849804902,1.06868288611053,0.986117885348464,1.2226840134646,0.889803191352188,1.26936039720295,0.839540184139206,1.30451582869261,1.32044612947689 +Setd6,1.86312733591453,2.29310059336373,1.48257507147309,2.34875920943317,2.18851039184285,1.9222796074806,2.34320092927973,1.93976957109052,1.87105190185377,2.27963109472167,2.32920558942083,2.37825203886089,2.69182971032797,2.99387238414718,2.54299216709796,2.8808849697733,2.90769924714998,2.63370136122586,3.15183787755472,2.75080790790516,2.87399009331111,2.77029196192528,2.7995529167159,2.96085169843145 +Got2,4.58407573149232,4.12240094995471,4.64415726209832,4.30318621569841,4.12993359917813,4.3197456480708,4.22729950469522,4.47223851042676,4.50300489786955,4.31878675625855,4.12622285795092,4.19005818486345,4.69479749340297,4.27267285064521,4.68516352537535,4.3780527836058,4.205635187459,4.66864656574471,4.36881357875966,4.59701938870476,4.4845752824345,4.50188391184043,4.29857252452108,4.16577898034078 +Cdh11,-2.09366700663871,-1.8802274058921,-1.70377888628278,-2.3343029937223,-1.31482891931975,-2.01325458222834,-1.38681205945341,-1.45598485680878,-1.62776173674348,-2.50123024548963,-2.99250402248464,-1.99092678084102,-3.83246520606754,-3.48808899276688,-3.88904100905681,-4.46943341293733,-3.16465068587111,-3.06717461297393,-2.30245297698758,-2.537301540876,-4.46943341293733,-3.89164853589157,-4.46943341293733,-2.78288037052816 +Smad1,3.02499002524737,3.03055868272203,3.10625072154094,2.89867794278613,2.95188718656794,2.89923028949695,2.88421467505012,3.16493428917361,2.99558249327722,3.08457609349133,3.08417849375761,2.91632479849635,2.94604569858212,2.91964750675105,2.91825475187481,2.74423028498825,2.6592333661639,2.86655345533528,2.75944074991861,2.88843407304035,2.72158541051994,2.90088068309118,2.82961845161677,2.82933865815288 +Lsm6,3.86109043846333,3.72977606598434,4.06301105789191,3.9892664197585,3.39896610358433,3.62149434625922,3.65898835643429,4.13481156346395,3.93944067469433,4.00779796415243,3.61421903835736,3.7846347611848,3.16644195843963,3.03761946835923,3.45882749057338,3.34869987574158,2.88213721618766,3.45314395705754,2.84528157923977,3.50015686808519,3.25238913646318,3.10954927218725,2.91296891573856,2.81547046804681 +Slc10a7,2.67030880010545,2.57808039736625,2.22079711852085,2.51468207413462,2.68037916306589,2.5755785881096,2.52361027716504,2.73402151716492,2.64350654766094,2.29111437850188,2.67538333987943,2.56987191961249,3.27717946518034,2.81816145275225,2.85243010269702,2.88032134488763,3.31232546535614,3.13810262263571,3.10950185577328,3.17817307735525,2.80309529430549,2.95679936840343,3.21809900383802,3.44730343795107 +Tnpo2,4.40866166358601,4.50055814218932,4.70859237129694,4.50397929314749,4.2948169424027,4.33521346928803,4.48441191486882,4.62413347782125,4.55737685591075,4.53653181246183,4.24365529620991,4.29239422926404,4.20180258404773,4.1130476935954,3.81150252628705,4.08155000118591,4.52643995473542,4.29650055970861,4.525866608295,4.03319226638077,3.94669683715142,4.06357667265137,4.47238905579467,4.39638989420952 +Vps35,6.00659272796718,5.852001550487,6.22741196342963,5.72592462041722,5.30276114699516,5.55617797210336,5.47451619668427,6.12982158854201,5.97785953009269,5.79278850273354,5.31136341436614,5.74711847549975,7.39982532196887,7.20843740504863,7.34194553279158,7.02819286171275,6.83418928014771,7.30099045278179,6.89238222080795,7.58633417611152,7.1534591171761,6.99880072812254,6.88015995398088,7.06512312500623 +Orc6,3.67752401904424,3.26645405141045,3.39877533124366,3.02785826494262,2.84387263904552,3.31896358196766,3.46138202314799,3.43013251295014,3.52896431414223,2.91599730791626,2.71684220025109,3.40819728436849,4.28725647891654,4.12886177519509,4.00313678499326,3.74766354691792,3.64663083241247,3.96282903970738,4.03730706708853,3.96045521876122,4.25881234207461,3.62677586640263,3.60168199849204,3.72725893175125 +Gpt2,1.10040513175552,1.14097678298964,1.05046643353862,1.29138305670745,1.61598248581341,0.983709476667955,1.29490443719263,1.13604988930552,0.853736885170635,1.20872358291616,0.968322948030655,1.17515677129482,1.45070519923682,1.77736955973438,0.620533016649811,1.66739270991092,1.44471372667785,1.10431257710216,1.64353148960872,2.34612784087818,1.31060609786521,1.36870028309584,1.63965854904586,1.71655918458618 +Dnaja2,4.66026124942688,4.47894070566399,4.68751657204671,4.72278634879215,4.53063314714967,4.53012089140958,4.42197338528303,4.51688060098962,4.43700913103371,4.61824690038462,4.50952980318546,4.64325682166288,4.70766584276217,4.5633637687058,4.75066425814131,5.03568809463974,4.73212358023835,4.69060812822542,4.40361556876691,4.57128188723763,4.92034536344465,4.92539504745675,4.67908895760505,4.65546532002206 +Itfg1,6.28586931594174,6.08527711237057,6.4030909899365,6.1102504290739,5.6205755723002,5.88971183579012,5.86061053084367,6.34051474717077,6.2507460153844,6.00077746502865,5.79126595757548,6.10795263541942,6.13429051715115,5.87226193263498,6.25736952345031,5.79892768775431,5.42967877936284,5.98365460687088,5.42910690800674,6.34415195518774,6.11276972573997,5.89302426459022,5.40429857704468,5.65754791432105 +Rfx1,1.53043266280449,2.32634820974504,2.00432837151247,1.75781357987061,2.23556753528853,2.37193193541977,2.15703661794104,2.44074271385849,1.85541512946719,2.07071934009885,2.38718229114444,1.97097754564417,1.00860083301022,1.68931434759622,1.19695610657158,1.37740351159983,1.99519199803289,1.37955995089978,2.01598503997941,1.47084531407275,1.07255205876422,1.30570076338295,1.75624572673771,1.86486193275292 +Tecr,5.5136029340204,5.21761822894693,5.40522933460328,5.16609260755028,5.13534812522991,5.1701546605379,5.16719118429321,5.38449267488686,5.36802981018915,5.25725258393547,5.17715815134771,5.18206501970443,5.79729002530198,5.50280680670154,5.58198327908123,5.40291156405996,5.44926403120764,5.65543073741896,5.46024475403819,5.72953431525544,5.61245889575354,5.4515596083236,5.41033716310476,5.55207208147018 +Tbc1d9,2.97938279780059,3.14141056484762,3.22631806739163,2.86964988326863,2.8409987975885,2.95668005388529,2.9556852808503,3.1894695604001,3.03374000815037,2.86524180878108,3.00656824266873,2.83248815861758,3.20847837854813,3.605844040491,3.51855316620223,3.52073431334621,3.33786174318514,3.40688683503539,3.57745798049783,3.47391594570984,3.41740799655881,3.38366420136719,3.40124433078377,3.38519852745816 +Zfp330,3.99434100510802,3.80198844375762,4.13557565628791,4.12595461259676,3.38330017374691,3.41405666650745,4.1193972171686,3.61192905753839,3.9850254671888,3.75912505830866,3.84938508796239,4.04734119818751,4.70264084393986,4.02204454372966,4.32369701942421,4.19322997043339,4.48793708779232,4.54880925462386,4.38318299167028,3.94138084782104,4.49829027858454,4.16754677849047,4.52445115963639,4.44428849881976 +Gab1,2.50977700383036,2.76929212418914,2.91808951911751,2.58945627571197,2.84249851321693,2.91239492876355,2.59485798642264,3.18100534693042,2.63984847258087,2.8154607479494,2.92821802197132,2.73377386386728,-0.801970941073728,0.204306414881809,0.202633223780769,-0.0053430567478467,0.0307936367214707,-0.307924380532921,-0.391417279362424,0.13782804899645,-0.376138426359531,0.195021482375392,0.0594447440469277,-0.981112852141753 +Smarca5,3.66497327790393,3.33465639440547,3.54174794084008,3.44012855861731,3.17928729472201,3.36302805218795,3.26940586600148,3.42550961310874,3.48852250239892,3.46859695860114,3.25123769465955,3.32055936847598,3.59610887111528,3.41638020736615,3.73389550961883,3.54152015385631,3.28756639900649,3.47388665938588,3.19383127368852,3.60242098569455,3.61472754295399,3.5414838645042,3.39201404199028,3.4656560861905 +Txnl4b,2.45680805425755,2.38317668528029,2.56225078865575,2.29309846735185,1.74634979765051,1.62172376074361,2.26277003682354,2.46891089185733,2.52874182600625,2.32084329680515,1.78691392097139,2.11643979772338,2.25829311124987,2.32573846299017,2.73855708320307,2.14824328647683,2.04824577974443,2.09479570710596,1.78825169574073,2.5018924763946,2.38115375816505,2.35567934501996,2.22400196441136,2.3571876289631 +Zfp821,3.42094959866128,3.4407904892601,3.47137068715135,3.5185527087093,3.50656842463153,3.6172844585778,3.63619728081393,3.42048820329418,3.37334955225572,3.5628227912495,3.50472615023422,3.67459394568139,2.54347815562468,2.88771133226955,2.6130354834956,2.95182087915513,2.54389279129068,2.48638036476127,2.78761824088985,2.53889339807015,3.08426069881654,2.77634259937952,2.97199460447223,2.71976924308235 +Ist1,5.15847802873468,5.0359283365582,5.19021911743533,5.28161233877438,5.14461961049207,5.14389885640146,5.10208739510358,5.07568254432201,5.09878204419254,5.26986793012544,5.18026981405344,5.30952259229582,5.11830004882745,5.04465827219632,5.04879633137802,4.93728480097087,4.82787233674889,5.03246500556294,4.86301526370721,4.93593065457728,5.09219373756065,5.0903154489869,4.83395715011837,4.95318134828164 +Dhodh,1.02052584070138,0.869382550941732,0.847125600903216,0.862410083354052,1.01367669545899,1.0068027628498,1.01628477554087,0.916820244692645,0.829050097282346,1.02283996153385,1.02386989856763,0.895005058194771,0.995921917926259,0.882873083642651,0.974983140562646,0.759622865788212,0.949058419171044,0.989309265602381,0.960358554517468,0.900995419204508,0.84145539938447,0.814011574444598,1.13641534856154,0.838651270275135 +Ap1g1,4.37860284403212,4.10552032501405,4.23273895524386,4.10667826980871,4.40396492483046,4.41546191320412,4.2184105904577,4.40363481909337,4.32800550496904,4.1670288958514,4.29908295513917,4.30254605497987,4.00152152747796,3.80797134581177,4.02939594749432,3.80510425966348,4.18683663855823,4.1843715784344,4.07882231034862,3.88157128898311,3.84498090375781,3.66089008859582,4.03588029953772,4.02159288630564 +Phlpp2,1.81422511303262,1.64793136552816,1.51272158376646,1.48705525798869,2.36991298391073,2.36661052551712,1.8527330424952,1.99529106204506,1.75678347365454,1.39436539893242,2.15612976673873,1.80489770897408,0.928329553192341,1.10792793567755,1.09515016349224,1.26321401762878,2.16594241499117,1.52537039809569,1.81447049480686,0.813332234422886,0.870373109028601,1.21408311170159,2.02797862876783,1.7142804992331 +Gnao1,5.25837562178361,5.46547635261605,5.14677963023921,5.21885581164513,5.94932153486357,6.02553015476748,5.77385186773898,5.73824028061658,5.18709762882792,5.32918802864145,5.9152433085865,5.63152312323901,4.38085628654382,4.60203464481672,4.29205412208046,4.48996930821836,5.22274957169636,4.76931265493106,5.20744028207304,4.22132963908243,4.33078856379126,4.48322337305058,5.2520878263724,4.77314619386919 +St3gal2,1.68345822410862,1.70266599478426,1.65395363002722,1.38811014752944,1.81077502748898,1.65314850106923,1.4586125001235,1.90076043944857,1.43719421389252,1.76869334384944,1.69267216607045,1.58843615877769,0.86308404688182,1.15000395778951,1.3406784313955,0.936153833084026,1.14685081405907,1.16677373494327,1.2124744373793,1.06862659179969,0.918675263968884,0.949218442458541,1.26326767445898,1.32253101858907 +Amfr,5.78677361112655,5.39989285300491,5.68797753035524,5.53338058444659,5.28830587381705,5.41736962983826,5.32846635645735,5.59322253307625,5.62244735568727,5.56878115295722,5.34623427061702,5.40357814690391,6.52351411562103,6.17413790008485,6.47557556356743,6.18651048705165,6.06628365566259,6.41231632908504,6.12969945140107,6.58891416408655,6.29484705571394,6.24319299469177,6.11162449522516,6.08728021761216 +Cog4,3.00074985775186,2.93951681461161,2.8816454349572,2.9219267156704,2.92693173361981,2.83889119960193,2.94713469351665,2.93647657431506,2.96214914696131,2.95864505936514,2.7799059740153,2.89211140044785,3.04764628612757,3.16282361301905,2.85066544573774,3.26128045714602,3.260678766473,2.88108120748011,3.1093174308558,3.10983090668614,3.25498878110359,3.28127227061547,3.44971222097402,3.17779933903425 +Nudt21,2.62607049101479,2.61545418815344,2.90443841521578,2.57160876096898,2.14400833055931,2.45466521620991,2.50379689999441,2.73055905278111,2.69402113395994,2.64158302208074,2.18887845016484,2.67179094738626,2.69831927356858,2.16606506380631,2.47284642106817,2.41126866589644,1.877911073389,2.26377543799309,2.2141370963722,2.43803255247313,2.38046445991429,2.26851304532856,1.79129319408315,2.23405096800274 +Bbs2,3.83082088945436,4.13731181397516,3.99096919114901,4.22225787876003,4.22953041053327,3.88110556815406,4.09004169040433,3.99049787566339,4.00415535503297,4.178200367349,4.0769949991094,4.11338463315426,3.94935869767104,4.21811227187694,3.87730560036355,4.28603047228648,4.16585257399159,3.84233546528522,4.20619094409249,4.09439115233937,4.09067893640302,4.33396625422606,4.21497627168513,4.23924337709758 +Cdyl2,1.83722628023695,1.84015042469465,1.76527745784644,1.73575886621534,1.98241419422315,2.09070556003856,1.95217609207705,2.13171453764552,1.90871056503666,1.48768154242395,1.91406596558118,1.826014228817,0.429069391651543,0.775774657235957,0.528322230542882,0.0734320605336807,0.501668133808716,0.493602804497045,0.194185948416717,0.734677887223539,0.299820266661677,0.0447882919522731,0.498218285765235,0.308903053060088 +Mt3,-0.962202683201578,-0.924927769019105,-0.856082735364388,-0.957042481617337,-0.916192238892048,-1.46708892831547,-1.46708892831547,-1.46708892831547,-1.46708892831547,-1.46708892831547,-0.935131990564987,-0.530015362740674,1.83755715297023,1.20163702401837,0.843846514902701,0.965430181296102,0.319831612500026,1.10081002947781,1.42040621049681,1.26243643947802,2.00962392433082,1.42106504809355,1.01715168988043,1.36111301185681 +Mt2,4.189180894632,5.4677626650108,5.60054446993457,4.78982789312074,3.29122863386086,3.28895286812504,3.43431778966792,5.90158097721976,5.97637594292333,5.1712067452497,3.232904080964,3.46913095103261,5.80005161749159,6.43954814342419,6.18942048303908,6.20989553531117,4.90828473175617,5.36395804258213,4.9960721754918,7.17840702214156,6.04348772531212,5.58288939233458,4.89037556153882,5.3062851724795 +Mt1,5.74991861908782,6.87531369524732,6.93051613556705,6.63066749393398,5.00894127738414,4.94989226804252,5.46071386940834,7.35345502983721,7.86161396447843,7.05876493253146,5.25860305157221,5.589581075128,7.97151133442741,8.52208434436285,8.45266242285444,8.48432736681695,7.28193195702532,7.50113681537326,7.27894541115003,9.37875421176597,8.18043551778209,8.12157437057242,7.14458438133047,7.46496170384048 +Nudt7,2.31242689750662,2.17372881052763,2.36233560428346,2.50418669318525,2.44596398115566,2.150483021556,2.4062385393682,2.92545509113465,2.82946748726474,2.1705227555379,2.15902302265715,2.48824809543457,3.22277755359489,3.55657375317666,3.50164707770951,3.68044576582632,3.21220201301829,3.06662474432158,2.9361940338759,3.7758283726462,3.41392170357485,3.34394809251046,3.02252167197309,3.20081993631926 +Herpud1,5.98551264031042,6.04383808952049,6.0081139531467,6.79286740589861,6.15242253592681,5.86591615113052,5.93688130716059,5.88433725741802,6.51081963349759,6.86033389673487,6.30429729079624,6.3601456219781,7.30890006128338,6.67228768372026,6.97147260170814,7.4747829187734,7.18620627369303,7.05048933439228,7.27493272515284,6.83002441503848,7.30736386061095,7.4398736259559,7.34020856285817,7.18637224039559 +Fam192a,3.82985990599716,3.69506716496131,3.97774310324333,3.94501968763401,3.36882809407757,3.62826067994397,3.60880162103278,3.93340401112108,3.80763123213136,3.86969703948997,3.61781829313829,3.94126831145738,3.85540991587316,3.47690297508298,3.67417867954763,3.70449674356541,3.75322170537773,3.60978097621256,3.78453755359783,3.82139774000481,3.86713728995126,3.67843012823462,3.85093987174246,3.86646282705978 +Arl2bp,4.25277401883171,4.16956074542618,4.06584981294352,4.17640254249759,4.14770227577421,3.99946763756329,4.10706456140112,4.00452093879723,4.21287419479868,4.17427662500955,4.20619752968391,3.99025765208964,4.8923847696033,4.71851034807329,4.91425909454541,4.82170423845504,4.55367595880448,4.74064146509224,4.70126410900411,4.87998033075253,5.02235681946825,4.80876906115307,4.56865388528809,4.6717700352966 +Cx3cl1,4.17668242166635,3.9800905662019,4.51801599607638,3.76628436216755,3.63801727257562,3.88864359270851,3.52766456338419,4.67656416879486,4.302709115385,3.87045186258825,3.64675429172218,3.63376591339024,1.88508712870563,1.67678528023247,2.10939987809648,1.3738575992103,1.21175492271805,1.35235662488105,1.48569879287693,1.63091986263019,1.66144645920268,1.76006285773701,0.799658553887302,1.26937749295499 +Ciapin1,1.71502897686634,0.763944683568771,1.11362821383465,1.06308656378207,1.2202205931512,1.31970150460846,1.38845711093814,1.0368542458257,1.07100570124876,0.898047352385889,1.31572325029434,1.07973698799253,1.42871826234903,1.13169650632588,1.40206089814534,1.08448853897049,1.59801811017691,1.40972611229533,1.39424708814078,1.07493149528997,1.28061633331815,1.11825422054595,1.44558768125845,1.08752420284554 +Coq9,3.58749838874597,3.41146140890501,3.47441412451537,3.67055896644716,3.61671838304646,3.57805017576711,3.71428000508864,3.59472355298045,3.5509700494767,3.51647821564341,3.70842478459677,3.55757141395318,3.97838472206367,3.84800619818119,3.85292695256346,3.77315327456314,3.90874046518055,3.70127699526363,4.06210600627968,3.83504224438617,3.840745644288,3.90974875531055,3.98829600850043,3.92812362674684 +Polr2c,3.71460490815322,3.16991232839065,3.61687744953584,3.86192502842172,3.36701398495656,3.52931917839089,3.60743771711802,3.53921123479008,3.42074212568418,3.8068449451612,3.41513819054154,3.45124159092685,3.86950344857172,3.57084992987182,3.74639598113282,3.6970780219832,3.43411422816568,3.63236222343642,3.38431316283506,3.82131608085641,3.7117283767652,3.63671650031915,3.39227481356045,3.52768224952935 +Gpr56,5.30777551129056,5.23111731387127,5.33515899077503,4.91219646759804,5.28174359633166,5.41653716348154,5.17601632164342,5.64326734768355,5.22599718106099,4.96819262140978,5.33558116759807,5.06489710118887,5.37638465573872,5.42201208387492,5.58336178481704,5.27260175319294,5.54121333124991,5.52944660544017,5.65364029670863,5.67849769956208,5.17628219589555,5.35200026181597,5.57689124193794,5.28300584809498 +Katnb1,2.82858557457766,2.91590050211712,2.52343046343029,2.99719483896844,2.89297434997891,2.74118533044909,2.8996100053555,2.91335220279419,2.7475901649951,2.8536843588835,3.01122577288157,2.85884809397419,2.10913652684809,2.49772792124348,1.99867295992088,2.3171607173428,2.5275621934857,2.24973158660301,2.62581392634429,2.05417389040691,1.9364817838698,2.27572453989455,2.37623091975208,2.52645220470028 +Kifc3,4.61756194005536,4.71669832634771,4.56842610297589,4.73111262327163,4.63953907882233,4.72887567722363,4.92608522304701,4.41778531393221,4.60832940327348,4.63160207740275,4.64452185024004,4.5645112544413,3.19131664739738,3.94858070219377,3.49956764955616,4.01123994879043,3.9360445113608,3.37513943119708,3.83815887823404,3.22135450317876,3.56452203409071,3.8337656675214,3.92870973961909,3.76963178047617 +Mmp15,-0.675505208816372,-0.249874551021573,-1.01982083460627,-0.843620220976399,-0.259124621646412,-0.627483820095588,-0.872092391713762,-0.516300953286913,-1.21334294439573,-2.19377644348302,-0.827199215962493,-0.694647191085187,0.0885404321887568,0.339974070367759,0.435673629355194,0.670359029450854,0.163108588577646,-0.358137218877415,0.11946811754054,0.206554427130506,-0.376412555417944,0.278748681617695,0.354786762741966,0.306213194339315 +Tmem38a,4.43213782686039,4.35038449426635,4.3902070401603,4.28128159907674,4.19944781993533,4.03597912828904,4.24164713168559,4.52190542326152,4.38952547186106,4.27144304907447,4.13922735588612,4.30216571118644,4.7309103966482,4.23539478009199,4.50699693616406,4.08478464382284,4.50664997866785,4.70896560734262,4.42290607916401,4.44380351870924,4.29859455941445,4.31565864609436,4.40335794879817,4.75503075604483 +AA960436,1.99442642147393,2.17709324538553,2.24463653028796,2.16209065679533,2.00904403822201,1.6617125549331,1.82485193199795,2.0175541890193,2.14666180825512,2.18198721718921,2.07197100000987,1.86433400024331,1.97813357434011,2.06338451509398,1.91249094862084,2.16818270881201,2.11825810135996,1.93064976668544,2.16716876251771,2.20951710837138,2.10723295474721,2.01917869005722,1.87399054321513,1.93410920706389 +Gtl3,4.51543038010237,4.68420613905843,4.65815751163486,4.83026756413965,4.50923725862715,4.25372249445523,4.52562549784051,4.52519195817626,4.53557147273309,4.73446155269631,4.5268253041683,4.56730719402765,5.1872207317975,4.95952743774723,5.11326968927489,5.22645893307766,5.13826015771364,4.96967951353092,5.23147637012756,4.96347949534781,5.09846866946948,5.23042193672657,5.20300452024247,5.21582818805831 +Tpm4,3.53784757510563,3.39877568069198,3.28449137818254,3.47014161930412,3.52462653896407,3.39508660652706,3.61931765494649,3.25230772392887,3.49746305877186,3.29067981086732,3.46931366774646,3.57380558311973,3.95331648204744,3.60645957500974,3.61525399846387,3.82119139369345,3.86046843864536,3.93194415583543,3.64587315091119,3.50417509845016,3.68003773209219,3.70642523307969,3.90456213153574,3.78078903292726 +Phxr4,-0.230178978498789,0.149382390866242,0.051506260879327,-0.996278152511362,1.16723595145344,1.49625923956674,1.01430626404563,0.0123345051932253,-0.252691513783849,0.140943568275337,1.06783172498949,0.152602031776616,-2.18492311359115,-2.24933903052065,-2.24149891658042,-2.82189132046094,-2.24642885759136,-2.1917496482336,-0.855084111832415,-2.82189132046094,-2.23056830653608,-2.82189132046094,-2.22676989641689,-2.82189132046094 +B3gnt3,1.12848159143258,1.54626605306153,1.68502903850384,1.60208100471459,1.19344328348835,1.56228810841471,1.11547487070722,1.80605768627476,1.59581302142349,1.33248335871274,0.93205129565691,1.17040938061549,3.80855859250717,3.91251685024955,4.14491498784077,4.01256812593611,3.68740159849279,3.74108441758488,3.6959507046257,4.03154401560472,3.8933582757221,4.13706940971513,3.69947492767979,3.6690118254127 +Jak3,0.473099253614448,0.926018231235277,0.534097113399674,1.60956826386086,0.965084121318667,0.819878621277606,1.05272896449428,0.862003265798747,0.255019995177346,1.34321961491146,0.940617175637656,0.843804375403627,-0.76707862461879,0.14526848847426,0.211392694825912,1.14765308397233,0.584971984043941,0.0190047821004069,0.726026050130542,-0.377101196497912,0.178062400397814,0.639672382169861,0.452176131163116,0.370371984647111 +Pgls,3.19610074902919,2.73179212835902,3.27003829224829,3.13634058341411,2.97284045831771,2.98957142647096,3.09227006549795,2.78438012893424,3.11505445804484,2.86270754675189,2.86743102380883,3.10252016843769,2.88532426865106,3.15256364497655,3.06731065900278,3.10370016867735,3.04841327196842,3.04480166957405,3.09927805846655,3.16866513803801,3.03372218403016,3.00595754743213,3.13910165129277,2.90990607559717 +Slc27a1,3.201779904155,4.04345309474498,4.00364987849854,3.9798664829714,3.58299935031819,3.64764132805459,3.88272858649466,3.93612289313722,3.71433348071498,3.78582445504938,3.67434411608693,3.53158501325402,2.97037611398346,3.13528737626813,3.41820047659036,3.16898592853001,3.00381453535074,2.8481551426884,3.10035182685258,2.69191341491434,2.96247064161931,3.0590919190799,2.82956218117551,2.86629992138389 +Map1lc3b,3.02690528697788,3.20370519245209,2.93420986736629,3.22790229495602,2.94598968359658,2.94605598061786,2.98818610603614,3.06236200109495,3.05459031980233,3.26719204364469,2.98155344966374,3.06973049540494,3.54767539991163,3.63932083688367,3.54601577696318,3.68482900664958,3.44800251248187,3.45766274443664,3.52204502653163,3.89286757627116,3.64674756911261,3.69409822392101,3.53176754516093,3.50177616809216 +Fam125a,4.67630478643874,4.10995837595668,4.56731415986043,4.65397611028913,4.34554509051141,4.17264050447828,4.46794531637111,4.17162173785028,4.60987178857484,4.54572408216819,4.23629350752697,4.25353592303111,5.23193596712809,4.83913520416901,4.7356221167662,4.99052071095454,4.82522700290292,4.89463125140117,4.97632557173111,4.74189687734572,4.99967793235927,4.87731406821735,4.9639880144102,4.89813334154487 +Mthfsd,1.91528123261659,2.4592513062681,1.77214738018051,2.37381399632318,2.34694258067185,2.43109054261406,2.53606032932936,1.63948235367378,1.9810759932804,2.29404631178218,2.50985190833797,2.19719992998852,2.22485474468145,2.28186618676972,1.53368145224283,1.94950050003836,2.42761959845835,2.2058117756335,2.77426260701506,1.53926377706277,1.97370980131433,2.1841030999051,2.50690877498155,2.562425163856 +Cox4i1,6.56761438544308,5.88061932576737,6.74166250759809,6.44033344494192,5.99396554510622,6.03836743015622,5.97736416229452,6.57137443063004,6.49813530727813,6.4994659340057,5.98532792490598,6.15762343360764,6.70964308129885,6.21429072103208,6.63292655918344,6.27700432475538,5.99653644202153,6.48581588045552,6.05250174818189,6.68925080293058,6.489388847159,6.34460222503183,6.03552421718094,6.09619254044438 +Emc8,2.63147747090889,2.21913241159449,2.49950540613682,2.42758481383474,2.56670050076693,2.44803419261347,2.54052980406173,2.63870488231103,2.60759387953668,2.39328720652422,2.45301666063271,2.43001333880281,1.94760127855307,1.96392928139231,2.04754678142923,2.05944014521639,1.98382092764837,1.90264993044061,1.93579189391202,1.63820264413784,2.04215625578713,2.0556587432901,2.10718513636478,1.99095977014803 +Babam1,4.62984401547691,4.49779877453793,4.65515289284141,4.6230822380407,4.43346600295509,4.60403708350591,4.35889797896204,4.58789197155164,4.56974039123235,4.52533081328933,4.5003167989664,4.60782740174597,4.5933879815835,4.56338011899757,4.57977367640402,4.62644251907678,4.3945512661439,4.5944098334336,4.63640576857621,4.74606327558106,4.49839607400625,4.7308416434736,4.5331273790405,4.52187377073036 +Gins2,-1.53101571604519,-1.26593954966206,-0.934036787059264,-1.28599497224076,-1.67790178003861,-1.31202412097131,-1.17848554440227,-1.46936028594533,-0.451760153171228,-1.26381656339431,-1.53950134035159,-1.42148539100159,-1.6843565280399,-1.62075407443678,-2.59843467442043,-1.80461330436543,-1.83488467147835,-2.49348646401474,-1.03016499233368,-1.66645337544566,-1.92098472859821,-1.60715321552742,-1.91173812504325,-1.35836488391363 +Gse1,3.37645457789848,3.74975625720406,3.37532229664924,3.02437836941549,4.42556959875714,4.46097226420137,4.13009246690757,4.17629681281079,3.24358492418963,3.15601194573775,4.33171615372446,3.78253419659164,3.10444497419542,3.87354757286342,3.35045319977148,3.19044862229264,4.68973385654512,3.95443641288426,4.88451399110456,3.24358679451798,3.15172247783655,3.38570162275555,4.70382800626438,4.23723199368205 +Zdhhc7,2.62164554252144,2.46068058668931,2.52491873047724,2.56720789975785,2.49381223381063,2.59937164278489,2.7669569846542,2.53661854928187,2.42689759558161,2.66960109337889,2.51083758728173,2.63035658347828,2.76972988735758,2.65879745830854,2.56695280733509,2.48437606531579,2.96711718470603,2.81070392866244,3.0202143649496,2.56808806844712,2.67745570882642,2.7417000671593,2.73665178777679,2.61610457725789 +6430548M08Rik,2.70641300221718,2.32567400567134,2.24411182191057,2.10067907344206,2.51361971545531,2.43397290858509,2.44737923423935,2.09362414751839,2.16931263346738,2.06786361175734,2.46713660615434,2.46537734449182,4.6784461388716,4.08484784231898,3.86826807723631,4.09117025729677,4.83816639999836,4.64819739817481,5.11184950957951,3.48905656860217,3.89951722882422,4.00779033737206,4.89560871226882,4.84147224195889 +Usp10,3.51396574734231,3.28279810429427,3.27564549882258,3.26236177760264,3.64091326406045,3.5332948454241,3.39472919862994,3.38064505437817,3.15059552030342,3.1872752551554,3.45227607370012,3.28888395735616,3.05157862019063,3.13918196774738,2.92524867921406,2.8761078590261,3.29144213813371,3.06649575834438,3.30331615611172,2.74529458679236,2.81327283763201,2.92074984266842,3.35276034046971,3.15050642293503 +Cotl1,5.55305038673571,5.19150683294531,5.85757769286812,5.3763014321182,4.8999612504695,5.26019913655246,5.00549973496373,5.36330247604008,5.49968491363476,5.6277460051041,4.91552216637112,5.06459300567665,5.11355596922509,5.09527921495359,5.31409305035426,4.92541888643626,4.58993416451206,5.15133631622076,4.8878508591569,5.19417070526616,5.06555388666718,5.00668456005051,4.57662469533834,4.81256079556231 +Klhl36,2.17272758855249,2.30503817394661,2.76575990982665,2.53502468263411,2.28297202177996,2.41903826832954,2.00526006536774,2.51271357486448,2.30743872671041,2.27989563612177,2.38900040513224,2.50102262347241,2.53401339319984,2.63257526054808,2.5154527057001,2.77188367603599,2.65157679979189,2.7360188837542,2.78923254097396,2.51657894700235,2.65705891176237,2.67883971291666,2.65759134542327,2.17881492191699 +Taf1c,1.86290350188081,1.99219522618965,1.9622934930517,2.32559540423839,2.25130809135901,2.13574427036578,2.47483725427641,1.57972604461961,1.88588126492525,2.1782094966806,2.22666612935137,2.26279565480136,1.7029531060606,1.67099310694599,1.61394155124062,1.76228850389662,2.19191865032122,1.91384743411246,2.13178021876493,1.55189855867535,1.56089143623634,2.03290861655147,2.28126648639984,2.04428983910178 +Mast3,3.96756843697996,4.27483236050335,4.17802505649084,4.15495497189477,4.47307672770572,4.57805196450162,4.33575248408991,4.43854083593147,4.18746656324042,4.16389680710788,4.38258193362902,4.0432878606079,3.40420103238184,3.82253598173916,3.8225211690287,3.70168872946357,4.26753779914867,3.76813311150513,4.26489615120842,3.42799100136063,3.45419399019043,3.78674970875558,4.33173137091453,3.94836080864542 +Pik3r2,3.50488299430449,3.59935924781511,3.54165694146357,3.7190839312103,3.60657029236104,3.67579309968041,3.65536495167552,3.33501933506379,3.46299793814603,3.85597704633104,3.7223884966563,3.58008109868855,3.42345505814847,3.94629171021662,3.63958026603197,3.87356565418321,3.84936560480388,3.5403085758195,4.03519348494718,3.50241989068654,3.66148422956611,3.83566741864801,3.87809818877453,3.82643456674142 +Mbtps1,5.49882633327759,5.62004498127727,5.74120398031936,5.56594632421885,5.39005941836164,5.45388955212687,5.36811088484155,5.78329786794241,5.65442782573263,5.52101114601699,5.37378651134694,5.38165957842825,5.25300263743309,5.48606168146333,5.45213913403031,5.42514285647459,5.35958094355747,5.39385660188595,5.45468792155749,5.57590211214191,5.23296964162063,5.36124348051356,5.47488055148364,5.46958469215523 +Necab2,4.23602710916158,3.95892942283268,4.22852230727298,4.06594698925284,3.68129080154027,3.80061994170027,4.02833640569428,3.95893781557693,4.12323523172279,4.08321554539329,3.5868234089342,3.7377052880787,5.24287134056332,4.54756252568678,4.87465241589263,4.65742017516038,4.58128972690269,4.60580988197822,4.78028045559095,4.46651327297139,4.72430761254182,4.8690498993911,4.64822576019978,4.54351255535658 +Ifi30,2.81173861904685,3.06189626747954,3.16902241851757,2.75856739247343,2.7359642057202,2.83379447993356,2.24242156493512,2.8711824858331,3.00681631781423,2.94818942706057,2.43895866778248,2.2720045763447,4.4463558067327,4.10634081578984,4.79363090458499,4.14293461500183,3.96133588789945,4.39039197489504,3.98140868121592,4.42282477941293,4.15412579643426,4.55316688274199,4.08996098343033,4.08249602151173 +Hsbp1,6.23509713520577,5.82785679839688,6.17679752337028,5.91851660117477,5.50869221040218,5.84303775659284,5.79680924292836,6.06808493461553,6.01441212123366,5.89400244411379,5.73172014790259,5.92716455987909,6.30243024895105,5.96071092121011,6.18673489982131,6.18203504802838,5.86583544100231,6.08717709914843,5.72074382577438,6.42982693712751,6.0925341609716,6.13724047792249,5.81285544210241,6.02342592341958 +Rab3a,4.23028602986133,4.21959527934655,4.18987628811939,3.93784632957652,4.00568428311132,3.99981688372517,4.00810762487794,4.12828873432345,4.07693663041934,4.24267566852122,3.78748686574291,3.99994157061824,5.51871309862321,4.91021215273541,5.38628959577352,5.11887414673767,5.33815012724669,5.33130110585374,5.29840650642818,5.0733294187683,5.25128254060536,5.24554236647219,5.32651088271555,5.1571340624038 +Cdh13,-3.17597102409953,-3.0717814542259,-3.80668157929738,-3.36254202097962,-2.95583030691771,-3.06068530181098,-3.09672663944557,-3.34947109225563,-2.86626190707352,-3.09367442637331,-4.17334580351758,-3.38612572609745,-5.86463235819377,-5.86463235819377,-5.86463235819377,-5.86463235819377,-5.86463235819377,-5.86463235819377,-5.86463235819377,-5.86463235819377,-5.86463235819377,-5.28684748114801,-5.86463235819377,-5.86463235819377 +Pde4c,-1.36580479206901,-0.600710071043336,-1.5942417461706,-1.1461326106852,-0.646347311315529,-0.135982069367766,-0.628335997493275,-1.15548038403867,-0.927445966142746,-0.624953013998468,-0.778955207108982,-1.25056185129704,-0.602868150680056,0.774463091280496,0.0609989167492229,0.510282439815053,0.461364158469931,-0.0915252119559002,1.30151359384592,-0.421406218115755,1.00624459552875,0.746123131960733,0.219112337463761,0.335207494358853 +Mphosph6,4.18052199974983,3.98636488332143,4.43321823304069,4.1915780562667,3.54706344674555,3.77795962650959,4.0112452438489,3.80154938555594,4.00479181711143,4.27544817110785,3.95392142248575,3.97459689357913,3.90128708659445,3.71550440171595,3.82526304391945,3.18862397619861,3.61126923550986,3.63468613316108,3.31610958630649,3.98979825121192,3.48828831241595,3.86327400517636,3.42534342286626,3.50438709479515 +Bcmo1,-0.298511238524424,0.311230328881735,0.151424012484319,0.872095985782754,0.228264375498673,0.397492649144833,0.147429440896426,0.129393691019968,0.0615968936717666,0.0394853290913912,0.41371248557922,-0.0409905478309112,1.33442251907324,1.19260504353808,1.25579126891796,1.23146390935416,0.695667025306824,0.56225243291857,1.01819292965896,1.15263832220592,1.4729246925678,1.28710120621166,1.08593557424761,0.838055095368703 +1700030J22Rik,-0.310212783235839,-0.24754551234561,-0.276878340743718,-0.822375684595875,0.013891817075087,-0.476542498894303,-0.651881626376817,-0.152588952150788,-0.663939609203832,-0.648672528930548,-0.498123427605008,-0.725752970901905,-1.22073724039502,-0.50702856924362,-0.421350236690778,-0.550378376406163,-0.258382324441669,-1.2369959096333,-0.412254777427245,-0.454905770686947,-0.329972576757931,-0.492587910468469,-0.583164764996301,-0.038228550025567 +Lsm4,4.71521742148857,4.26738326630094,4.72168027660438,4.6250349538836,4.29481903516543,4.46348287482646,4.65347672595674,4.48428524892386,4.48982634029391,4.76168760440473,4.3338811974693,4.56555926717145,4.56077972617242,4.37411082463789,4.51950788177601,4.34560857057723,4.09556319466458,4.53535145197597,4.2103906530143,4.50328303812849,4.6315420973979,4.22869252817982,4.22207046357105,4.1924196044498 +Ntpcr,2.00286493368155,2.03248419766325,2.1782664780211,1.71537639095061,1.45794848886143,1.90273053294027,1.51246140256315,1.67697492276939,1.81383710557473,1.79316681902787,1.62842303235892,1.86205877036297,1.92238007859403,1.7379719223021,1.52864890664649,2.0350275696644,1.42103064690161,1.72363944078529,1.56221041552739,2.11680537462341,1.95301331649424,2.03176090531077,1.35805005864912,1.65170133444372 +BC021891,3.38327562103013,3.69106256926811,3.55491402559161,3.44547299357237,3.36067013392319,3.51585768631462,3.7025523153056,3.62501993423673,3.60162134174329,3.45791792362823,3.4825574551891,3.57114014810588,2.00693318423436,2.31635408550934,1.80253422878285,2.09292180696903,1.82915741492581,2.03479475090624,2.28912331684143,2.02786008018535,1.8419561077733,1.80171019986595,1.97343308747478,1.99236637408841 +Mau2,4.23220293798369,4.87949166732814,4.26463426825573,4.76813076136108,4.88635857806353,4.73197873733049,4.80725585646094,4.54305851021157,4.54205944943777,4.80981449112492,5.05698732328447,4.8437187586228,3.88242496672421,4.35838326875464,3.7751111881007,4.28066361955144,4.47848677027366,3.95482623703513,4.48957166500844,3.98414258785617,4.02752687194513,4.31715268982183,4.48454605729177,4.41558127580415 +Pbx4,-1.33285663886159,-0.584997705128691,-0.330760463512233,-1.65647467427395,-0.929095415646667,-0.680198985281182,-1.07131799224009,-0.997950523529925,-1.45896845050671,-0.26336442712005,-1.06809157793618,-0.717962496131385,-2.00798188925093,-1.95264360110413,-1.93487213243172,-0.727903964492253,-2.13764844000824,-2.52231018086033,-0.927882039934233,-1.79382771144001,-1.00119902077357,-1.03641500441472,-1.31434205418197,-2.0086336075599 +Lpar2,-3.4865350801127,-1.63358581774874,-2.03324033730081,-1.42400837574701,-1.41736330490238,-2.00319309913652,-2.32624750747686,-1.6602438238766,-2.33743811196399,-1.77447573879624,-2.45802993220515,-1.77333010417373,-1.60199183735539,-0.897495221775516,-0.749699310994627,-1.01683414283653,-1.28915529602714,-1.39483815619714,-1.2471605474941,-1.66654328735007,-1.13415110374038,-1.83825307301334,-1.23491502364656,-1.96993374646434 +Atp13a1,3.54234027034387,3.65400765111544,3.02662850314581,3.69262523648745,3.94457140586427,3.86283047604436,3.96025754633798,3.11725068008109,3.40839670672105,3.58719876638738,4.03423809831786,3.88778093648824,4.40862965052875,4.46657567832184,4.32828210356587,4.40558461936203,4.66192268885737,4.55400477118635,4.89761735252201,4.2332271515043,4.42324018426284,4.37590782344399,4.84826529910348,4.64722349024355 +Ints10,1.80203081141016,1.83337226931349,1.47053267698434,1.8779439742356,2.13680317688593,2.22473995404326,2.02181206443749,1.64747111785708,1.6898801037317,2.0627327722311,2.18955044762325,2.28457621851623,1.95370989526616,2.20760749216053,1.80136853967771,2.13693793018082,2.25233795047092,1.99904556496828,2.03753154044069,2.05475998159831,2.15474103586301,2.02443973140539,2.31097046726844,2.16672492414092 +Dctn1,3.72290546557726,3.95901250909762,3.66271890064227,3.82104461258389,4.04498732450997,3.99818626183243,4.01678601857247,3.84050512321326,3.80487870967232,3.76892342872638,4.02990370550266,3.87260334989893,3.53506797655672,4.05661252511407,3.48966947375694,3.89594288063858,4.26634512120796,3.72008599025937,4.49828953002175,3.4589196695207,3.65723748912812,4.01783786411079,4.32939288007879,4.11349270424619 +Nae1,2.37406804036654,2.30304628518431,2.47067843201946,2.62729600092733,2.46715957739441,2.35913870311624,2.38366043907109,2.13204414254238,2.44836556185987,2.57085623479215,2.47783685499743,2.41263613580138,2.54086929824818,2.57877410250649,2.55468341056937,2.57450758614212,2.40292725130091,2.4368196576548,2.24268406301991,2.73342183058723,2.69551977233136,2.58282207885444,2.26128965977034,2.42559789357543 +Fam96b,3.14209488957907,3.09103050263207,2.89449834377308,2.81017389102734,2.82444349082617,2.9054112456959,3.16549938394103,3.03684361129706,2.78259802656523,2.88504437364192,2.83241463682703,3.00821553572512,3.09098223327742,2.98939530389886,3.15013431720764,3.14168751375214,2.69618085200244,2.8321844366803,2.95681845168428,3.34668051485843,2.91034211859472,3.17125477388253,2.60800341565358,2.94716132508703 +Car7,-1.2837161790563,-0.774663767334633,-0.592095680919268,-0.698686092588341,-1.5703330341728,-0.855535528972135,-0.806231596771281,-1.0299447891547,-1.42648384285757,-0.527320405510088,-0.894678118271476,-0.452876100662573,-1.21575330559261,-0.605105923120354,-1.66978573696291,-1.22696347574336,-0.684554864747916,-0.543777173819179,-0.377478475959851,-0.602537348309647,-0.835828371664501,-1.09253154703104,-1.04925565871316,-1.07633634793069 +Cbfb,5.06258326834769,4.94772648445255,5.29402188539038,5.09908545639655,4.65516441216061,4.78700185004783,4.71812098590621,5.07765217155452,5.05137668882175,5.08987360304771,4.69773551808381,4.93529173199962,4.2460096815826,3.94580160565236,4.30223936905638,4.09286780730582,3.63985569253457,4.05589194332955,3.46350677864413,4.4434834859616,4.274668485572,4.25994569007801,3.61437573788364,3.88353941032812 +Tradd,1.7577130886698,2.01887765218394,1.96304167362998,2.06117535852661,1.86564213923895,1.61744156655682,2.20359587490149,2.22614337746772,1.95542657062703,2.47823144565552,1.88160343189731,2.19768172969161,2.37801955806133,1.93091756782424,2.11753263772377,2.2096710576519,2.38294370098296,1.97501939318765,2.6949160340631,2.173028372399,2.28078979451583,2.34679630468036,2.66321913748957,2.13264121064265 +D230025D16Rik,3.18974158148613,3.33889483632117,3.25261010139272,3.27923323922653,3.35296823184791,3.27725835429045,3.29455875634528,3.38424408432025,3.47903233783249,3.26319514576782,3.34075805040471,3.34525751309819,2.39336443177669,2.41182786733684,2.45713945649443,2.52606807232741,2.53608517884452,2.37430924365637,2.31483226662534,2.47602683830536,2.38354944585044,2.48125142018556,2.52220834768931,2.79675875498237 +Ctrl,1.27675108662995,3.91778514274004,3.71829720143286,2.95366849903613,3.58973027702304,3.76024147772796,3.80267561254101,3.03175499700163,2.06502562492592,4.7450267664652,3.6361537159249,2.81435911514721,1.47173154418023,4.5865213697017,4.41105447075183,2.77158689223119,3.30545945232929,4.66819429536279,2.63496945610315,3.63677303271871,1.21947442166951,4.08321515144162,3.85098506669354,2.88584486999003 +Psmb10,3.69264593799931,2.91880120030538,3.69151571590325,3.78657793212116,3.54792657874758,3.17249456705552,3.42960596397608,3.50530909773102,3.68726541631277,3.86635767541471,3.66955775318278,3.45216477834627,2.88412054123004,2.50513353888382,3.11313914570878,3.18700759161852,2.90950639700441,2.77974634221892,2.5060130987616,2.80142068088295,3.02664465707779,3.01399423639123,2.84693603757989,2.68776169983488 +Dus2l,0.671912926357651,0.842482705233772,0.418111023275998,0.7394144542369,1.01151150218309,0.783052267555915,0.839327869035677,0.617116595334585,0.791765423999989,0.53238484664504,0.834889858170299,1.04310793758944,0.785683012175153,0.80560808880835,0.32995869123135,0.992439374863442,0.956695572613902,0.998586043978075,1.12388721114448,0.69191515640511,0.791361202339585,0.874640672781916,1.13300308926539,0.975881150353231 +Nfatc3,2.96871964352161,2.91274864565751,2.88823269108488,2.69646395713002,3.19620941416236,3.14169923747326,2.69286137192012,3.16605533886161,2.86482906218273,2.65178295142387,2.9517635564178,2.87045329199728,3.16329652771709,3.1421276202912,3.03937922238901,2.85800102385984,3.22624378008202,3.05774877890514,3.27089369231718,2.96278920684755,2.97607426221814,2.95055423258655,3.13298417436624,3.19105016233514 +Pla2g15,3.52744366288436,3.26185529256887,3.92373807537876,3.43502055654707,3.19760868607615,3.30283414015862,3.13174138257104,3.69342003982818,3.57053435489085,3.34114746018924,3.24400858037577,3.31883320245379,4.11509553140187,3.9342972873071,4.37218197083407,3.95344778417264,3.8115743546727,3.98542273308285,3.94455853847564,4.34907944046639,3.93320836721712,4.12738538922951,3.92361157872984,3.86823929997003 +Slc7a6,2.72948855230124,2.53295415531087,2.48077445529005,2.59652400297214,3.1975205473677,3.02086463735742,2.86066908931444,2.24110256828678,2.63452228277066,2.57986907550892,2.96323262429519,2.90616837447355,2.33142111240081,2.56016692255833,2.05674810863185,2.64336174449752,2.67095830994884,2.37732880838164,2.55583906323825,2.08890173846918,2.29736740182751,2.39041171330866,2.44886604972767,2.41125114165815 +Smpd3,2.85250667139916,2.97459025787279,3.17624757673619,2.98140343895135,3.06016800609979,3.08428157346208,2.80445285484074,3.23195641956053,2.86814887488053,2.93573119472347,3.00637668903143,2.75480762541516,2.52561594523306,2.95309396042569,2.74453011087515,2.66152084984266,2.66447627161379,2.73006528996039,2.88632966005568,2.67316816611788,2.52103770781915,2.75966548809997,2.83680359002311,2.73530843000718 +Zfp90,1.25638001172994,1.72312686315752,1.59169175755139,1.66292327723675,1.73937609640687,1.33115849901767,1.69058667991893,1.38199324975767,1.39055697292746,1.63395314418791,1.70170867997352,1.51014289708079,1.07930452446578,1.2573281124317,0.979425582827486,1.02573756892554,1.35401827319381,1.11250772572375,1.28795472888431,0.766937609893255,1.34584069593012,0.971651073289113,1.28254098158986,0.956566674033426 +Vps4a,3.88964215362267,3.57698467674265,3.89767083989462,3.94291522412449,3.68237566027755,3.65158206867912,3.75024941804794,3.83631364159495,3.89864548265982,3.92738867637997,3.60452561200279,3.78662133635145,4.04623189339124,3.76950168741856,3.92756683123577,4.04636425147221,3.79262848372343,4.018959177153,3.91107394023955,3.98667509531225,3.96542754983641,4.02080932146535,3.82840272588015,4.02630440509484 +Cog8,3.59962842770984,3.24482953870729,3.35358452454927,3.4175394864171,3.42174544569545,3.50092030118217,3.5262739563616,3.17765098438747,3.22672471747707,3.3372144247915,3.32150588446762,3.47704749423767,3.84944049516539,3.66873497078106,4.03373036539482,3.98284177387879,4.00040838729215,3.86711677404445,3.90543681716874,3.59657960175869,4.04425964784063,3.79183889653063,3.788724553913,3.791488164484 +Nip7,3.3245141512892,2.58016679108043,3.17569286817793,2.95282258564961,2.39475061546934,2.5186789401716,2.68560917577957,2.60653313260769,2.80902180268922,3.05184897242584,2.50467625658235,2.79995108439853,3.41254935142453,2.46927515173397,3.11789972627314,2.73988836888077,2.48616440664762,2.95706245626266,2.64730127364414,2.69261516995989,3.22256872219511,2.7722437777406,2.66120659483677,2.84542042230683 +Mtmr2,3.83084854093935,3.63204112177378,3.95187457260919,3.80203742414158,3.29837763641894,3.53277872893675,3.53373208961633,3.65894468612786,3.77843042884823,3.60334888063445,3.53921769396684,3.55797181585572,4.21174409993763,3.93752038492745,4.19862520715329,4.19631407704606,3.77280897817164,4.1170293371083,3.84302736207675,4.1463870896736,4.30052371203358,4.18302821044726,3.82749145243047,3.94054963049339 +Tmed6,1.69999159993535,1.05447369790203,1.5657817323096,1.87507356806688,0.759958736338256,1.23987668005771,0.528349162279263,1.29806034359105,1.17986913448267,1.2719556429601,1.22462002229714,1.37702088318627,3.97687323088026,3.50084027181538,3.88200622702243,3.68206877057975,3.28255685273646,3.93482684536478,3.08587489492498,3.74783274768754,3.65117123007836,3.72469995913878,3.18444367102879,3.16694661376394 +Terf2,2.75806833582551,2.67700877820004,2.73815974803733,2.75248266365252,2.67815066250427,2.72856596912717,2.68668553925416,2.40965441462074,2.79048924326902,2.71754103324246,2.78536510629617,2.74040612712986,3.3056028343312,3.50638753305026,3.4128816255873,3.6396916912617,3.31019465940953,3.40173762157258,3.58344659563064,3.3128380186216,3.83187709241358,3.65950152872542,3.45388492206933,3.57015077624412 +Cep57,2.73541032191896,3.02835800485661,3.09436172353658,3.14605632309659,2.88886378730529,2.97627453676739,3.0256413729999,2.78148272699439,3.10828037723255,3.10261565890077,2.88250439601523,2.79148721274404,2.67300414969524,2.87761549927732,3.02901588083193,3.19282918728298,2.80397356020203,2.36355521401059,2.61207437398467,2.76245819982804,2.78377951651766,2.96720111660991,2.79990326447219,2.7237973143543 +Cyb5b,4.98902122802639,4.57401989099617,4.59587450039254,4.45146845359096,4.63508927651691,4.79908333679217,4.67438422880251,4.62716651063416,4.60681642384869,4.32353116732619,4.64277021178878,4.62451586384207,6.84899099939641,6.40862425788479,6.63430698702122,6.35551820758886,6.48093012222468,6.77132798524401,6.55687120976965,6.69916993138118,6.58523330550011,6.35816646223392,6.41670222211187,6.51929769742381 +Maml2,2.16841062534866,2.22018567684348,2.2468027939658,1.85129828262474,2.3176325179439,2.54824686232326,2.02099959499307,2.69859504077267,2.13301996848082,1.87344769933249,2.32009343598728,2.12181329695575,-1.03137283037726,-1.10731011163371,-0.634707468194061,-0.916677746394656,-0.918702999225853,-0.901612425460321,-1.19261544976142,-1.06452551908879,-0.675747446673442,-0.912075532094948,-0.90633698556955,-0.981222953292664 +Mre11a,2.27112719287241,2.4574847587681,2.47560773994994,2.38812276217885,2.39537320931609,2.41772901508484,2.32617428463896,2.35567974962091,2.343973621995,2.50268131390178,2.37256822247323,2.45719624083179,1.8040247174792,1.84752427097252,2.07496565794733,1.88751309496341,1.67834464681582,1.75443730260404,1.87129386423916,1.75521383351328,1.96658665413468,1.88248491238429,1.99003909737114,1.97407699493867 +Wwp2,3.46894261058267,3.60657862922468,3.66380734134657,3.39173517223543,3.43304714847647,3.3780200022083,3.52936364783948,3.5107591122837,3.52862955225532,3.43798946326555,3.38538682389639,3.39893307649905,3.67225445784732,4.10838310031828,3.78118209388127,3.78491619861264,3.56360707446072,3.66334411514012,4.08342217508772,3.79491947189869,3.74864210774004,3.74759500827954,3.77094746033939,3.84534092377904 +Ankrd49,2.79673141542586,2.56908370690693,2.83503618589474,2.70348787998253,2.28095096482847,2.63221255619704,2.53073927123423,2.50107886467402,2.90813746453061,2.80924179247337,2.56127736640229,2.88180493806914,2.70469090383072,2.09595127709342,2.29105315465021,2.41748385520067,2.47306669107518,2.48109267661073,2.34600476730095,2.16599677014318,2.44728482573302,2.47997506511106,2.47312630567172,2.36751165113774 +Panx1,0.135935390965158,0.420660758766723,-0.230304887025019,-0.0385040178923861,0.277708234867322,-0.0417505156689222,0.259332379042223,0.223376410756623,-0.874162389553986,0.102517658174021,0.389440462189646,-0.157814334571453,0.284800225855442,0.511057662641489,0.327426862355807,0.411102356705772,0.275832011143558,0.606979515003765,0.656300974054275,1.0284434617274,0.465486497599977,-0.210069119627347,0.756585092650639,0.48297931315342 +Med17,2.37698997495453,2.26548527162667,2.45889030027651,2.51667492556853,2.58284398887025,2.32259968174799,2.42047567065051,2.20690297191189,2.54545308033596,2.57579713314449,2.43055138965391,2.54217082780357,2.46861934552142,2.33178396532356,2.50734126034375,2.43631085953748,2.22452734571865,2.32918262710325,2.34298141358248,2.20287534545985,2.38080029926741,2.38197023621712,2.35650330124187,2.41628990510543 +4931406C07Rik,1.73131939407291,1.86338894639493,1.70783544004212,1.55803985320251,2.18834888127593,2.14633754804871,1.72983768107285,2.0567158635587,1.78567998845977,1.69351123621594,1.58744583456677,1.96954667140448,1.8544939411011,2.02583160191119,1.52508277541858,1.67022779823779,2.45229429232004,1.86425404225954,2.46844134590836,1.64018245685324,1.72526947151327,2.05271714007796,2.20114776636125,1.88224839945927 +Taf1d,2.25588198538946,2.71905275830665,1.85771202658254,3.16074576823047,3.11543579497345,2.65429462521863,3.00262009092061,1.59197733882482,2.49413983671059,2.8696555980734,3.19668126773574,2.9789198593694,1.92912166217619,2.12164833914559,1.60061844307675,2.18095600764363,2.30465847529156,1.58074363668281,2.19507754197571,1.71715140532328,2.57098381853306,2.05224798659671,2.55028623775637,2.05646851746669 +Kars,5.26610159399894,4.99187278212822,5.38353172544194,5.14219821995573,4.8243357037496,4.92681960573914,5.08099256619862,5.19589407378039,5.2633913347586,5.23420336735832,4.97514826864402,5.0239044058713,5.50845671862113,5.10956248205857,5.1698299579158,5.18605112085639,5.23021474704134,5.38515778995454,5.31127814042494,5.26641924712918,5.24314732795259,5.32576184583791,5.442023769851,5.41647049257386 +Adat1,0.895897628247945,1.26614736842199,0.663437739299076,1.02353775525141,1.29334552266873,1.42823953820847,1.4168651124899,1.09136141422657,0.840494370906676,0.707923680399268,1.26977512463875,1.11667176561632,0.479983493917788,0.0200650234413429,-0.226229655040742,-0.0155171959610194,0.702314883234563,0.271735957146896,0.667656902900114,-0.29222771049724,0.0431527111615826,-0.0598049782506354,0.639334294982076,0.914322383653725 +Gabarapl2,4.77815785062931,4.36092342941466,4.79709082641786,4.57690706301809,4.15947201388203,4.28158504178363,4.25719641524517,4.59485342873505,4.5852961696908,4.56382873834964,4.18461217860941,4.47797316267953,4.57432534873699,4.27270665619021,4.64844149789048,4.53098634792534,4.22251866467961,4.34345626269679,4.16634101380371,4.64784684476212,4.49827736115555,4.58714440716331,4.14147601412927,4.2984307789458 +Tmem231,3.07511845507693,3.07564921786671,3.15096587279754,3.07780163443399,3.13436668635715,2.93162498682099,2.81438871952706,3.38292239961097,2.90616814128305,2.98568471438285,2.87594668887742,3.0473884410511,4.03386142790932,3.8398213313533,4.22201800650693,3.74965477338555,3.98433100265046,4.03111587134356,3.67510663286627,4.29143238333307,3.88281619088297,3.81540044521658,3.77937749816414,3.80497460828189 +Tmem170,1.89112013273037,2.19451755558469,2.11279251236461,2.43551145691434,2.33249062186886,1.94321659039385,2.11788489710037,1.80792133516561,2.17221985820389,2.49647521909771,1.97846539571851,2.29556146594109,3.06752123201053,2.92863762825703,3.10133728108549,2.97097336195167,2.89040186902677,3.00976703785588,2.386246977681,3.29319876732083,2.89871681511824,2.80871653753241,2.80816269774804,2.7703252772009 +Cfdp1,5.84481281837743,5.68094228858939,5.7264777075399,5.71695257590708,5.53867319769979,5.54102194290786,5.7082464738674,5.65742053829094,5.62338929674277,5.81902410191471,5.7183856323493,5.73310621499779,5.50778364542037,5.31174861765456,5.12530141288602,5.38626340829417,5.30347276806586,5.28947149478777,5.17882132425957,5.41750751535344,5.42368341737391,5.38319828352672,5.31851207471338,5.40772740029241 +Bcar1,4.68505477330691,4.4581405845354,4.55204393339575,4.44581487079472,4.52742164738743,4.69590220756282,4.50991975040646,4.56211296176786,4.45062309285858,4.47810776127182,4.54691044797534,4.39025292162089,4.96954011383705,5.09350928112953,5.11979281712778,4.75156477916222,5.27031202753505,5.26228056211961,5.34798418735156,4.70345731627945,5.06004848016613,5.01004300557981,5.31448153872,5.02102166436234 +Ctrb1,1.99582137794704,5.9673264140195,5.91042511652342,4.67396167102552,5.57461701288533,5.52530185354203,5.36135232877646,5.12024033602108,3.72369691090593,6.22447995553037,5.08614069135242,4.67826897290014,3.20644972761828,6.48320230640249,6.28972067193748,4.64574426190917,5.23838559238649,6.34785628577118,4.68639026336943,5.44190917891006,3.20516574339073,5.58770176122406,5.70280587562463,4.96592312548775 +Ldhd,1.88525828778601,2.1968782901145,1.98753134460759,2.41102757812064,2.24518478533459,1.97594281353404,2.10321492610223,1.15338948848609,1.88220249671873,2.22716288541032,2.27524963961658,2.0221920761357,1.20608220039634,1.5802098189641,1.39134080951594,1.7698111147022,2.09136644471257,1.47362904507181,2.14901719933132,0.932481305690906,1.67840311432089,1.65481444945891,1.94146944415861,1.57255327569604 +Wdr59,3.00855944652072,3.03204347888432,3.01688599623361,2.99189052685096,3.24770518048671,3.288944195514,3.19103530074862,3.08604886224439,2.98724093702303,2.77390416190825,3.41571844621194,3.20257764979472,2.24894173587708,2.4310064498673,2.7833386587298,2.46373861911853,2.62634771004731,2.52925890129669,2.91021435809892,2.34928046948924,2.48231055497556,2.53626453679817,2.7918814156451,2.70668978957013 +Aars,3.64432688754558,3.58082840726068,3.80685875246006,3.62161769511254,3.14940495344391,3.1999052409986,3.38734297188636,3.92317313892651,3.51006919437316,3.46914223941856,3.12656399812801,3.31944323595015,4.78419586922627,4.95837553453233,4.37979980666708,4.75065279816669,4.68665740759753,4.57164639605201,4.94008720740899,5.22567821177738,4.46272402437851,4.6486772828351,4.88746020392754,4.84064778279434 +Afg3l1,3.12904530248499,3.22822026886637,3.03855355468863,3.19090049689387,3.47402366193541,3.33002048844141,3.00695824204526,3.172010949553,3.09931166341425,3.14707723590073,3.26561751164806,3.13383206094902,3.3715092702069,3.36235628759312,3.16600845106877,3.29024489234451,3.57669051125658,3.30737334015418,3.56052070937268,3.12173731109261,3.27781921229509,3.51672011962,3.61837224688794,3.47146893524659 +Acad8,2.21797921154591,2.49547371901091,2.10675902525908,2.45554074108167,2.51194139318509,2.31189472369487,2.4913637872219,2.17701213905214,2.19731172581495,2.44054052481977,2.5007821746703,2.34906911620365,2.44461230633282,2.67991253670252,1.89626020839975,2.60815866948664,2.62552888032834,2.21787222727625,2.4698547945107,2.57206903940188,2.32097711485046,2.30118677071573,2.41880924968612,2.5882530588083 +1700054N08Rik,0.646852920273454,0.516417377232497,0.448477365410905,0.894564154090226,0.569880362218777,0.842577276995715,0.76421725836715,0.562697627323406,0.526876554594518,1.04425671923131,0.61444854462534,0.519955092124735,-0.0362854970950572,-0.0321702864732396,0.73530689431654,0.65778803641731,0.173883597305631,0.656759109870636,-0.0729160879587401,0.635180692986375,0.0628881663066727,0.727699978952122,0.0316506955932678,0.644530170917015 +Acta1,-1.25048333107605,-1.94513726696105,-0.822498681124604,-1.4494233988692,-1.36444245806869,-1.07593386671152,-2.00847241273884,-0.4895193458068,-0.92490071110372,-0.912246292573283,-2.34849252227051,-1.9433758944462,-0.296564521319006,0.0867432380781169,1.23586908736147,0.411847055652837,0.264001755214453,0.485689268724663,0.401554649374086,0.597004224886322,0.136187449693039,0.559322085104799,-0.534259067050936,-0.297303222596754 +Abcb10,3.82108166877528,3.84316996354486,3.95971274648706,3.81504340998659,3.67818596256913,3.68814946351613,3.70957965219089,3.84278500700294,3.9823219980973,3.75661414222526,3.6872177778461,3.71908984199077,4.65420920828732,4.537784682061,4.66571617627891,4.61605428954261,4.65968482808482,4.80945358173769,4.50860094154338,4.59397874599669,4.5198679777611,4.62828228524828,4.70200372982306,4.53194258188399 +Urb2,2.5356824723462,2.32190397867593,2.54621529837302,2.27382933112467,2.3453212560704,2.39085137648789,2.40354830415025,2.05929419527191,2.39722756164013,2.19433686863902,2.22631572356072,2.32967278671395,2.11931233510908,1.68892338897375,2.09828758157324,2.15175777258236,2.16937917386379,2.21624045289464,1.95637499011667,1.48991657819812,1.92993031741906,1.85326119345329,2.24258166679406,2.11843208654793 +Cog2,3.18086187296637,3.31368290040193,3.12746159793779,3.09405746383112,3.33857502171363,3.34976508789905,3.36729241300367,3.07647818160294,3.13482299227155,3.10801127351155,3.24551588944826,3.25116542765294,3.23264376680516,3.28729590218212,3.36283597467639,3.52104900381679,3.56060480393417,3.40493918164089,3.66072373947029,3.11919635918004,3.31099492799798,3.29136809448008,3.54676668064866,3.52296817645281 +Agt,4.67975911622151,4.62647316614603,4.64450008484245,4.8046374913476,4.24827209740453,4.46367453047599,4.49369591495915,4.98646833826959,4.82426245314818,4.57793384265443,4.22394180457845,4.480027805202,3.81735772871373,3.84705627601239,3.92494710164817,4.07469424864853,3.24564700166217,3.82722433613013,3.71097859915801,3.74160078111243,3.77721327044375,3.98334087090863,3.74947043764097,3.6295021471549 +Capn9,-2.00287039756893,-1.28082105583439,-2.26436308016336,-3.12279007981573,-3.08193983709045,-2.63482346974307,-1.82939965057728,-1.52795279556426,-1.6772877775966,-2.65395635875196,-3.63283652651386,-2.69576296093907,0.314970139334199,0.501645181473509,-0.397208990293592,0.929106465698167,0.147896830913782,-0.266697797768213,0.61781647699984,-0.309207280353639,0.242840287925315,0.154434088781657,0.302320708685388,0.0900414181254212 +Arv1,1.34865495502613,1.9352391188825,1.81320638601886,1.47930553078453,1.93268513238292,2.24731229859996,2.01785896039268,1.50881565765981,1.79254798502536,1.83709909488885,1.75262959116158,1.84984286138279,1.31321710376998,1.47040289720765,1.6147054270863,1.30806297050407,1.8171812197141,1.54188476660825,1.48078777748593,0.96688208071522,1.52360943006772,1.44233326824191,1.69487421154316,1.68921072719259 +2310022B05Rik,4.76629160601291,4.613464028195,4.75224753455375,4.59332313319998,4.93704128825382,5.01675368443016,4.64384462965322,5.05136242358151,4.81963566581317,4.62317510407396,4.91866001711692,4.66551542830265,4.18657139919432,4.26801056155147,4.38753568995578,4.43338433535055,4.79118106412118,4.65038498458592,4.71293842077771,4.41292537362009,4.18666972386551,4.48643797489974,4.78052424682627,4.46129829705655 +2810004N23Rik,3.58149256878094,3.43743698504361,3.15552110475777,3.32590274575934,3.21423130192882,3.29526302826868,3.26418551344677,3.18813076906369,3.32749647397378,3.58638340715921,3.41263725474549,3.32955342114441,3.49363438523735,3.12651374077856,3.34005303904171,3.31598967665682,3.49320954863842,3.50130729201453,3.37927908865932,3.02827171173528,3.27093914864786,3.24035986742515,3.41001017981063,3.39052971280585 +Gnpat,3.58238670779263,3.50336362761105,3.54315573481689,3.52628295116047,3.60023515333394,3.50986504029186,3.45859867138192,3.44232105676747,3.55052055283011,3.44338479969373,3.59827756445164,3.49849536069163,3.20580469139566,3.24942595710805,3.2839123658468,3.29171808029075,3.54871209469701,3.17818389559634,3.29860653282027,3.2478741599669,3.09169892097609,3.20998103542737,3.38402634986339,3.45387600085116 +Sprtn,2.89017542268272,2.94990526616493,3.24057462351888,3.11645266665017,3.04612164186538,3.07687813462592,2.96404281611505,3.20859672355641,3.04631760144736,2.92459501386611,2.99372312149198,2.88127534099542,2.64814515866647,3.01196975929827,2.76284957835616,2.524808524038,3.06803001090843,2.8768537988857,3.17433182487446,2.85603175014521,2.77566308858956,3.05940756211069,2.90002035614825,2.77103647722326 +Egln1,4.03034967410232,3.91711705935855,4.04622023852338,3.68123004549797,3.95911886595804,3.94263564924023,3.58833713335981,4.05857268508223,3.89056418414773,3.73105308834724,3.85763450395617,3.71922680692954,3.9088796218336,3.94246050723478,4.01348125746159,3.89813212305182,3.9588670572489,4.03825212567591,3.70087683653973,4.17871616685549,3.92080818044978,4.02990855579633,3.89413421910458,3.83846302229367 +Vps26b,3.5297897941279,3.35697307386742,3.56196568314536,3.44902653284377,3.33839450470512,3.40463989067438,3.15426549329886,3.51028817804048,3.4267501641175,3.37384093680121,3.31144699346711,3.23928023269462,3.71039809021082,3.44610871869711,3.88305042345282,3.72000152179379,3.66370376848719,3.72038486829792,3.54959959412076,3.72451161723601,3.62668272559552,3.69735201186037,3.66448849436604,3.29955005011416 +Jam3,3.27486169535224,3.09378955060186,3.11858775088865,3.03039122737023,2.89110245580336,2.91974897073079,3.17254861352598,3.08125805250221,3.00915216220662,3.07233641426072,2.85184345396768,3.2218999481412,2.86121647604575,2.71663711946902,3.16333496355494,2.93310865766722,2.67537068705016,2.90015176684732,2.53217787920302,2.94005610049552,3.06803951827895,2.90226470366248,2.83996588986215,2.79113306580507 +Snx19,3.72309018715429,3.61759259481532,3.55330768487213,3.56455116502166,3.55788955527463,3.68803893277272,3.62513153683691,3.77621982394412,3.59457631600246,3.59768620596059,3.57541243462869,3.56951445478791,4.022713059801,3.99824743462383,3.92950744173194,4.01294551323151,4.05120508015233,4.08265812382589,4.00124050813734,4.08303116030449,3.79657121489178,3.93475377460651,4.1499316424945,4.00966541314728 +St14,2.65356211884111,2.69298823093654,2.43455861397359,2.73887064217683,2.6252503361176,2.61910479476744,2.76023672400179,2.61379091626329,2.49558581682538,2.8151857311251,2.94397721518175,2.62869741249414,1.9019962088626,2.00933523702913,1.67580180982054,2.02379492752264,2.41398904944665,2.03044929684972,2.45307909903321,2.18492855417826,1.925969681427,1.75449930068468,2.29898894585227,2.04860861582208 +Aplp2,5.57420446655721,5.6777603961558,5.77626645633029,5.59024918032657,5.46739782249368,5.5462839285788,5.45743826273482,5.9029208635088,5.5485387848426,5.70948448863365,5.5869238000342,5.72415260208071,4.23906244238304,4.59704437875974,4.56464054500427,4.36747096567204,4.28894145903941,4.19739543066185,4.09281570021726,4.63564012764992,4.34978273002909,4.38107486931422,4.04801513385396,4.22245523552932 +Birc3,1.05219753133904,1.47804001317477,1.15764026573724,1.35598178318798,1.36063256994661,1.16813956184779,1.36213449107096,1.73069381171032,1.52740521375879,1.42186836012833,1.25988308673995,1.26415220994602,0.904426426631662,0.921127940071667,1.05545598629817,0.921501561971062,0.944161839648485,1.10128950426033,1.21522830841058,1.31592706939389,1.25161580967976,1.08723431926315,1.20179572158952,1.1192806232612 +Dcun1d5,4.18758328940437,4.10111620037853,3.79892533055427,4.36735499589275,4.3997016428875,3.93266093415741,4.43857921023131,3.83026746602415,4.19793343451075,4.35449954277261,4.38524674173111,4.3707159310038,4.10099248720557,4.39236592576868,3.9754499013963,4.4760547420651,4.45961450016798,4.2120113693946,4.33252839912806,4.12944228270987,4.41557365020507,4.37524762821428,4.61386863918836,4.46553338160193 +Pdgfd,0.790226411635157,0.562746610138583,0.356937935897494,-0.278016704405631,0.18178648894096,0.375123436557868,0.52098522851883,0.226177589552722,0.260327663335765,-0.223405643468082,0.0208896102511056,0.0290443844974351,-4.57522469660868,-3.27571242157196,-3.99483229272815,-3.87182624469028,-3.27044196954245,-3.50797565441006,-3.11820182070826,-3.14777288066616,-3.98390168268382,-3.99743981956292,-3.98010327256463,-4.57522469660868 +Sesn3,5.71876691969773,5.39830032299306,5.34259007210375,5.03075570989637,5.7345664289773,5.89729142825939,5.55049224154688,5.91079291928599,5.6000786716733,5.16676884477112,5.67186805077898,5.69692112259943,5.27647651629685,5.29449596112021,5.19374075153654,5.07643046912445,5.47487017324604,5.54924418990975,5.43258654291588,5.43236701142,4.99637783969719,5.08017812876298,5.45879979955322,5.25498977666844 +Usp2,-0.867459863907921,-0.0291138777834372,0.144478113394509,-0.213234483716477,0.516227524179194,0.0101935947398317,0.218686003351216,-0.0382007634839483,0.120102385726538,-0.34831284203315,0.0185059156218186,-0.541855530480805,0.0381912168243819,0.421180681268561,0.189775639300605,0.272395149614891,0.734472073599421,0.727120376454828,0.414515091033999,-0.218653151305154,-0.482643088709262,0.478419713687497,0.87547965951229,0.422117298774797 +Pvrl1,0.858550937852173,0.494141598838244,0.258031940588624,-0.0209015323069828,1.55532941146233,1.51640882920203,1.09235461073568,0.946542401507676,0.115786140014198,0.214198819914035,1.25737842750453,0.667282272956706,2.53296593589099,2.67745899632837,2.49207436759772,2.05360602450563,3.22387540471629,2.82852464438597,3.28370758151645,2.75270726329268,1.96382895447094,2.11891679211901,3.12895505088659,2.62991412214709 +Oaf,2.16552193465983,1.29896392349033,1.99709829910774,2.31875605464652,1.5097882888259,2.06538753391855,1.69031934494387,1.6929899879574,1.87470292252443,2.14835878950705,1.85043249342177,1.95708972929224,2.90681047746912,2.24068784766998,2.91607461787246,2.83746186881324,2.65824394274317,3.31406102158998,2.57544825829546,2.69185331390347,2.66832574924307,2.71896329895219,2.78772951299752,2.75952964145608 +Grik4,-1.13094964378023,-0.509141963438761,-0.37191870695929,-0.492228406167182,-0.610609874694486,-0.655577437188728,-0.362521156053482,-1.06160554073666,-0.954952421195402,-1.39120371070358,-0.771794716132723,-1.73060074105766,-4.93720722575001,-3.63769495071329,-4.35681482186949,-4.23380877383161,-3.951480844866,-3.8699581835514,-4.27563625807759,-3.84874346436699,-3.92767694089929,-3.94798709698778,-4.34208580170596,-4.93720722575001 +Sc5d,3.2165112653064,3.29938717007788,3.24375708762787,3.07894699122796,2.8158336145462,2.8164480256965,3.0482712172742,3.04351037276407,3.05896227749471,3.06386441108284,2.79529519193403,2.90685794281687,4.19884169954541,3.73090409400854,3.71871400855332,3.70673949603305,3.56093443843465,4.03007654242522,3.58482733116989,3.80454108178761,3.69576059924278,3.69720364446661,3.70695482306358,3.70273450319966 +Ubash3b,-1.05019831346046,-0.934148771678194,-0.913687190599089,-1.06741254165452,-1.1632005110927,-1.06826696526076,-0.966621918305686,-0.888321868740291,-0.918526964898173,-1.18698895902096,-1.0336123700384,-1.10816326417376,-1.0480317225576,-0.412699690313491,-0.962079754839178,-1.28474020236802,-1.13218852302555,-1.1568694807024,-0.940350179675089,-0.942624215871546,-1.35875973702822,-1.39659351067338,-1.62170734644458,-1.51155860682812 +4931429I11Rik,-2.92812580270695,-1.30970330140838,-2.23995591524437,-3.21643949923635,-1.49021218264661,-1.29860714899346,-1.85895778362014,-2.16522137010514,-3.23666156388723,-2.13435103792854,-1.77687933039816,-1.5102710802495,-0.505481233574731,0.505267567995798,-0.530194472461444,-1.1185671495836,-0.806421182619557,-0.0725646979705645,0.0093547868199093,0.553896875673182,-0.384568998276271,-1.12147217074267,-0.551334249530214,0.325355042049591 +Clmp,-1.87911507597201,-2.26859834305697,-1.77042776166141,-1.78328161039939,-1.03369647835104,-1.10388000631002,-1.81024985295274,-2.80674526789486,-1.24827593040484,-2.19448906706528,-2.07716938069007,-2.26557147106966,-3.66675606300636,-3.76273368299552,-2.75438125477395,-2.3115589935544,-3.43929537609974,-3.67682906096736,-3.63063879081095,-4.09954121215405,-2.72980618089498,-2.59095677884759,-2.72132030323795,-3.05752506075679 +Rexo2,5.07173537258641,4.38592911756689,4.05309818576146,4.33759665210748,4.69703417234483,4.73487400439402,4.60294650983779,4.6794728445573,4.35258545305521,4.49203641054145,4.9548835233705,4.75508320142161,5.6091858855546,5.08935109686043,5.10553301447181,4.9114836407876,5.29685632449216,5.26501980321561,5.17373942390183,5.30886084628406,4.96676774621851,5.00057309250203,5.2332549450797,5.27952992872789 +Cul5,3.8769204036357,3.70581821318747,3.96466053393127,3.79643713729171,3.4098121493482,3.55840035244422,3.61194035846333,3.77511493813814,3.84799989346581,3.63415932243816,3.51831295418218,3.64166478366765,3.84025861854651,3.5769444272512,3.76137968009444,3.70988136970173,3.43747600327209,3.7177780877273,3.33595966435835,3.83618724220638,3.66887893226112,3.60931561975332,3.41923504006712,3.65789189764267 +Kcnj5,-4.53005288597977,-4.53005288597977,-4.53005288597977,-4.53005288597977,-3.97915619655635,-4.53005288597977,-4.53005288597977,-4.53005288597977,-4.53005288597977,-4.53005288597977,-4.53005288597977,-4.53005288597977,-1.3973429284812,-0.47790918347163,0.157164310120385,-0.41429241634493,1.48609034287689,1.13790292755653,0.000302383053953,0.766409783961711,-0.467805041384382,-1.46166804035202,0.476540599150682,0.882855949342923 +Ets1,-0.61968291010294,-0.824319505498131,-0.30560104402117,-0.922036716042974,0.387538792722324,-1.45617823979796,-0.342364634621625,-0.458468713636615,-1.00836984938877,-0.653100642894077,-0.726538322467828,-0.0430240140537568,-1.98892602014127,-2.27177077487108,-2.12703823613596,-2.88770334257871,-1.26717461236451,-2.4273251514324,-1.81305309652824,-2.2395700326839,-3.36719133013151,-2.01839884292548,-2.50702940797214,-2.25754256650134 +St3gal4,2.37842596849173,1.65917955096931,1.62286625631465,1.4324807637187,2.03903135185904,1.72248353345302,1.52739768792898,1.55867663128936,1.73556287932643,1.33175298762181,1.72390411456001,1.40046870895425,2.28897782285779,1.58145325495556,2.1279286860758,1.55006071705605,1.08227080493924,1.69945894894025,1.5566711250263,2.22885037128055,1.63622839404425,1.64123408367459,1.29074265014395,1.66978282725661 +Dcps,2.80547370468582,2.3400617670044,2.65506361329002,2.50124932566013,2.36745328248525,2.35846480546178,2.41360295539636,2.44631899789786,2.58206398331572,2.85872770698408,2.63364755755739,2.38783509841699,2.48709559194474,2.01147896087621,2.45742745052781,2.14590458204598,2.38158598479384,2.29387359527704,2.51266466758508,2.2380001772707,2.23719616741777,2.42702537199638,2.50844986516576,2.46138659609738 +Tirap,0.17799690747755,0.275104308436816,0.111617525961749,-0.217727011847244,-0.552103825070635,-0.308936217244294,-0.0880197617335439,-0.385107794848823,-0.288417041104224,0.103637227773289,-0.235709831099472,-0.231122164746798,-0.663918145309633,-0.568805802887964,-0.868118075826356,-0.263073080429841,-0.263783806415485,-0.68191657792112,-0.326455558888527,-0.860051413327173,-0.359273781878188,-0.682984620130913,-0.589863320774295,-0.272464324892431 +Srpr,4.15481744335763,3.85871228727033,3.95160632754462,3.89797000042996,4.02233894497438,3.83611154095269,3.81500862394442,4.06199485127181,3.94331975487076,3.80461273385276,3.94376839741804,3.88550185280112,5.53946522657765,5.09454305095369,5.14810725255174,4.97787136912615,5.28593193742117,5.4850141528315,5.37125186180763,5.38684214794132,5.07551990055884,5.06162952098724,5.27376833780564,5.30154940342844 +Rpusd4,1.5700528080248,1.74844526167464,1.93883828804818,2.10895568124667,1.67101353193254,1.76949877339803,2.11960630796341,1.61145514676629,1.81560074479929,1.77753946897143,1.71634142161815,1.91526494875172,2.02593212159687,1.82680046966098,1.94865818329001,1.86014064834043,1.83548298105797,1.80578468057883,1.7696843358909,1.66861916375536,1.83779823084787,1.53506315037821,1.51163476046868,2.0394450400237 +Abhd12,4.07058689543878,3.94613849392812,4.19591236175173,3.79308570065005,3.66236514123933,3.7660664588071,3.79657194274494,4.14305864645976,4.13950646672079,3.86642314904721,3.78466766803695,3.77434142307043,4.59272745100361,4.36082193255896,4.52551107123649,4.33757088311775,4.03536142084974,4.3855300752492,4.12965586783249,4.6159507306423,4.42837399958116,4.49921673360814,3.99454079283069,4.30634708746845 +Acat1,4.89089115016514,4.90363097360303,5.32590269529895,5.18923424394927,4.51288653186162,4.51255902474962,4.56654547701261,5.10297781537827,5.07913248487107,5.21945865630248,4.61763628596304,4.61975098924106,4.82595027054151,4.84215198835951,4.91088099175676,4.85198435018763,4.58721602479967,4.79060633074126,4.56509878375894,4.87022199522079,4.69156370146941,4.85676869233226,4.5805965268484,4.74077900478226 +Rdx,5.53008788846426,5.44409229037956,5.60174224988305,5.53054685834291,5.12519670014698,5.16263580443314,5.20942068044989,5.47085822891004,5.50675601125974,5.45776008149781,5.20943790549295,5.36138573143497,5.26704489457594,5.28504422129659,5.15690044921323,5.4632187861514,5.08700842837012,5.08614596910749,4.9413302785802,5.37884388661582,5.31595343877385,5.31464463998245,4.96620960195759,5.23061476173586 +Fdx1,3.95171121706028,3.53192041523124,4.2157092183746,4.10366486871946,3.58458818425873,3.17255502436681,3.59058552025567,4.07520546795602,4.09947650008218,3.5676376109208,3.76866798167909,3.72788301077319,4.13245113737909,3.65050582675749,3.87438402914562,3.68541609236186,3.60770060968803,3.73856457702053,3.49464905865629,4.11139789007524,4.00251540396592,3.82189112633669,3.51352011146638,3.44399568382726 +Ppp2r1b,2.98481457022434,2.73665869060943,2.53762740849222,2.63202005739701,3.06004777480882,2.95269910652295,2.80571631322566,2.30991246671854,2.54014858211202,2.65842417721077,2.96101805046474,2.94494991677918,3.00685401342855,2.53248422964795,2.81617896416512,2.95809119760053,3.15478603518161,3.18632992238895,3.04763344363978,2.54809363889184,2.8548060013452,2.87022397039986,3.28483978832361,2.83671196643878 +Alg9,2.4424697633637,2.49552506381111,2.63721927251121,2.55130543430423,2.48752859446241,2.58139532202596,2.3548375182358,2.6005710269404,2.61289240682162,2.56698601708724,2.55345489310862,2.37745920750881,2.79379708082985,2.3486157973295,2.76808252931272,2.78673482144071,2.55689035024824,2.8533922873438,2.34594458800726,2.73763890973802,2.5552644793624,2.63426023333718,2.52862671839489,2.55484879032789 +2310030G06Rik,4.43899682945031,4.19459419177974,4.50542971958827,4.38005471713076,4.26643071122066,4.16118591523343,4.16283398881343,4.42225464870882,4.4845391837229,4.47349086751536,4.31672713650641,4.3977887304717,4.71409061025428,4.29428903329224,4.65655097393658,4.67563155664654,4.34184773195589,4.64143771952144,4.28409937661322,4.59458829600303,4.62092463833931,4.69673028196057,4.32173329559529,4.42296177313712 +Dixdc1,2.37057548913621,3.20690575374981,2.73500346184456,2.85209030528275,2.88706378175585,2.85410344136752,2.91869408948872,2.86442789437603,2.95091913430365,2.87086642553347,2.82669372877781,3.05814958747375,1.65048269137093,2.42553712514274,2.19589855544282,2.24138862416698,1.68465097369678,1.49031631376939,1.72789090735947,2.27983543362602,2.36214419607961,2.29081756923975,1.54073501004224,1.75052957881336 +Bco2,-0.0330582639219434,0.787774800013399,0.434653623418992,0.883884409911554,-0.079552315645836,0.410165530939385,0.213797366867874,0.605938162151632,0.379582021273439,0.516029800223055,-0.0098774117619295,0.0233024762856981,0.697624572371119,-0.0187825534005417,1.00219225943491,0.445690336053375,0.0532761911187329,0.135349067125508,0.147359956973024,0.237109277472964,0.703088715536872,0.820765604139438,0.442065248674429,-0.733242458966884 +Pts,5.41453529225849,5.08660242202191,5.61378464124267,5.15992849767815,4.4963173758812,4.74488093856483,4.89184385490808,5.09768838137604,5.4879704957967,5.27452909537618,4.58984180541826,4.79645896153337,5.76425841402216,5.62835933299096,5.82080266995774,5.63140825919287,5.09180659676819,5.48806853357784,5.03983504077865,5.95743812966024,5.90710450978059,5.64421383543622,5.18511901709074,5.39271130611461 +1600029D21Rik,1.00344176292548,1.27116652077837,2.03837984482213,1.17079735687622,0.514928204480945,0.394384693451333,0.710983121655161,1.69504294340025,1.2906503139197,1.52052965579875,0.302788353753023,0.633853959647315,0.47788403080335,0.243497782377069,0.741296118860735,0.447772194381678,0.482529081106038,0.194993386718094,-0.249126462515112,0.869709702083829,0.415530143392845,0.489047411240453,-0.412478675772135,0.848995826351121 +Cadm1,3.59023707288702,3.28882514447203,3.733100294844,3.59647175853104,3.4005754303795,3.59861456018563,3.37802542675407,3.7383647206985,3.72165078319485,3.70635958433335,3.4280549857862,3.38297666335154,0.778622827071279,0.809671349456947,1.17590236012544,0.606578759862295,0.563501199780045,0.814844707652335,0.346049031035925,0.640976147928723,0.913161505247855,0.80102454373445,0.358555734798911,0.12461208185541 +Bud13,1.5546484297072,1.37377795024206,1.52860181915929,1.25825734774732,1.5315047798448,1.6076920891241,1.51079118143352,1.61822993981898,1.71639441693243,1.77379197822242,1.35393208374506,1.32685471281611,1.84965951334928,1.91252745507703,1.59807215014992,1.62779360170001,1.82697574316164,1.4186634603205,1.9274845766304,0.983054335471705,1.4326567261215,1.57872776726549,2.05076391883131,1.61330208902362 +Zfp259,2.98702792659857,2.85578240064032,2.88483045910982,3.0926605533265,3.03767528511034,2.86493644832773,2.97767201907021,2.5904994799533,2.81663457868216,3.29425864785511,3.02124021122705,2.92224593543133,2.83566613340022,2.79357896606131,2.6906729094573,2.87247847961203,3.00732786376919,3.03129702485449,3.14385991949645,2.61147164769634,2.94556733267055,3.04738435654186,3.17179734820978,3.09598902383668 +Apoa4,4.40444806824074,-3.22138039864196,-2.61037420569088,-3.22138039864195,3.80910878983105,2.09667061888054,-2.72049208277833,-3.22138039864196,-1.60965685748918,-3.22138039864196,-1.17830753443529,-3.22138039864195,3.39531715988032,-3.22138039864196,-1.64557261454236,-3.22138039864195,1.58383612585136,-2.59123872641462,-3.22138039864196,-3.22138039864196,-1.88802349343295,-3.22138039864195,-1.02786157127358,-3.22138039864195 +Apoa1,4.63404336828338,-0.191609833554212,-2.66708959366322,-1.23606353251143,3.99738084603517,1.13657311021582,-1.500211041409,-1.3950755687451,-1.50765389607268,-0.698886426215512,-1.19016020321052,-0.950493113787432,3.70086669509111,-2.09453730372293,-1.35339812517408,-2.66708959366322,1.76496869243271,-0.993140716967562,-2.66708959366322,-2.66708959366322,-1.33373268845421,-2.08930471661746,-0.644331793735199,-0.751154220399375 +Bace1,3.82003148058768,3.81518632607702,3.7639866610838,3.68199758938737,3.72124280969788,3.81798047252883,3.68165930243785,3.83507580977019,3.82367854293916,3.73030260082958,3.66336152983977,3.67038451254336,3.28242876827486,3.46858036426562,3.31923688885714,3.48330799952858,3.55150271701019,3.2755348661211,3.50016069179326,3.24054144904179,3.36788924331054,3.54189350258233,3.48957673279747,3.36915182937083 +Tmprss4,-0.878978308049877,0.345331643171333,-0.577839763700151,-1.13433059915091,0.0146027184807302,-0.715831324311701,-0.830820938465741,-0.663656538209274,-0.189393476457046,-1.4006903491912,-0.737412253022406,-0.704232364974778,3.82078829825948,3.77963063585908,3.76884980104696,3.92479194531377,3.89252512926207,3.74718793486382,3.90094904462647,3.77421400734909,3.83311722906024,3.85118753012918,3.90289703926067,3.81990516141964 +Arcn1,5.51308053461099,5.22713180911495,5.40086591114364,5.22876064981549,5.21087634969764,5.24087567627109,5.10845924303188,5.50978314545137,5.36834576715507,5.2282612974571,5.23860070943523,5.21840151991051,6.04606436003522,5.61396420485053,5.8170790281364,5.55398433926669,5.88868326578075,5.89291783031321,5.7523783645994,5.83190323787458,5.79275837795602,5.59314291391655,5.8915568169986,5.89969850626101 +Ddx6,5.63387168181131,5.59836798589156,5.67082055395609,5.2769655898424,6.06688329053561,5.95035963690677,5.49892856421595,6.33439899390605,5.57406673201804,5.47432794773459,5.74483711897181,5.65300899995854,5.72202459355,5.67738779349578,5.73986883448397,5.70508388812588,6.12444834908788,5.85819526361634,5.73985719480676,5.74943123225025,5.72062599908264,5.84577892670405,6.04668426763339,5.90506828055124 +Ddx25,3.42991356952258,3.22302190507148,3.6639542697055,3.31765674516487,3.06724321074889,2.96732601737151,3.08048557376507,3.35807318928521,3.26660463804376,3.36014376110014,2.86096697804046,3.19353432554098,4.12623050460327,3.85152432080714,4.30701920175775,3.87932730757266,3.76079943155134,4.09108146408294,3.47689484065514,3.96575380290923,3.78362947933419,3.98668674438369,3.63865296108166,3.82431679726992 +Pus3,1.99748343860707,1.95880185378288,2.20932327112008,1.98143150095533,1.90293558851222,1.77494494433933,1.87480851161358,1.83485380560138,1.72006291053406,1.79061555932944,1.695646887925,1.99875797176891,2.42541621432407,1.78672979059462,2.00064386797903,1.84462118351868,2.18813832198327,2.13661494567545,1.95784559295124,1.84437233538381,2.24210571549713,2.08302636636502,2.05192917715201,2.22335874165634 +Nlrx1,0.872868516792983,1.1743629098442,1.40763066835117,0.736652616044988,0.673493455558895,0.981792415367164,0.632971521062587,1.45791846956767,1.22719050886368,0.813887394938698,0.788783987318054,0.824282845356678,0.698643162334036,1.22375129702688,1.45249030541211,0.77222147394083,0.684084766532045,0.963700164584431,0.945910487555955,1.42903613430298,0.912249502649608,1.03408370270964,1.11834020816125,0.900037752943745 +Trappc4,4.78920303969171,4.16842637080913,4.6830955189754,4.52092730552452,4.22610178623477,4.28344348863209,4.35506939622312,4.50337209478326,4.70274738795337,4.80098374243235,4.23044708071025,4.53711117389438,4.89326887419757,4.46189561693401,4.77403831634684,4.66305549562039,4.41645951705425,4.8560696828784,4.48561851014125,4.8020643514954,4.80659275075946,4.60984640595441,4.58149915254587,4.58255364329552 +Chek1,-1.16634482873841,-1.11333972451694,-2.05486297998681,-1.26909492256205,-0.28463014048119,-0.089346563060829,-0.783751399450776,-1.65078154727384,-1.13517262894216,-1.80644207274719,-0.872637941320047,-0.569166908485624,-1.35616214477228,-1.02682582265354,-2.00389000536309,-1.19541892537956,0.252889983159212,-1.13659321444494,0.657318205295125,-2.11642180191104,-1.03648212884818,-1.20464839818345,0.00617849082583,-0.436498368887653 +Slc37a4,4.15593586580998,4.35798309715651,4.59007289769104,4.93738176088678,4.03421315110389,4.21621458000891,4.19834742796707,4.2577008471985,4.46896178718822,4.98870736883293,4.39551605557297,4.24297370698534,5.60377518464617,5.41896864912068,5.75354813576491,6.04471986675261,5.38418999936392,5.67551801911067,5.30378515838843,5.40418384204687,5.83729782830664,6.1262702157863,5.6558939518842,5.66167302308394 +Hyou1,6.41332682966612,6.09465571392696,5.78092485980393,5.85833870311318,6.44644367991611,6.1616204783196,6.2122579664,6.46033059144205,5.78728287935922,5.72861449697629,6.49572211249132,6.15924551651427,8.36371604960809,7.78561856729366,7.48003315083749,7.3486586576074,7.97681396721115,8.30262040286748,8.32235725741648,8.03537451603543,7.47866356354514,7.33979477414952,8.13910611158478,8.1236084036483 +Stt3a,5.61698099821391,5.14095363838802,5.45807605548639,5.30459692003954,5.01543312016832,4.96586874172032,5.0681998455572,5.44057844120079,5.33873020196868,5.28006686011984,5.15546785517673,5.2113503934526,6.26898246873074,5.48934073872973,5.99855222524401,5.4419308798505,5.70820303335368,6.04929204016267,5.66551422639299,5.70638056328579,5.82579133497838,5.55094043407251,5.792043524465,5.85706580366125 +Fez1,2.30033471623825,2.23851700767828,2.35523672210214,2.32348254065858,2.16117314077547,2.03362850111138,2.15021570664861,2.21726615388275,2.09728373387516,2.04553620324369,2.27184157346753,2.16610593767798,2.31649649158677,2.27046304219469,2.46002360959278,2.65537915956441,2.32767127130369,2.38775632627157,2.38374877851296,2.17306895322358,2.53574934088202,2.42050143897362,2.52236103944641,2.54486881916325 +Hinfp,3.02328654179235,2.88032364392763,2.8919050897202,3.11436792668901,3.10120561837058,2.99053425253986,2.91003136034734,2.66512791782019,3.06385761593678,2.81160217675534,3.00467342105252,3.19561023529099,2.936156110442,2.77907232839849,2.73454556403372,2.79977914386801,2.92356123308654,3.03799978428982,3.44300694511701,2.39501528651533,2.83487700501698,2.65539934733324,3.02438093547159,3.23216686488205 +C2cd2l,3.64816713293606,3.12583773547102,3.27171055659748,3.52222328154285,3.5192380189763,3.27381930715972,3.56590939061029,3.07214571522057,3.16404412410615,3.18790231088612,3.3298878595347,3.24024210029794,4.89131728552355,4.53933190325616,4.76418723205303,4.64462394290857,5.19207137502551,5.04866841117067,5.12813267014339,4.53827354002987,4.4931346089686,4.61372799853939,5.25269108057336,5.01234367690738 +Tmem218,4.11396386842092,3.66084293113946,4.10517472937111,3.88452736142468,3.56363984119871,3.98254587914293,3.97524717396431,3.90334240358736,3.89499871835781,3.73940635748762,3.67734323346579,3.93546091694363,5.72157211865529,5.03761946835923,5.22345996078186,4.99953031538633,4.99230660757075,5.45658447004434,4.92659121709602,5.57041958310423,5.44092068799759,5.01198609895443,4.74476972624575,4.98912807137636 +Dpagt1,2.95678360190879,2.74823516218771,2.6297492368335,2.84940813607826,2.98909259531848,2.98099731157573,2.76588810128889,2.556779689351,2.40904226301742,2.77539493477983,2.69576601198342,2.58217715578935,3.8067160942828,3.02925852979007,3.57780436082176,3.22418873964027,3.8095982630639,3.56703487933221,3.82051573985032,3.28809724599776,3.34965637620273,3.15500915719079,3.69882415645074,3.6775405202559 +Hmbs,3.25437777645225,2.74119910372666,2.97958751726938,2.95027853313812,2.94303376469061,3.00310550696737,2.96296343044368,2.90402516953417,3.10304565527268,2.85129831106335,2.99496519937834,3.16752100759864,4.21528475328284,3.58432116532217,3.97333214206747,3.77578350931973,3.82655627506283,3.81551768553382,3.80540400894811,3.95763347865468,3.86833877071878,3.88245432148709,3.96045274721964,3.69669110569912 +Vps11,4.94315876311411,5.09874888374255,5.30522182499496,5.15597104732558,4.83130770545139,4.85021845319926,4.79214733313751,5.21240454159001,5.24592265173894,5.0924448568847,4.90049014549063,5.03381586237283,4.94695929882813,5.10495402249719,5.47886250185753,5.26337517439905,5.16778683103265,5.15792028570139,5.17974484584616,5.08548216558529,5.26743322552944,5.28268229966988,5.18138144672732,5.08100363336835 +Abcg4,-0.894136190317247,-0.912268165517042,-1.28102914901051,-1.31614159778071,-1.13891127570276,-0.839791686586897,-1.23490821406307,-1.72952254906184,-1.3007437295649,-1.32217214729249,-0.651101296283062,-2.04523213735253,-3.32874170196271,-3.18293670688911,-4.74297110519039,-2.48897694280948,-3.43818837812417,-4.74297110519039,-2.77616389656187,-3.65450734380737,-3.40961419998139,-2.95104077120841,-4.14784968114634,-3.05641806278121 +Mcam,-0.941877139303917,-1.41095326015299,-1.5830349214105,-1.40219466269974,-0.616297332252639,-0.93918118219527,-0.187865549127082,-1.37006306084906,-0.965867385383053,-1.55598290989064,-1.34076747890789,-1.13107859375378,-2.41840767034058,-1.81360968140458,-1.53206194678678,-2.0553558009153,-2.31865140517585,-2.43162306929568,-2.99213263363632,-2.67812013004882,-1.9208491343716,-2.12177210943905,-3.09036026144578,-3.02871628159526 +Pin1,3.6002605389041,3.06173317463911,3.45128500097635,3.37998467110648,3.1368141547408,3.17320709191191,3.24970491497766,3.31230082636175,3.29001095089171,3.38830608392838,3.22112553337879,3.36607778028162,3.84838676405535,3.36567086666209,3.61472206142935,3.56504290002173,3.72263491842503,3.67971299118008,3.73138425087577,3.6454973869252,3.5926588378383,3.5614518645103,3.75372492825206,3.67573138939911 +Tyk2,2.18386319104062,2.65259056094129,2.10691227894327,2.69075637972932,2.84652667630378,2.61193468777178,2.78237264148113,2.25444526529452,2.44564109479227,2.58842126898932,2.98084454128093,2.60691803352753,2.15006697738279,2.61287690134686,2.14530547486585,2.82988668734426,3.1472876559153,2.53305280675185,3.19927856771452,2.06041342908074,2.21138390277608,2.71784429493419,3.13708382712161,2.94629140080192 +Pde4a,-0.869432166742406,-0.51872018160251,-0.86715072816314,-1.06422930409442,-0.783387290462591,-0.151930567562008,-0.513025811764416,-0.650801611841209,-0.638872032640351,-1.63660867444231,-0.370453240263331,-0.693544147039879,-1.06808306801813,-0.87420872145824,-1.02545643151777,-0.898180477145761,-0.597489584376536,-0.81490288434458,-0.502722180076853,-1.04809508469326,-0.72502970057958,-0.618176034272524,-0.654061677173508,-1.45853857934317 +Ilf3,3.90167793592334,4.31934000544308,4.18370780502421,4.27001802547134,4.32523332407725,4.17501326362623,4.23389722026654,4.19571810049445,4.21656533387182,4.33282092269165,4.28522795779485,4.15430868345684,3.6376668756158,4.17852397880607,3.68179864733681,4.0400624311309,4.10565875802238,3.79666864104341,4.12516849835329,4.048651062032,4.05405657974093,4.14593314560959,4.14926208603977,4.05260874596898 +Tmed1,3.1633917124047,2.62296251505647,3.17522746214707,2.95129899181903,2.70497012937362,2.70614370527335,2.68529857415993,2.87828225294626,3.38733379941767,2.75236614010328,2.36434664925144,2.73430106460016,2.46105108986692,2.25846190662358,2.44507697652312,2.40906525281171,1.8964744899156,2.55217019182603,2.11054483722005,2.66049243698951,2.66975177829085,2.4201083391585,1.87671938495155,2.55233978856742 +Scg3,8.62088924161841,8.60458533780313,8.43612174139692,8.45129362484677,8.36550236631447,8.50596200748294,8.35455795737871,8.6745892910493,8.46177608996219,8.4108250789829,8.43435028102119,8.61760613480942,9.92042528988511,9.60527503881433,9.78106916056744,9.7766042942114,9.79665762337311,9.86787449348996,9.63168200867533,9.80687355903686,9.73667393047563,9.81576382081695,9.76239602080237,9.75818466961943 +Yipf2,4.67460524926333,4.63352228089891,4.67412979751324,4.82097886194048,4.51740465024171,4.34407475241116,4.45903131384601,4.82102565837567,4.64337893907081,4.73976861946123,4.55448630584077,4.48284344763074,6.13390631465289,5.64269623850647,5.78496360896979,5.76260039509538,5.92661774657679,6.02201519386852,5.97168606569535,5.90054794983254,5.97738933261071,5.87239434010762,6.00845368197393,5.93295536251721 +Lysmd2,5.19311497712222,4.87319878391272,5.18328365480395,5.21311692617302,4.81831995090288,4.81039292105839,4.75596177235955,4.9887638573409,5.1795392702426,5.0746700855094,4.82591452287617,5.058002767293,5.45641538804179,5.55001579859797,5.63330854303786,5.5926623544676,5.12178424278309,5.23778467328069,5.28317550711095,5.77082962822786,5.57936325446686,5.59477725667234,5.19684706428642,5.21817737072414 +Carm1,3.38342806937346,3.30127812613367,3.14174118397241,3.34764584723583,3.78159285016416,3.83740806467742,3.54635648227405,3.32505683000719,3.40521199462754,3.19123494124515,3.86329966020251,3.31989545378854,2.9474690325684,2.95648756472964,2.65722457997657,2.81925586653222,3.39247226719966,3.07905682541264,3.55127713449457,2.85677584814087,2.76426250032518,2.8927291823983,3.42980366744143,3.13056206020024 +Tmod2,5.57965347360143,5.24726835668295,5.60513719810297,5.16601078474292,5.26584351672471,5.44841084394569,5.10472499327287,5.53225930133806,5.52707772239262,5.36345043126923,5.11227988192208,5.24249490768742,5.91556450609729,5.76898955206165,6.28151503723387,6.05486561216805,5.85355297957912,5.80164325186671,5.56630670438832,5.88789724089869,6.16925306815142,6.05627540878919,5.80432141620565,5.78640728329834 +Smarca4,5.25358055095679,5.18535330254435,4.93028604288989,5.07650944654418,5.41508207181134,5.42304706681383,5.36011421729907,5.171916785231,5.10283173330791,5.01623810890491,5.41429407101959,5.31542265318195,4.96771041953262,5.33244580291311,5.01743054798547,5.1502879652655,5.57369480484604,5.31231727102394,5.6694741532844,4.77977166959715,4.85901958287969,5.03778166411314,5.61645789961617,5.5102256824654 +Gnb5,4.26123479582119,3.5540277886319,4.10992446895237,3.67103629985377,3.59959280027496,3.56604170135853,3.54283195063621,3.85369944871694,3.80457653823415,3.83983374808518,3.53989478654152,3.49194387308788,3.94847059912095,3.33038249735113,3.81940269599047,3.63364700306047,3.68365470610125,3.84191295085051,3.64997713026626,3.48994886663427,3.78386436207213,3.51846760231699,3.66785235193646,3.3317271256316 +Ldlr,5.69736983457429,5.18369983034448,4.89185929390471,4.48373790827214,5.02306815345838,5.45126041901592,5.43007962969974,5.12706471234121,5.02261775017254,4.49310178990479,4.91670558125183,5.27561681932759,6.74415310369127,6.30348518597413,6.47740247374051,6.50028925846433,6.63495883234707,6.89741335586497,6.65203737491261,6.61526923220139,6.30509000236924,6.20862070502606,6.68530629038495,6.5157751097747 +Kank2,1.34686732201293,2.09884900613422,1.90323461198394,1.62487144555806,1.39609339121219,1.32158365979091,1.54576980923337,1.85387239034074,1.69562590148186,1.07284589355344,1.40628659432083,1.49013584450803,-0.287880647045458,0.846545593000936,0.536161469277759,0.657215470367637,0.0600359332464167,0.0093016960447847,0.571964735656926,0.22572362525662,0.568017700454217,0.678459665996381,-0.0263089919561832,0.482290770361447 +Dock6,1.67902215772141,2.31239285766326,1.80061818069312,2.03067560056268,2.6652455179536,2.83332036884085,2.93070142345572,1.80826456848078,2.08149735821297,1.8134538965055,2.83516626318298,2.29858347417418,-1.65575706546549,-0.311898285626127,-0.24379101659983,-0.32058960469546,0.649692385776406,-0.344545534781528,0.605568902897794,-1.23424839302636,-0.376501972251552,-0.0450709201725097,-0.0941383216219664,0.353187021592871 +Polr2m,5.34989513331985,5.23888425071239,5.50525617856236,5.34809577769962,5.19040227870604,5.23221265326076,5.11976606719113,5.42183474250442,5.29285786820908,5.29601162066288,5.19770617598257,5.13362468439686,5.27976543783897,5.26183078610648,5.40546314953956,5.24269182064254,5.20601547695201,5.38270130909828,5.12422612447097,5.51853691415197,5.2019297493869,5.0827608316698,5.24002207366915,5.22148951446478 +Rab27a,6.2916671835973,6.12763907165444,6.40526086416629,6.29074261378473,5.9331448067383,6.07279657145374,6.00942951778091,6.17089086725129,6.17445792891901,6.27660494299065,6.14987570849597,6.13993031630964,7.01917014862423,6.67621736908542,6.76513160343494,6.87581187284569,6.58779192681428,6.80176106853124,6.57090747739329,6.91795689831056,6.79053082938014,6.91483386219327,6.70891084247045,6.7087170594394 +Pigb,0.860556056684912,0.71497442329808,0.634889410013685,0.5426035874568,0.919201973639618,0.637728717206563,0.71321279846451,0.812530372139595,0.287324050166403,0.0548008957555468,0.700033198790137,0.648338655529535,0.297406761319079,0.222929292906726,0.166459597576704,0.551984475866022,0.613700052460066,0.132504699194753,0.664024136401924,0.0422978721202889,-0.0382162524210341,0.475185489412046,1.05126129686917,0.180615850120352 +Sltm,4.22190833641978,4.43783490801131,3.74656828332826,4.55898786520934,4.69291268448013,4.65552698685932,4.84516973392576,3.64264428508593,4.16349258193848,4.55953879714583,4.76342147265204,4.55072243604252,3.88819626116787,4.20446817196219,3.49667762381026,4.32006217257624,4.14241426573795,3.76432329176541,4.69256560518606,3.32249482970801,4.24654606350101,4.22845311785576,4.29430913944125,4.35004492426234 +Rsl24d1,3.00877689850013,2.56244772504544,3.25729466006323,2.9381297649238,2.71077660978853,2.82141096705556,2.85225764139157,3.05260593513742,2.89436396475188,2.62511207327231,2.73039003028003,2.85169342179715,2.85324863608581,2.5506222117481,3.09389498524118,2.79783148246165,2.91873863824249,2.82172537384697,2.3207245234176,2.94753806369578,3.06810361815179,2.82692671623399,2.74726878034788,2.72089527329298 +Nedd4,7.43723700296826,7.29866155624259,7.58081287092866,7.31158233545636,7.25916421950425,7.32539613972638,7.08388390118882,7.61757823208174,7.43444024860089,7.30588478401836,7.22139317191741,7.27606695486208,6.82414483643425,6.88251187344739,7.0679835195739,6.94828593065477,6.83288406133173,6.88378489871564,6.79641825347747,6.92999392671356,6.91780878260322,6.93056470781949,6.86737060163568,6.80384671042073 +Rnf111,3.17682269881422,3.34392692827873,3.05694181267395,3.12913734669934,3.47153099615966,3.6283366278687,3.34015134926505,3.2977451966132,3.17760530470929,3.02911740883816,3.48518249735676,3.19701969463068,3.18850763401713,3.18868649175682,3.09324718640338,2.90131586536959,3.35302085031918,3.16603608022524,3.2989278882888,3.16542099103737,3.09690176011246,3.00686747288407,3.17479562104406,3.18092699666144 +Ccnb2,-0.497501693391602,-0.917272373986446,0.253078852363688,-0.717183405723837,-2.03668289971029,-0.666530041403835,-2.48438939641,-0.355739916073403,-0.5196771819566,-0.0224428235373502,-1.76020802688881,-1.08072747467833,-0.401392773571646,-0.0180850141745226,0.0026947677038584,-0.731283549892713,-0.103218545594353,-0.885544268403664,0.380536038631835,-0.138160431459392,0.732707494826347,0.0831071333541171,-0.96251991234561,0.610981928053122 +Myo1e,2.35123878925184,2.8341912601859,2.82286153377321,2.67792164523207,2.55080721015135,2.66880836321365,2.58563148714944,3.11019399413717,2.79722490691792,2.44040818920128,2.57384136494932,2.72455698681827,1.09540669997672,1.62674430106608,1.28516183767656,1.49022976122181,1.24720613636239,1.06173191777034,1.47892395763237,1.13080606481167,0.890661305517259,1.49147931329156,1.28154317714297,1.35066379093023 +Mns1,2.2623719481776,2.30933237259516,2.25401129805678,2.50968757271736,2.03062790554146,2.09775085811268,2.27262819797429,1.21343896750986,2.31673254256446,2.41001729879657,2.32635954127534,2.39806497899623,4.28294447423254,4.39880589160546,3.87938713640407,3.97651873883904,4.30338343568455,4.00066110938042,4.69117241233319,3.56510682116455,4.42011401792845,4.25881079957602,4.27141902356398,4.40830336229839 +Fam81a,2.964340656403,2.36766675057382,3.89577522494454,2.70542125118246,2.27277740318349,3.38735070464433,2.63353285867329,3.61446959279623,3.47645294708878,3.40726578806016,2.22786756235452,2.24150872924448,-0.425534000892617,-0.0741243290229514,0.237699662175759,-0.146104287179654,-1.14642802366452,0.238526457549113,-0.484186400915099,0.510888644957428,-0.236629858458259,0.498496079443319,-1.01174794192304,-1.38040409683805 +Tcf12,3.58219168759258,3.77557620949241,3.53825419694079,3.835763492792,4.14636455860942,3.96205762868452,3.85020669672591,3.64180415349474,3.68678289388699,3.85720251068618,4.02029581548031,3.96013385274338,3.26461441152555,3.48270680356897,3.18125262334197,3.45650947059497,3.55011737239797,3.24204141805676,3.4980402437169,3.30954530012689,3.39711886733468,3.38784978695772,3.65069113106017,3.56428017499195 +Anxa2,-0.362404866644146,-1.416603911074,-1.67324552331082,-1.84326582135949,0.133950525788668,-1.46268848238325,-1.03858021352377,-1.45129505909972,-1.62449560011463,-2.57843993720339,-1.44564606687789,-1.84890413681323,-1.32540524485572,-3.24713082961437,-3.96625070077057,-2.73379821188929,-2.7597225638356,-2.64415082542668,-2.57983589602257,-3.11919128870857,-2.5323711823801,-2.97607173965682,-3.20648014096142,-3.46978744025501 +Cgnl1,-2.16930557926357,-1.41263864257506,-2.01620167919542,-1.64653468582828,-1.84372577221229,-2.08863039040844,-1.93424697991041,-2.81783912001285,-2.7638005792739,-2.56204245413053,-3.14171787188787,-1.86558446991411,-3.64583611030023,-2.19640949955721,-3.53545631713228,-1.9510193067629,-2.45094121927172,-3.43050810672658,-2.13997654017558,-4.24453662456797,-2.85800637131006,-3.17987906163261,-2.98680999298094,-1.87555025889531 +Narg2,1.58377250062524,1.88636652783312,1.22234494361468,1.71792654305422,1.86376046735195,1.84292391147468,1.82110345572702,1.35182421865307,1.51581024609452,1.61057765589307,1.92793231337686,1.84454317415939,0.717926774667121,0.998640728062749,0.49367094136628,1.2889268066409,1.29522730269165,0.686718462197385,1.26068291357085,0.67612563655398,1.00954120487631,0.987561077336737,1.45845306306573,1.31095825577762 +Rora,2.54891694026062,3.02854916033735,3.097179055519,2.92248805585519,2.71880112189184,2.81079203331308,2.54539473586457,3.28051600355148,2.97163781178903,3.05515288224577,2.75706019814261,2.85825871018082,3.12064032951563,3.31138975703348,3.27889079745064,3.19014310858621,2.98818884300945,3.02515653289213,2.91864325500916,3.44356698180264,3.16844345318601,3.25141488267334,2.94688227070684,3.03395747029453 +Rp9,4.58522395952359,4.54920249812909,5.16315023268692,4.88734193390634,4.35293541610265,4.60753564567276,4.68054507640559,4.79081806277579,5.05250259430598,4.98890431652425,4.59122113027349,4.66550379302861,4.45088123001885,4.51628171680213,4.48982268145553,4.51237891104371,4.05150468467884,4.42002996338422,4.33710661788435,4.66903788563233,4.42206988591181,4.36525289866242,4.0034895835834,3.83779204609326 +Fem1b,5.12597469726684,4.78596859621323,5.10922136390802,4.81434447595816,4.57781955364958,4.76726494796575,4.66696966955589,5.06886654333953,4.97340878764548,4.73710562010147,4.44872376144312,4.76991482654791,5.18836397592781,4.87947212610326,5.05512774001049,4.92893441163244,4.84593314035072,5.02477001349397,4.65182186599336,5.08104989984226,4.85726877086,4.82067312494288,4.74141065473065,4.93416952710252 +Cln6,2.92270172343788,3.65185455089768,3.94530033970207,3.53509124622515,2.946794201843,3.16266030977603,2.77420566734962,4.07340798911545,3.61350762951361,3.55773827464848,2.70497444217704,2.92797703870008,4.75731051774687,5.05047341933755,5.35592168465584,4.97465706001774,4.48475783789352,4.91038022750686,4.75678691671023,5.41386044637165,4.99094008356879,5.10740962458508,4.50286710231208,4.61837550863024 +Anp32a,5.33697456018411,5.13835664155144,5.34028237284971,5.21042966649752,4.84297787050501,5.00813246487469,5.04436824285455,5.28097459896559,5.29798404496467,5.09332129104815,5.10443548030482,5.25148052647802,4.48155188452544,4.44230288555776,4.53396290511217,4.50420584030121,4.20236144225504,4.36911576584432,4.02336415574385,4.6311061925672,4.49471967015538,4.55425603428392,4.10411531861745,4.22852143550076 +Irak1bp1,2.96590018858577,2.90916247575141,3.04162000656998,2.9012470349614,2.59220759389409,2.49537022554924,2.64325396713649,3.02708761179913,2.88246283838463,2.97968861695333,2.29740746427396,2.73065140080151,2.88878917501917,2.61172012962137,2.82330069054763,2.83661971761969,2.41769195635463,2.41662435922586,2.59070925252024,2.88719664939748,2.91656150772106,2.79462419643007,2.56782817554046,2.7356681231309 +Glce,2.81191070761089,2.69383864246945,2.74826606089609,2.51482782165498,2.45931307207797,2.77359984102754,2.49751790367843,2.67610295960203,2.61214114168036,2.80437549327827,2.4196270440907,2.64078153984931,4.08495161947149,4.02979971415934,3.53406071476445,3.69681054396183,3.7244049696279,3.8054648935765,3.82912523878867,3.99890260549181,3.79205974469905,3.55191827354778,3.76277450216696,3.98974018094147 +Phip,4.92504844232191,5.0267829356407,4.83537227983159,4.88049517536111,4.95637657714197,4.95936397723094,4.92082552479795,4.97297397357931,4.91703499626971,4.8842847251976,4.94481210765171,5.04866273615539,4.59935617539118,4.52745312647744,4.4658453229904,4.5723773779161,4.46085711940118,4.52707042727091,4.36280122890309,4.5667299316768,4.46834647482163,4.39503440395266,4.57069220095845,4.63456458430757 +Kif23,-2.32352971118598,-1.25185332474839,-1.75301140937376,-1.74684092692851,-0.982067649151096,-1.96983912549307,-1.7718627095127,-2.86465811785056,-1.78268985581083,-2.57993868755276,-1.68806415633275,-2.06585628439974,-1.09827961013144,-0.848499751998638,-1.68848398481954,-2.60809677629949,-0.577986777259758,-2.03693869889872,-1.03847937836041,-1.4071467749752,-0.595754267049206,-0.985967400969395,-0.353740173088667,-0.35442230283381 +Lca5,1.26943314325731,0.9370397304549,1.04085430469064,0.928901263198911,1.52222237032647,1.85677793951826,1.31938751116352,1.21241938730976,1.16129313303963,0.835850715449866,1.32161133916887,1.32784427901196,0.500953431067053,0.410830362935687,0.0541786925579624,0.128381368059042,0.780251935800577,0.679190780766719,0.764777375888386,0.110790452536659,0.388161163907222,0.332311941708863,0.727642949760167,0.639355524370353 +Sh3bgrl2,1.98005938957117,1.14453729103119,0.927649614281773,0.384003795684012,1.068641264676,1.23633009093011,1.30927248705813,1.48973226826422,0.860494809726763,-0.209034672213113,0.860192309056776,0.379794589465925,-1.13078537955011,-1.39395324338498,-1.72098975423821,-2.1189617671113,-1.19425019158034,-0.881783702186719,-2.20237070355882,-1.70819970953073,-1.83203143477455,-2.01605658786897,-2.34014079313335,-1.72617224334817 +Elovl4,-1.595872033667,-1.17878753599775,-0.580443599170863,-1.58180722412545,-1.59730455959467,-1.06819362046107,-1.49501549301697,-0.588524330138869,-1.30578294143575,-3.97163843996562,-1.78035592590251,-1.17562977348768,1.76104954155569,1.5462041703384,1.95734680687083,1.45792778560945,0.907527863970535,1.74220568648759,0.729776302219261,1.99167098658855,1.40445118886476,1.59213734286497,0.549147606966829,1.24001984062904 +Bckdhb,2.35961860411362,1.98040502625616,2.26377122660767,1.79423845761513,2.23506651525725,2.29762899590341,2.43091158269071,1.82897840721292,2.06273506237567,2.14764465450947,2.32597232439018,2.51172992761509,4.53883679636917,3.90811106015065,4.35392381523336,3.98578862959714,3.78403228496136,4.3196843449915,3.96450554775367,4.36462096883566,4.21276802601013,3.96373130185506,3.82335757814103,3.85597859944051 +Zw10,3.24834615839631,3.17812402807171,2.98201680682963,3.34467205347818,3.26311808461991,3.24573555931992,3.4490368092118,2.91639569796078,2.96991274766745,3.16081964513565,3.40429873357717,3.37797848556733,3.20294374378689,3.1338433490504,2.91794209124778,3.39226720606473,3.53593218313102,3.18387745250651,3.42544303553996,2.8601150855389,3.16279928551691,3.05510218523487,3.53171748039043,3.60270395003638 +Fam46a,2.53479748248726,2.51248308976878,1.89003957677531,1.97702274162965,2.78784531523034,2.82096481574358,2.60758039229012,2.08986750461806,2.68548066346902,1.91070358942448,2.16532851560672,2.0793564620077,4.45536717069137,4.24785262870307,4.1163944619926,4.53191652418684,4.30705418523236,4.0640795591713,4.34538414391026,3.91448259007731,4.81098068931808,4.29106894008843,4.07906307015444,3.95984837806342 +Usp28,1.57681121732577,1.75259388786057,1.33710926243868,1.71919717008571,1.85024598945884,1.75709604612617,1.81174527976726,1.27314689008757,1.55020093372664,1.45023786191359,1.83275394066086,1.62429070046186,0.638093792934257,1.30584193194663,0.7767793680761,1.34367342271106,1.21971935932936,0.755181085183776,1.283281113734,0.957653984108871,0.749744819901249,1.25436602639955,0.965928378920634,1.19985671870795 +Idh3a,4.5416916372449,3.98345456555932,4.22166151309922,3.9479367643437,4.09288924397998,3.96970924276595,4.00128715046405,3.87499030252489,4.03556194271138,3.74084401740443,4.16341155460788,4.20267303229635,4.90773819388917,4.34196953197166,4.83981752338871,4.22139026371414,4.5930854608721,4.84471701741509,4.23880430307809,4.55616684243918,4.33225286224511,4.39658831225213,4.5587301707974,4.56469479306199 +Tle3,1.10961738649452,2.01391860003287,1.53859043140577,1.85095863556961,2.14897701786455,1.71038877876549,1.88382853190686,2.05650596616156,1.61628491793191,2.16730426637881,2.23048030862758,1.86564629262776,3.29488614462422,3.79991551331719,3.45835187254638,4.0082663912196,4.09174471462797,3.56823106634665,3.93361010331611,3.46594399115551,3.47138084222913,4.02708199039897,4.18418791566168,3.93386074757014 +Dnaja4,4.20675605021748,3.96422747718649,3.7658284219378,3.97160903041849,4.27781103874342,4.0604863163019,4.15973676308439,3.74977057416376,3.96217158207004,4.02889804463675,4.3220951603138,4.32563814045489,4.94725731245408,5.08428602924127,4.95102035843924,5.08240291522144,5.21461833323416,5.07374477780304,4.7438941859619,5.32389054874326,5.05562819081211,5.08354877943447,5.15640430496638,5.11433162051231 +Imp3,5.57884229158135,5.01978635173141,5.88708314040214,5.6125175529825,5.03405597857993,4.98952460654293,4.96577107577233,5.42084583377548,5.64479812525358,5.48616072241837,5.10121998824232,5.11293317671788,5.74800230956073,5.10077627398177,5.46661545921549,5.36463769307988,5.19154514577907,5.56853190531214,5.27787598327452,5.63015461861262,5.51661287639853,5.40162763985387,5.14129128054675,5.3564181494124 +Thsd4,-1.76287934886203,-1.53727940765749,-1.38940196000214,-2.09401626442376,-1.96862224112588,-1.55122157152848,-1.28168300682113,-1.94918088856172,-1.93619235323075,-1.77242051007629,-2.43798793990847,-1.64228790861235,0.85911829037665,1.53623054622311,1.07584527800169,1.12471041552314,1.36891487779336,1.36996582480941,1.74405748375501,1.08790485810122,0.871988747660717,1.25889674161108,1.20076593879693,1.445609916334 +Ptpn9,3.59226533961959,3.47702024815406,3.45884852312781,3.42430430995221,3.56553308493467,3.74545868261416,3.49216679486937,3.36952988496326,3.53371821047847,3.42631695457182,3.54226798285644,3.57651285104358,3.05765217850514,3.28437900121774,2.85218562369357,2.98214407086585,3.26481114769676,3.12581599898827,3.15125119034569,3.22134283948618,2.90011180303944,2.93043535543358,3.36314047269775,3.40779395745636 +Ireb2,3.18409294454165,2.96303206023577,3.20769064563194,2.85837629643413,3.82896595334311,3.91196320461022,3.13673946687828,3.84628483650824,3.04362009527346,2.79290661916377,3.60815904291644,3.42547919595518,3.57948736026027,3.4051840526845,3.76630755005772,3.26491612208518,4.27525498393077,3.92697521888585,3.74901760618268,3.52449700000117,3.41869382417153,3.29572594656345,4.07473144843996,3.73580330428679 +Pkm,7.36609862811642,6.95801863450269,7.04858640542819,7.11729124328535,7.17034435771623,7.23786834718055,7.12249030880663,7.07094081863886,7.15839448751959,7.09308341962576,7.23789312234,7.23328973113791,8.20754464818921,7.97567770042766,8.11878748870961,7.87378969838597,7.73850813620459,8.09794572269078,8.1055673026111,8.21887555226804,8.11093260684359,8.01460811872932,7.86595381417896,7.89472557091876 +Man2c1,3.44322618420023,3.69071559043056,3.40791568334516,3.78390803308261,3.89834085497722,3.6462090792287,3.90457728812639,3.21009632345017,3.56202155516653,3.83983434882968,3.81336785565426,3.6874859126059,2.95077881806456,3.47582991734471,3.21519360213203,3.51324451801216,3.69134372094899,3.2110087421966,3.77686462422497,2.86420008938691,3.3599656664259,3.56013815063596,3.89118328403887,3.5228484090538 +Celf6,2.46028378775289,2.29503048041051,2.92986913927374,2.2682085117423,1.94568735564115,2.13582491217265,2.21001403076442,2.32825679697912,2.79223789060298,2.84848490653749,2.05360876277923,2.16275119920548,2.77715601671375,2.5131787655088,2.72855995041065,2.73818630376619,2.64857235030766,2.5197440994608,2.72681193310695,2.21869740863847,2.48049495555466,2.76635429623912,2.61955311467699,2.42229532481264 +Neil1,2.8065646996873,3.31520650295056,2.57410481073843,3.29719510940068,2.81755027310356,3.12242535846282,3.29745597298804,2.91467174130312,2.93012621878066,3.01424685567378,2.90851179419282,3.01381600561272,2.36502549241228,2.83482116131568,2.18018882921579,3.00080132148944,2.96895681277289,2.51686743325505,2.79496533940456,2.41109100309274,2.7525348269273,2.63894091234049,2.81666284804442,2.72787054847213 +Commd4,4.18952429488872,4.19648163401799,4.183434769534,4.13449491414246,3.89158664430695,3.8912394105669,4.02794118169815,4.334500180785,4.12319354774205,4.00521931253845,4.11231538875324,4.19162162126657,3.68036920069788,3.95769651769139,3.64584423096741,3.78028905767892,3.51912493337015,3.36815788316125,3.34043886897789,3.60972433527552,3.55119555316105,3.79141618113452,3.67549281775779,3.38606225586388 +1700017B05Rik,1.02793461373291,0.850045740869912,1.12541405029999,0.530551559459567,0.741301087274205,1.2388117698233,0.905367373963665,1.38217612064162,0.814503918430538,0.33898022400581,0.263191421823696,0.79487300024325,1.00698897231433,1.35413035613461,1.38837292223079,0.943266457928841,1.50720810059502,1.40780328449818,1.55126387719631,1.63461366195911,1.3989375896479,1.00111438123079,1.39906177016093,1.42585346248612 +Psma4,4.19918305583039,3.57572232678324,3.91910918883663,4.0152813322161,3.3571007583594,3.70332985651791,3.6467834093237,3.61919494887125,3.92472227985388,3.85982361206691,3.54311593569296,3.81992643165711,4.16044050120384,3.70936262098239,3.75870434463543,3.78319108110892,3.59187342317134,3.75576436292368,3.41270105493982,3.878099889326,3.76557537001261,3.84131151965978,3.38736924073367,3.83384777998598 +2310046O06Rik,3.1229162748082,3.15329791824109,3.18577571827309,3.29909238071718,3.24080021903481,3.15789480517546,3.05539349649032,3.21992420553782,3.30169070669262,3.20432166805651,3.21197557884206,3.24824748119234,3.03487349440892,2.9030662676597,2.91464526715486,3.29125547549665,3.30269103529237,2.97158279715573,3.22169132739727,2.97911824601397,3.02354492229478,3.2006815523486,3.24730083098017,3.33611591755624 +Mpi,1.91571778381642,1.42726538548417,1.45420411701105,1.70772389956603,1.77883794328466,1.39241397206442,1.85187643157034,1.11452405545676,1.29637126446298,1.58907220485035,1.81310211698081,1.46086901490775,2.47569808160281,2.11980376707617,2.12309376736194,2.72243428296957,2.6309255018204,2.5845931138545,2.24682878577283,2.05081388044842,2.15538526681537,2.79834633693805,2.55600735751823,2.65087301214134 +Ube2q2,3.57773052238729,3.21135232902677,3.44821493334212,3.44569486511887,3.29251818761704,3.24286376519945,3.22523999372403,3.30675439216929,3.27970415372548,3.21132632495212,3.21983962394454,3.33218348496383,4.07732319101135,3.81481155614102,3.9111805123363,3.95386150104062,3.71343729992531,3.68040132824741,3.53816575661694,3.98695922218172,3.82063943818412,3.96426785611728,3.69201661286827,3.81888471011004 +Ulk3,0.848052883147641,1.62495213937177,1.0468540297615,1.3177443422803,2.54410537208702,2.50222153863525,2.12311071301,0.786839300212002,1.07570272328421,0.853760387044534,2.28057986682869,1.68616740162983,0.957340039034364,1.49549518252554,1.33590055526957,1.65116472559161,2.61925084821951,1.76038751233636,2.64123237351914,1.11320107990703,1.32822635316186,1.61052433586012,2.87716484037556,2.15758106850066 +Fbxo22,3.56998893551173,3.32746616462941,3.47833761042388,3.64697139447524,3.37725750506432,3.20260152794058,3.37102049748539,3.21765666529693,3.25868422427889,3.53860128754024,3.37120558935076,3.47332194633563,3.70671829535119,3.45869678327852,3.55345577670891,3.80582855114845,3.56266455521222,3.61961973226026,3.46779813332293,3.75199260256693,3.72166935305499,3.52112632435389,3.40459829478049,3.5471389066224 +Csk,4.37108353808712,4.24793830052985,4.52351266629108,4.37177957380735,4.38645204174538,4.41941764438238,4.33880694819534,4.43614856684199,4.36875673837789,4.06856802896437,4.31472781586545,4.3670561573399,3.58736927955989,3.52658369616323,3.83540608633573,3.75580297560729,3.68694885429665,3.7539306090632,3.75512718145059,3.72173054448003,3.5433849307435,3.70557730280081,3.68197827097799,3.65106885516682 +AI118078,-0.927939079044434,-0.0813826848260222,-1.00455409169751,-0.819851089711469,-0.567596894907428,-0.472828687469423,-0.680656212144753,-0.5483110071062,-0.374705358843511,-0.937158055305323,-0.362975169802873,-0.674554671070437,-2.01447767030703,-1.17303172265837,-2.43912377408089,-1.61437555321636,-0.924385477856422,-1.48265719747326,-0.752220855623651,-1.4469382841867,-0.937019062211549,-0.86350179436394,-0.712183920583403,-1.00210296868226 +Etfa,3.54890868099929,3.48957228835359,4.11986074759363,3.69197719814371,3.42065102222858,3.47996939312596,3.445041463281,3.90802944130355,3.77284600434859,3.73181764781443,3.58194297051569,3.32887311073631,3.80105411388038,4.12635808519585,4.20034521408497,4.06161100293531,3.70589364498142,3.78199378264165,3.62324080475997,3.84616862288943,4.03907159442049,4.01277233702202,3.59370500693475,3.78793771069612 +Clk3,3.21815578866091,3.71416519090266,3.29461886842464,3.59090855756325,3.5771464760291,3.37242639271992,3.71435436044028,3.07639865549335,3.49780225570946,3.42942442693611,3.56626375931339,3.6252906267683,2.8717867595259,3.26406815121859,3.01777970220824,3.14417073859534,3.29578343411339,2.90357716707412,3.43573851514053,2.70237549041984,3.28920543694273,3.0954874708763,3.2360952223435,3.37543105316152 +Rcn2,4.09054658896243,3.76596126583753,4.1743960965913,4.04088615941709,3.29911929703394,3.67130557222855,3.65388748899568,4.06975591674075,3.97196710505667,3.97178904987504,3.41241487840912,3.69220878930337,4.33860861134685,4.06724319997183,4.68222972505395,4.24455028878229,3.77296735279754,4.28494515293887,3.70015433607872,4.53377897473238,4.44318876292134,4.26994275056088,3.76886743220045,3.95309735966919 +Tspan3,7.02729121417054,6.72283256537226,7.07338664638024,6.7530073187983,6.33269467374974,6.51173820919517,6.43068827512799,6.92083657508385,6.99871625507062,6.81400172844951,6.40811088748596,6.65900927843768,7.09083867424533,6.88811314627864,7.20479443679722,6.97480226176227,6.62253688816061,6.99139467299839,6.60114733437991,7.28795603657795,7.13701065815136,7.05728288579918,6.59310142139986,6.77557999355901 +Tmem30a,5.76231939081721,5.50639603799927,5.80491291505983,5.52512299461228,5.12620027755413,5.28586348469578,5.24102139371192,5.70918641436027,5.64297382870744,5.49544339961322,5.24480090546889,5.45774822760332,6.6457134683186,6.2624307931766,6.58678641283891,6.26724780521662,5.894865799668,6.33282399337659,5.84414327894022,6.69762844003665,6.47067937403367,6.2438502045695,5.79502997529714,6.13345615623419 +Hmg20a,3.35259471808665,3.68607801661266,3.52446490014823,3.53205934504618,3.75355018508121,3.81401075286981,3.62920617091744,3.63653228769243,3.45683092826411,3.52599709368026,3.83308605091299,3.59505837057964,2.71779591891384,3.03467299559557,2.97453495929223,2.90175456188681,3.37708339060193,2.93497955564909,3.33389297988849,2.95857845287692,2.76778084052644,3.009201584675,3.23999862039811,3.13227038529657 +Cox7a2,6.82221455690571,5.81498684970743,6.6771044542776,6.51293829896812,5.87832396834128,5.99909416030401,6.1727695745469,6.54131916749454,6.54276863180452,6.47519614439552,6.09318833296368,6.48363874584764,7.03555394102414,6.55346346076255,6.99512246893896,6.73001200845065,6.18979079672349,6.83535555231257,6.16155285242689,7.10464625422882,6.95365417845272,6.62055792031319,6.31690969353449,6.69323415234837 +Col12a1,-2.77709169169964,-3.65466431769635,-3.57411764032395,-4.45885878039638,-1.48289767797915,-3.75043962763291,-3.10668787911831,-4.34263149071462,-4.09353293470637,-2.90151170661779,-4.56963953822094,-2.66039962196326,-5.37019318150461,-5.87496293172394,-4.87170743756463,-5.74411676974582,-4.88161576857218,-5.38026617946561,-5.7859442539918,-5.8029783306523,-4.84985961354336,-5.13853267178821,-6.44751522166422,-4.53157984840038 +Stoml1,2.17947974281514,2.811970752183,2.6660574490075,2.67121941096296,2.69456330895484,2.42545276400328,2.66865570136641,2.51941489052253,2.62747972134406,3.03221068139691,2.8685537476203,2.85186251761623,2.30335323861649,2.71951749809474,2.36242450553574,2.44670195720832,2.47778791999631,2.3618414034447,2.41686916919118,2.2919011903271,2.2515645530936,2.38164760399635,2.70016890632938,2.39479628567956 +Loxl1,-1.61261878623942,-1.74837933444196,-0.571013468705208,-0.462252235311689,-0.672129751442599,-0.711674810125934,-1.01777345163751,-1.08694624899289,-0.552936316420367,-1.13755991638516,-1.65178681868551,-1.3043861386435,-3.46342659825165,-2.54036040682016,-2.7867033366323,-3.39699635320304,-3.52493234225186,-4.10039480512144,-2.64337192922103,-4.10039480512144,-3.50907179119658,-4.10039480512144,-3.50527338107739,-3.46374300309153 +Nptn,3.78175197191586,3.59937936307565,3.92169121440232,3.75117715113899,3.65248130359422,3.52354824847091,3.42017830769659,3.8810701119943,3.8934917047785,3.7786842632211,3.58366388298219,3.62008880590488,4.09049811915235,3.99589486233896,4.33767569391561,4.23151605700595,3.86167511310831,3.88982970399163,3.58270959497629,4.19511579715429,4.16074499874875,4.31748493129235,3.82534267952026,3.99143303250692 +Hcn4,0.0549456216214808,0.81344851335541,-0.126830288952656,-0.154094832618447,-0.255885041806758,0.437443332481038,0.288035313788189,-0.0090527193270901,-0.381498411243172,-0.740647240861914,0.198948575267673,0.0171395738263245,2.74548895051789,3.40389360229166,2.74954813762515,2.81505098762124,2.69050940816631,2.9783832048828,3.18328935164185,2.99773646256143,2.79290182103308,2.9350262444769,2.76575130873834,3.02204839211284 +Neo1,4.95058755673636,5.10409262444687,5.0603204747262,4.87216215560148,4.91342156211599,5.03849320249478,4.8899050319852,5.30020131533,5.1376018735615,4.79456626260036,4.9738115969955,5.03277530687738,4.19179388750779,4.37519603548321,4.31351194348628,4.2774627119945,4.13858111891415,4.35558477525072,4.21979985985882,4.35354067923615,4.08090785946764,4.13180391239194,4.15014205768564,4.31578489333933 +Mto1,2.090312598946,2.02185264258181,1.83042371745095,2.18173662139678,2.09207709539931,2.07455567767484,2.07051352431479,1.80815504756496,1.64732729360853,2.08884476488603,2.08057588838234,2.02550167772294,2.50491108442484,2.04133718131523,2.08006732002835,2.24324399383577,2.41260885034923,2.47953730420174,2.27957650689134,2.17006761455601,2.14976301332689,2.22952118350673,2.21864408255623,2.34416212277372 +Gsta4,0.724045578020358,0.396617005593477,1.23137965617137,0.496381869131263,1.36019827039095,0.868389083551201,0.282388730919355,-0.193117949295264,-0.197068508706764,1.12279727765303,0.368907042231029,0.835306134222486,-0.009523627512934,-0.326076300525256,-0.308304831852851,-0.485156787483066,-0.732102227152831,-0.198268236374905,-0.840978804344454,-1.65346478923295,0.302809831729362,-0.98901913036886,-1.28278999569931,-1.66134987821496 +Elovl5,3.76050169903899,3.6151645171491,3.6162772002706,3.1558711406822,3.42536300970511,3.44759434528914,3.39416360838022,3.66911069285916,3.38078685461432,3.44518944687654,3.48109120094389,3.63653273952288,6.17306812659551,5.94201893300499,6.12529830678119,5.73825901333924,5.41924989306537,5.85443205956773,5.61038836377998,6.19477026494406,6.06215930445675,5.70896865304864,5.42511978698724,5.63895403641713 +Gclc,2.91848675003991,3.02181975177934,2.97294180725969,3.07021748801405,3.23900651270524,3.063949371861,3.08428851996966,2.89871630579999,2.94080705585647,3.0498809938588,3.02110673143684,2.73565613132838,2.99589964473222,3.25644540394946,3.15344211741566,3.40039707362776,3.19675790268171,2.8764078562248,3.04609388250522,3.16326846726974,3.021743375518,3.44542540395677,3.21983538169774,3.10486538788926 +Lrrc1,4.28429280436522,4.15263199297258,4.45726468599323,4.11691480591004,3.91044867238602,4.20533874731586,4.11812310300995,4.37086091351532,4.3342725970627,3.96281829677761,3.89677468069282,4.27436169499647,4.12311403693177,4.13840584161298,4.00414319295334,3.44247171588654,3.25344167530237,3.89067960142505,3.72689485195175,4.47398868296799,3.94237688307194,3.6806725643886,3.09738814913375,3.52716026330695 +Tmed3,8.48787601000252,8.17078751365131,8.27222166696694,8.16962558417337,7.81028067583427,7.88076356831005,8.10068321977992,8.5456116598015,8.37992703844052,8.01611513549152,7.99371653694057,8.2239644171316,8.51393708761908,8.15034595550271,8.11589322083216,7.9123495713538,7.73834544252688,8.16601796232461,7.98011972333586,8.45050146507707,8.30048069282417,7.9573119750954,7.78209161079673,7.94994527136397 +Rasgrf1,-1.91336914563846,-0.301742699943482,-2.37205244248087,-1.49204670873431,0.48605654833015,0.201490026874702,-0.464249561015228,-1.50668243418132,-1.60366002861244,-0.940825926029002,0.304032438089798,-1.07616628160862,3.37777300705626,3.62966396854974,3.73519707612153,3.64820304221747,3.92394556673916,3.7237998333743,4.04643943020458,3.6881428649894,3.72068856759818,3.74271690894826,4.00180274835825,3.73712994972039 +Fam83b,0.140260517407351,1.0897628593897,0.489208869312837,0.691305045547368,0.696182098203767,0.985811399031276,0.318348714993571,0.885516558032168,0.500332753572938,0.855439602301473,1.03859801169413,0.673095884117028,0.131401602248247,0.346236156372046,0.435969289312033,0.891903983738153,0.516795110859067,-0.0295471563650973,-0.418863013149848,0.827537859083756,0.592837507772831,0.58362222308316,0.410818795059008,-0.228086569939181 +Ctsh,-0.218447554611185,-0.185658639504489,0.246103876381547,-0.0515991690959368,-0.118077600836215,0.169307245089878,-0.0807559631585288,-0.183381477438559,-0.762257234795379,0.132689087026366,-0.134467432041679,-0.225035376999224,-0.201036649089734,-0.428695704087299,-0.406686444576441,-0.766862235749704,-0.531360692323859,-0.442890467562285,-0.362279268473892,-0.405627510330356,-0.224213474165267,-1.36001778722607,-1.31550858730532,-1.32064137476552 +Tpm1,3.60895997043031,3.68127097814286,3.36008856658994,3.55469173444111,3.67935960506845,3.4551862017014,3.63644726242478,3.35739180222504,3.43171407082986,3.50637018108013,3.51642962167439,3.61396110642712,2.39506723259725,2.36357480308391,2.31151566609268,2.28562186497568,2.26611674956692,2.09992761856631,2.10681181493911,2.35062925663127,2.42389803908782,2.30798913099389,2.2003662391433,2.36184753600317 +Plscr1,3.29300180843864,3.17532317673523,3.55576325667236,3.28153988225277,2.94658227256744,3.01549078953857,2.96368186177195,3.4689583909114,3.23764016942089,3.28074595651974,3.3816763317287,3.35243658087136,3.65116774701845,3.65642338293186,3.71171584662143,3.53671956836702,3.08995820149216,3.31355096278039,3.3341805195688,3.79835991336642,3.64014819562571,3.86961495322322,3.37739133017026,3.13614345643366 +Lactb,2.4209301334875,1.99482542624442,2.0836970580091,2.26587471861625,1.55937039115994,1.91630384083187,1.76419494202224,1.31673110566978,2.026963223997,2.09834597346326,1.99407489466716,1.60009749945996,2.67161236878244,2.53365321770988,2.20284271478943,2.94139559665608,2.35642495580265,2.37471664585406,2.33833387303239,2.33935233576259,2.57760452328959,2.51398160242034,2.23100197969319,2.37802492155819 +Plod2,0.283656590159172,0.534554476702033,0.580477362748896,0.229263836539465,-0.478317336411908,0.186327134337804,-0.321213671019702,0.516287737723613,0.410983750863192,0.178460596452337,-0.189181169875114,0.473212830329897,-0.895235108561728,-0.102717325876187,-0.267630001434797,-0.662568482185368,-2.27690846372684,-0.659300113010348,-2.96754573318084,-0.621914190978351,-0.548891794642072,-0.315681082585813,-1.81434168243949,-1.71369762829696 +Aph1b,2.14671460979453,2.19429150211841,2.08114878568595,2.02355889079318,1.92156238773878,1.69271398233199,1.77274636691092,2.15843753108917,1.95091020778047,2.11083510789016,1.9395614778522,2.0675765604456,2.04899986297391,1.70085940575694,2.25673356208258,2.0560670096671,1.83444696794986,1.9003384494941,1.35587803857803,2.0771903751251,2.01029786009913,1.9768647928534,1.76791130052885,2.09123236244165 +Usp3,3.00059522275493,2.96218919213194,3.37717581497568,3.11391111280393,2.97614757024656,3.02060629285286,3.02107892026623,3.15861090995777,3.02341232338972,3.21231839106278,2.92038880111577,3.02138798957556,2.52144238448068,2.52626892427298,2.48300521428325,2.42871056141046,2.25033319535726,2.31491933677404,2.15101644334599,2.71827325176807,2.5760062623544,2.4682867023383,2.18414074479315,2.49414328210758 +Plscr4,-0.530531211486696,-0.452429470767387,0.0218450741738052,-0.551307813604002,-0.971164867121048,0.0356710468103767,-1.01546372246346,0.343305432862042,-0.710225971769469,-0.223405643468082,-1.90831597413278,-1.23232788521098,-0.627418030760615,-1.21684369669726,0.055430224249851,-0.625528347509292,-1.51304668326288,-0.280796783421719,-1.38220085083326,-0.660570719472144,-0.972837817772352,-0.136443223190348,-1.46102497541799,-1.99207845918444 +Fam96a,4.60619862754992,4.04253167375314,4.61395891531658,4.46295870642945,3.83198289132767,4.09249325968331,4.10088801090338,4.46865429935678,4.42752611592535,4.5713746224791,4.09517767583916,4.36537069046662,4.85747757206129,4.56706332854507,5.10572035575699,4.90384485915115,4.39780273791204,4.92256360657034,4.25916680265788,5.08793701865646,4.80246673064194,4.79054571442133,4.34127048009405,4.57506530928916 +Snx1,4.1418633429714,4.08958679553654,4.25422786026181,4.3203548490045,4.10503022674908,4.13012860536448,4.03473423337169,4.28898712394059,4.13169531082919,4.41245209310825,4.01105391904506,4.21616777096132,4.35983983172331,4.03259450688573,4.06401537146003,4.09541626498294,4.09252421702832,4.02521491584206,4.14224465024354,4.07841968821728,4.18943375935094,4.14889614947992,4.19346793728561,4.16651063935918 +Ppib,5.3130053797142,4.69376683843543,5.00067585035119,5.08019392615019,5.00936992649957,4.79533992745457,4.92721606818446,4.83048872640523,4.97904887115781,4.96475619746916,5.04224465703568,5.05437683013088,6.05744223621945,5.20130122857128,5.50917362071569,5.33353017397408,5.83444624494258,5.84981823809394,5.99877413950329,5.29150129059906,5.58785903452156,5.34661785094715,5.91603754540728,5.82379180445533 +Csnk1g1,1.42414479936078,1.7069298337475,1.43476354025611,1.60557823408744,2.31388519279339,2.20702017677115,1.88734257168614,1.96003479777993,1.54839854000103,1.46635406044749,2.2072754274345,2.02656290478715,1.44822010949169,1.49556687761917,1.42826523088599,1.47180937701706,1.93432853068316,1.58545103656213,1.71794202832736,1.35127513300171,1.15267486896014,1.32789366689692,1.73651100106057,1.64539740904859 +Trip4,1.97940673760504,1.97173703726305,1.91900847613142,1.83145624282575,1.89245423656538,2.02770693877209,2.01631911020079,2.04072676171338,2.02342768612267,1.87666807534136,1.82963011430582,1.82241804975778,1.86965958696344,1.74202672672278,1.7918811290792,1.68455088292833,1.89047921431853,1.81335909064166,1.85226812325476,1.73928474443276,1.71691687436385,1.7431397270211,1.85858193229941,1.7207777844743 +Spg21,4.14187787471694,3.93403747170582,4.51390726026099,3.99680649375626,3.65374818395478,3.65411239621565,3.79860303425344,4.23302999161751,4.29190257008192,4.27187438112576,3.57025308648745,3.7694137290967,4.57553010407598,4.2636794578205,4.60878059885527,4.3074232031226,3.93731475593927,4.40541061187432,4.14286766946917,4.77248410097192,4.5359830597374,4.33916597213847,3.88495406185347,3.94878147281587 +Parp16,2.37887270683104,2.90965774761129,2.23484452160613,2.72093027163119,2.94392322315298,2.57996815683528,2.39256076458726,2.32042797737303,2.45758443961989,2.32899977103173,3.06961068680576,2.91330890515903,3.09781305396156,2.99667251612551,2.82069743341352,3.25298494325357,3.08597978952485,2.85739862319679,3.20844635331306,3.17621889024901,3.20332119815841,3.17541505792739,3.15091556476177,2.98255817854612 +Dpp8,5.54336500597511,5.48248808899845,5.55363647821733,5.38722730527675,5.29143604059712,5.36155565071041,5.32149736775127,5.69559474601756,5.56183536033788,5.34140277155114,5.3413625951756,5.4116332045765,5.5439348838413,5.56335959705549,5.5998934593661,5.54015415613287,5.44510054141107,5.50851694013646,5.35085250616234,5.6991127984593,5.46514292256644,5.53131546546913,5.42426720288704,5.45073734176033 +Dis3l,2.33353711199876,2.39405273944259,2.44637191158743,2.10930866041847,2.39453091470212,2.08714025894002,2.34967375081924,2.51594139651943,2.29381417474045,1.88953386388087,2.21599693684523,2.45031441880906,2.63003082463271,2.86708788533949,2.71181267757651,2.36902052804392,2.6046369061675,2.82882312974348,2.76513679099455,2.80404408583107,2.50830296332928,2.68833092907892,2.76721569879369,2.6655826294118 +Tipin,3.42572533483963,3.48851946659089,3.73702896456664,3.53734589749673,3.14028095372751,3.21722310517023,3.28487716661012,3.56136461483978,3.6244329644246,3.59412414403627,3.18670029128554,2.99032037867747,3.86684186070187,3.96711378590377,3.83292029323315,3.62264194254577,3.30057881817821,3.50959151708187,3.06830967979564,3.44539536006836,4.01009689241344,3.81784668869966,3.25093823843333,3.44510262613425 +Snapc5,3.58471704630483,3.061459439791,3.65453593038682,3.7376509775873,3.04718299398332,3.4286595493787,3.04613344317568,3.20625462697305,3.80735831711019,3.9291156555224,3.06959416549955,3.12458843927221,3.49108714361208,3.63279345917064,3.61172037519817,3.40526923716693,2.98973361082634,3.31792871568948,3.00618433484281,3.86703940908308,3.56660174951749,3.67722622837362,2.95211605197095,3.23012259940691 +Rpl4,8.84725143429698,8.61432803484732,9.19939459115247,9.05195642742368,8.66100508341183,8.70821372037196,8.50058240393137,8.82931629274552,8.91945956868088,9.06683067454603,8.77036926714401,8.81656057039838,8.47821852130882,8.32142568588946,8.54171378789849,8.40229902635179,8.19287930294207,8.31367968321503,8.2020115724297,8.5778504776653,8.51323303094018,8.45871240997436,8.22300187972547,8.23787762489145 +Zwilch,-0.549374816047374,-0.434574464232441,-0.824289461523447,-0.45585369336931,-0.449004862272404,-0.576591157770492,-0.376415638312438,-0.167507504841691,-1.15105812695352,-0.519627336399753,-0.825207001550329,-0.843667240162253,-2.79260630072323,-1.34317968998021,-1.58479247875041,-2.42955443129794,-1.11338594159929,-1.78440703041303,-1.71041323468151,-1.63265329555975,-1.65611636268356,-1.69094504866226,-1.86954364973222,-1.34784612328502 +Smad3,1.0770101496568,1.38619836844178,1.48235841415774,1.25579749239378,1.56451796197306,1.41218572072816,1.11309599091053,1.81274431150271,1.54035902279484,1.08052170925543,1.54397953936089,1.54873266520024,-0.366352603021062,0.0145591365176783,-0.321408824710631,-0.567150159460631,-0.304686040507141,-0.663558542555143,-0.495567288698713,-0.4206254685481,-0.769569716644872,-0.604383820725544,-0.130302534317203,-0.884840043185948 +2300009A05Rik,4.82855187145883,4.04487138442158,4.69454773544105,4.46798681367709,3.95021510791077,4.02033096312766,4.29582332420192,4.75661195703551,4.66393538032551,3.95340926707285,4.17214610785253,4.06140575404902,5.23707073711392,4.8108516143202,5.05325250111122,4.40474186884455,4.41820350905197,5.01033065805736,4.53818957704707,5.29213918071333,4.89101316233547,4.65362934359362,4.29277175301128,4.29576589886273 +Pias1,3.71626716136074,3.83834149975946,3.89505698926246,3.6791862135787,3.83780342193397,3.90948212431302,3.54333796261249,4.10577379756159,3.74177155044346,3.62675614064802,3.74394948107304,3.72851104897702,3.16810580259567,3.22814963358579,3.2095604972843,3.24831941370033,3.21406974100946,3.07046116522616,2.98041713814271,3.455290861997,2.99150570817226,3.27024262226777,3.07949231424292,3.03053112178423 +U2surp,3.86605161709391,3.87560593170983,3.97552529353493,3.92859574870813,3.814892922154,3.98681177699961,3.8069364219056,3.98016613722223,4.09802272498383,3.92064197517064,3.84170439274548,3.89275998671744,4.09604365111493,4.08204275732744,4.08583752787694,4.14020271088712,3.84818566126909,3.99695178952649,3.81507809966448,4.15087967145737,4.06681776034967,4.15724383729465,3.84004027777529,4.00274001462732 +Atr,2.13926446019569,2.23626868812365,2.20616491415153,2.30054548852024,2.41482058776035,2.38679509819521,2.40464272272476,2.09280377925936,2.30485560696003,2.25060385857835,2.27019296006821,2.35635624150839,2.1650494136232,2.1846680668769,2.29517747064521,2.21849910523064,1.77476620337364,2.29604081068065,1.91616386266067,2.18929557229232,2.07838798764542,1.93414349108703,1.7044682319122,2.13480931967753 +Xrn1,3.20531733405454,3.43387783103878,3.47856917894203,3.19105933923548,3.70335661227425,3.56775026190342,3.27083398647047,3.7642042676325,3.47998327403209,3.18208757412394,3.52712091118127,3.37221014494554,3.04219744340965,3.28430340468575,3.45405103664342,3.12457024847598,3.49006773883153,3.22194440256868,3.35643690090154,3.20443626980436,3.22863029215618,3.10392265318132,3.31708371853652,3.19923826216563 +Tfdp2,3.07732273909878,3.48993932532919,3.52360827495755,3.25048542003436,2.97518874664573,2.97291783939783,3.01489668191457,3.67775178203005,3.48586308387695,3.31112821224962,2.93670991821727,3.02424370461003,3.0368176479756,3.11513103217189,3.24771762555012,3.02993433202468,2.36809348718434,2.86085387767162,2.534227046906,3.33643399083566,3.19643078993594,3.09280902516331,2.31274244944923,2.65146794453715 +Atp1b3,5.04904617685281,4.48983883342313,4.78004897174746,4.46120329796294,4.69351452307731,4.62702979077685,4.49122590719429,4.78144021355439,4.95029458835383,4.62234815509434,4.63599583559683,4.72116160746424,5.26668632573555,5.33235772669137,5.46181392043073,5.26087305851425,4.98923534401774,5.38083302938795,4.752446480477,5.56518826998769,5.30454868132969,5.08148444550808,4.75714855012846,4.92479640944104 +Rasa2,2.18908839529593,1.80040092511763,1.99192033560995,1.96350041414177,2.0990133601364,2.21273860177723,2.05300733027174,1.93553677526813,2.08265907057262,1.84405546726594,2.0788470949161,2.02693460989217,2.05718058328841,2.04585225444655,2.14131751730811,1.82375831994977,1.93981996018807,2.03807359524511,1.82009113581443,2.37087548169991,2.15983470611953,1.77791526121252,1.94153987022721,2.03534723524676 +Ube2cbp,0.760707971254807,0.0171408530998671,0.690652132844078,0.885508617722578,0.234388802769566,0.613956698412503,0.503731436383751,0.895470061269411,0.762724156137876,0.751166810040553,0.22204995530165,0.458600197144857,1.52308790203127,0.251420325482868,1.50877608965202,0.64339989488468,0.163615068822414,1.41396557430697,0.709543720930454,1.49907123021797,1.35073501941097,0.803507851649353,0.608941926694868,0.722568416388861 +Rwdd2a,1.78005225293558,1.36632157590278,2.04538480032497,1.54073434226454,1.14558824297984,1.04718905394053,1.41493087659402,1.55578942159379,1.925762985294,2.00986940926486,1.04373099621295,1.03064194976246,0.464764209856864,0.601907349972915,1.03811410566521,0.535822865735318,-0.32047294540968,0.265063043007215,-0.25709127193894,0.986742154668934,0.430350798446116,1.58050067677551,-0.272233031742614,0.904483780795868 +Me1,2.64217686900436,2.33963587916636,2.68892450911511,2.25796044844199,2.30600044612498,2.52526996181342,2.3471108259599,2.73719823731628,2.37381306915806,2.04563869373159,2.19061149213572,2.16885845215243,2.02662744510299,1.89645419710253,1.91989155888061,1.55811054128738,1.74477009533799,1.57686489559737,1.60009023799635,2.15614535259546,1.91923072399275,1.66425860512153,1.52251842709906,1.66898583233682 +Snx14,3.85528532826903,3.90449514974275,3.95296470380838,3.83928276483456,3.82016287287018,3.63570341114384,3.72993259059808,4.0496846623864,3.87611685867901,3.84819586532137,3.87175703995086,3.93530429698281,4.09839113629089,4.1629121418488,4.31300211261426,4.05920584265636,4.07047875878993,4.03785738367447,3.93715250593643,4.17843426611277,4.16281706533749,4.17225488331293,4.0483662422015,4.21316275055171 +Syncrip,3.63598815989178,3.27147582069837,3.41888413878624,3.52162772365714,3.47014529098937,3.62882055876724,3.46504190737312,3.30927323985477,3.36453955273049,3.2908955232029,3.37432785042158,3.33225404566346,3.56076826780726,3.38312621554039,3.50663021289049,3.41549843714194,3.43369208532707,3.50182848240839,3.29620186734238,3.26448846439087,3.53297582633592,3.357781568361,3.40607294492995,3.47197316782664 +Zfp949,3.3367198337843,3.77582552124259,3.24233352698145,3.59086316630296,4.19608396947644,3.59454263728442,3.84608715127127,3.42572900870031,3.44983039446029,3.71902972499785,4.25139315751091,3.81491187908362,2.73767744342776,3.15304745215549,2.63619440239209,2.97739785393361,3.42719069779399,2.71331892982133,3.26975457515516,2.73741068306236,3.25708346924713,2.9155476547417,3.52855733847633,3.25746479811316 +Crtap,2.57401229856849,2.24161888576608,2.67604829936411,2.27889250210377,2.30786477509429,2.1441800383823,2.08780433370501,2.5085429232255,2.36330431525526,2.09464793856404,2.55033858078862,2.18479061816839,3.08658043628452,2.84555863223669,3.20208320787433,2.59503987098328,2.81211715392405,3.01996703892742,3.2128910752898,3.24757967168654,3.0528923200316,2.72314090738464,2.96718348430924,2.90806991158414 +Cmtm6,4.62502045698042,4.55588236258651,4.7726776434865,4.25660810791922,4.1576921252124,4.27761954600176,4.20324557827315,4.82218326372104,4.71807016337694,4.26053151234364,4.20454909567645,4.24701977829863,4.53973548226671,4.40493494400312,4.32900123484491,4.16449139352976,4.02736959750945,4.40623551837279,4.19357277354825,4.84144563945778,4.33877491602758,3.9272905068759,3.95162289395976,4.27653712465298 +Dync1li1,4.82378402807859,4.71243353867169,4.82391624967185,4.8898172247955,4.39834521357334,4.60870512671971,4.65883750050411,4.82661395958471,4.901521107399,4.74456335016602,4.56847785554158,4.84879572754268,4.53384097172654,4.43154909298131,4.60775457671786,4.59360849792404,4.32897071525782,4.4376738852427,4.31959439536976,4.61565640479576,4.46828069911564,4.43517283433274,4.41380136268819,4.53554129056582 +Cmtm7,1.45155391371979,1.38876354535534,1.74079743889506,0.450002359725877,0.387733976421543,1.47880883796736,1.16095377103366,2.13119417160026,2.19128713022232,0.890386287468786,0.45740888030545,1.14944613960984,-1.28966287203304,-0.423092662661634,0.0111453322936865,-0.722832985302885,-1.41092769459176,-0.408928189890524,-1.24251139186775,-0.846085878300071,-0.37601563570957,-1.40625578268953,-0.954069347755782,-1.29027410527462 +Stt3b,5.10401352344365,4.64597432036995,4.82521589713035,4.76111615129273,4.86944586369859,4.7971695186821,4.66488344152436,5.06987812490641,4.76816427718633,4.62020113514746,4.80901082527424,4.92116394120271,5.50428266876344,4.89983513489555,5.13172174604443,5.03983423679367,5.40853823321833,5.55068967627323,5.08740978512333,5.26213151959553,4.79833784991495,4.98085089641276,5.38396577244775,5.4234745742603 +Tgfbr2,-1.32725980217045,-1.48989058155514,-1.30313106837666,-1.58261209327149,-0.630802503217854,-1.92285418110092,-1.686101524919,-2.10476850919409,-1.86348958095724,-2.3319434278291,-2.05804634434079,-2.54911391676329,-2.03604483643025,-3.05989537683095,-3.30623830664309,-1.63594271933958,-0.891587290621576,-2.19185821480975,-2.12054739713266,-1.77281249431799,-2.28278329771943,-4.04214489808647,-1.78659504749975,-1.90905879434794 +Zcwpw2,-1.79011181100296,-0.85932884853508,-2.32387337406873,-1.20265951645789,-0.159185983825376,-0.630618336406504,0.141705454789197,-0.815226244449577,-1.45967664842865,-0.613941162085814,0.266527006654016,-0.333161669458195,-1.67020193776587,-1.24523326657134,-1.48684605534154,-1.39783709717247,-0.653481668454461,-1.09442994296449,-1.1888003071897,-1.42598153585468,-1.19499970458049,-1.15324419991735,-0.446666917765864,-0.599574313030245 +Slc25a36,2.99112023068599,3.4717497490018,3.30572425762324,3.43002578748587,3.40152891994005,3.23558737183004,3.16717745430793,3.09487577725595,3.37792299998088,3.39787357730151,3.30230973754392,3.33875844364979,3.67493063557312,3.88605184439058,3.82212943982825,3.84132132359236,3.6218566168,3.6751370749946,3.429225304354,3.87474164254401,3.9517511386222,3.80834483754991,3.53626623593865,3.70541471263748 +Clstn2,-0.250852272783005,0.059325672384321,0.199371293952401,-0.354971497252694,-0.118678261719568,-0.568661470668336,-0.385148914167342,0.341516322493129,-0.30654384766125,-0.314841371186924,-0.506251509355709,-0.202165417224607,-1.16542794029651,-0.885705820913272,-0.535721877610019,-1.56839114868503,-0.65867751988774,-1.18376040395626,-1.51898390631955,-1.51536979302726,-1.32746084896382,-1.12802414969036,-0.820358015752895,-0.678806011379882 +Rbp2,3.53283187734169,-1.7879439885376,-1.7879439885376,-1.7879439885376,2.20118328337677,-0.468400554117172,-1.7879439885376,-1.7879439885376,-1.7879439885376,-1.7879439885376,-1.25598705078712,-1.7879439885376,2.60314186906834,-0.48843171350088,-0.212136204438011,-0.613747205732074,0.994854713037424,-0.385685188574195,-0.674504676182583,-1.14340709752569,-0.190288380416741,-0.21737262354333,-1.19282256449355,-1.7879439885376 +Nmnat3,0.628730772071751,0.849686931660445,0.968041302917741,0.828286223911301,0.583099919854544,0.975510139734908,0.849779464158219,0.910838514091904,0.758214568096681,0.923627380758662,0.639303264801969,0.706237101278445,1.56049937654142,1.34337563050609,1.45925466113876,1.53650160841279,1.45444049906116,1.62237270799279,1.41502017578193,1.86368522221056,1.31161201703175,1.53833770396965,1.50266950440776,1.42917412343892 +Copb2,7.20844865595945,6.7653294626361,6.98210675798952,6.88645018298353,6.61144555557103,6.62763856787444,6.74164065538572,6.91294190898408,6.94324202234242,6.81233921783909,6.72125596012897,6.82479392186246,7.76047841186313,7.26058365881097,7.4057474498101,7.28290383391974,7.36800318945001,7.55552550812897,7.40389597641408,7.42793879103545,7.38076043159137,7.32377823967976,7.47167818766204,7.54699878700065 +Mrps22,3.06375813223499,2.8451340545852,3.2427906994698,2.9598854599685,2.84252299587872,2.81555509073384,3.08481199435446,2.58180702823122,2.66947489463667,3.09960088138677,2.95289260804548,2.97526781640593,3.06226036571659,2.55228700355549,2.75597171662073,2.89108515273588,2.63583388700558,2.44164826357639,2.91344771547534,2.59307053890014,2.50775129939714,2.52879050797276,2.41172024739232,2.63504428713621 +Pik3cb,1.34289440239541,1.31099538060574,0.927149232756078,0.971345009726828,1.27035348885714,1.28777068871436,1.18637514528684,0.981326685082297,1.27303141168588,0.824375562602837,1.16019602466869,1.25660165045213,1.10992317321371,1.02711651788394,0.908084329181144,1.07157100169847,1.08430934799036,0.781731848432062,0.977841316006351,1.09033316326222,0.926541105133051,0.913890684446492,1.18922676519358,1.3069859902578 +Faim,2.74775595755919,2.49606215926792,3.11985151608193,3.0456873049742,2.24345758156245,2.64160232245316,2.70152855975082,2.4777954202895,2.54833378821674,2.49573460354528,2.21071609633709,2.34336089216757,3.05923598324694,3.20055475088532,3.23769384800932,3.12565977520369,2.55352114804627,2.79412903867054,2.79377856577949,3.21298439537839,3.11012433233099,3.07035086910045,2.12051756887812,2.7485973540793 +Armc8,3.02933432801713,2.91487855145569,3.08953509535516,3.10162953837851,2.95703259624681,3.10372318270787,2.98752569727103,3.02744052055222,3.0332423994625,2.92503782695836,3.03854352245713,3.1202516574621,3.56418751679793,3.48354123170826,3.5591534081412,3.69324321860196,3.32147084046196,3.46606957799081,3.29684787029476,3.56803535882527,3.43580869154026,3.59892674449768,3.42701216495997,3.55187223702981 +Dbr1,2.75894962766866,2.75404380780613,3.00675270227561,2.79727558125869,2.41253009179746,2.46082914177871,2.44717995548847,2.66353618550544,2.93686089759578,2.94754195778796,2.36288629871707,2.63651057759469,3.10237914448016,2.96683999323558,2.82406008904262,3.23453650062027,2.97561588620693,2.88522139389003,2.78085598854052,2.84652576583369,2.90376128308018,2.98259385151086,2.71555226011486,2.64337211641097 +Mras,1.93340103827516,1.82319229398333,1.75373093782995,1.42424347667674,1.63241121253415,1.8837754751893,1.63948417376197,1.72613147955226,1.63456778890245,1.2694083641396,1.70747145653696,1.44958739662464,3.35286131498945,2.70310145621416,2.77298658441395,2.72434845275021,2.81612227040195,3.03954055324551,2.80397355133952,2.95288456801631,2.43967339898119,2.68563746464372,2.72754647197332,2.71455371352789 +Nck1,3.41580930959926,3.10335991385914,3.26127463441275,3.11264782694814,3.17948930784295,3.29244372037584,3.23734154166982,2.99500303235349,3.12800961219281,2.89377516041937,3.13507763949131,3.19948458678759,3.79792355035192,3.26845247538547,3.3108440685835,3.33141175432129,3.18668434411636,3.56002001458762,3.16968372814278,3.26797803982537,3.40111369775198,3.24616392628594,3.10885029498444,3.39416518943924 +Cdc25a,3.42468394576866,2.975488618301,3.21005940107562,3.16277003588676,3.00300423694136,2.84275043512076,2.94424797949932,3.08065530866371,3.26162334084082,3.01445772010426,2.99145884374867,3.09145260279412,3.51928911757773,3.11832121635433,3.28262955642886,3.25279065976556,3.43153972869945,3.36672151947738,3.23627434313481,3.09082531209835,3.25070944037068,3.19372151454595,3.36530234206302,3.24695159321907 +Nme6,1.43466299716205,1.46723260543975,1.26143392611309,1.68169130128543,0.865786702071909,1.24162170603541,1.31368787257673,1.07741041385516,1.56589900036877,1.43879285016097,1.41323463930885,1.30690993298353,1.929307226118,1.66583098972441,1.84501941325707,1.64655748481271,1.5675861070452,1.6546555024412,2.07181384707543,1.26133405590211,1.56869550533727,1.6605322601587,1.46022937499275,1.41779613460068 +Mtap4,1.58337908028627,1.50840433093574,1.58611796785059,1.59231050147995,2.20665127933833,2.05287494311472,1.7306425669927,1.74780778037303,1.62720319004262,1.46737538223562,1.97593696270497,1.74212830214361,1.58790811704562,1.73710154228092,1.60394282761507,1.32070413293563,1.89266662850495,1.77114729690677,2.06895269764959,1.36909703709617,1.41576480082928,1.44193199212499,2.03577456730108,1.80530769555561 +Dhx30,3.61937148829535,3.58342103249001,3.37645295645018,3.53176418821147,3.61439772256136,3.57337156529678,3.64690899463646,3.47613851822722,3.56533165369928,3.36829475998817,3.55286071082919,3.60472283079944,3.34127471676669,3.57478831019721,3.57212223397736,3.65086175797015,3.5462595523464,3.55971844228853,3.62761693908513,3.48603738963656,3.27528588348758,3.37541397076105,3.729121547644,3.63371739296533 +Smarcc1,2.94207394853842,2.92899466669296,2.75401186853706,2.69469621788934,3.32720845029581,3.28368112131242,2.94001155318639,3.18413398373691,2.88018000719078,2.78259110240579,3.19257106038489,3.01384032662977,2.91417680973152,2.91308553242465,2.97720819288796,2.88529601612435,3.21289305090784,2.99420151492588,3.28639143328343,2.93208642518213,2.84686398932684,2.85321579227657,3.27166513574408,3.05818626835406 +Cspg5,0.795654472410343,1.03268923646646,1.15355373127348,0.993419586141828,1.18369603229341,0.872212610193989,0.747020655873536,0.852286265927004,1.21719033270062,1.59859485370508,1.10961789894793,0.918364549155194,-0.530672380672907,0.457413185894152,0.717314469329493,0.209300654376192,0.182386990952515,0.204077938960268,0.103307701868942,0.552266918989045,0.587256738071259,0.189124332034723,-0.762524460944584,0.0378194441488087 +Scap,3.58814996184463,3.69620135932518,3.56010046572747,3.62214353654506,3.60187682472936,3.62840480617412,3.54206825833051,3.58946783628556,3.61173855933533,3.39748922614026,3.46897919166878,3.47080207604891,3.79907613907004,3.89006179798129,4.05583947768183,3.98793763119304,3.87196899435544,3.87670596812827,4.04139461283607,3.84206249825477,3.62428022356025,3.83507622698618,3.86764485338512,3.78339115381452 +Kif9,0.381602356432564,0.857386480057263,0.875779676822106,0.58763442705782,0.900171031132383,0.684544323291726,0.77129205432291,0.441802280528627,0.875508126647732,0.829751847635427,0.777122110820542,0.462658553272803,0.948015909553632,1.36089640726075,1.09484179120114,1.47520414277532,1.24520797470837,0.873980690590932,1.10217551480523,1.20191338957542,1.23907215818064,1.53445765035043,1.36668914736411,1.43359476576936 +Nradd,-0.323698033064708,0.116597766674974,-0.520070140266987,0.459296762697369,0.576583574454213,0.0036284875977309,1.75066420570425,-0.640688083892263,0.0878345793664984,0.554141260681466,0.795442418071569,0.217987747314567,-1.16379151593569,-0.797391269331627,-2.57802091916337,-0.765176026401569,-0.430360773808964,-1.51077187696476,-1.12099804326296,-1.93348402815145,-1.56849063431265,-0.594221082611077,-0.972811607252238,-2.57802091916337 +Lrrfip2,3.04241672881856,3.04539344322905,2.81070819058779,3.25596999448022,3.07289794199267,3.08458661181347,3.09317418097494,2.76912052195281,2.98459659266889,3.24897906246884,3.30857392525895,3.20239757698185,4.57988566684762,4.74486709827548,4.55299324029022,5.01251019204694,4.74744078821921,4.47211717823903,4.80824468337594,4.71614270172394,4.95970579500256,5.16477746458306,4.73705258454005,4.84143501359483 +Mlh1,2.05381178406236,2.28765062357811,1.58471664688809,2.52131674855506,2.47579291879821,2.42026822560736,2.62641049907839,1.70641746369403,2.06001669519935,2.3768282141412,2.57263333625397,2.41933454611533,1.75158187923691,1.87467267843031,1.35305655718208,1.99956943349907,2.45112333832072,1.85446714282142,2.35838733906755,1.21349001544771,2.02970849858629,1.72782866345919,2.47971672520302,2.44413017551462 +Trib1,2.38226795466769,2.42672381238205,1.71952467841409,2.94388355254889,3.23785519663772,2.70135340680166,2.67445001953298,2.20921511237249,2.88326940227301,2.6477978268795,3.07179597085382,2.40509271913553,2.59057292147585,3.15386210916228,3.28159261859092,4.04918202431761,3.50654360098183,3.04344756881616,3.36807321661958,2.62511532548815,3.60830428799979,4.17236932908383,3.81091556962577,3.40905320070851 +Pdcd6ip,4.16380024580168,4.04222411517885,4.01146890088878,3.88220444901981,4.24764753546435,4.1939088886259,3.88480685956535,4.4308545579766,3.93290771811852,3.84506809688573,4.12828103310987,4.02320853387423,4.28840417958404,4.36652986595902,4.18192888222696,4.25991389333824,4.54977954437206,4.36962065458316,4.54541961415328,4.32098594305731,4.15457917119474,4.12552839461296,4.5966986913636,4.46451176055529 +Fbxl2,0.189483295039926,0.92450525326061,0.776649350431322,0.595860966634467,0.750374773178791,0.896669067800123,0.636811258949474,0.578104695520275,0.425057642452722,0.548551393866604,0.53926816688805,0.830975132769245,2.67377447227565,2.59551481554297,2.71405373510122,2.49318290995789,2.52886829806213,2.49921935686935,2.62326921093572,2.57671119693318,2.86918622445853,2.59373638647587,2.54634777931118,2.64619608012718 +Myd88,2.72640073138031,2.21381005330394,2.31533282624552,2.4575055197426,2.26110964461352,2.44727488516723,2.32874957152477,2.50214204154749,2.49812334604093,2.482242896448,2.42212009307639,2.44100588799563,2.65526134968019,2.37618361302597,2.33072391111822,2.46345724872925,2.54838573293503,2.73229748473964,2.35393953881686,2.79730877505829,2.77306820937607,2.52935884076137,2.37413030954773,2.72485886510434 +Wdr48,3.6060227846499,3.9035219789165,3.82098779158629,3.67290351426848,3.62372729026101,3.63279271713269,3.64933007273201,3.7195420380294,3.77003739540054,3.75047703866033,3.73022637395654,3.68301446372561,3.61503855989211,3.89390738444373,3.55369912310381,4.0229207868972,3.57542811208593,3.55894510896638,3.7219437313832,3.80200353613186,3.71056086314072,3.8484749624603,3.69892703126694,3.64696025995172 +Gorasp1,3.61229429469744,3.70920144022811,3.72525899979842,3.79635945460268,3.5316983224011,3.53820472209411,3.5932385327524,3.8151031286458,3.52907197157397,3.68463069863524,3.62791773015102,3.70158624350701,3.97992803640016,3.78669513918483,3.76119906964534,3.93800714369582,4.03366739103019,3.97770159950732,4.15941410990025,3.51300674135628,3.77006772414971,3.81951779884488,3.98994930181999,4.09609074200602 +Csrnp1,2.55180531625695,2.83182105746433,2.36318648468997,3.21252112140188,2.84033353828956,2.77893693522502,2.76435229100085,2.07906918331086,4.53328572308337,3.15212043966364,2.93667229668321,2.72478848782824,1.170360856202,1.7811540900788,1.7764807522165,2.3370034911386,0.922754937171419,1.22232522616277,1.61633542176808,1.11654879600045,2.79456104373507,1.85118873968297,1.35644675763749,1.35063299698981 +Rpsa,6.9396199467282,6.21040572779786,7.082510823872,6.39180557556183,6.22487702655229,6.58693984414512,6.41258233763489,6.89749993071369,6.76448268146045,6.73225097423943,6.44717259762649,6.61109646246673,6.32621795830312,5.71326540534348,6.21029492057564,5.63019574446839,5.44782358479616,6.11623746241014,5.65965680096143,6.36846096370658,6.00106196678639,5.85852977260945,5.61928134642841,5.6233559708831 +Slc25a38,2.41272193272476,1.73751025203303,1.8104913874104,1.63470080639409,2.20685599705385,1.99700505298468,2.25569866614458,1.79866183446449,1.90361945337508,1.81145070113125,1.82596713052544,2.00837531623131,2.55835152079744,1.91205897539128,1.94858924655395,2.36323202367833,2.50994770928457,2.37644676906385,2.5462249434985,2.06370419617986,2.36939311164364,1.87375211491824,2.61152185108843,2.49850271329958 +Hhatl,4.82085260460457,4.38624597267082,4.89709763147692,4.50662474387886,3.7347505597367,4.19616183280768,4.30119098987925,4.6593338173085,4.97962390132098,4.51364391826324,4.19094079073313,4.26269212356323,-2.21841658857669,-1.32381324901669,-3.2957386287363,-2.12154184593077,-3.2957386287363,-3.2957386287363,-1.83871575283588,-1.86828681279378,-2.28620834388558,-3.2957386287363,-3.2957386287363,-2.65908682670639 +Nktr,4.26616011042803,5.02787736512578,4.17974755508275,4.986334788223,5.57524395123843,5.4801497494765,5.44280473250036,4.07502142594802,4.49485802612371,4.9505371514486,5.56536958497138,5.16763275896823,4.19171904694342,4.65481745460105,4.07533415331634,4.71578411894515,5.55143539251267,4.87539779686404,5.50142030253076,3.67375678521709,4.62026170920729,4.74610656672082,5.47631819468117,5.35507287794425 +Deb1,5.5022634178231,4.76347527090212,5.41461196022122,5.3206643855033,4.74444985828989,4.71571624033007,5.06605295618506,5.29486365842646,5.4086859272171,5.28967007284008,5.16821222338959,5.12117368389928,6.01626373716727,5.16789544733913,5.77145019590183,5.6920547074558,5.4011199346578,5.67503780043276,5.31452221619401,5.29958406550645,5.76909033885613,5.66162893558154,5.38852714739033,5.57181744058366 +Pccb,4.92221403977677,4.66729639952446,5.06495771648604,4.78918274217823,4.35153240459236,4.65406484922542,4.53521312746352,4.8979801516061,4.82642534292252,4.71445580459553,4.41496447017884,4.47030197842648,5.03965239833468,4.89889846849414,5.08962176847136,5.0146558182799,4.67095234373145,5.02219494383014,4.97871931099659,5.03309313681193,4.84355855345276,5.1437636915398,4.78895644691806,4.85484103293695 +Vipr1,5.00318024349558,5.00101700842994,5.06410476011988,5.3434980448633,5.0429943531889,5.15143234698366,5.13855120167577,4.76926652318468,5.01263080331511,5.34636153146922,5.05808353821665,5.10331857539602,3.77425007026648,4.1721070056879,3.73371126689225,4.35097522007675,4.12109796851563,3.92482924796123,4.17827778933833,3.89418546402828,3.9611411677302,4.29061133921008,4.27881249908172,4.08345382188126 +Amotl2,3.12611127348935,3.06570164287291,2.81036533518361,3.13700929897871,3.15052728440437,2.98742193096285,3.18159607389109,2.96799501366167,3.21441720824627,2.87411939753166,2.84078071507828,3.18612894749631,1.68953408927819,1.90851046535408,1.34721048647121,1.97065776755435,1.94029126825665,1.98655107263698,2.24722052546963,2.14498226204005,1.73928893410666,1.80979725582102,2.23014059126029,2.16239693213309 +Cck,3.3112180118118,-1.27342558431037,-0.776695413349146,-1.81558674360673,1.84261320702909,-0.81757368683594,-1.81558674360673,-0.543572718688611,-0.949694102117714,-0.836706575844826,-1.81558674360673,0.0889634939885612,-1.81558674360673,-1.81558674360673,-1.81558674360673,-1.11218829168833,-1.24012428073715,-1.81558674360673,-1.81558674360673,-1.81558674360673,-0.806056458756014,-1.81558674360673,-1.81558674360673,-1.81558674360673 +Cep63,1.33432315297739,2.05681364492523,1.65666119211542,1.91895321909245,1.88528065394091,1.85114301474189,2.06681150634842,1.59451799506525,1.6463923584149,1.82838674817851,1.92590753331127,1.98412621775042,1.60494061392266,2.07471045373064,1.62857722162406,1.97538988860538,1.92717309344054,1.66613431741114,1.90081855313103,1.90624622820616,2.01288841719083,2.2820656119623,1.93127525924033,2.06010845219524 +Trak1,3.76368035323073,3.53172754840949,3.26014518696683,3.60585446884016,4.32446319394012,4.31695857585877,3.92686192663743,3.65060907414662,3.42954819123191,3.51786719265026,4.36703215117213,3.96050569255749,3.49532342510936,3.60800772949653,3.31440218229039,3.69330969879924,4.79790563034542,3.92490614117077,4.43162834376437,3.37055646039536,3.37537050785073,3.65342905104247,4.8517026831724,4.13872343966341 +Abhd5,2.55296959149371,2.09552056385987,2.42922694984904,2.32300289384332,1.85011943306615,2.1545075226875,2.12522828027958,2.4004935946796,2.18394140128906,2.15074223335889,1.81037459617728,2.31421746159297,2.87545724365329,2.91603038562593,3.13604875738898,2.8850984851495,2.61914172503653,2.94736246853577,2.62199315500636,3.16357028909791,2.86294931856134,3.04729782623715,2.60780741831737,2.62533140723452 +Ryk,3.44806110374448,3.30521456729577,3.32209021034219,3.36679176478495,3.2512225237229,3.42721370402856,3.24968834603051,3.41646021157402,3.32777447289498,3.34385541112974,3.19408007850502,3.23970015923615,3.6191666128667,3.70560589622972,3.90372996404771,3.68068656953739,3.42601216405969,3.60290063107722,3.44305213751024,4.15869575922355,3.80182314141223,3.69266163946699,3.39180563994338,3.63543100937761 +Slco2a1,1.32810266072352,1.80692165348206,2.08071062789041,1.66852745312893,1.98098325364977,1.77026219665142,1.79576616816069,2.4102598759761,1.83652653882861,1.7513092536161,1.80002275575891,1.37301011610606,0.959141689246626,1.63763794573248,1.79857909354824,1.1340877407591,1.38753713785209,0.650153852524709,1.40376597920485,2.1161433424579,1.27825104353621,1.26560062284965,0.967235854361005,0.958275874362737 +Rab6b,1.17826506519002,1.47444282958804,1.52644901335879,-0.0512888486220988,1.4420954754699,1.29850977938881,1.79524753782393,2.32325239407563,1.04939247343069,-0.185630656304124,1.36206836753834,1.71129648032483,2.41538044596621,2.4135423707397,2.34188842115221,0.906866485190931,2.16151647089833,2.00135245576021,2.96161803436764,2.6159700420846,2.16924020719184,0.564310352358654,1.92530900999747,2.47492316786686 +1110059G10Rik,1.97804873595305,1.6902947790781,1.86002114361115,1.83562776543942,1.35712889035082,1.50051308961959,1.52094550110985,1.70179635769068,2.00374814912079,1.89219348990057,1.68147295474264,1.8290727373015,1.60724824803066,1.34484142106768,1.35198860810174,1.6720258789976,1.3046182181042,1.44453992657237,1.0791299094433,1.8133984324139,1.38400587886076,1.60993219074276,1.20459733776086,1.14391564106675 +Srprb,4.19350391685937,3.6105294783451,3.68391860287565,3.80660277305675,3.81734477910715,3.66737037898047,3.79370636906552,3.55055097487877,3.77632593762702,3.63413343798383,3.73051041967169,3.78902660899142,5.10469282969988,4.09188754042377,4.66280244007057,4.14362323935289,4.73229775157017,4.89467333791104,4.7828288588416,4.36924442786769,4.40943711484455,4.0944281147506,4.69893662515611,4.79858825658097 +Trf,1.85045894211234,1.9809030298697,2.34515971144579,3.26801515704787,1.94813903428181,1.87362930286053,2.08956717602767,1.90568102185529,2.00857403422271,2.83533423367533,2.10620041424188,1.95482850852403,-0.95553210995485,-1.12104936935432,-1.19326396982985,-0.706260988265329,-1.11331434684641,-1.52034310966015,-0.49676867072922,-1.13239945034298,-0.98400332024045,-1.78360064247108,-0.891383972366134,-1.05062820812791 +Topbp1,2.43778979903177,2.47391196599489,2.4053534687651,2.49601903432654,2.43371833233919,2.57480767928476,2.61828862386183,2.40234943044178,2.40261630738067,2.36994988220949,2.50174137914548,2.55065412292614,2.08815041841993,2.42448487666644,2.09667618225385,2.49836414302546,2.15461497342534,2.07610457421918,2.3271666905889,1.99229461853599,2.06557385997691,1.86753285140014,2.12153685601539,2.40104111552712 +Uba5,4.27519317094666,3.96875385683698,3.74019012916811,4.03681753375507,4.30261705426927,4.00691148778974,4.20310877057613,3.33375922770481,4.00962016310559,3.93734949287813,4.18389020360693,4.08090634138654,5.57421791989544,4.81988722555498,5.00568961337779,4.93702508687621,5.65471504485937,5.51325265304724,5.54069716744096,4.73594655069201,5.22354359084023,5.0214719519847,5.70711688163875,5.61644677470491 +Nphp3,0.753900181869189,1.13881917218576,0.298839259920417,0.913994822820199,1.55601174100034,1.32698160727215,1.43433958338379,-0.0769083395895338,0.759194090465281,0.896714608604377,1.35261130511073,0.930747230967211,-0.0576587948133525,0.602209083312363,0.115042585712473,0.409624300174177,0.678619451769321,0.510147131744741,0.921656366705378,-0.341911912120573,0.671477410407837,0.393175834863373,0.597609510533744,0.867186713806159 +Dnajc13,3.73785999648368,4.04488185599387,3.74101143440339,3.82565287418678,4.09455146789522,4.01337725305768,3.97594864098762,3.92540244557589,3.87628789051096,3.72328209625096,3.97535025058236,4.05460140610932,3.97660467338125,4.36155117552249,4.01818221186429,4.24257514828391,4.43795074162771,4.2392390165598,4.42634842263248,4.05935663232751,3.92271241327578,4.13518518346742,4.4022406253071,4.36846468774527 +Gnai2,6.74431217234807,6.58239799194347,6.97070606276123,6.62153980668867,6.56834812131278,6.6221053733101,6.59113798856817,6.69247384345283,6.79624860832042,6.72047044514466,6.53292886279815,6.46979776361613,7.16071386956074,7.17741974199463,7.33736739468732,7.16360292399884,6.94854619312026,7.10709258060123,7.1059321572533,7.44619247850005,7.04994692221011,7.14522343129212,7.00489771925001,6.94382496220208 +Mrpl3,2.38976798511996,2.64903657181328,2.62059913020328,2.70179512592054,2.68221118977254,2.47861157031227,2.61354673917793,2.14616547247879,2.53473812154431,2.74954051181255,2.51583240843269,2.60618655298597,3.09231523584281,2.78261575794966,2.98416648016774,3.08449547194284,2.76896006829929,2.91085379803087,2.61202813626833,3.09784400286832,2.75855113630154,3.00074320010449,2.67856349606257,2.99072895784636 +Cpne4,-3.09853616796658,-3.23045121951408,-1.66111539247586,-2.22641195969737,-1.43058849510847,-1.08830420005557,-1.87525130832787,-1.63315425136014,-2.15930249023442,-3.17176884169559,-1.96369782982807,-2.2499956648152,-0.632858321865717,-1.11916098217641,0.667459820588565,-0.838698521106962,-0.585658227272182,-0.110743653904124,-0.0270875547266329,-0.356016150514175,-1.18758442119204,0.0055516388344836,-0.61253761233687,-0.376938435972092 +Nudt16,2.73785287840732,2.99455426705108,2.99646667286952,2.9689012154129,2.37632832409838,2.67913621678703,2.4863184836282,3.00146194342443,2.97172918213553,2.82017401999004,2.79260721877731,2.73552689577047,2.71761355036378,2.9293787330942,2.64206876234426,2.72087906824241,2.30216489129483,2.31208287717598,2.69286814398514,2.89214148115485,2.51286815590432,2.96723220884522,2.306561072016,2.77457288193312 +Aste1,1.38774385631685,1.22020847251705,1.16774370409068,1.80824951209364,1.49297837033107,1.25910671902037,1.60191789208297,0.623467218188128,1.24748407331781,1.23918654979213,1.64349940683179,1.55179049363356,1.44543193222565,0.952803986547171,0.840571442604698,1.17378687776523,1.19895931034829,1.55966714682655,1.81018288559458,0.896508418463166,1.48088592164383,1.29433059838896,1.58215112708542,1.37313187891553 +Atp2c1,3.2884262718881,3.27243699007831,3.18367878967276,3.2709228016348,3.48109899765112,3.35534686774316,3.21681854289254,3.46028671945197,3.13312822402633,3.08481486230915,3.31045262335693,3.4023092916356,4.96313256195091,5.00537701184375,5.04443863055064,5.03754459744424,4.82914015886799,5.0342574729676,4.848391222252,5.2193598983619,4.89235923935639,4.99832452080947,4.83530950414269,4.94159435411609 +Pik3r4,3.8570157570977,3.78358697898441,3.940772600917,3.65615228557866,3.71649897951452,3.76403135821473,3.59260106777953,3.93979022642163,3.89081607039825,3.78644431246525,3.77864092666296,3.7816429091782,3.75607352033242,3.89861959149867,3.96058969169602,3.93680334591699,4.04126455802221,4.00311389406534,4.02892186319351,3.89726822272992,3.61077633475166,3.90523906037766,4.1250869257893,4.02716641904538 +Manf,4.36423204658214,3.7631098626621,3.99064302565884,4.09572814342531,3.86626609982793,3.75736925456515,3.96100948454201,4.03693541465617,3.92377705809816,3.97297480929304,3.87939206791922,4.05041721447116,5.63309071407681,4.66451777636702,5.01347281099285,4.69930673004116,5.03409781471946,5.34724888989868,5.09719379631733,4.81771371364665,5.05941177710938,4.6665113400815,5.18954141353749,5.18705117029387 +Mapkapk3,-2.71010860143009,-1.62850054840043,-2.60183952398844,-2.44198634540008,-1.34254294750156,-1.83529650978693,-1.43306415519968,-2.44088744702607,-3.22009402008748,-2.28222852513956,-1.9753401583527,-1.19571422502853,1.70950514479004,1.02608397345337,1.51214901479651,1.50444218594659,1.55768395682979,1.26345681377586,1.4923695012271,1.42507632199067,1.60481222083481,1.21295612883364,1.76037255327017,0.806693006821082 +Cish,1.13080578063961,1.11100684433671,0.200849270215826,0.0825396426535381,1.51081704937188,0.292212285145517,0.669674989195178,0.365842539437403,0.0739831834304345,0.695831870854618,2.5698720757968,1.23849144014656,0.611596550213501,1.25900469142339,0.36907274445421,0.849487527625392,1.53517820238093,0.106238398265831,0.814639528753301,-0.0447490280891554,0.675315336011363,1.31856508659735,2.18597383165015,1.19143247509191 +Hemk1,1.62092216559881,1.80231630336063,1.80129215447503,1.88978863968331,2.27087923633573,1.92850937856522,2.15283308039745,1.90852345672694,1.6793920726071,2.02802392565037,2.14793106499547,1.76947025387872,2.01923808202715,2.0653526533164,2.34286363221624,2.06375913108151,2.05255728758492,2.18853436687887,1.99526062833734,2.16053438827973,2.22417581186656,1.9467571445599,2.18464879752073,2.05558140685102 +Rbm5,4.81596008943264,5.45569184578279,4.05751371719203,5.58168452899411,5.46144756603169,5.26462224043981,5.66451841468255,4.40823062375038,4.87689500890828,5.6298795015329,5.55643359273914,5.50496752028745,4.54852810820758,5.09642993236708,3.96158110862977,5.31151008433818,5.14865120532533,4.65331629794312,5.24601213328942,4.33591409824985,4.94722199600474,5.2375192592215,5.28219730104082,5.25338145932219 +Rbm6,4.28671278411804,4.51259169111,4.05218008260052,4.56120195619449,4.72508570172918,4.6463893396116,4.70310014480076,4.1791636274164,4.24147589432106,4.45089684888269,4.7801208402628,4.61560370822804,3.83107193941574,4.18470653831914,3.78837505782093,4.16809270256817,4.44265611209312,3.99740215606494,4.39222058337945,3.70765024333235,4.13535374515201,4.14278843615523,4.36492377285807,4.36213801606625 +Mon1a,2.73054948626434,2.21962603559519,2.55163472118382,2.52724134301209,2.66791379207264,2.76721466509998,2.91574182220316,2.55372140551466,2.34844655736059,2.53943338719853,2.76694389517233,2.53139785646859,3.27738521823102,2.91053996079581,3.09908908775273,3.20178254222555,3.13035453538095,3.41204535414274,3.47741735667546,3.0083961531138,3.18507609962363,3.02752318983613,3.35949105811303,3.05128365717034 +Bsn,1.88628353578457,1.71307579751877,1.68627620666237,1.44076028206447,2.68402797159206,2.7584887425811,2.33112951518348,2.44222512326242,1.69364616617008,1.50206291300612,2.64923636792941,2.07696650396931,1.28124164960295,1.52914942265574,1.28213509356963,1.33537807109523,2.59966657869446,2.02070551312602,2.6527147067932,1.11636133640695,1.12396936610126,1.37337254785335,2.61719430115195,2.14466813096582 +Apeh,4.07734367673005,3.95147979398103,3.97877683502386,4.05020880769605,3.93325131282508,3.92957770939704,3.94528311797348,4.16626013825065,4.10203184242955,3.7155324448947,4.12516317201179,3.99952448706629,3.75170399890763,3.93414303037691,4.0129576477693,3.92958406497102,3.94670361278751,3.99740224510716,3.95770634900389,3.82501560171246,4.1021333169607,4.01230558095222,4.07111417380716,3.89368804684044 +Amigo3,2.62498358810664,2.37097107363255,2.05386763709207,2.50867969463557,2.40797333319242,2.14613071141559,2.5424568166717,1.76431353358882,2.56798522377449,2.25017889024375,2.08383203536053,2.08442145142257,2.94898880862208,2.55876442381793,2.23272292753125,2.20047641648877,3.05804471494284,2.80575844693098,3.51470822702342,1.23933026692742,2.6595522732832,2.12877366827188,3.04996022292355,2.99495515145806 +Ip6k1,5.44578977996459,5.70288920626947,5.46157908064029,5.6528884022792,5.61740905128907,5.50875800573222,5.63681009851994,5.51958309149311,5.46385889810052,5.64591359565614,5.65865601775522,5.63624776907164,5.11971523815165,5.20074495847235,5.13702929240227,5.34741033050449,5.23631508772573,5.15878683953398,5.22710580638121,5.16003139124446,5.13271152993437,5.39248514546347,5.33685136771007,5.23819400403815 +Cdhr4,-2.38625437058445,-1.54820283138294,-2.5662418967065,-2.29457874150031,-1.03912655927459,-2.0875264278185,-1.37509989830127,-2.81673515742292,-2.26112887864262,-1.78589290831463,-1.62713436011345,-1.45222906030912,-3.21741384999395,-3.55126677352931,-3.34219957496903,-2.89937731374948,-2.26971841001525,-3.05867333945294,-2.44440128454877,-3.90444460741853,-2.99474994594825,-2.35081438872748,-2.39873996961097,-2.39519225118431 +Uba7,1.25140081923253,1.87326792379071,1.14179977621467,1.79487758193121,1.75231578645561,1.68011367362118,1.87274982093067,1.00298708698865,1.44980040853316,1.71195151499698,1.74349247234949,1.63276987711476,0.0869126963828548,0.998687092816698,0.0325341072140715,1.00175208489596,0.986819782750173,0.624973215636366,0.740009978918208,-0.104837912474849,0.453902603383281,0.863538823695181,0.540514856392907,0.612831580269363 +Nckipsd,2.89264123985126,2.40459918805316,2.32251481371406,2.88201720344293,2.80822245376644,2.75745779628795,2.8229090902,2.12209931226072,2.62628602006347,2.51842478807664,2.8364213685405,2.54483567801341,2.58838650596503,2.80826221212773,2.17007990096786,2.66235446021041,3.06635842460341,2.56939705008822,3.24134305481779,2.77135828518117,2.24478734134301,2.67355464016838,2.76955079524591,2.42524138161635 +Ip6k2,5.05770799653859,5.21210369425239,5.07700504596671,5.30008576087299,5.21704257789551,5.17961579197472,5.23094982866072,5.02213401992039,5.18344962161472,5.17431695255561,5.36725976957059,5.41025854881941,4.78393387057316,4.97962792569637,4.7659831010384,5.19438073406187,5.11241726587622,4.96783863845759,5.30171895470671,4.93973042947771,5.2499667734296,5.25929639620422,5.17766042371297,5.38854070850224 +Prkar2a,2.55710057119018,2.28786643271446,2.49516908477741,2.45903052046386,2.63704338968616,2.84431741592609,2.53879855097306,2.31654864372608,2.3454880441683,2.15877027826102,2.54630601788241,2.58769444829492,3.12404585113098,2.97510364628171,2.83929557985025,2.84410148507805,3.23710482967589,2.95524787785471,3.36594745120924,2.71087774251371,2.82421312924661,3.0076011594595,3.32365373188391,3.01585188564416 +Slc25a20,3.29341478829692,3.56785230227892,4.25997347558307,3.72337435206761,2.58405515574815,2.6951905078909,2.92299434192702,4.16768623396116,4.00786649648073,4.09291410345126,2.71844642145094,3.06947862122401,3.37959215022507,3.69777606466745,4.26228156455941,3.81752750863557,3.04275539366713,3.13374623581623,2.93839435127,4.15488905734773,3.95757245633011,3.62203575343879,2.8340790612291,3.12205292075044 +Qars,3.3351922619252,3.67350099986872,3.94710836334041,3.74371170089243,3.40970400166728,3.34665246785798,3.29317185770209,3.73611864692592,3.84514788211508,3.84344243340231,3.42085147512089,3.29162042771687,3.2650367232284,3.19289429571995,3.40411855613766,3.35993711184214,3.0411344669391,2.91861171797296,3.01842822286948,3.3068403865277,3.25407473819519,3.35325247006811,3.23615605668879,3.17796461462177 +Nicn1,3.58159771827487,3.75797894592728,4.06120555080121,3.68020230265179,3.44344344850318,3.38122071767429,3.42661653306005,3.75576577625453,3.58694579971367,3.77373041740857,3.43909058824957,3.50235361135691,3.3445093559346,3.32875281502184,3.43979371167489,3.26839301639058,3.34396264501745,3.17252702859503,3.27482193737262,3.65390755041939,3.27787003036427,3.07636611991973,3.32330680063944,3.37946658382033 +Amt,4.06994836571426,3.8606737794025,3.98856089559221,3.98074583101426,3.5715858698167,3.61891924928701,3.689080187317,3.77882853640042,3.93663848521024,3.84811804715995,3.78084034833122,3.52836879259726,2.73019855271968,2.43111308006786,2.12136300086196,2.37930854460726,2.46922352923508,2.26299222975596,2.60572239018417,2.46227943772364,2.22635344512127,2.30625768557636,2.37329640643247,2.22339692186147 +Klhdc8b,5.55451893742534,5.3242476266655,5.65565690009054,5.52766805497052,5.03043680130528,5.25200014963535,5.33266702388854,5.23639542579706,5.58573109525994,5.38666437156057,5.00545235849283,5.17521055807375,2.77008292966712,3.24756997568021,3.29371575861049,2.93433454929018,2.12978908200073,2.38282528436599,2.71114174386416,2.66509615844447,3.21747238234729,3.30816089096324,2.31435907747689,2.28764428009111 +1700102P08Rik,0.288479992989565,0.639015605025689,-0.628425298419523,-0.101192372711225,0.0072169715143121,0.592931033716437,0.442804661661831,-0.743289138966503,0.0781762181256919,-0.522820421103695,-0.0424156021154696,0.483469763686158,-1.07679418532371,-0.35022357353865,-0.693479519732684,-0.0585044789398304,-0.192001565029922,-0.217800504643288,-0.756707832735353,-1.40255982716838,-1.1576666833424,-0.507223751999105,-0.468265788623381,0.219847392232895 +Usp4,4.53294712356662,4.15512145228669,4.23887940100403,4.19203020174072,4.46164518520364,4.62381357384181,4.47150687667738,4.11221218442759,4.35265507597427,4.32477943250848,4.27473749942227,4.31468074270223,4.6755268924921,4.56532681205784,4.65525738454725,4.60809824134005,4.79430441568315,4.74657496527439,4.78426294141543,4.62850620869829,4.56391035585905,4.51184240850558,4.86123869674999,4.71561642858181 +Nt5m,2.40982710808337,1.82256534009888,2.50075317690037,2.24205676721509,2.29053918328097,2.26038412569006,2.3034539299162,2.35661201785947,2.38949920321735,2.32063867576272,2.24613010855305,2.18716056074333,2.47162052719351,2.49016572840882,2.32513919604071,2.40941562687675,2.58138888205724,2.61451195085026,2.38385755094785,2.79343553307919,2.49578119301349,2.34131629676456,2.64646279336174,2.57310314162893 +Srek1,3.79077525106456,4.4067056910158,3.11264352003805,4.34804521544165,4.79214298241913,4.56485349585391,4.65208712564148,3.42129301316371,3.8120784060501,4.1523179320877,4.67505216132457,4.55720081765621,3.40131560235011,3.95750957716509,3.10200854330657,3.58313440544806,4.35685424379788,3.79461821766629,4.31941853991234,2.99461603609489,3.58774228482255,3.63926099916079,4.32165781319211,4.17926963658015 +Eml4,2.97045181704776,3.021803059454,2.91390117805668,2.99602047325205,3.16883341718327,2.92101824415372,3.0784563055049,3.06693182561265,3.10996402162013,2.9714737043261,3.13757271459114,3.20751746123141,2.65634966521317,2.96684264719797,2.70354020998685,2.94781587601753,3.00114439455429,2.69508735711487,2.88685592625006,2.84434468296943,2.80501437111768,2.74955918449317,2.93113757709287,2.91258683737101 +Thsd7a,1.57664843476173,1.6032018609699,1.51067226889739,0.750299222225349,1.62529603717308,1.90409357925579,1.56824338615763,2.07984278158812,1.52645956486131,0.975813030933374,1.70395967429347,1.94071641787944,-5.22650947872513,-3.08945999411607,-3.99289607566657,-4.77525615241554,-4.32529525643794,-3.87575995856225,-3.96109789249364,-5.21536775750171,-4.48288109794739,-4.99484896900872,-4.11031269151636,-4.89015600266837 +Flcn,2.82802303932825,3.81062506618584,3.33801040363977,3.94283935217326,3.28062921195561,3.15592870866576,3.35484315533333,3.61544191791603,3.72557196921672,4.0001544687275,3.31654913087824,3.66539047480042,4.18301781324817,4.91250585062821,4.27139125603396,4.8403348659389,4.66817551556673,4.43289264043978,4.90753279677043,4.62318429937979,4.44671542715422,4.7987555764013,4.70684911820672,4.86258329666998 +Atxn2l,2.73479625238436,3.45115685304428,2.53933396826755,2.99005021677838,4.27224499123361,4.28088855188997,4.12843761850903,3.20405064933608,2.79050984062345,2.96799630043629,4.12748752679116,3.36647994896182,3.04265324483898,3.60798578994209,3.02906740929105,3.27126573484643,4.55568230721489,3.93207066981757,4.72850120692314,3.05969443971606,3.02558632408459,3.3845573831943,4.50262015225013,4.20993129189977 +Chsy1,1.03676035739312,1.05924328034561,0.452055319271016,1.0671531803371,0.613257683898345,0.844933904303598,0.774903162152043,0.93853287288835,0.898692656671158,0.929744292856691,0.632313422338885,0.667772092636878,0.691259915045753,0.439457708511907,0.364649856714651,1.07610452703196,0.24535261718619,0.822733744850787,0.309565470635149,0.665805735282467,0.396254634553837,0.89895281038649,0.456921081132257,0.690398339196302 +Gpr19,2.47168127193606,2.66334217909409,2.51510819803607,2.69813409991508,2.52859141718882,2.28016940477018,2.68134957678295,2.69560604586522,2.53840717426192,2.76744827750933,2.65370947757565,2.62813892610312,2.52792156386681,2.36253940596221,2.68552627882892,2.53036169167246,2.53329197103746,2.46739013241398,2.49961439520247,2.18991826599139,2.53457046084674,2.85489442133101,2.39881133321437,2.39853415015753 +Glt25d2,3.02961423707051,3.08883415739049,3.30026334463729,3.07427205070307,2.78252821145729,2.74274751286024,2.79442688885151,3.43412259481683,3.06572628250899,2.80748779294578,3.08471952104779,2.7945617256276,-4.59315044401663,-1.71875115473358,-3.27945897552749,-3.06457507754744,-2.29412842049515,-2.16507888369415,-2.85883468820058,-3.94861355300471,-2.99549483589577,-3.6039303152544,-2.9879411321055,-2.67721507075279 +Crebl2,3.84504220520473,3.78970144367351,4.0941037305772,4.00341948805043,3.5481922006158,3.41421772487564,3.70282358479693,4.03597364324889,3.96479126001923,4.05883141497627,3.63643800926479,3.85121488358884,4.25364021776871,3.90996936207849,4.21324730450884,4.16514152171712,3.88121155851825,4.06451271084191,3.89007229783248,4.32181011262728,4.01424606244271,4.15680330689553,3.95182699668814,4.0874575335903 +March3,0.144216837569719,0.356554658331164,0.165655425986097,0.238863040506357,0.498935532793487,0.497137019014225,0.495656664717313,0.612919439933973,0.018861295334947,-0.0957325094422128,0.324481016231556,0.447458418215622,1.52595323437291,1.41855670826778,1.50221560335379,1.16844211979199,1.46518611696307,1.49880584540055,1.47480025929954,1.04764029048074,1.78414085848628,1.44956290974239,1.49330881500344,1.24867690901916 +Fam189b,0.632734157833274,1.31381717696188,0.703250631162849,0.861919895891518,2.03401611493015,2.06178284746351,1.68653956281555,1.30338965534311,0.782482713388779,1.12187988253426,1.81766230350054,1.31742771637929,0.123495062134259,0.194692505344429,0.184241436061827,-0.0121926111257709,1.44339499019511,0.898657405057083,1.71378147325459,-0.113388895854878,0.312827161487225,0.632829081286449,1.12253181394883,0.938893803823444 +1700025G04Rik,0.728997799070069,1.17752950427921,1.13444631465863,0.941214240242169,1.01493094540603,1.16624248638308,0.996011089664432,1.1303725424928,1.02359718954207,1.02306855230197,0.968043409794278,1.18691905039668,-1.23395114360507,-0.866036954403144,-1.28348442861183,-1.13966076026327,-1.23064754533415,-1.73285413035883,-1.36861945963776,-1.1770844282634,-1.12096666859952,-1.15983708260474,-1.14191978449762,-0.84604864362597 +Pon2,2.07408208846627,2.14657118363801,2.33512044990615,1.85014853579189,1.66515817544777,1.83373044360375,1.90890299856881,2.1943599386517,2.04732093504721,1.85347314093786,1.35515064501452,1.97187782799535,2.4580530091648,2.1173192621167,2.86145999286861,2.18896873879232,2.26173047737512,2.48101721719374,2.00227476844148,2.63478951574639,2.53142487540028,2.2992163418265,2.08639622191985,2.23356448859741 +Prorsd1,3.22125837088566,2.30166982500449,2.90101220932306,2.83791979594847,2.51209032298156,2.43999906001471,2.86860192223554,2.9171163136632,2.79406349197784,2.50721220143267,2.50530594094811,2.63163946271742,3.62343512371702,2.74086135537267,3.43631949635976,3.09390704627227,3.03641762147142,3.37286556451343,2.62217579676679,3.53965085725978,3.14532021171852,3.07457774103081,2.9099004365849,2.96385152501311 +Cd59a,3.430062629504,2.67388956050896,3.83525082125112,3.69074743210513,2.54931269529628,2.63587562715553,2.52907573735178,2.73237227242276,3.50226304933004,3.52100143457504,2.01303949955367,3.02103267969566,3.17855584706337,2.71063997790784,3.03501465779918,3.62388665755709,2.33867879629349,2.62515457878183,2.31725598443613,2.63696953139071,3.5148663888795,3.7318789871613,1.89864896051001,2.28570284579158 +Malt1,1.68023603589152,2.28845226558965,1.93396284746916,2.10456185380006,1.94024284667933,1.8540579247319,2.14309888461644,1.68828093849398,2.09822503424123,2.07375764877708,2.06857338581299,1.95614727878441,1.48868414035706,1.9239051611512,1.87459627689083,1.81114057688981,1.38641806765739,1.43652977704042,1.80638980308417,1.76929396533372,1.680841442293,1.82123673140086,1.65655942695496,1.6820919485818 +Lmo2,-1.82863090881201,-1.42478538353892,-2.00518527436642,-1.37367903384492,-1.71958471159818,-1.83725774708524,-2.02098846307363,-1.38678861755355,-2.03004979924193,-2.6628931726328,-1.95048678571852,-2.70469977481991,-0.704298315862799,0.0783742704557917,-0.846199473792892,-0.445108324063223,-1.66323707794792,-0.43767104410759,-0.645086399505203,-0.0931504543790018,-1.62750141812372,-1.33713191541237,-1.61901554046669,-0.509848887305742 +Kank1,3.54458290462735,3.83486254634074,3.62997381475243,3.57495884513561,3.65294917940208,3.54556374343258,3.58872480665558,3.85655232674547,3.63832015942174,3.59386224767634,3.61096579744623,3.58802695425049,2.6276775339658,2.82235417054519,2.79172558692405,2.66845486562096,3.02459355433297,2.87648418966939,3.07117741884879,2.66897989204884,2.55671166586075,2.80328211735231,3.07507151265124,3.14079266884286 +Exd2,3.23757859790624,3.53255366957462,3.32670037104042,3.07947480829084,3.36038969745251,3.3940014488168,3.43656757880526,3.31826193819709,3.18037679370668,3.29006523794082,3.5489961213715,3.40011474694679,3.5030756852969,3.65662201154217,3.7962884515822,3.49117170354565,3.48858599664804,3.74090597667083,3.57475981142783,3.79139188805235,3.52863018896415,3.47328985848555,3.68442104993704,3.60591377871308 +2810474O19Rik,2.21407389158258,2.49927197831589,2.27846369583097,2.27676553418506,2.64226917564464,2.30514354356,2.36733421039202,2.36054969757573,2.31580701678104,2.23204092201115,2.64101778637702,2.6528197083076,2.20602503231571,2.51603929181957,2.11743727262925,2.30487426197601,2.26764156776581,2.2322927881658,2.36285022033638,2.25237180603812,2.25758720205142,2.37099406809049,2.30880539372758,2.41002225910256 +Syde1,-0.984012399213926,-1.72660567876105,-1.10497080793597,-2.43685308546342,-1.58038058937481,-1.49697174267942,-1.31071543069233,-0.631717490911676,-0.692035069298107,-2.11041798199282,-1.13594956644321,-1.7236380338442,-2.39145687378977,-4.07862114944053,-3.49822874556,-4.07862114944052,-2.10008488699374,-4.07862114944053,-2.96518183708551,-4.07862114944053,-4.07862114944052,-3.50083627239476,-4.07862114944052,-4.07862114944052 +Trib3,-2.02877085314289,-1.38086835338409,-1.39092291277488,-1.62326052372169,-1.93286668971897,-3.44887369167127,-2.28199513941705,-1.70113924208637,-1.09489140471342,-1.16088734436814,-3.44887369167127,-1.22898894214385,2.09074235867684,2.24220892333522,0.859991271979651,1.48336674090028,0.95004833334332,1.63276497278448,1.99313097084934,3.31371888161675,0.92675538778369,1.50745736014934,1.38767586185685,1.98269833077437 +Mansc1,2.31073141394332,2.30595803372464,2.73445412730941,2.21350006724777,2.03066267623209,2.3304796759889,1.81557439363328,2.7265669235998,2.4084889744589,2.37235568803896,1.78494312354804,1.78963978586882,2.30814312162403,2.41017597124079,2.56813695483528,2.19058172926404,1.72144576788987,1.97995179684238,1.9453151654019,2.342103736662,2.53988844616881,2.49983062155087,1.63078539400659,1.53724641482678 +Abtb2,-3.32408115008257,-3.05220021972218,-2.89609650013112,-3.7699014974665,-2.4558067189618,-2.63529960815771,-2.02021902881428,-2.8491635480779,-2.99849853011024,-2.66606093172437,-2.91097441482084,-3.70796710104477,-0.383744056052598,0.238230125407333,-0.159952831798062,-0.317320052899225,-0.25372363525805,-0.273314270054712,0.563194334791823,-0.363521097129176,-0.806845123739455,-0.142033311094006,-0.310295728055022,0.0488415439840479 +Mier3,3.17691134019895,3.34715770340551,3.27353817198181,3.27641961838366,3.0848578089935,3.05872211254933,3.22009696006534,2.92916156925671,3.36650185049238,3.296655450132,2.91810588789993,3.18445420661363,3.23846851667854,3.20600233525057,2.97528876766656,3.32038090352597,2.9482683433074,2.91552145454314,2.95258635465464,3.39680413568194,3.15172487077252,3.09748795805446,2.51354311200054,3.057315038901 +Snx33,2.7608767776388,2.52626763175116,2.56340246636939,2.28948028867748,2.52423833989237,2.57362519153791,2.53471852248592,2.70449923658151,2.46750383060421,2.07858560201103,2.44414245394257,2.54928315113356,2.20486210208141,2.47171571012325,1.81840619465313,2.14064464265879,2.18141876541611,2.39885910404516,2.25724924602867,2.44522606231532,2.01398097485779,1.73070618316231,2.45559721822965,2.18159304318521 +Ablim3,-0.150415720558776,0.298818259675236,0.251413775452529,-0.192300374227043,-0.190794866564364,0.0003369917662294,0.167651743527633,-0.344780237715813,-0.295376617776079,0.315331337364578,-0.0648453436349334,0.132987619180132,-3.91347646794115,-2.99041027650966,-3.97005227093042,-3.84704622289255,-3.97498221194136,-4.55044467481095,-3.88887370713852,-4.55044467481095,-3.95912166088609,-3.97265979776518,-3.95532325076689,-4.55044467481095 +Inppl1,3.87528038355164,4.19721846673723,4.00315152311231,4.10744621336624,4.2881628613652,4.16592386363098,4.15826102152203,4.03835063673993,4.1245357126056,4.06664321417356,4.22165809434333,4.03148120782358,3.71882309359524,4.29443410175065,4.04576013947148,4.27383117125062,4.1859097570298,3.76278530539088,4.29590831289014,3.90434386043349,3.85374693560482,4.21611525408125,4.12445284147202,4.03348561774441 +Ccdc88a,2.96287624075616,3.17249824119454,2.76393440918223,3.03194523599601,3.45420824027724,3.50130258219739,3.29613513811133,3.20753878947789,2.93452077472749,3.05494319197735,3.46836453748769,3.33997919943039,2.85361689447727,3.27108133436371,2.57855531457907,2.96315380182144,3.22017166068741,2.91528809313133,3.12245230005391,2.90793717006809,2.8271843511116,2.97444892848076,3.1351190642268,3.07433208479725 +Tpcn1,2.87666490602515,3.36782687480424,2.71833898529369,3.01305901182404,3.69573777040967,3.66212105193046,3.41509376888527,3.00449731496719,2.87711104993729,3.08792286770978,3.60914281742645,3.24892644493498,2.20880613604727,3.01125647459927,2.32216061919714,2.81640727762555,3.37732878712831,2.65152740813329,3.34098015190518,2.50026574258172,2.60164792790105,2.65880000172657,3.28276628639876,3.02724998666488 +D430042O09Rik,3.05194868666212,3.28421690769224,3.13100977468785,3.24722750254081,3.38491603455499,3.30610036647018,3.47429751272562,3.19227853212704,3.11485299670867,3.37566147354298,3.39408456426705,3.26393333038604,2.74659724993159,3.14081732390737,2.65828471882408,3.15430283805758,3.2313942739334,2.90639593065914,3.38760251527968,2.73495974475082,2.91461394240347,2.96312319923488,3.40942328401101,3.27493406606099 +Gpbp1,5.48063518984422,5.38256927852444,5.34705321868975,5.37410204181956,5.26825975723477,5.2016512773513,5.17326669204775,5.32220768795537,5.2962556703501,5.40554952045264,5.18947520241845,5.38310651568907,5.35516458586469,5.11857217472297,5.14334772769572,5.08181482925414,4.88183470640607,5.15662017399425,4.80583670593795,5.32967845459084,5.18007837521623,5.12637629571429,4.92143865543821,5.15825995377534 +Gab3,-2.03114577828335,-1.5897679188005,-3.35133366602708,-2.58467669316255,-1.81100506110153,-2.02273151834628,-2.13941670121336,-2.78247427710648,-2.15060730570049,-2.43182076507445,-2.15792368158614,-2.49992236285016,-0.996109678169617,-1.94458244357522,-2.14629711317303,-1.98536318223595,-1.49752247407651,-0.95453861630668,-1.0603297412306,-1.47971248108657,-1.38076957515838,-1.34705550599339,-1.37061242177963,-1.33711420667222 +Slc24a6,0.274947823447516,0.907772955523912,0.312081721407089,0.234240447668361,0.767562451773478,-0.112774425378466,0.233657755185835,0.695967190875926,0.457757305619826,0.560499465181245,0.27356276237453,0.116558211343018,-0.491659261666893,-0.0189515299686975,-0.212099559899807,-0.459847640169776,-0.273302001772068,-0.331191821820353,-0.960409392180656,-1.09648800091079,-0.380946423055369,-0.315590197162047,-0.370501268276058,0.158387424435688 +Bet1,4.15432834313784,3.40473059673762,3.75466700920332,3.64806015693615,3.388640429475,3.35682412227134,3.67823907557141,3.48543553910901,3.77506122201507,3.34804066649335,3.40476482489515,3.67628629523107,4.79831238666083,3.81305695466999,4.25644443501448,3.78650160429508,4.21342046741746,4.4712478527698,4.13341775608062,4.2660629182278,4.1448155681495,3.89650607452438,4.34925464737667,4.51769240909945 +Ilvbl,2.56205331957822,2.70841920873345,2.51933741857978,2.39675985026693,2.01917526565888,2.38322980367235,2.6237723667763,2.3497528546746,2.36273052562633,2.58884185218103,2.09207368532604,2.03661665064368,2.91903954944367,2.54420626094401,2.6366074231154,2.23625669102473,2.62187356289622,2.53956492356939,2.84667343447167,2.47306851655469,2.5275417232448,2.50855795900397,2.4845887695783,2.45141079752646 +Gng11,0.917622470943098,-0.275139219978177,1.35239505713273,0.783810213483082,0.19734760108745,-0.372470685974037,0.299636667665147,0.558522605858782,1.02851092367293,0.593971652536956,0.0142962347796153,0.0428984702439185,-2.1769862792835,-1.60443398934322,-1.18384686488045,-2.1769862792835,-2.1769862792835,-1.10973723708489,-2.1769862792835,-1.08852251790048,-2.1769862792835,-2.1769862792835,-2.1769862792835,-0.763310763067141 +Trpa1,-0.83113323336436,-1.4820061943956,-1.80406902316556,-1.49248341295619,-0.742898280907845,-0.247587933572814,-0.893518931577562,-0.945288162920398,-1.69683971154779,-0.685396914843477,-1.51060832272547,-1.3971951022172,-2.33879733235567,-2.67265025589103,-1.76446959346018,-2.64043501296098,-3.14849717865655,-1.8853809479295,-3.33984059336776,-2.14799170710365,-2.63232948478543,-2.46948006917048,-2.62424278666878,-1.87013366829854 +Mctp2,3.85137965583036,3.8910195689059,3.76165570373533,3.78763306429751,3.87166036217754,3.95199234498127,3.89173191707321,4.01187183360591,3.86056975072669,3.91818172266149,3.95488953386115,3.8133952270682,-2.97763940295629,-0.975133078897454,-4.8942264945291,-3.0813816017673,-3.32832704143707,-3.22027761783345,-3.15991073871306,-3.46677467858658,-3.29657088640824,-3.90500636576688,-3.55406353083943,-3.20767345211993 +Gtf3c1,4.91345521276048,4.86771194451391,4.83653926265001,4.87480327944288,4.96430209125532,5.0649482220378,4.99693416463701,4.92720318738118,4.86611603470331,4.8068189089371,4.98500943067069,4.88831442512342,4.9716374927719,4.94153136664216,5.00504691485342,5.2629181271246,5.22340308016509,5.15577169282126,5.19491824057949,4.9595201657977,4.64882705278167,5.04669780705961,5.27701220364692,5.16100406079365 +Cntrob,0.739686368581371,1.85382630446472,0.861204138305551,1.31914856843786,1.79356204648678,1.32540140313473,1.841115007465,1.03922242871983,1.23898058428744,1.28728037668796,1.93377536037995,1.55035988027787,1.47837667589144,2.14188127186068,1.78424691109895,2.35985190731165,2.5714842703962,1.98191862342448,2.35873316096584,1.49926207258726,1.8526476274532,2.29518188161953,2.64054744873851,2.44865026187144 +Alas1,3.43680891347395,3.34741704653645,3.32498424012534,3.14934754123498,3.12715313295673,3.26841024780871,3.36148745067022,3.21861131286854,3.31618157698739,3.25009807846679,2.94777277441924,3.17097986831316,2.84552053623864,3.05196826904774,2.74605814736271,3.09216992607011,2.73602361289771,2.90474789550466,2.98656746894801,3.03710336977118,2.9802424428777,2.85812229845414,2.97884329186994,2.94189205429192 +Pdxk,3.12015850788298,2.85692838022412,2.92754249219107,2.95474792714436,3.30370175483536,3.21104898877913,2.81178339615565,2.91180080730918,2.85556121151762,2.91140226243828,3.31142989641541,3.06903224109825,3.24196265085911,3.1357070131041,3.31474088160611,3.54341186170993,3.83766676394579,3.7047418239112,3.49913152349587,3.01833273729472,3.09139437893699,3.62168782288983,3.8564675687379,3.4749969567979 +Srxn1,4.44520211395006,4.00254782821012,4.23617532785714,4.06360798212635,3.94852867072609,4.00621315383945,3.96556641886144,4.10070597009337,4.14501130014573,4.18796215604049,3.87320414076837,3.87273199083109,5.26773396787457,4.53799044952593,4.78559914750867,4.62628602444948,4.90053937652788,5.10542776106487,4.99580008115343,4.74259894478466,4.7966555824896,4.67589993004169,4.89589528032121,4.91806581908325 +Cdv3,3.66146431745424,3.58222227972885,3.62924028522569,3.68695390432992,3.36738786707888,3.54352354774068,3.32416349697694,3.31663062472183,3.5547545434035,3.43760660732099,3.31542218559801,3.42714269756602,3.8526268881033,3.46995850042421,3.65996805774473,3.79457691913012,3.67142155169538,3.73796811486893,3.65573555982926,3.45291420411814,3.70464359133184,3.70896737389327,3.61923795798172,3.74606720125456 +Slc10a3,2.63755789636203,2.17887084255061,2.70892233479574,2.6546917950702,2.19193617755059,1.95806452623989,2.15329405658723,2.35962905223082,2.37829198489868,2.55750466194665,1.92025497674557,2.18248214804389,3.35627380373106,2.95132060597286,3.38325213933596,3.03482403259781,3.10151599399517,3.18676978253733,2.73210277712647,3.20986466128856,3.14867808063253,3.06830383501319,3.052882441606,2.97944515854184 +Arap1,3.65727081268957,4.01872540403064,3.96348962967964,3.89167332089184,3.92324020222875,3.88664686458139,4.0897233086174,4.09379351884857,3.88809474595823,3.91057776084325,3.9467746738374,3.83411271015525,3.02699531308424,3.37197432230132,3.19155369127647,3.18755406006899,3.50138608668423,3.35044091843313,3.75137557778112,3.13389413431806,3.18339850141085,3.31440328380358,3.55860183294764,3.41191334104304 +Igdcc4,1.01143223958285,1.19503140931101,1.65891053828025,0.972485624225476,1.39604716382126,1.52650992822712,1.21860112172588,1.29443624776239,1.05632355712033,0.759296038574364,1.18010621471575,1.10801283090458,-0.679390943917181,-0.339998028888815,-0.138200779837626,-0.81507861717721,-0.504666486661645,-1.05100875388581,-0.73771163560245,-0.620605914702604,-1.69276047017556,-0.528929258569425,-0.448219512001283,-0.984602520180922 +Ank2,3.51219523133028,3.89675475569376,3.53527836858524,3.44301570806526,4.0444333728036,4.24815530924137,3.88644815962683,3.9611838603191,3.76826073487109,3.79208033767718,4.00984445709504,3.84576965300191,3.94161751100545,4.34281921316673,4.03145716041993,3.92664504975201,4.02683057310448,4.0804496555821,4.64797791544905,3.95386115795236,3.60063790598335,3.60807259698657,4.01212379089932,4.27498117197925 +Ppp1r9a,2.80806187646083,2.96450656923015,2.99266769932466,2.74736677463815,3.08551890917611,3.157894688633,2.86483204287334,3.05789092055031,2.79121445403997,2.70725801382735,2.9798784191816,3.00670254079436,1.63579609331347,2.03069927584843,2.09144189254269,2.01890828956202,2.20459779743802,1.90409811490368,2.16756739860307,1.79715293654328,1.85192222462106,1.92615287719437,2.13992663485913,2.14564227094024 +Pwp2,2.95993206663778,2.83976094684554,3.16308158390813,2.99276143403843,2.74683648561991,2.92510648301354,3.05908375127335,3.02427685548031,3.08842160605858,3.02729227740589,2.93951579815236,2.86634786744457,2.47177842502497,1.98864694478374,2.45361423190498,2.26902189771806,2.52780533752897,2.48857791866357,2.67081041132159,2.10349253073596,2.31939811322279,2.21136958423969,2.56137708981928,2.58927539487302 +Trpc1,2.95379138193665,2.95447012239229,2.74496412783152,2.98108967896595,2.76970485825478,3.11442507494065,2.99953502818846,2.79638381122531,2.98619634297282,2.73268411637538,2.88865307050396,2.97448092619088,3.78183662396307,3.73404791363739,3.90357955772152,3.86271545176141,3.91012556954575,4.0574616688898,3.82668392842464,4.01565812776491,3.8634844579577,3.86456783482213,4.01074254002858,3.864918556902 +2410131K14Rik,2.23166616544188,1.70300707207182,1.61734984817123,1.5566752450611,1.62197708909959,1.95683122408407,1.78740752722852,1.67934911425093,1.80366732903418,1.42050804318167,1.6064746080313,1.88953279571716,2.59873944734348,2.32729424670044,1.8548905203795,2.33804586576599,2.61985762507595,2.63327565321904,2.62466783268028,2.06579561681483,2.20929777652839,2.3858808703653,2.74813031532857,2.69897054968352 +Abcc10,-0.0293790706703843,0.900659050455895,-0.541708189088858,0.198966380142003,1.61542906515193,1.64518400954704,1.49603385133189,0.0830194692392321,0.185571090983111,0.279081412971838,1.49844824962031,0.963111599776145,0.137120456673347,0.565844480958637,-0.451560763771188,0.505372811050224,2.03240162446832,0.771797208366331,2.17637815914933,-0.139767576548997,0.254804643579298,0.299508222782146,2.01539329496466,1.41023969848132 +Zswim6,0.325302448175524,0.525932212160235,0.371907206101391,0.454669698793257,0.826128764070749,0.772966133672817,0.625956095106293,0.694436281754043,0.315619973766931,-0.138561601001869,0.429225329828556,0.621468741821599,-0.184457843317491,0.537099471560885,0.38204288844275,0.490386446483782,0.185769743582713,0.297503505538147,0.166203204582255,0.443968365802294,0.143184363212633,-0.349625555313847,0.19921634413249,-0.0937812978876393 +Abcc4,0.0573726321752241,0.860074568025618,0.938914475688645,0.448135566577065,0.577854144692727,0.70615523062109,0.0634857260466859,0.807141487375619,0.639050514154481,0.513200120777837,0.591771922357084,0.445373418368245,3.23701010768038,3.46303888465757,3.58743636790751,3.26915728740066,3.24417050610934,3.50023268143876,3.32158683793133,3.48092942960627,2.94080411633019,3.13447744346875,3.3899505985299,3.29719600883006 +Rnft2,0.46207773906055,1.07055938526775,0.222654786833893,-0.0817234957521391,0.720822740512736,1.40003835702206,1.34028086908077,0.507559468779226,0.31468937860149,0.594991109727571,1.16702340548291,0.909680190393862,0.586804442352448,0.630236516501948,-0.346178631002024,-0.175860861273459,1.00801084986773,0.810858624761414,1.51708570151715,-0.0519515508924875,-0.0667372255350434,-0.13147035648352,1.04254804344583,0.813855153888623 +Rspo4,0.431119819802047,-0.890526340048018,-2.36749932561119,-1.52672033245147,0.424096735457091,0.380798127675991,0.418074848964176,0.116017066984047,-0.961677769352639,-1.26726272700679,0.196898384587536,-0.263459626714854,2.81422700438857,1.83093425503277,2.27986059492983,1.91446477353424,2.91133873135871,2.80121952172116,2.63033410250632,2.03738292496598,2.02705514857868,2.02466720747306,2.67642906979505,2.16577953434774 +Ugt8a,3.62299801643444,3.54518029656765,3.81051560167836,3.84842245061839,3.28198990212348,3.17717261655277,3.15244765316573,3.94475462301803,3.82931260101048,3.78293912141683,3.40446858163009,3.39725329600548,-4.20257889396958,-1.77380143350014,-4.20257889396958,-3.49918044205118,-3.6271164311,-3.13532985177097,-3.08913958161456,-3.55804200295766,-3.19304860911886,-4.20257889396958,-3.60745746992553,-4.20257889396958 +Pkd1,4.11985755256731,4.53380649168921,4.15943342677773,4.47452158527708,5.00111176645496,4.90195508201735,4.75232655921112,4.18624409821659,4.20900151391884,4.48114344252371,4.78949839377893,4.61483967778754,3.42443233134085,4.39108953609722,3.80176914124158,4.21043339588554,4.68212251778511,4.05590988217458,4.67066953664838,3.58414476785968,3.853929565878,4.29243150876798,4.60519384621779,4.44335299125437 +Fbxw8,4.07140984258758,3.98807562050116,4.08396269842806,3.95869295100087,3.87604157171548,3.99074020041472,3.9783789205213,4.20899653071598,4.07327367595361,3.85150116468512,4.05396345854298,4.01356518774904,3.73704431728946,3.6328484598023,3.67588499840899,3.60786891188168,3.80354250327548,3.87384275670473,3.78404575489964,3.62279932761665,3.56965529423818,3.69562857149815,3.93621407992099,3.63338549843157 +Psmf1,2.57713292454392,2.31950351502277,2.64607118822591,2.4798256635821,2.47285318387335,2.36097911525523,2.34957086720188,2.7161273139216,2.76323144003881,2.56717628273171,2.34922987961104,2.34687474852163,3.17829986074215,2.95828713353675,3.23680239557675,3.10933959000623,3.16111527451469,3.12672489957596,2.87629813988397,2.96476388595413,3.0761424849158,2.95211523302941,3.06892183669433,2.97088420577533 +Smap2,4.02838913171577,3.86637681941107,3.53882439317033,2.92281627494314,4.46107690231367,4.66294792714453,4.09472960358191,4.29988563731193,3.52143565280541,3.35421620085,4.3037564294396,3.93258715387551,4.77647602524899,4.56325741762809,4.23641839046927,3.97215643476544,5.03217722497193,5.03768693465969,5.38921605983422,4.43304790140146,4.09035062340293,4.02319424078553,5.24130037640714,4.87130714682536 +Cyb5r4,1.48591995126306,1.5237402531677,1.29344666545798,1.63987635048815,1.51093175983645,1.67717212522606,1.68107936350403,1.40332709917606,1.47775050841932,1.30406587032589,1.46455627063813,1.6108880789731,2.22625098723293,2.18922630317917,2.06286227064375,2.30690202204146,2.12029074994888,2.27476562380887,2.2279689210267,2.16062135948852,2.09539032041951,2.13198423263429,2.23870256020346,2.21046084227114 +Arhgef17,3.8159773550103,3.73693723948753,4.01291364902608,4.12522789449914,3.76645565434278,3.68140875343675,3.58798431908729,3.80720198610578,3.87357412545609,4.11118561037452,3.6976457242685,3.5694421907786,3.7811002374762,4.01113967717229,4.14679324978494,4.44125077441972,4.09812519109127,3.86540333536365,4.0297711333799,3.61791766703896,3.73459250242073,4.35076022883433,4.16629931005284,4.0436501008619 +Ccdc85a,-2.21713442526709,-1.64028117361366,-2.28937889670343,-1.6264249870815,-2.16730291286663,-2.07882185577586,-2.58238606687947,-2.23615802074988,-1.89435663165327,-2.19994158930742,-3.11970361383703,-2.18828312580614,-3.47561220239294,-4.18143205787324,-3.5869686939441,-3.98857969523817,-3.01511633268929,-3.76051767808029,-4.04933716568868,-2.43325111025021,-3.56512086992283,-3.59220511304942,-5.16277647804369,-4.08592081364761 +Acsl3,1.48462000960253,1.5336091323369,1.43120098341483,0.795366236466506,1.31908997599713,1.5582572144232,1.63230801714463,1.10121182530282,1.28309403445111,0.68953761895502,1.25923103216088,1.16527101294537,2.23584041662107,2.16419490637331,2.05844442892214,2.01650858925369,2.55016517528619,2.40717554685661,2.27531277640619,2.34216930674502,1.974329591753,1.90844376239448,2.41195473745237,2.20692664742538 +Gm6685,1.59914283647759,1.1569837997825,1.90571166937558,1.93337052258544,1.32485840800846,0.608594012966511,0.880195594789053,1.19979153540825,1.76430732543748,1.79482759708471,1.68150818102907,1.08302940971099,1.41043914984153,1.51625579198709,0.921922703828981,1.4089256853935,1.52433423707532,1.79221310227631,1.47196544441203,1.17836893102772,1.36598214342461,1.4667161513312,0.960101059955491,1.86621925500824 +Rims3,-0.695135125052789,0.751475014251091,0.318779823527128,-0.377474417526296,0.574017653498773,-0.745456817178845,-0.638256142259321,-0.415496213793035,-0.3086305077971,-1.07482015863374,-0.159779707543072,0.175799388636267,5.20417341353666,5.26164619117422,5.44688477129753,5.63663208102144,5.8329274324807,5.31276912154513,5.31434933018481,5.46371914252863,5.11538802835243,5.58419050295959,5.90001068524213,5.49295762110716 +Rangrf,-0.496447823226971,-0.0883587495285915,0.10053110575895,-0.324093168560189,-1.27226129923881,-1.19457783314532,-0.0205835078750152,-0.970480736206741,-0.363040399300681,-0.398575961684652,-0.694502127945032,-0.663671882583071,-0.777525911718948,-1.80137645211965,0.326337579892992,-0.267169311106436,-0.685209869776142,0.403857645649974,-0.720735051211274,0.553243126715606,-0.174586402036306,-0.210706108621644,-0.334894742801143,-0.778264612996695 +Nfyc,2.32858248077617,2.26576345037924,2.23124372170365,2.28448537742908,2.39199210343391,2.3136578239148,2.00706153864371,2.25240022456632,2.33889607260544,1.998151463188,2.39450745063995,2.35225271530401,2.53697928625088,2.73323551424583,2.50561479089348,2.99479835355045,2.80011088680103,2.45651376978985,2.56933813902712,2.72033627340354,3.0643607078432,3.15407513811799,3.03691630108339,2.77339835020276 +Fbxo21,5.37930374114751,5.39828420397883,5.77569452197601,5.40605320462085,5.21197291776927,5.21374803452937,5.13068467110682,5.60311227566378,5.55750806731645,5.42207510752056,5.25158439711625,5.21742340079263,5.28990289739424,5.42706719455861,5.59689415061599,5.5603842744739,5.29418742703496,5.24916125282777,5.21087832588173,5.63132392499643,5.40157150302895,5.57794901607478,5.33954716483989,5.30824953963944 +Styk1,-1.70457998770411,-2.26709561238928,-3.11561012289457,-1.68970001986894,-1.25604570886559,-1.48756251779174,-2.11927413598909,-1.55746511195126,-1.72764337507008,-2.92735011402915,-2.60620788580178,-1.68807490276713,-0.171420917005106,-0.0280959723311636,-0.409561984026254,-0.534387220145683,-0.466624203540954,-0.0736388022687517,0.610272248362863,-0.624342798218109,-0.006512064925471,-0.803608489702638,-0.207468552401421,0.388280123456408 +Slc16a1,0.312036499910339,-0.384619075718563,0.294444148703621,-0.210206309356807,-0.284776132420115,-0.756208485001243,-0.757607794476908,-0.457362699657044,0.264415404746258,-0.54727106158562,-0.661756246452194,-0.627746938507923,-3.09318489833217,-3.5260698813894,-3.19372283307072,-3.80401584964146,-2.94151484846782,-3.10515550159645,-3.39397498920483,-3.41895054017683,-3.916091287635,-3.51819417279763,-3.4922026170143,-4.50741430155985 +Atg12,3.5273618333953,3.60753554807738,3.8238768591599,3.65116399371637,3.33110127163588,3.31733956439567,3.44683555116299,3.53686725712048,3.72732611455975,3.70524746260885,3.29683454428456,3.51982998462874,3.67069351558697,3.17886698566577,3.65634406459114,3.32749573243338,3.03433298590423,3.30344799993449,3.18171679946654,3.39261083011772,3.37356202975618,3.29981451823613,3.09273678951856,3.34025629835093 +Sgpp2,3.91650721484549,3.9060524014999,3.80591045229608,3.49283327578353,4.13479349544895,4.18416659232114,3.65482353666153,4.28835361037553,3.80737965818331,3.48568269947733,3.98036075197605,3.89037009220448,4.27746195711913,4.28659619831023,4.4053075245499,3.91609265027561,4.38876394270437,4.38704175263064,4.1263851197502,4.36528371701822,4.08031844449128,4.08940641351569,4.23173851841294,4.29851851708608 +Lrig2,3.28047476861767,3.35418213918579,3.43199297148137,3.2422893763061,3.18188966270902,3.30441695392039,3.28048486332367,3.59182494360228,3.52858198184049,3.2048995593846,3.17514821583924,3.14576070466562,2.75950464583611,3.02377131008118,3.08253934335157,2.96339472234243,2.89629520278669,2.86730088282256,2.84322593005213,3.20622300111711,2.82464033013523,2.65426791225831,2.9101523655808,2.97740223418974 +Hspa13,4.63092253435509,4.05364153253452,4.36531709952222,4.35366428043664,3.9240189186612,3.94351467494766,4.06422790015399,4.13354701399618,4.40135478193695,4.17509389640199,3.97520676816429,4.24269561537584,6.24906706081654,5.1661596152567,5.95405082638351,5.28207703012342,5.62297695660777,6.00268024333862,5.59754211534203,5.29847141506357,5.78932841472375,5.32508795574587,5.64515243901819,5.85793097146176 +Nup93,2.14555324568764,1.98127124508477,1.43423945247929,1.72395544300358,2.26561570843008,1.8889743010782,1.77856372088927,1.6872696286901,1.65522858028623,1.31802894613464,1.71766896714061,1.80535560672909,3.97235192904005,4.43602267260472,4.32662961762891,3.94332834708065,4.485926569612,4.17028300358146,4.72612699005822,3.76624444598127,4.2827353423167,4.15065550960051,4.62752922957064,4.66180046755304 +Rbm11,1.94877367476548,2.06914754732416,2.744844545253,2.0827327950061,1.4500046978263,1.87360025855967,1.37466167826749,2.6173883268978,2.36621022445581,2.62684002475098,1.14609414494154,1.60578807139729,-0.364683353380455,-0.68634852350003,0.411961322136096,-0.201174861560271,-0.848011689286797,-0.801402716948085,-1.48020578350271,-0.671515085071499,-0.346226557247517,0.063763158514536,-0.79642330227402,-1.23979317246957 +Ap4b1,3.46025155258745,3.3979015335874,3.6100158420143,3.55276885078225,3.11924779626961,3.18257357255721,3.3943385769951,3.31921124284491,3.487502120332,3.26624977982534,3.25232489879998,3.46693562143312,3.11272525172633,3.19105728554549,3.28507047965648,3.40932860621993,2.9954191864012,2.99095292661069,3.11674300237803,3.34648838179343,3.11790864806799,3.21712316382362,3.22713618576225,3.15458560390973 +Pebp1,5.87127359799104,5.37543401904268,5.90326644735645,5.67235685879825,5.34076596960925,5.50005592405625,5.58361075922004,5.85153797798894,5.69247018703813,5.76024119597996,5.4533045346059,5.75164207949873,6.3589849012002,6.0161308477694,6.32972024014626,6.04689969893253,5.71908497923313,6.3116591931263,5.98058693139574,6.45015644659171,6.2934520702611,6.20180704116343,5.94095003894015,6.07603062184216 +Ift57,3.89447758987464,3.70979614088597,3.68048585441421,3.57589291352525,3.47684252741803,3.86166866593174,3.67640377943882,3.34852567237447,3.74366994933408,3.64440325821713,3.6281149244564,3.68919151050546,4.46613939409556,4.34107817030119,4.08341793305344,3.85960072518409,3.9109148833017,4.17692448126194,4.2256528226723,3.97146745177636,4.30139693597901,3.94911057248799,3.98980220033308,4.13104801906397 +Fkbp1a,3.83146276311139,3.24587076374968,3.55543597664837,3.2748939667721,4.25200348930387,4.0600104493415,3.56318490865476,4.03554567783702,3.60741692459564,3.47529529046506,3.99600256523794,3.66616410924384,3.99613582441337,3.7596010532383,3.99932733254658,3.84278391727489,4.37329572352495,4.38069977961549,4.27760801675941,4.09120371084909,3.96978971515846,4.0204750678455,4.40254010529291,4.0788667562917 +Inha,2.84958727976388,3.54680320393165,2.26099191489632,3.38226972670768,3.8688944008254,3.7392727176515,3.99625389480884,1.95068784784716,2.92962869866317,3.41088042070411,3.96380044008156,3.3083440018596,2.52873739446125,3.61814582331871,1.97147142266173,3.26037397961762,3.87598809436921,3.16154435540717,4.29489401224096,1.6342727141044,2.99137274869164,3.33263901832072,3.9152263370166,3.891630701907 +1810008A18Rik,3.50660087636123,3.34870864951503,3.58392231986827,3.42174331355512,3.29081410294243,3.45305252656381,3.49688973451507,3.48593954190377,3.55005139862136,3.55730827126016,3.28820867964193,3.3887616583786,3.83598866013884,3.79309683866765,3.75396398381694,3.86674422160366,3.83409426451201,3.86407698069558,3.89954791813553,3.54579346036682,3.86017257176001,3.84463950825721,3.91382367217537,3.62452976895471 +5730522E02Rik,-2.37542987427451,-2.75015425938087,-2.58348148284174,-2.26376493294506,-2.0583401649606,-1.88318759396882,-2.49051926928801,-2.23163333109437,-2.50154168591963,-2.99893904878895,-2.40525878544522,-1.91105741273108,-2.85265964286955,-3.9857977960662,-2.80790338130854,-2.71314805385574,-2.53114151170783,-3.293193339541,-2.80016178028691,-3.53969040029413,-3.14619179529931,-3.65815966636065,-2.94438441630864,-3.05120684297282 +Chpf,5.19294823765537,4.6515093830928,4.92719844746191,4.90101489789511,4.90514178276884,4.96838592617183,4.90145682789528,4.97360829782877,4.90250693812242,4.70005397254369,4.91038149268945,4.82142409093024,5.51240523986313,5.17037226868034,5.33447558019599,5.27455554681974,5.44115150548536,5.5789403919239,5.59122908829868,5.11923611955886,5.2456247559195,5.24912080018913,5.64390929364373,5.40033895912522 +Foxj3,2.33962222097384,2.16726994092361,2.2565547641635,2.00055935629747,2.45473604408021,2.25502879900299,2.05710267450696,2.41551426862351,2.24451360620994,2.13002839327474,2.26392527490378,2.1402841280076,2.31496357201601,2.31451469178637,2.33373241604613,2.14721116185849,2.54219062832436,2.28035562868474,2.41308885118013,2.29174973068036,2.2141215175113,2.25412933204105,2.31768118973767,2.30894383727857 +Mycbp2,3.92814256005421,4.22758249926118,3.90450190229979,4.06454583799916,4.62098231192305,4.46864003267848,4.36446964900141,4.14541541903858,3.99703487620878,4.10503398378916,4.50570069086044,4.35409969311088,3.72955567424113,4.13693461592642,3.83596651278675,4.04507487138118,4.40532232832295,4.008683877659,4.25087426669512,3.67483702055464,3.83024840271759,4.03988606700147,4.363651831745,4.26568569129705 +Ogfod1,3.14314340901718,2.7175901334606,2.89546882513655,2.91796228007598,2.91168877967073,3.02675812833676,2.65995807299944,2.93213240048791,2.93182016950121,2.83014188618699,2.95170776672792,2.97416512235845,3.39869484722795,2.87393106992332,3.06328182013948,3.1675691930763,3.40683451597491,3.26655976234984,3.3451454140495,3.22230563594455,3.03487217989433,3.30558493215768,3.53282699872769,3.35679367827868 +Trim33,3.33387259846812,3.2888592374554,3.373654012098,3.27071995492764,3.39078373124219,3.36629116233046,3.18924839819668,3.19862453789048,3.19570441380934,3.13646579233452,3.17469602687614,3.294005751107,3.35506583406661,3.2402871681478,3.20790539568761,3.33280486903675,3.26202760186282,3.37123979308701,3.24343312962905,3.23670920449509,3.28533358765811,3.09170070764961,3.10298746566829,3.27540250989281 +Nfatc1,0.90237397551483,1.02325326852282,0.374403689807868,0.795816292004516,1.52959408120966,1.554484502161,1.22705759216057,1.28340000690792,0.779468909573031,0.747139424530186,1.30897268789216,0.992582014781986,0.446895308158714,0.847179930176661,0.285773447990285,0.352079565550574,1.00172834334957,0.768850855364911,0.971328864023134,0.668344367043511,0.363166213814169,0.700629622293941,1.19241137849343,0.749993195569972 +Polr2f,4.97465176654148,4.60818102610697,5.27507735402119,4.98494835507907,4.93174141652496,5.03919365893558,5.04161340899285,5.26903912501878,5.15306599155543,5.51076424381439,4.97815017090963,4.92367812461519,4.89718432806893,4.75862475849975,4.90685406852207,4.79860903877278,4.7673734307939,4.75776928717887,4.95461363462609,4.84898421642815,5.12332896155461,5.06800925568617,4.71933867393684,4.80691976055981 +Gmppa,5.09428693327934,5.29217272147337,5.10079697163769,5.36666522267469,5.3588619710538,5.15595563063049,5.29542320181867,4.95281342719808,5.12647619023238,5.27861233520032,5.39849658207403,5.18085348592122,5.472962732315,5.22525897677418,4.99237836813597,5.31659566355537,5.62255025860159,5.44791904314878,5.70532586979986,5.12360052409169,5.26479984505672,5.31986229688248,5.69533794712573,5.71053619593251 +Cdo1,4.56254037948322,4.27285572192197,4.57713260545386,4.30463056083713,4.01390014489708,4.09792596380016,4.20530840970093,4.71606421389302,4.35201350066975,4.65514108519991,4.20074477991762,4.35242847385682,0.246295356456515,1.07720119916928,1.1819961043076,0.852374199061106,0.321190519417832,1.0058467501701,0.545162174828155,1.14058060214959,1.62823141430803,1.0047787079603,0.512028519004195,-0.146740563166578 +1700088E04Rik,0.844556652422353,0.987917219893323,1.26489920484051,1.03299542068191,0.297158021462644,0.433564671087855,1.02612716788685,0.927624388703457,1.12265340426608,0.79091575035992,0.399900558455597,1.01691405222599,1.33652452597693,0.857022180054537,0.995247945648422,1.08361407916793,1.30260001860802,1.31790939984417,1.37760538438723,0.931895908469966,0.880814277114681,1.04208468529427,1.44595149619931,0.975215476524623 +C330027C09Rik,-1.34887403347392,0.0897907704050271,-0.123079824401168,-0.702308305565372,-1.26527248589063,-0.551181755350582,-0.874476936273205,-0.364938739508548,-0.358663151931269,-0.450492415188925,-1.16457025213065,-0.861099219296231,-0.440577627553252,0.116650190452117,0.246591544818918,0.0922970089618844,-0.687003342777169,-0.839342807972576,-0.618679311864553,-0.21288123432883,0.236573343113113,-0.0828397851896305,-0.886804870238661,-0.479090808840616 +Afap1l1,-1.98679373060455,-0.0446839643552563,-0.415015487159613,-0.932811534697619,-0.530734991888284,-0.544347241481288,-0.631446217630828,-0.794212958174368,-0.854530536560799,-0.473233625823916,-0.638561345302661,-0.406983090039473,-4.24111661670322,-2.68108221840194,-4.24111661670322,-4.24111661670322,-3.2553902358192,-2.56716774000756,-3.5795456490308,-2.81366480076069,-2.64346100858236,-3.25189648794099,-3.22590493215766,-4.24111661670322 +Calhm2,-0.300178406596018,-0.0644643957855529,-0.243865442222825,-0.28327223086947,-0.505987472285003,0.269556506438925,-0.104407684666052,0.105318494671885,-0.117517866498529,-0.610067160161926,-0.195746265751868,-0.382046207566998,-1.89764966149503,-2.13881077124451,-1.79577576977917,-2.23031814568307,-1.92959353114464,-2.22288086572743,-1.41558526099191,-2.27555883719224,-2.16204567392922,-2.35859831638681,-1.69858443626576,-1.42902661908189 +Micall1,1.61303812964773,2.30943580196944,1.4779473743368,1.93446499045857,2.34466925345981,2.2031441155182,2.15476586867113,1.53195722268061,1.55728642258665,2.15571336163414,2.50784422966655,2.10171332213715,1.13027948251151,2.0167945691999,0.91409276475955,1.88625083139235,2.16032817692745,1.44209697080461,2.18277159116219,1.07474156256182,1.75853669340476,1.45776145368428,2.10417992012621,2.09824811242971 +Eif3l,5.82643939287429,5.57729620196158,6.13885734635092,5.78798601079607,5.31043403322157,5.36858402146492,5.33266028901537,5.80381413039127,5.97358179496363,5.87265156255649,5.40479964259848,5.55812702867338,5.83412270695645,5.54462697039668,5.87911037845486,5.80839507308408,5.47392542043001,5.731793965965,5.50203890201362,5.82013516074565,5.87515107161329,5.8972094964195,5.44333542403291,5.58164469504089 +Npat,3.13982599898391,3.23823896467651,3.31963799559509,3.389485756958,2.96770256916508,3.03289233329932,3.19103225599992,3.40711372620722,3.45878384202941,3.27470430475895,3.05453875260491,3.15692041871525,2.95262053688995,3.16722103878232,3.35216990179014,3.14367745130629,3.01918201442322,3.09197863333895,2.92363799789318,3.14936294366959,3.13046866978256,3.1131824688071,2.99112382825544,3.08695390784234 +Ankrd54,2.75859482184631,2.68430061912488,2.60351729489487,2.81998282133385,2.963795248245,2.87579146452016,2.96725692608824,2.43814468941024,2.63929685722359,2.81495418724109,2.79798603593682,3.03836497013097,4.18852143385052,3.98870337731134,4.19062918476968,4.16994026257247,4.64112856323079,4.41196277553321,4.4611749055657,3.88553059231986,4.17985186400839,4.14481934143996,4.62440976987431,4.24261825120129 +Pygb,3.89169028531725,3.53320333558281,3.57087900714535,3.58313804589224,3.38227650344692,3.45103933204725,3.56459940249164,3.55574407769675,3.60940064194867,3.39654911119536,3.44897916565681,3.57770178166134,1.79783885056529,1.78694255138464,1.79388625579513,1.53017157825048,1.8120952907182,2.07288669022062,2.22604216457554,1.55338104346903,1.70449578337929,1.50126551224205,2.01752107896337,2.04468984592504 +Lmo7,2.54839334436749,2.88739728026801,2.62191219770755,2.91390129636075,3.11740066218695,2.96994647239397,2.90267633327707,2.85512089800563,2.75259286915991,2.80823664727443,3.02001358492679,2.95897039788112,2.88408154338023,3.37517915666304,3.16344374114153,3.40119185074793,3.52972910134917,3.29146558542141,3.51859116580399,3.17792277310889,3.16064195953469,3.34056226779798,3.67095584698749,3.42585968512599 +Resp18,11.0886930537312,11.4902391983846,11.2669730579369,11.5830690748578,11.1441483953004,11.0404114628412,11.3142574502428,11.1458179167468,11.245686440287,11.7287448288679,11.361765999121,11.6072561283455,10.336312399262,9.8730482826298,10.3728232667683,9.86651166484349,9.68074671998438,10.0721642306051,9.55995955496758,10.3713652410455,10.1317550019022,10.0582111318788,9.65212143130787,9.73473107583781 +Pfkm,3.56314177464347,3.60037699792296,3.84705154941055,3.61795542870803,3.3144354532113,3.41702751984512,3.56925902561425,3.65895301186858,3.69830965866051,3.79465965432864,3.3830297546685,3.47409312067676,3.62670033793009,3.61767333159693,3.60019125959481,3.7583827253455,3.48901968877674,3.34192413569254,3.66270069983473,3.31783989982528,3.73732983027043,3.93124784406614,3.59577201559989,3.59409800619323 +Gas7,-2.66939978428247,-3.13765751220759,-2.7056776234723,-3.31909904693628,-0.601265262853337,-2.77810633468532,-1.85107180369535,-3.00902777409933,-4.86304063263734,-5.04359616246597,-2.92147929245468,-2.23536073052691,-3.19351258047452,-3.24725166142551,-3.44896633102332,-2.4762964472349,-3.34627534958309,-4.34852745353222,-3.85549589427813,-3.42098503312938,-4.00820440795689,-2.72001037601867,-3.99971853029986,-4.10654095696403 +Entpd6,1.72536508960327,1.86004740501057,1.51839452073474,1.87184167473803,1.81175768691727,1.8463724296859,1.97675916716677,1.499721545421,1.37405745263084,1.90127938128066,1.94342303608715,1.71555490082542,0.882357295747201,0.714052973003184,0.768679927969865,0.905141990408984,0.829589122403255,0.926392563671648,1.15811683887988,0.136588024243404,0.76935570633733,0.697560330026968,1.21526999198158,0.848994959935147 +Senp1,1.14714415931133,1.38180543471953,1.05082933810037,0.974302772577861,1.73938541655358,1.53553691154697,1.4809304098408,0.923395895282884,1.07506967634879,1.15863294306661,1.5579885123776,1.27254979592493,0.975162078056112,0.990792316764598,0.960982270947336,1.10358715049075,1.58273469323476,1.31285199004795,1.59344033229254,0.537678896078864,1.0573872929782,1.15121343439273,1.55480648304158,1.26839183416811 +Tbc1d4,-0.990297620984343,-0.0909082407761734,-0.472887722778312,-0.885154801673387,-0.174763586104671,-0.472712458053774,-0.831273268306203,-0.858615901960608,-0.596603672844386,-1.1719967028478,-0.845170352870817,-0.618333267963144,1.30674886724351,1.92771246676682,1.70139548584999,2.2057181283785,1.75190744649179,1.60995357670907,1.77307112018896,1.60323737793716,1.25618832077473,1.99414285082001,1.69404375762039,1.83562147104854 +Triobp,2.15002988681789,1.8279431848173,2.33701076338288,2.27261567477263,2.11732859712055,2.2344613660017,2.2781927940902,1.96118812543041,2.05450987836209,2.25068379112303,2.17334602122889,1.95765499382723,1.15238242348047,1.33407381306948,1.16216813370248,1.44356199222664,1.28060035242038,1.25895964086776,1.69155443773486,0.976703614359014,1.06699454827854,1.26083268178836,1.49008536550745,1.29507841651323 +Apmap,4.12201604883627,3.89154156881974,4.25971067491015,4.10966933298238,3.58248607530725,3.58826484257188,3.63593061509614,4.23000769995127,4.25952943291108,3.85796520082945,3.64857326211956,3.71256459167408,4.36666363778885,3.92858866574656,4.26469515939883,4.15684729054197,3.78139259377246,4.2454316250486,3.81702837473028,4.23694890650833,4.30630652104055,4.13008218218787,3.7302947661514,3.64406845812647 +Nol12,2.31465965126841,2.31018699026141,2.08021500840786,2.15122821969283,2.23217442367354,2.2660876319653,2.14517945074367,1.82046736229171,2.24902050281875,1.89590554851868,2.37590082492639,2.42877419105031,1.78571895640736,1.43413754669859,1.69490579912575,1.37531016724259,1.93483337044929,1.82824083423074,2.06655575407754,1.3409880818738,1.28867225120251,1.58405774337229,1.81582100085531,1.79527540667595 +Cdc14b,1.84504932063623,2.45791941063876,1.94874547635395,2.24851067951129,2.43711678717306,2.35396015258883,2.39490724418403,2.3914852714589,2.23279249429578,2.03501104049312,2.34892753926169,2.28465769828992,2.7953413808197,3.0055179954089,3.05934780096382,3.04626391243023,2.54323248484527,2.82130633291664,2.66038548134362,2.75792831973744,2.90844144293191,2.82377347951554,2.76685090455622,2.96444570279781 +Lss,1.86876296329961,1.80931304749195,1.69156918928111,1.87767793394376,1.80807059823377,1.90833480253428,1.85244534970655,1.54732613159615,1.70726475712707,1.77640598719584,2.07348136249397,1.99162185398617,2.90198982702793,2.31475521984192,2.22439363695895,2.76200885728937,3.05142843315445,2.96369748252259,3.162444219995,2.22212799184641,2.20178389826089,2.43854781179517,3.18189115850968,3.13743111101566 +Slc7a6os,3.27776535695187,3.39874453998652,2.97562790419254,3.43146020803511,3.42611543011687,3.3019790666188,3.43657320089147,2.91277432094753,3.21077555409046,3.55753660603628,3.68626435792897,3.65719032050686,2.85010645606856,3.09081177767938,3.06062944886377,3.09533678022454,3.30523753667037,2.66631203126674,3.3114437647238,2.81299532239638,3.19825920477195,3.43465727762182,3.4433901292873,3.04753329149699 +Rnf125,0.633885658885808,1.18601515848988,0.196480824561133,-0.788513075675589,-1.82857470438009,-0.972653923633962,0.563657825602487,1.35278558684495,0.491250329446998,-0.0062115851229693,-1.55209983155861,-0.079430549105569,-0.860582425370619,-0.996539867111683,-2.1967771130629,-2.77716951694343,-2.77716951694343,-1.10322064024777,-0.810362308314903,-0.4718813183243,-2.77716951694343,-2.77716951694343,-1.43700655325375,-1.70031385254734 +3830406C13Rik,3.38515417380338,3.62045563606093,4.06459835310428,3.56558739868732,2.95423002965648,3.07424854627547,2.94661467495876,3.84617877110034,3.69343728000804,3.56384484664756,2.94113729830452,3.19668111395484,3.57241357399259,3.35881282868064,3.73838667445001,3.42508192244664,2.81732190372625,3.40884693213674,2.6646201523753,3.71016882847279,3.47297931928173,3.35836748287053,2.81112872332098,3.04817545395248 +Slc35d2,0.701343758264673,1.55218786119833,1.33353292043241,1.20000541664514,0.906581576590067,0.805858206120355,0.408885116994353,0.831278762885713,0.93649360085684,0.996295999255251,0.652912773363578,0.722080041233665,-0.415201450566852,0.738362305831452,0.962497328464204,1.08881581806286,-0.251778385308735,-1.27468832415731,-0.26590729867035,0.658447333106302,1.0850259105223,0.519192556064955,-0.714576680432943,-0.0193877159266784 +Atg9a,2.92829938430401,3.19824888405013,2.98744570332159,3.12308087001245,3.18442954978176,3.15699714021741,3.31082599419173,3.07310139156493,3.01204854842533,2.90322742003407,3.16930734823722,3.17195308868066,2.90936262610489,3.28142112860871,2.74609706131861,3.16231834767657,3.39473981962629,3.01681714783563,3.41545991786534,3.11621857467399,2.93006617051739,3.22443669562453,3.3857925241193,3.21511712640277 +Ybey,1.33027574747748,1.08730692466236,1.52653504668606,0.800010716951953,0.769500524342162,0.997534195590882,1.06914472572234,1.3681393732129,1.13950632713674,0.944213440456865,0.90054152577433,1.11734880347023,1.10164577161054,0.615577428049572,0.618821256558717,0.736534072982966,0.388707258058637,0.656101311475773,0.287278265150702,1.07329646373466,0.766182605672559,0.763098572571055,0.191818384541954,0.584844857823095 +Gga1,3.52856294302402,3.88849686333603,3.58131291847782,3.64016189700549,4.12532222162837,4.07780064029387,4.00583816633408,3.60825811502113,3.64241017832295,3.43800630095653,4.10392870533785,3.77958483408134,3.54034928556461,3.76153906522133,3.30447375226143,3.57930974848694,4.06135538231817,3.80848534053848,4.3293620900683,3.41265567727585,3.51978352797984,3.73692968875146,4.09818531651138,3.83393986208624 +Slc22a15,0.33230699036096,0.452091872893121,0.113269975357886,0.169405358742399,0.748932126450177,0.938869863713959,0.814858360224584,0.112809685182437,0.188591753778313,0.422316690987639,0.844705357807435,0.653303905783683,0.483005500977074,0.457562097762016,-0.746165277380814,-0.77956432037862,0.129362690464489,0.529922523017066,0.738532257689032,-0.143364726035715,-0.0498523053496771,-0.718922866170239,0.108720178017456,0.14245727889962 +Phldb2,3.15014290000838,3.55633794926515,3.23525030037172,3.43834654350404,3.71825055216936,3.74703718991131,3.71365989620568,3.34337404597795,3.40351272384046,3.26991339440678,3.55514147985288,3.46345384287755,3.35111050137644,3.81621058360454,3.73387411217445,4.00934412603165,3.68333927499104,3.48894225707107,3.84640947171104,3.4512415469359,3.84929068019145,3.84051355245455,3.62720222182796,3.54829210035524 +Podxl2,2.2787914682441,2.06230184710471,2.09881757042592,1.97739435179719,2.06515160233744,2.09378030603495,1.84691640846074,2.15352519763274,2.30875037559742,2.04499746416864,1.95449360956754,2.18774852380914,3.00657928237261,3.02056803965913,3.09703280692846,3.36208936334844,3.08215131106291,3.00587093787972,3.2596128886477,2.99319807381788,3.1451257113997,3.38336833822407,3.20424069081079,3.05132565649651 +Abhd10,2.27027455359651,2.30809485550115,2.64805443097103,2.03608689829046,1.94268902393954,2.11006425329836,1.97548793699955,2.39500417049886,2.26824603241543,2.18354639065205,1.78419028090692,1.94480032771684,2.22094642559021,2.10965693405947,2.32276972723097,1.96172172680407,1.65403818566,1.75472177381079,1.66732388654269,2.22462978545722,2.10768139558329,2.15744494160153,1.58345160647644,1.81864966666056 +Cnppd1,2.52022324429961,3.0771259102542,2.73695102914858,2.96830697431007,2.81675933203454,2.64392199310188,2.94638818821695,2.74226149539636,2.78467048127099,3.0656181956561,2.92470238562513,3.14987647359844,2.94023381368477,3.30239786969982,2.93906445249982,3.17593084947226,3.03113960802317,2.95045455543765,3.08821939464745,3.12334506720936,3.16423928019704,3.26051102456259,3.00895026702838,3.16360244981545 +Atp1a1,7.26082201065795,6.92590233294052,7.03036372257292,6.97957931030589,6.90708096398594,7.05123987305167,6.91111545163453,7.11936978998864,6.98496489381016,6.83277965159118,6.95285766323108,7.06311559626566,7.33796549132476,7.1672489652016,7.61943120336129,7.47035416077955,7.3661824025603,7.48044021805165,7.27022148976464,7.47135550172183,7.252134676842,7.34241691478051,7.53548563500213,7.25561165821078 +Dis3,2.76046485198095,2.97223054652427,2.89050436688394,2.94022316625032,3.01712546957157,2.8730838738797,2.85873647678044,2.42888326116792,2.76126086053392,2.76133891377958,2.89975776674077,2.89502272595963,2.24399659269719,1.93883395349992,1.85320738267031,2.03968419889525,2.20895707664824,2.09612528221532,2.31116246537109,1.62045286357912,2.31086698910905,1.92558799420602,2.08025174058568,2.05525138069883 +Card10,-1.43979897714748,-1.78460334695282,-2.02021128241589,-1.96604488168151,-1.30486104086776,-2.087772758212,-1.65927998093315,-2.41443744213195,-1.74727466043664,-2.38143581766997,-1.81294476208555,-1.87341349849517,-4.03245395810331,-1.89419749617074,-3.09361438087352,-2.61920601989707,-2.88250162415761,-2.99547328827745,-2.02874636576345,-2.73729029291177,-3.65989188012239,-2.22767251245985,-3.32925920128343,-3.25574664875675 +Mgll,-1.07254178820039,-1.51470082489548,-1.99552913591536,-1.94136273518097,-1.6492664532955,-1.64821896701924,-1.49310723657976,-2.12957875253443,-1.88829982429758,-3.66585985071067,-1.78826261558501,-1.23824066500982,-2.72815292689976,-2.21596255800314,-2.3338045752544,-3.94134156655417,-3.65901363758856,-3.24248121850916,-3.18771714257216,-3.55627625708955,-3.04708441035171,-2.85280968449059,-3.62952833392701,-3.56788435407649 +Tmed7,4.71663460738045,4.32359790176481,4.72598750945013,4.50525012327796,3.98400754168102,4.08691025360543,4.15482475434995,4.703693817521,4.65877744880375,4.39856435713197,4.07704916563032,4.22024140009044,5.105031002217,4.63882244062849,5.03944167943086,4.6603015134053,4.38232184261462,4.9539460873294,4.27391112070049,5.11144340373727,4.87808123973034,4.67682078461511,4.33196828503711,4.5582554579412 +Mzt1,4.6411442932073,4.33576484541604,4.78689016896486,4.60092877516898,3.81194374838864,4.19218322535919,4.13414150621761,4.40888406012334,4.56316490601109,4.26794645112425,4.03849110220632,4.46843574285964,4.73395821846592,4.71740692488108,4.77754066847771,4.7474379478117,3.91202842623479,4.59018503250491,3.83682143242654,4.87689289462339,4.85008512918443,4.37990811726211,3.74281719633415,4.41166719035345 +Ttc28,0.607933489204513,0.984405782892193,1.13748363668377,0.676524010678079,1.78228823237277,1.46471537579947,1.34322426126917,1.53347254336897,0.70357860837138,0.886575053330588,1.21790214563716,1.11392908877241,3.28692053756627,3.37175719699157,3.22473254790464,2.95129779339574,4.04392694113577,4.0186602180508,4.24119515823987,3.23151113641844,2.67859954497257,3.01796865586599,4.14855620108752,3.82013035563988 +Slitrk5,-1.53163874866211,-1.65497378756153,-1.47084460433896,-1.58892981702797,-1.47164300527112,-1.38187750334615,-1.54362614540478,-1.30987443247641,-2.05704769221162,-1.66341261015243,-1.45216000847919,-1.21974814542595,-4.62624749888871,-4.05369520894842,-3.31255603039957,-4.62624749888871,-4.05078503601913,-3.99610582666137,-3.16922462298829,-3.98171060787679,-4.03492448496385,-4.62624749888871,-4.62624749888871,-4.62624749888871 +Eefsec,2.75900592122828,2.63485719627386,3.03473354947715,2.68056811038964,2.70288717298587,2.99612718503714,2.79669501253388,2.63371790549808,2.6792172899791,2.82971199639395,2.85364552289716,2.88984212196677,2.68463020970825,2.11273620750272,2.65280123958766,2.06208002036381,2.07873258162885,2.56540509610681,2.64290317759085,2.51607523540542,2.5543072482445,2.4481709500293,2.23129422193855,2.4570540701553 +Ttf2,0.401143536267496,0.469774200916115,0.566028572027085,0.573516261335723,0.509969509060605,0.337979947457951,0.323374950957349,0.581128711145691,0.563488471362507,0.707199764344173,0.450631993287651,0.598717692123823,-0.0354610052937838,0.495722564902609,-0.336988440265907,0.407028754796249,0.233227664248246,-0.196549028678852,0.139546259716244,0.029600413289216,-0.118871838185724,0.172231890046953,0.387087297068459,0.456818621138538 +Scaf11,4.33546107122621,4.6615528792867,4.59485032940156,4.50111547368902,4.58955945394635,4.61452685140076,4.41323834311788,4.64680628563253,4.60659429228141,4.52017769888537,4.49355909290445,4.47653651524626,4.5719500635505,4.7171370692957,4.61728232713441,4.66413971478802,4.69193540102014,4.59126347097964,4.61323586557844,4.59726805727102,4.5969623519242,4.66902955489779,4.67875305602767,4.64061319160155 +Trim45,0.503278821351648,0.729841312035088,0.412670757656904,0.434857685781335,0.593741625495944,0.572096798028916,0.570618142945074,0.569947772910866,0.406088586902586,0.711141466467385,0.283661799910844,0.555775751441255,-0.675782856390993,-0.15090621932491,-0.288361858183757,-0.107273746463104,-0.652888746339748,-0.537130329375521,0.435309623282333,-0.323709937430142,-0.57194601689688,-0.240472979898195,-0.749050261345671,-0.312237321838422 +Arid2,3.30718104629062,3.41054788027272,3.20206854218231,3.25655901691185,3.79160916255869,3.85755687003863,3.44380744193037,3.72246332983815,3.32058169852018,3.15459558752127,3.70009649405449,3.52016966527182,2.86423054238892,3.25206421868617,2.94686265024748,3.14469043864387,3.47082889104166,3.22335634679337,3.37624353077621,3.03832763694997,2.91952284873971,3.06899254561331,3.36192394127414,3.32505760536879 +Hsf4,-0.57952450455623,-0.58203083947315,-0.787576113123465,-0.467859563226783,-0.558894823788741,-0.715058015809388,-0.806427413262397,-1.64184254464933,-1.37738223346387,-0.400278914697922,-0.504328124042483,-0.692730214422067,0.611835189599328,1.15061443668668,0.770096831537884,1.04548254369917,0.971607223120954,0.997022172166735,1.65377504169371,0.445208845364959,1.01663727328283,1.36263864079914,0.857154749830256,1.29338163670804 +Szt2,2.04916827746053,2.6144369417615,1.56260444275377,2.20046248706818,3.31192040299191,3.28726384457916,3.15388225136924,2.4169551621318,2.12772534335438,2.11564891678064,3.23933485391704,2.72600852212098,1.53175599769243,2.10208254226667,1.48928163022658,1.7187063701903,2.73183216787408,2.06442318719362,2.94345431363723,1.79702672820624,1.47121576764636,1.63467420199293,2.74304787753723,2.45015678944531 +Shf,0.514687724162032,0.767131092010897,0.259923528468062,0.212333918221998,-0.268263799272497,-0.0462460426676727,0.501909750703726,0.746085470456753,0.625369706288679,0.563591258030881,-0.0175758439179028,0.737612728659122,0.529466373970256,-0.20779660116412,0.121570829238378,0.323626174729011,-1.13017689654672,-0.544640908129821,-0.373153755300128,0.236476817027357,-0.301240112990207,-0.126406055949755,-0.539661493455756,-1.12317193223637 +Ttll4,1.78822724615691,2.10262252629943,1.15986201547266,1.85782219386207,2.58723731324746,2.41688928633942,2.41492794739693,1.30417966060876,1.61973971954335,1.73503822942208,2.45496534895711,2.19664572036979,1.30064620360104,1.84293650727159,0.992198964583396,1.60446379516397,2.28157600587897,1.79717470913881,2.44280478906614,0.664880319679586,1.47213052332449,1.51483961759259,2.3981255220136,2.05689204559836 +Slc35a4,3.80474488373823,3.55932447388727,3.67873739714547,3.76297159109197,3.55284872122495,3.57438782619207,3.52495126390554,3.64053345566453,3.74268493482737,3.58762332642991,3.54892165945245,3.61796845269358,3.98330941140386,3.36045589723989,3.90823618136542,3.77508934695821,3.97688333879839,4.06871920056843,3.7958107336782,3.37248622863532,3.89555104991414,3.84189281910558,3.9198542008627,3.7434515945944 +Stk36,0.3609850471944,0.981597477642122,0.419498828795537,0.673018611350512,1.34055007451132,1.30582462013911,0.837576033949093,0.880595102047644,0.521126041194227,0.743294726700574,1.55012159078903,1.0636644151485,0.228099097276136,0.735497353408212,0.148273552093802,0.202852536033325,0.979228925633407,0.781723798607923,1.19004980534081,0.459860709032763,0.430201319321675,0.438833553783784,0.802114117734451,0.840828585813372 +Ptprm,0.33269825879542,0.828515543744928,0.622689599846578,0.246971436144882,0.930228947182605,1.20046896985227,0.793507631283338,0.938232343003391,0.306411250751021,0.0970925029055456,0.576572121680627,0.780226431209791,3.1212691187731,3.55206123105746,3.28949809912063,3.17730441408564,3.52120319004235,3.37263015349607,3.51606431918714,3.14860830404362,2.79019511293071,3.15565796793577,3.47452868239408,3.5308245253365 +Rpgrip1l,1.52734009887846,1.95080068396199,1.63316171063286,1.61336301991085,1.70531031043054,1.60990674766444,1.60995532330979,2.0516082374187,1.84507384295648,1.50492498003073,1.73565870026012,1.9307472110388,1.0182767486601,1.26626636008004,1.05881870341387,1.05614670911682,0.945959226237648,1.04534789803708,0.743381849968681,1.06241297149326,1.0430485827342,1.10419224882744,0.725184650052114,1.15858608927216 +Wdr3,2.69846458861685,2.59106823141879,2.69772299864429,2.68770840852509,2.65877354151943,2.61308355958699,2.82706157339398,2.6102074811744,2.6611332387663,2.74415365153205,2.74177162489314,2.74910409582137,2.64325883965731,2.43696050337844,2.26935014442434,2.35017884687555,2.52579432353603,2.45174561549799,2.68177976427699,2.51317858298036,2.37724077219757,2.31576125624864,2.55194890641824,2.54856770290252 +Kctd17,1.81970182950167,2.08775815172193,1.66391771241119,1.99899754064552,2.28769664134105,2.09572592166235,2.05009587129689,2.42802338746071,1.69654733975412,1.7889846923674,2.26539335778517,1.84569828806195,-0.743348811384026,0.0343401591984183,-0.88146102737871,-0.162674510909442,0.103714338925655,-0.759607480622313,0.448385368557569,-1.14968282796414,-1.11782454917047,-0.386586180955523,0.43120766184234,-0.234524689174372 +Noc4l,2.00588172595046,1.88446990561075,1.9124761832775,1.84915585127717,1.73498961353313,1.87974135925915,2.13705247376779,2.08907716637861,2.00256642729311,1.88681605318838,2.10555289396807,1.91551393200092,1.52629952727959,1.84687939633711,1.27774317237499,1.33244839418381,1.37340353185378,1.8686198657978,1.86721666251328,1.58941536671875,1.56109188247845,1.71890938519817,1.68315351786462,1.45914791193816 +Ptprf,5.91720579824836,5.9871450572077,5.88253440032107,5.85031102526942,6.10214352779569,6.10176393036624,6.0163716749754,6.04506300735154,5.9663844497096,5.8545849407301,6.08691122418377,5.99392591605998,6.36786120885991,6.67296181363533,6.60022946760661,6.56825508600239,6.54599537212031,6.61768003012988,6.68420919136451,6.5187261253072,6.10291118436378,6.48145145223832,6.60638772005576,6.62860311611368 +Lpp,3.65545227272615,3.58548286002606,3.68416067782557,3.07443639360829,3.73862648023037,3.94020941559881,3.3851884841911,4.41348482143958,3.68689395598456,3.24728262057164,3.47319840394084,3.58720118850918,3.34554990339888,3.20840503498555,3.13439380039662,2.80078024770918,3.34089203483628,3.37361545679192,3.34192839976171,3.38162174480218,2.97709113058435,2.7381559699479,3.17152730623368,3.15360639524085 +Mif,4.75443706621209,4.01917345922602,4.41158235316499,4.45627534383318,4.5573539596382,3.89613927130943,4.34529003061698,4.40780892333601,4.48879789622388,4.6581146870146,4.43644781694866,4.39738516534646,5.69010929687092,5.27359134504558,5.21171669329553,5.308814786056,4.99363609023881,5.42836603519004,5.18268914046833,5.38883786066264,5.14606421959463,5.23074254852215,5.31504194488942,5.32557282264567 +Dpyd,0.850876928695981,1.12449213566538,1.27229478519819,0.768143491847168,1.11520936314939,1.28028575768343,0.938398158632095,1.05135799929144,1.37820202387689,0.786370653959155,1.20346475594793,0.691667039999774,-0.879848519260505,-0.510509998226671,0.128995636727821,-0.307572118036212,-0.386543495803726,-0.898202421062065,-0.964060646203921,-0.0846500949219982,-0.233371064586989,-0.25239247511264,-0.374519279733027,-1.65823482022419 +Fbxl8,0.610833784631361,0.442369029351762,0.63822222287654,0.252605999632093,0.676742305868816,0.469319718112873,0.560995678614431,0.616191901412188,0.882049886078607,0.112143814555804,0.168695570909935,0.766061539898601,0.752545128419184,0.815936852630706,0.979293736914529,1.2388544471049,0.860826649521469,0.819725740412176,0.902390572050924,0.898853365135581,0.869572349061263,1.00492177292771,1.20989185048186,0.348390139444248 +Galnt9,-3.44004368915853,-1.46945017416341,-2.90603860401483,-3.94492993427242,-2.68491157314605,-3.36129175826802,-3.07295288699027,-2.98640414381244,-2.541698280418,-2.96604976651051,-3.94492993427242,-2.44449441838492,1.05881786500256,1.58817091590611,1.15024108663327,1.86996832339391,1.71344327441033,1.24890500026475,2.09025975114303,1.30957599917241,0.880748803785412,1.35590226136003,1.68462991214493,1.97046420454726 +Gstt2,2.99972003235078,2.89990030063375,3.83024346462239,3.93190950849272,2.82319888357815,2.68831878615128,2.8396239148317,3.00857171155727,3.43718699997629,4.08472539469423,2.96452871219091,2.91599055231806,2.28469579338728,2.68683452601112,2.66281947304627,2.96674052845772,2.15662863502123,2.01151322171511,1.88582799857815,1.7749394382916,2.54279519859167,2.89110415210235,1.82816480736575,1.97238924151873 +Fem1c,3.04450553396842,3.05794335041619,3.15462437586973,2.98512709746272,3.26226207495677,3.13946798126694,2.81082805343462,3.41652403558593,3.14841213619894,3.11209586810962,3.13633111619084,3.01244773864166,2.24791512286831,2.39662815439273,2.67343449092569,2.41409471926752,2.34994883217092,2.48534827216904,2.30959324637879,2.47166808997337,2.4618696366282,2.33318512910338,2.45034398020973,2.4094265174918 +Ctdp1,3.21863197551403,3.27097922342531,3.0651261069477,3.1832767997884,2.9767402776095,3.18710186887241,3.2370817837029,2.95409190718862,3.22686269606906,3.35017095504161,3.16168213878805,3.05123155406908,2.84339704861787,3.28151316488303,3.26506777248763,3.33459339753338,3.11862688643887,3.11954742189339,3.55436230298934,2.674704038776,3.28277781252723,3.16165176811372,3.41578808652973,3.32825637097165 +Kdm4a,4.27074307701839,4.38267477153268,4.30131433458518,4.29225045672194,4.34635321894146,4.30253907097782,4.31303243058992,4.47904617670989,4.35049313784246,4.20874814461571,4.34780969732096,4.27921757804039,4.13257892350742,4.12729550874199,4.05909665191317,4.16009461422499,4.29702334936645,4.18696878940597,4.37233284627783,4.35216912168085,4.09885316487597,4.30048808187289,4.35825755563023,4.23506822002629 +Dnm2,4.3222904562097,4.40295089671027,3.99357941083427,4.33207829081815,4.5623208967786,4.51327146429894,4.62298752860136,4.04240320794269,4.28772505152163,4.36602549825031,4.49475808768757,4.37173826793202,4.47005425244435,4.84929303477748,4.55223066572202,4.88967101147814,5.01883812536952,4.70487923783667,5.2166966627275,4.45184032520385,4.70801456570539,4.83790898584983,5.09555496737678,4.92972668027391 +Chst2,-1.77310247202676,-2.52724589974339,-2.35351477729518,-2.2993483765608,-1.92549370114282,-2.30565006582109,-2.23481994110419,-1.6863525934401,-2.00435520873215,-3.03452249240469,-1.51017380983076,-2.02823230761484,-5.00272565985239,-3.70321338481567,-3.20518159103368,-3.4741502933832,-3.69794293278617,-2.57465409952991,-3.88928634749738,-3.57527384390987,-3.66936875464339,-3.43215429485812,-3.39751634794126,-3.92586999545631 +Map2k4,3.38032185362036,3.43935475083734,3.42866268143746,3.71941361373399,3.50848059655233,3.47521083697653,3.33320558925765,3.55991073175369,3.37458109065437,3.73200849305793,3.51864547860183,3.52022586196248,2.98751879518311,3.04253093210592,2.8884371383544,3.14476728035242,2.9503330361882,3.09090548657005,2.82282765745048,2.98355349452657,3.02370321377354,2.9942415767309,2.99772456614137,2.96586639149158 +Rtp4,-0.423217179212378,-0.425723514129298,-0.249274994519973,0.022388160686211,0.213108339204952,-0.210982464791739,-0.53830657422588,-0.910045790224925,-0.34907402264466,0.117232658670308,0.159157969234991,-0.0404361689369723,-0.726451468442595,-0.586152060705095,-1.43912173707494,0.277366994499296,-0.338728540529741,-0.0941400997684119,-0.847949085224778,-0.285404153381045,-0.539935506533599,-0.126775544765516,-0.668739128204477,-0.304058540390234 +Pus7l,0.651230032371641,-0.203708147040808,0.0366812008995274,0.278207423700712,-0.133685604213847,0.273832737302588,-0.0850814977781389,-0.633033218354342,0.235972709686037,0.633995826254125,0.0854756327340969,0.381901543945377,0.272470186594391,0.0545448311041818,0.116509355503595,0.184730524896437,0.384513643571549,0.367195617676246,0.170716126630513,0.211875458712665,0.330479554989202,0.0289506496122467,0.0360278076914549,0.678776129368355 +Prrg3,-0.997632398175202,-0.339540366356278,-0.850524138453939,-1.78797757972943,-0.936376502135075,-0.883421778836863,-1.9570000321967,-1.00168037873742,-0.808435819944475,-1.42113870119023,-1.1669375700852,-1.27892524985943,-4.33017400936686,-3.18651256640491,-2.80790338130854,-3.79294543343113,-3.98141583535264,-3.89989317403804,-4.96714221623666,-4.32260532522474,-4.3758192023118,-3.97792208747443,-4.96714221623666,-4.33049041420675 +Usp37,2.53643684747674,2.4244195275347,2.455776179144,2.25633027804976,2.44346052678255,2.6049236660439,2.55344090547194,2.35455117307266,2.48198620635694,2.1152930537766,2.17543166520269,2.3422608729561,2.73423641737158,2.66518854332138,2.84612971718193,2.71752628018512,2.62292376092826,2.72344521667281,2.65640162480474,2.58635125371228,2.80050947782752,2.55395317461304,2.65138198190003,2.6199364885321 +Ipo13,1.73196920277755,1.87792115371232,1.16449496859128,1.72364835091147,2.3867935107683,2.49849115040951,2.17630124743494,1.74953306233743,1.54527977582494,1.71365993496534,2.20302354096402,2.1998657352763,1.70293655456237,2.25652113092199,1.90094109094701,2.33495808846969,2.50312354407736,2.11368155981874,2.81075353759643,1.86457955949045,1.66133132082681,2.08354967853363,2.59018050196382,2.1569274987317 +Fntb,1.56015930287616,1.38598604973552,1.64539630402499,1.34505627692889,1.42651697385573,1.28107522759828,1.32971280106082,1.66235864528505,1.5929425668496,1.32812868571532,1.05018204155811,1.40262010820895,1.74707296791448,1.39659562754589,1.58943181671527,1.34896090210419,1.5684086939853,1.59561594557147,1.54779850447016,1.58063121400039,1.72852701657627,1.62392245283818,1.44322980043479,1.37947478751051 +Palmd,-0.659699981379454,-1.03726577833549,-1.40318671252598,-1.67345977073894,-1.29960509532096,-1.38031600257721,-1.03600971148462,-0.929933395501688,-1.37846660291029,-1.60587912221008,-0.884285204008907,-1.32075225052496,-1.24412709653196,-2.59620740419879,-1.14120951781026,-1.28259551471604,-1.15455241572946,-1.45604763262442,-0.717359682883557,-0.974246406459013,-1.36020014431651,-1.22613231223125,-1.35032094641075,-1.15639071662164 +Atp6v0b,5.57660664736273,5.52267803984717,5.53217128365338,5.66548662004438,5.42407096663081,5.25471976319434,5.61614306859038,5.70310983983457,5.52294368670411,5.6656951039222,5.53537014637706,5.6474486974059,6.16427241318586,6.41727676255927,6.58358171490007,6.22602133334748,6.0724610451922,6.20830743157055,6.02142097971834,6.40777622384084,6.30948711637356,6.28021943648085,6.05979565185417,6.21233884682905 +Trappc8,4.04633568169037,3.98680974804298,3.99569686096994,3.94372092530514,3.72100187977976,3.8665134613323,3.9305679245521,4.08293751519773,4.04444231727131,3.76885566674709,3.81083124730331,3.86459329486462,3.8775036343111,3.78092985650713,3.99022364776982,3.77842299551216,3.64483248374823,3.68649053058414,3.57577625446844,4.08228104532823,3.51363510655691,3.56733207388268,3.56845975599385,3.81307117548009 +Frrs1,0.528558168733774,0.60984948121695,0.660129822191357,-0.31373367654203,0.367088513366748,0.583653213602337,0.481316179513921,0.85205781853351,0.159136018148632,0.796801141641705,0.469831050359701,0.165076841153336,1.01414997115188,1.62678317690272,1.57403411281473,1.45150188827964,1.53988960369048,1.69584068722666,0.755178052531606,1.27157136462051,1.32707767003665,1.35700155943227,1.45171216734161,1.65299592946793 +Arhgap44,2.11237032444458,2.05350796690396,2.03643521121535,1.83465593129248,2.09667979499694,2.06245534892094,2.22802578177211,2.22203224673463,1.90489088925197,1.90865457028717,2.17003099506204,2.04929597660097,2.32324703311821,2.58232314102017,2.14770661325062,1.95277038147516,2.11273532116741,2.05830726945645,2.6313834801494,2.42521696646452,2.17226188860723,1.89195903375388,2.14270521301856,2.3023993033746 +Clasp2,4.5837771653201,4.93673342919754,4.94661538371409,4.84052181716768,4.59734594214935,4.60394772175187,4.58052098748203,4.95296529347883,4.93062637914473,4.86901584612602,4.54634657773797,4.71927359528751,4.6974585607938,4.85003890726963,5.02180796060898,4.8950134012567,4.48305702167505,4.75434315137945,4.55054533047081,5.02202775703017,4.93785551816485,4.69913493002387,4.55377106948488,4.54302140128335 +Spg11,2.2700994387824,2.80280209060318,2.60304055347149,2.58758884879164,2.89844635748207,2.82637678575006,2.79164167913635,2.55941111997153,2.62966649703639,2.62094987846299,2.68902902411076,2.59358376704435,2.95078269254759,3.07645415982437,3.02031034979204,2.95847500684581,3.15637945942223,3.12179487976736,3.22100661056678,2.989837187437,2.72590197136511,2.90960619166959,3.02255384752756,3.03014450827252 +Agl,2.52603653224471,2.56787131052573,2.8344343916921,2.32878437399482,2.43129314313741,2.52226707072167,2.38062211431219,2.77855931720749,2.72045868659452,2.52136307429721,2.15521853217331,2.29944177124464,3.47371136886835,3.26919577093933,3.66068717011809,3.185501243123,3.11889105836559,3.36060459933971,3.14848594806532,3.396173394885,3.22350989514171,3.22513093114156,3.08182428515544,3.04044815237642 +Syce1l,2.26278879187886,2.27340915651189,2.20693099780857,2.05069607129318,2.21214761362625,2.08053401073604,2.02024034408791,2.61372373338256,2.22730065240002,1.9817535521048,2.11139813041959,2.29600513669397,2.40164832171616,2.26811697027679,2.0347048926575,2.21753976278762,2.32711316193134,2.23755343222004,2.12185745233659,2.3572703105639,2.35424245414124,2.27353515416656,2.09016055576306,2.23191403354637 +Ctdspl2,1.92020232423083,2.16949989182051,1.97981528868866,2.00259978714282,2.08949198479094,2.10864015676289,1.94285211402074,2.06318085860565,1.90986798726425,2.28014715766157,2.05530117803639,2.06559724048171,2.02085156484364,2.12644431572909,2.03494093078396,2.17816222931525,1.93012738150105,2.05423644126858,1.83252727183534,2.35157178248411,2.19941290658066,2.10145262341893,1.81640114884549,1.97824641640451 +1110038D17Rik,0.806071687809392,0.811955973149852,0.772888004251522,0.938700470992307,0.849070997225722,0.829234077029016,0.979992912504282,0.70737037943001,0.792519605043819,0.962565379803576,0.793760473567512,1.03443364914198,1.12660192042823,1.14562415657528,1.12783117974661,1.50680440725684,1.43235230331997,1.28484380424328,1.31620477242698,1.06505912113682,1.26189719201816,1.48580010619623,1.4842734422113,1.46098260013981 +Cacul1,3.63862072974058,3.62759309502944,3.5609413731869,3.64943516511468,3.3713313750679,3.33228360689793,3.40523671340728,3.54660572754918,3.62949498736688,3.60948229049906,3.39560868902771,3.59686452613255,3.99349280364367,3.94406814028473,4.10531905009667,3.99991036268482,3.74706328828843,3.96415228246725,3.63360499324824,4.09825682139057,4.00509775949446,3.98580558572948,3.62304705834891,3.86919587669238 +Snap91,2.41358508455257,2.46694246485028,2.3886087848953,2.33048468879656,2.38519327977756,2.3588154304371,2.44938613594368,2.33581315879676,2.20520928843915,2.50270729192538,2.34380685945557,2.37637668674302,1.97209349314382,2.09270576895761,2.11147879818971,2.03705299394123,1.89844800741929,1.7041550177563,1.86709513329586,2.29097362430035,2.04307172353095,2.24290702920807,1.94006918151007,1.92847342867014 +Eri3,4.64653787939203,4.29681221201166,4.38633483484977,4.5887999938998,4.4730102706458,4.41423762798522,4.42686757999403,4.50488905568183,4.35971706863374,4.3693699547009,4.49784238686488,4.4471566993674,3.91678023489993,3.85431375386938,3.89933991443326,4.09497473227743,3.89050342784709,3.92419736521012,4.00435671331327,3.87271952293531,3.99411462675709,3.91845179965682,3.83973607009763,3.88885462371347 +Upb1,2.2871389704627,2.35278649700736,2.17819130907524,2.15318157735597,2.64954375667811,2.60980357139772,2.51699854704276,2.28728183263203,2.27123552100037,2.49862136780611,2.56276879699284,2.51928551923721,2.9852940968624,2.80209580633851,2.6892212864006,2.92110660125525,3.28051828022554,3.06630412611045,3.0753804207389,2.91799984037127,2.77283031815475,2.87523202807396,3.27969971078487,3.05051908349694 +Mcee,4.0150801172739,3.71846907920288,4.05960762748958,3.68436474939947,3.37006071840479,3.52868738974437,3.36920651136773,3.90107916444099,3.98844660518023,3.87599410975064,3.72121268236018,3.96094348303539,3.89896004028439,3.82345039697683,3.65926235537285,3.54378260065261,3.42896487598645,3.67619064296699,3.17471239935279,3.86809959467273,3.70470891436929,3.35615908971143,3.26931672235009,3.50736458404089 +Terf2ip,2.74370482693508,2.6314222409533,3.01159858987206,2.76774548507569,2.4905982044587,2.45986695689415,2.73356826222365,2.82296003608795,2.80201650389318,2.72472391541355,2.60275868534321,2.76055868312616,2.69905951193016,2.76492570233628,2.91798457444368,2.77665854010233,2.52075956437042,2.63309205750443,2.5901276966797,2.66839212379364,2.64881683198326,2.74551898296137,2.59310127485779,2.51656162884757 +Gtpbp6,2.22455202383845,2.77406108781916,2.10767170439491,2.93757515122881,2.76556668423054,2.45225187424782,2.96866058755608,2.09884671809847,2.41882417394023,2.82203442758433,2.85843041356746,2.66696978055017,1.45800126040777,2.09369270980089,1.29687940023934,2.01125734073671,2.11111190521069,1.51406822972087,2.40663718410438,0.944940773506404,2.12324507954397,2.01979132749071,2.3631303314489,2.15162764390263 +Armcx2,4.96869498423796,4.90835137257131,4.89154092359759,4.82948982651497,4.76540184120416,4.80430485598042,4.88114669200641,4.83995420263804,4.93671819922716,4.75802905914432,4.71025189806713,4.8959497201008,4.86630520265985,4.43637430294844,4.54010962362729,4.48778071664063,4.85185842481753,4.8269454594534,4.7059456816738,4.36965799737637,4.58854085559492,4.53881574172755,4.88847356053046,4.86306023532346 +Trmt13,0.806194049646375,1.47049254429724,0.905399856766275,1.29623860292568,1.36872312494408,1.32635232454042,1.55786224492858,0.572937508337762,0.992798238879331,1.415096383883,1.51158274822317,1.1610883989589,0.142420114706349,0.550955362150955,-0.318565868020289,0.161607380794625,1.14442348653707,0.165044456184321,0.249966847156895,-0.113649931927388,0.535312998489921,0.480853543445732,0.737253121753271,0.426088182406392 +Specc1l,4.73524374595597,4.90905137415523,4.79361380844803,4.77713401147043,4.84922493632168,4.80569603093477,4.87008237890887,4.90653927723382,4.86840828826686,4.79248139207575,4.8514885510633,4.81175660414867,4.78055412578166,5.25674627459906,4.77434745825158,5.26888718607011,5.25318550479419,4.82704775286364,5.24634127394744,4.95636291885787,5.03482365837235,5.12587128507902,5.09798651265389,5.19871301717648 +Lpar6,3.02508818449814,2.94559641867746,2.42207626020461,2.44960259508552,2.80153520178507,2.5309966505713,2.69176913199791,2.70327207001497,3.07248735560453,2.54118896966779,2.96599599631609,2.89433065822292,2.41434611986118,2.5649717894759,2.1419163416937,2.45395173417398,2.3513899839484,2.1367080231013,2.16441631819285,2.53800972800228,2.34263221759302,2.5522993636603,2.07918634503004,2.28988155710326 +Tagap,-2.02409515804915,-1.50943947930356,-1.47439992750607,-2.72410005087554,-1.00237486732845,-1.32403649714788,-0.755959967083606,-2.45777176930222,-1.38404404272291,-1.29195753424549,-0.959484021786229,-1.24534057610651,-1.77528146761148,-1.65837982990881,-2.02394617988079,-2.28023738253181,-1.65057847879758,-1.50865419585627,-0.701358591120745,-1.9832311243499,-1.17183861642391,-1.03228141260095,-1.51589839705609,-2.00188551135909 +Zbtb1,1.29717962800611,1.2916927772733,1.35040510602471,1.33397222990229,1.4066415842075,1.29379870033038,1.21944820990118,1.30925744954535,1.43350169284332,0.907629601111259,1.1289548534085,1.10282768318461,1.14631184029513,1.08114995236438,0.930212994959579,0.87304698299968,1.12660207657427,1.1501601017288,1.0225017416002,1.21274903675472,1.17910915537372,0.823297023614647,1.02098893332385,0.980409277845015 +Fan1,1.72472651588058,2.06429675684188,1.62429821710699,1.94851359593756,2.1540872535407,2.03255316095138,2.1785176802039,1.85960645563101,1.80806649597538,1.94832806270373,1.90477610057223,1.94094154068492,1.29080763303726,1.45592373913393,1.29886054141494,1.65892634395062,2.09589206460429,1.45270997773665,1.8180609608463,0.446886534411839,1.38360557132142,1.63206078750224,2.00028720198079,1.78461183255248 +Armcx1,3.65747040592361,4.14059593920745,3.62839923208965,3.98082192322473,3.70523961081644,3.37489458120556,3.77898174215974,3.86173818184006,3.92011125491517,3.91723676982222,3.79505822059895,3.69982720844339,3.79885704277455,3.76275375657667,3.3735131227734,3.87639693051204,3.74001287571637,3.31747019418099,3.73958298806201,3.61916131870352,3.70877238821015,3.88394445634556,3.68242014589799,3.84574968305614 +Crlf2,1.16299255022985,1.39268049928128,1.59092201289609,2.02535068656883,0.780405293251064,1.35813071144282,1.85668731383149,0.615710899729987,1.63521255819787,1.19274002987747,1.65959279023383,1.35887007719687,2.33287932689724,2.49978491351504,2.2853444984831,2.61947125076896,2.11176309383939,2.4264317244404,2.98599209360578,2.60948075143406,2.4799101262231,2.70329344185613,2.51000059562616,2.15859573221249 +Tomm6,4.65052495339879,4.04572974788863,4.47576096737998,4.16829447544054,4.1683097009083,4.32350562893078,4.17437546065503,4.55282536762725,4.36812834910962,4.4032993273569,4.29945908590233,4.31770450077972,4.7583373877351,4.32901512943304,4.62681483865127,4.24753986160251,4.32820383763076,4.72701279745253,4.39962046659324,4.79145063053545,4.64344448627805,4.52057651239221,4.43423203751233,4.11416269650656 +Fam160b1,3.43815570773809,3.3644052804524,3.44355260288625,3.35986582262044,3.62974101927986,3.58235822741629,3.47574551686532,3.4877948491469,3.55423561482189,3.44288407791149,3.41534532782809,3.54457284506091,3.27859198054487,3.46776404841128,3.35333369308372,3.34724943511091,3.60869794339221,3.45144742942534,3.72319160087198,3.33901395771043,3.40994277268517,3.33090143559478,3.63301454936311,3.54984021070812 +Catsper2,-0.752763518043043,0.618172218477189,-1.44953670650306,0.181197597878316,0.684488660406866,0.0324489376435357,0.69042400325336,-1.17679295324313,-0.367742189284277,0.290745655129697,0.808049848255064,0.452291122595412,-1.11854096672192,-0.414044351142054,-1.52820895038405,-0.360685298176948,0.221684331356179,-0.393197540601938,0.488035057903805,-1.18309241671661,-0.650700233106917,-0.399112974465228,0.650563877881622,0.393470139796484 +Fndc3a,5.81837860850914,5.7393074744375,5.71512881242898,5.63838430864164,5.69870763346609,5.83253388970351,5.49582322647758,6.00710084987857,5.71272008764697,5.60047910006854,5.70463493411863,5.73835626649664,6.24152561139714,6.01908349065457,6.04958609521085,5.86228746314015,6.04878073496047,6.24306498335045,5.94203527158893,6.33082664319176,6.02524211673483,5.88097497864606,6.02570502523786,6.13220495346412 +BC026585,3.00582542195356,3.22298626877123,3.2680828098437,3.27941152989296,2.87474775590785,2.81083370334645,2.98336672362829,2.93830063111989,3.43344562113141,3.29465556668073,2.78186750386465,2.84009204002818,3.60130866288221,3.59369186608126,3.66546296691474,4.0851453098241,3.45515803059248,3.43189844949959,3.70770630664957,3.36198723059829,4.12311491674109,4.18497352908813,3.63968301082061,3.24194225787093 +Larp4b,4.53884660166096,4.51471720146991,4.53121854760677,4.40075092065081,4.37682293930247,4.41811157782558,4.27145228182096,4.53331581405618,4.40427518699772,4.50183915403611,4.25847129702292,4.40976937147199,4.62166744909307,4.63727922172832,4.48143064167434,4.60011196858747,4.69069103761663,4.66712805450429,4.56331624650484,4.56033514025339,4.47355447842682,4.56204731093295,4.64986637606358,4.69511315093292 +Cdc14a,-0.006501588483692,0.124398935552902,-0.0073617384613267,0.214466831795202,0.38122685726578,0.671101665759178,0.321934183369422,0.108285884621841,0.0479904345788489,0.0247683748799861,0.4644307183456,0.178947239590462,-1.36285909078402,-0.633904417510874,-0.790008041896489,-0.566620155496314,-0.449203725215942,-0.982395954621995,-1.0391114481749,-0.411065353608793,-0.505741394188589,-0.0274073556661572,-0.644854892712909,-0.912036449251171 +Otud7a,1.07010174835629,1.29210074191567,1.22090371561056,1.42763271665994,1.4291975389511,1.34373005449497,1.34080459587621,1.10113972921412,1.36986407792825,1.00088622094458,1.53320111259786,1.47182059850538,1.88610994643029,2.198801728394,2.14135425468605,2.41727759262245,2.17477012265311,1.89307662013256,2.54776423082328,1.95862534986405,2.09314516560163,2.18650935884702,2.0886764813049,2.19158124849191 +Ppip5k1,1.9759571007617,2.19975651126053,1.63495823565599,1.94705021255318,2.57489858236179,2.60709305957524,2.5131309654574,1.77052816399701,1.96806536694563,1.90233831185064,2.45725864999559,2.21897796005583,2.15212721860681,2.710426460154,2.26341093769808,2.53197469650568,2.77185565936213,2.2333043943395,2.90620799988811,2.22825387301506,2.21250009718031,2.41148325417419,2.77808890312592,2.77880968540021 +Ttc7b,3.62703249039821,3.55050772686464,3.54685135917376,3.51109468184737,3.50644156287018,3.64946405364232,3.48632100205044,3.90117772525737,3.71188779387297,3.49289857103484,3.66562877069042,3.50900962199222,3.64599861880737,3.76672696402248,3.8782335637194,3.78748002780064,3.74008095565815,3.75155734926081,3.95002020466918,3.70626604783947,3.43690184516471,3.75307369438376,3.76241540424904,3.92683854840577 +Idua,1.27904383500114,1.37192384847458,1.42732162446434,1.38926649507391,1.58831349963529,1.29505467211222,1.60166957707285,1.58316930580734,1.39723121356395,1.28969481340686,1.70867434384688,1.51298682373638,1.37326377535127,1.81301004052799,1.61125386671604,1.56465518084891,1.97244203542188,1.80760553254892,1.88903064359885,1.78487366906557,1.25669962288286,1.60342562456399,1.89843886041597,1.89087270196301 +Arhgef5,3.31380310758703,3.52707024600053,3.18710158730958,3.54432833428597,3.74498046686801,3.7563007977132,3.6672514435378,3.37016775888748,3.31503432867768,3.49673140824288,3.80710357283359,3.74602418903998,3.45985969275176,3.81195866536096,3.19006082350062,3.68461774552379,3.86862787206822,3.5221841170103,3.70248461443258,3.51199142453839,3.34939576514421,3.60214373413479,3.79809580451077,3.78362410701935 +Gtf2a2,2.49291678295253,2.47909972765466,2.70354069165557,2.69416642946049,2.46042358763547,2.45068461838489,2.51514740609072,2.29991011985486,2.60388805239477,2.80828943719921,2.5505324511972,2.51641621664426,2.85885643671976,3.00225574505393,2.82239452853595,3.02061438452387,2.52402126555135,2.55947106756981,2.41564493600174,2.85843123615718,2.9670462176975,2.87169955108317,2.40661111681263,2.60952000696381 +Znrf1,2.68212525696956,2.94350001411738,2.16589867232593,2.65165481829978,3.14730172037158,3.2072687900171,3.21079222441159,2.531647837937,2.57465744360752,2.75093278507009,3.33160124482326,3.06553613837636,1.22428244561137,1.45568437388017,1.10857203547122,1.46630910491256,1.69390057938167,1.27033280776715,1.99869415100544,1.05218885934078,1.25569610648107,1.40602591340049,1.83483606211616,1.45957739169374 +Dph5,0.817719741717615,0.971903716806597,1.17593797022503,1.03310328761431,1.19336956809953,1.14832001693684,1.12146061307716,0.853557371191667,0.958591549955505,1.20788634820012,1.30543201041837,0.848682403902012,0.802686926969514,0.956158203557984,0.756998170801975,0.976591139983745,0.675448951252785,0.830726098166531,1.02602905342768,0.724949668004213,0.831844943173238,0.792402381354595,0.536474167444675,0.678026171817687 +Fam20b,4.46005648218265,4.32732765673767,4.58782357214273,4.37034584394879,4.27043947985293,4.36296894859934,4.1714769437238,4.49021908026265,4.46518538368939,4.48177670851453,4.30514254189296,4.28778725454333,5.15376047524825,4.81043393651282,5.08967540866421,4.89941073168196,4.72381972394061,5.09274279192454,4.58774968873418,5.16805238208768,4.97115777722586,4.91588066328061,4.64813221293224,4.7777718272953 +Rbfox2,3.60800353949603,3.85045121659188,3.46021005953222,3.77835061708912,4.18308398226932,4.14156083566907,3.86901718232507,3.85752948883654,3.64070894150763,3.75301626515289,4.15668818540577,3.94274666959195,3.08972347249508,3.40923919282,3.03691212974114,3.21360801140469,3.57218969363303,3.25520834435543,3.36824901628768,3.15505148890733,3.04961896280369,3.25425914293622,3.56456113099904,3.35764214534471 +Bai3,1.18509000966914,1.42408643120179,1.21823400967523,0.906168943926299,1.48396648476822,1.59832847492688,1.31751775368651,1.48291901497278,1.21611613694605,0.726117680548321,1.36579040407728,1.39840077385377,1.13853634603126,1.14288652262488,1.32698495512614,1.1078523202502,1.22521255610563,1.13019234640874,1.11133734448967,1.41553599771034,1.2904159652886,0.923700207031431,1.17203773115552,0.872251926464112 +Myo6,4.1244929205818,4.394031837073,4.30078235584183,4.19631184099272,4.21722256383818,4.30504317179668,4.15211897412644,4.29434249187572,4.36023578914698,4.1007428925453,4.15074803718801,4.11069416987402,4.98301860718295,5.10528796849127,5.26777377147616,5.10325455698103,4.89105116605351,4.99506550383101,4.88952117616397,5.1067032853635,5.03314728062756,4.96205256640656,4.88666693876381,4.93831081735476 +Tmem35,-2.12658516810768,-2.05706633028805,-0.917352837382058,-1.4754004028274,-1.78500656882468,-1.98147013635654,-2.80012525491334,-3.30101357077697,-2.43512092928796,-2.32213340301507,-1.82408418032427,-2.05493339279424,1.12774111704803,0.792886457765136,1.14529212840911,0.320750977556562,0.257671794731949,0.993414342409987,0.657374726572867,1.22043037823414,0.670962607775093,0.807873955718465,0.118713353572141,0.295246069549777 +Igf2bp2,0.424669913652311,0.7721271170052,0.479617129702595,0.536857428443575,0.861164309421886,1.31625147681993,0.897108850524833,0.798407834886279,0.76503785100756,0.71682401607326,1.12501233424307,0.962888871342209,-1.09987127937663,-0.398846377395504,-1.45335838406108,-1.43351512752655,-1.0526711847831,-0.396524773842733,-0.341190483298908,-1.03385954470871,-1.04831309913438,-0.858540927708418,-0.411472766353922,-0.37885806661833 +Ndn,6.11618838654317,5.85769882956092,6.17216064913872,6.19682638525311,5.74799628294783,5.8352195333123,5.57719480888592,6.14661686889672,5.97384793961625,6.15729345031944,6.08702489469394,5.98186908711191,4.71901103974568,4.584361074409,4.91469544141543,4.65164024048795,4.20327986962974,4.58823568855027,4.23479269699711,4.77540386770942,4.73418875240361,4.65105848860511,4.36653023639611,4.35330802115944 +Reep4,1.35665657041269,1.72671997289682,1.40001513998338,1.22846771045923,1.82146555052604,2.02589002115498,1.68525727717807,1.06877620582553,1.65041749052035,1.56001623074067,1.54882102041563,1.55799408208325,1.53665859049601,2.33950250425743,1.64211516182065,1.91913970882172,2.28185257879182,1.95858289755016,1.99482567840443,2.23770347745805,2.02744518285442,1.8568009126171,1.76257328552988,1.79990041447664 +Spata2l,0.9441803464507,1.08245835961105,0.24420222089237,0.880126982391656,0.708193077301011,0.904721269065042,1.08027091873665,0.279272605804443,0.636937987503056,0.768017628426555,0.796264493575467,0.605943650329307,0.231404729351052,0.823411430377103,0.346146597254459,0.963303893563335,1.18322101580791,0.771996978039055,1.0460349042545,0.117197674711638,1.20997998020045,0.735728504969192,0.88888710623049,0.604446482231783 +Rfwd3,2.15922238037684,2.31575759087321,2.1703801096229,2.0909750799034,2.20348484004068,1.87544320959163,2.32396502102391,2.37511298784053,2.36713199823329,2.2522420390246,1.94564013270399,2.3366798900579,2.81169992615955,2.61467149795215,2.76340820545794,2.72109617283226,2.64343962255653,2.63439490059935,2.4719825776039,2.79214304224105,2.61444072074348,2.54239121066901,2.67192758076925,2.55456498443459 +Caskin1,1.15354597389024,1.49656252415711,1.08844427538613,1.14476266849427,1.5530830002418,1.65996577457489,1.82332857865621,1.21518807560892,1.49529921443349,1.60009043644642,1.85459442553105,1.35325397621983,0.288749504215112,0.987112564040783,1.07611745488554,0.84376317318797,1.15448862210922,0.600925835465596,1.46717202611801,0.329843250908354,0.731925835093287,0.786018868950316,1.23252997237853,1.14911629231663 +Pank1,1.99148140010128,1.66698756730662,1.6832562674133,1.55312706900958,1.89840595884379,1.9137626296206,1.89128140542713,2.02355734656182,1.58114075850849,1.529688882676,2.08007461189104,2.17622732349322,2.74527495413442,2.60581503373505,2.49541477573075,2.50705098987325,2.66602763608387,2.73221587249675,2.5127212274817,2.83667632541047,2.41504401186922,2.56222755391125,2.55807431957889,2.59892983287273 +Map3k13,0.334055596597909,0.442316237452665,0.232481599307324,0.0332188841542767,0.639242714023992,0.974485393914502,0.695381893300957,0.616098645906759,0.0191926600294114,0.208837491000653,0.731437112165429,0.594111440562564,-0.0793905932689309,-0.642671044719066,-0.370506397008612,-0.494169673336279,-0.339901754165262,-0.479798807830403,-0.19179440504314,-0.778072504225207,-0.458142958209558,-0.547978493036386,-0.0761865547985723,-0.258583721126038 +Pcgf3,2.56449065916588,2.59408426325398,2.59748234621275,2.52661160008496,2.61501175275445,2.54995730796222,2.46731529358139,2.75333693563076,2.60869269935615,2.53141411930861,2.46725537548352,2.51780523213136,2.45595572106112,2.37172516154899,2.60630118233714,2.49362302111287,2.25024474723908,2.36044107686211,2.27403119397758,2.7888915944975,2.43909484492457,2.41771861288002,2.19548333007134,2.14780201875201 +Pdpr,1.49700638469298,2.11552055205825,2.17737799268168,1.89378408269914,1.69536497927625,1.75963502481595,1.51223843222887,2.01202288095207,2.24600316397078,1.69975968668748,1.85562613665293,1.71298720551497,2.21043828033381,2.60264799500984,2.89324450198126,2.57445607739944,2.15013588897788,2.17372957331022,1.87584910274987,2.70965809606101,2.53654847536009,2.57078185130687,1.82899471490019,1.95445500352608 +Pik3c3,2.91950095589141,3.22122846201719,3.36016411779065,3.23176973230237,2.7287069093304,2.83320555726652,2.87075506368322,3.42642838151661,3.31769631241712,3.23166284871671,3.00520841243726,3.17802417223489,3.03886471640693,3.15990750387957,3.30511608144708,3.37371234580686,2.90229271408543,2.98103615489667,2.99613085748454,3.29446701460133,3.15314628557324,3.42671883414613,2.96091051071429,3.22488333738224 +Ptplad1,5.77451675263787,5.34121517739873,5.35059225843903,5.36457144518494,5.34319326737355,5.42717293498518,5.25089209024076,5.57373012825535,5.38538438769086,5.30150026959969,5.42718739999098,5.44865484125059,5.66157423367791,5.16430247882512,5.68915238459393,5.3510117234291,5.27946315449509,5.60932744598666,5.0347861824679,5.75197723174968,5.32576698740524,5.34497613419722,5.3094819511658,5.33305751650346 +AW554918,2.02017189634859,1.72073748304219,2.17422778989991,1.75380223772095,2.22974735321219,2.33730619001135,2.13878445607305,2.03153424551203,1.85212824775249,2.06428648488809,2.28297541336947,1.97000411868084,1.98107406206409,1.30041953284395,1.89409341818402,1.45840536345365,1.86931338139253,1.81915797474571,1.63997042264868,1.64137738167626,1.91166900565306,1.53431741742213,1.66578247151664,1.40254254651668 +Vps8,1.90926078728719,2.11871879952633,2.00827000073751,1.85243606863118,2.11185876964336,2.24311321034466,2.23534246708832,2.03128715565353,1.83465641432879,1.90651953752365,2.22225146905644,1.85403035332178,2.87979703610309,2.66752692005488,2.67877618998424,2.36230251084913,2.80910782549287,3.09040840808759,2.95236658959578,2.99077328219697,2.37119495506528,2.42581848858697,2.89480417726969,2.84431462094838 +Ddx19b,2.297595440621,2.50459045083477,2.51060414300424,2.40661148337965,2.34900106313918,2.32366055063969,2.36588818542984,2.28034201492819,2.36242085405236,2.23527444957337,2.30746609786836,2.31759329170099,2.81266396028705,2.83359071911906,2.87684994616881,3.16239628670833,2.97658710991827,2.83834025352709,2.863941071624,2.53894868022954,3.03686162192898,3.02403688859579,2.86987181204624,2.83435865174613 +Zfp7,2.12750242763295,2.44783282283428,2.12736126189725,2.4502060822876,2.29478020290017,2.5489994507895,2.34703333935532,2.119793765006,2.45278771615669,2.57011047127276,2.22549770279143,2.68570284124512,1.75958398452263,1.36150150030907,1.81395525860691,0.731167088086258,1.4266792547093,1.56424482270732,1.6680211049642,1.44486091643439,1.91578642957092,1.77738023716518,1.50251108184082,1.96005465330208 +Cep350,3.64049088257076,3.83166852765442,3.43757640691619,3.52728240400572,4.20014949402141,4.16603176391473,4.05473534412143,3.80897306075017,3.58175716543828,3.63467388091209,4.06696932072233,3.9029163451777,3.13225070613019,3.57239926450263,3.02096147932569,3.52995826084154,3.99840698470086,3.36449270613021,3.86686865655181,3.10657527136617,3.32322557751379,3.42081504176506,3.88004068672456,3.70586327129604 +Gabrb3,3.88759177476357,3.83741238706044,4.21224899522612,3.77375555561605,3.84325409104086,3.81997472742707,3.52706988643621,4.09091463935397,3.98556905506382,3.71619761092516,3.72153446713354,3.64683789868732,4.07453096275524,3.76719323011815,4.39517147591869,3.95284259499462,3.67037191027358,3.90481594257717,3.48615180582875,4.17807786125973,4.00000408402806,3.87091193316019,3.56532874580277,3.62079038385773 +Qsox1,4.44253266349295,4.17141445932546,4.62100761540074,4.26755962457033,4.02512130639337,4.06041078915975,4.15507273044081,4.73997339015606,4.62755156142747,4.24720494828353,4.09767874094704,4.1424187137407,4.64416048784517,4.45108185165213,4.70172814289479,4.5641752674205,4.54183053613195,4.65996390667395,4.64677063304024,4.78088949396371,4.77380564236257,4.61541592522197,4.47552097597367,4.41459589416428 +Ucp2,4.60327956417427,4.43087436990165,4.31423160761591,4.33097868220341,4.97977286183512,4.95752435575171,4.62121791060718,4.78764258183762,4.55254089363826,4.41122436310733,4.74990507295971,4.49365042815636,3.77015848259598,3.76612930124465,3.91780645215581,4.07838049417242,4.49222406113774,4.07330233658774,4.34640625394571,3.59361199978217,3.98303801932005,4.29973260726033,4.39022638219946,3.97456864482585 +Arhgap39,1.44488183202815,2.0609597678917,0.985443559041947,1.91238679652085,2.53368934639577,2.3598975724212,2.35017966230799,1.38537093243299,1.18307778445674,1.88651840990534,2.5796666240393,2.21813603486259,0.840577023822255,1.70428559010352,0.609845484769199,1.49904375579678,2.09112922573438,1.31081913594705,2.34951719281145,0.521921077712673,1.15085366326122,1.35291695008402,2.18669005407553,1.92239776859069 +Acbd6,3.31303392258874,3.19231040283768,3.71803470049249,3.3610537870711,3.16345633068784,3.37972031781545,3.16382863682165,3.57775311868048,3.39594936590779,3.40481041965543,3.00454119825234,3.12041021031499,3.42302351916746,3.50250679758047,3.666984046175,3.30482706799999,3.45747595930842,3.41031606102711,3.45169759772268,3.76744752007575,3.49930344741734,3.55482435358475,3.34122019423216,3.35708885974182 +Fuk,2.43417475502231,2.26759418599242,2.05015564862887,2.27035590169508,2.54277087882199,2.4222158324787,2.5455833335522,2.08264300528298,2.39028681990078,2.31432001376953,2.64278397527759,2.45939022498748,2.178082438957,2.05344918983998,2.23152274294189,2.17343355780902,2.33516594530796,2.52200900381923,2.3238423851768,2.02765360803713,1.98377387431249,2.20039247802933,2.26733582661705,2.22138162008088 +Stard9,-3.13456384218403,-2.94023812984876,-2.82298880932808,-2.3231140143656,-2.29276973599667,-2.14595406661959,-2.32959252742983,-3.40183948993509,-2.46295030095659,-2.06595993972637,-2.59775946945641,-2.82483422939779,-5.61052606655933,-4.24953080098465,-5.2272114009683,-4.7707613074061,-4.46366139802622,-4.32939192382606,-3.65894171888155,-6.3802185787751,-5.01048354751603,-4.45780443146313,-4.83123664241864,-4.58174980094784 +Smyd5,1.68986212785188,2.12932774560713,1.83132308778459,2.3171544939135,2.41017770446865,2.27441601690207,2.60937330106216,1.73738214792742,2.1308149605909,1.97705637282634,2.6750066248708,2.37086296630591,1.83678853965574,1.56713100477414,1.84368480085353,1.58199651384673,2.44603765994261,2.33320586550968,2.39007678691765,1.18585385007094,1.59308316211033,1.46119436291126,2.63388020900401,2.5489938744483 +Lrrc24,2.23927144707423,1.88618890644901,2.23275511905958,1.51507409330904,1.77698547333993,1.51130138798178,1.4648815818267,2.04359011853162,1.78655884651063,1.6972926211608,1.61533815305827,1.54158384272337,3.20714807401106,2.81132403458616,3.18320341683348,2.91021011673214,2.42787219864777,2.72983216132138,2.7720805571402,2.9000366283994,3.14575805486654,3.10533210152412,2.3141230454488,2.38437157212153 +2610301G19Rik,4.3281375849675,4.35926300707505,4.28695527792695,4.41623147475358,4.40690700849616,4.40798335925587,4.39429836232814,4.20971590539891,4.27252658577542,4.31342045420247,4.41128716060672,4.31166850754512,3.97716945174958,4.22308688050536,3.97192171239058,4.22315605263184,4.18383618192103,4.06326197170964,4.37647703533755,3.80471332746393,4.02351835940457,4.16620390073656,4.13476168521476,4.06158503357796 +Foxn3,1.45926372791442,1.70203815340071,1.61457707120613,1.40458721704793,2.02441904749417,1.96128730643105,1.78592637075197,1.86175459530719,1.71987991676263,1.60301864520228,1.95717584205066,1.64415088301666,1.34987774782126,1.77460321332908,1.45986391860571,1.61184217825512,1.76582202638506,1.50088613840864,2.02492154749802,1.78119874097817,1.59375220624521,1.6908932010646,1.82883426675243,1.66583321820672 +Akr1c14,2.74475250132142,2.68373919026882,2.98827125720438,2.23306456883784,1.82181203726691,2.30115054116558,2.30918130050429,2.65576849612371,2.70613387249535,2.48403854548464,1.79918389925418,2.45511703406004,5.27239302455942,5.23252667185977,5.53372527716898,5.24112723269587,4.68190844714663,5.0836028008161,4.48180052206051,5.55677383368258,5.62577040075391,5.22373126558108,4.36596393158264,4.88147835596721 +Adra2a,-0.876734699791573,0.792993914767048,-0.970991168865234,-1.68154842745045,0.166703109034683,0.591011527546618,0.0703937250980815,0.463962260831537,-0.642256850634079,-1.32495498688453,0.10898689771601,-0.017798426321719,5.36555458701853,5.65839833552198,5.05382836752305,4.90227141679239,5.0971906713655,5.22938712865665,5.55900480379303,5.74338558819452,5.28864680461421,4.93377919079234,5.11311693979606,5.34766424787684 +Sfxn5,-0.541619034615052,-0.0803511647800117,-0.417700452781712,-0.466604651864036,-0.10160548306249,-0.0541623082444236,-0.120317563070111,-0.570952340612576,-0.480599643850235,-0.400330411333221,0.0441445757377892,-0.199783118153793,0.285452355334004,-0.0368387143869349,0.273339467475237,0.60810931086007,-0.0529254244180106,0.0250690903406081,-0.0582035239327783,0.140984326899323,0.705240831510202,0.555070770508616,-0.099172924076361,-0.313761477885265 +Lrrc14,2.59485887131388,2.43994797374235,2.59679554722677,2.54510609134192,2.42935834235898,2.63300497980385,2.60867644071385,2.59655318864343,2.52954856048695,2.36561802825092,2.51983174564567,2.50097122197361,2.44562795351887,2.26872100798087,2.42664632630926,2.42253074201058,2.49629244575953,2.47632578301884,2.44036118778179,2.18805731207225,2.35473056428242,2.29454018890898,2.53750985960952,2.41402865600215 +Egr3,-0.0837285343008761,0.539926002768387,-2.86323211584184,-1.03761894789226,0.68457638750599,-0.696399098566234,0.354261082995032,-1.90470632538186,2.18448993695896,-2.86323211584184,-0.41462412940591,-0.270948990715094,-2.86323211584184,-2.29067982590155,-2.86323211584184,-1.68903533303631,-2.28776965297226,-2.86323211584184,-1.12891636002579,-2.21869522482992,-2.27190910191698,-2.86323211584184,-2.26811069179779,-2.86323211584184 +Sf3b3,4.99356762294095,4.7227509779405,4.96332058052355,4.84471324308327,4.61024809320095,4.71551371517056,4.77772614901032,4.79947730890295,4.88197583659334,4.70144269875702,4.6995589917134,4.83745112430668,4.66329353176535,4.46449075460444,4.88956373446678,4.51304819723353,4.56071860952218,4.78717572566529,4.66736025533825,4.58770634465408,4.60703600555498,4.58689692615351,4.65635231642369,4.57729801183404 +Spr,3.218253569085,2.79536679185271,3.31025337069255,3.26587192738578,2.79211864536141,2.97989003709917,2.88402380993633,3.36553489126603,3.08511125229987,3.25227010451025,2.9979621580672,2.92801543439037,4.16872403234634,3.59748063766574,3.90375041198995,4.18201488828065,3.78729994320535,3.71770610848171,3.63234357206569,3.94450030855236,3.92858578699735,4.06668560061164,3.52964788716902,3.58570725980008 +Fkbpl,2.52624044918071,2.48387187484323,2.22571511359725,2.51229641484645,2.07365463861289,2.34608930212559,2.51300123233217,2.49615766276329,2.37218750810449,2.73362313816682,2.74532220208388,2.09614731237014,3.01237030861822,2.48785726537891,2.59956161610148,2.65023536734218,2.56771677633809,2.80874388956228,2.52075891051291,2.2448688808113,2.76281877289354,2.57459297873686,2.5539561277337,2.24830347182717 +St18,4.54282483707617,4.90259273405487,4.6636086899426,4.8041552940073,4.9972579551815,5.00159804332637,4.84863349407491,4.76003072873938,4.712408460157,4.75650959844856,4.98505780173509,4.8586912911467,4.71936760783276,5.10040362793397,4.8799380545069,5.1779265316621,5.20945030854711,4.83902443496377,4.99864390853262,4.89329203099105,5.00285603819689,5.06188100726303,5.14589367855098,5.09338696260248 +Gadd45gip1,3.19145728603462,2.91318167850499,3.24049264933562,3.2480613009044,2.83123710832279,3.13596363371459,3.01453218193015,2.83008814973654,3.09312194209839,2.76661118131635,2.84065107258966,3.10190126133458,3.98935365530002,3.78293564340081,3.80660804287082,3.87802428506579,3.71674785051559,3.81816130975622,3.72520769480647,3.85403414810221,4.01637095867246,3.84420304330505,3.57573732655414,3.79354671928601 +Rbm4b,3.6194885294267,3.58034124503523,3.74611533307649,4.06824212055617,3.49190764122512,3.52672382234882,3.64223286978858,3.51858659419565,3.72282948152601,3.71558377923408,3.48799547147606,3.58399802256983,2.84821188038311,3.19142088048904,3.22312026036334,3.68812099267902,2.93064409588211,2.88731900582466,2.64190702959646,3.4469411203178,3.56929866839626,3.67838766675198,3.12992195345861,3.19322284514669 +Recql4,-1.73866643440491,-0.79461691576811,-1.35994086406349,-0.562292517091688,-0.823267939011514,-1.62338071211635,-0.867566794353928,-1.33197972294777,-2.0733454815413,-2.45912460105144,-1.40332266143558,-1.15096731284326,-2.31284519513204,-0.654813202780192,-1.53234967087557,-1.69288383835752,-1.36514975515334,-3.36007872630053,-1.92794539049958,-2.49519589643781,-2.2426049568794,-1.19874781545138,-1.23046967341186,-1.38971390917363 +Mtss1l,2.30283307358182,2.4730674170015,2.10010957058508,2.0600833989984,3.0911143502876,3.20292471885608,3.15930488739088,2.59300940749333,2.08427628389323,1.91538000388038,2.82339423890916,2.71627902056137,3.06261358279586,3.46829719782741,3.08627544522652,2.85654974181959,3.96751119487573,3.51548514308268,4.33042428692684,2.9817751596348,3.09087175041708,2.92574472470237,3.95328488437932,3.57616067538663 +D930015E06Rik,4.08170714076837,4.40574066056191,4.32364746745077,4.80203233173247,4.90303118887658,4.64980240882534,4.46632037039949,4.33060736385544,4.37229268269603,4.70154986416879,4.78176830180888,4.64717349733022,3.30058582366588,3.62539562705917,3.88018966844138,4.00947894379294,3.72394627333997,3.51584455337721,3.31571350965656,3.7432536901118,3.53452009728648,4.12731168142984,3.71540700401284,3.56927172653059 +Nrxn2,-2.28162714090881,-1.734890616266,-2.1199648144772,-2.3385755831417,-1.39787492246131,-1.43560120016929,-1.55614264831356,-1.7154808498416,-2.10742440911151,-1.7029460962022,-1.39345891131103,-2.05870213641172,-6.36249246614638,-5.78994017620609,-5.78210006226586,-6.36249246614638,-5.37676608526237,-4.96023366618297,-4.39568525751786,-5.71795557513446,-4.54154204520904,-6.36249246614638,-5.02232950245671,-5.72584066411647 +Exoc6b,3.11204800963602,3.09980689178377,3.02966304409188,2.60522793953194,3.42455178918218,3.48129773287878,3.15849546058431,3.37050538171941,2.96086927973222,2.81823379569938,3.30830023604625,3.10219497767216,3.12682517231317,2.99201880282461,2.63652274056822,2.7461603776868,3.54911804944595,3.28343446114708,3.37039110845923,2.85038730990083,2.62793475376056,2.74755187592552,3.51004979312603,3.36984459301225 +Rpap2,2.06246614083817,2.13175418990485,2.27954922787311,2.09502214591545,2.02553129849887,2.10778820844268,1.93155774621109,2.10871780829175,2.29747618745576,2.11606405629681,2.06147167311376,2.22812878609479,2.16965820009456,1.83030918199274,2.21173971621041,2.03879542684434,1.77465096057732,1.80295324192066,1.84849127646162,2.34021860577236,2.22221550939221,1.87380712095018,1.74231715457351,1.79681483420691 +Asb13,2.83747524127839,3.07777396069279,2.90084842603584,2.98210988553824,3.12704477108272,2.91491555037302,3.06836087081405,2.86188876655222,2.93363812320601,2.94470438036689,3.19091345115446,2.95319100730081,3.34152512256431,3.26127316441251,3.18245919144969,3.77167455184037,3.67370388695861,3.55567332676152,3.17828246249095,3.38892360713269,3.37804746838445,3.57740454552714,3.63574973181803,3.38439095679266 +Tubgcp5,3.30893115957391,3.50930914303961,3.475123286698,3.35181160848707,3.27271958262045,3.31295661149678,3.05377189874728,3.38897353326676,3.29168556981673,3.39562871338776,3.42690605187997,3.34121714433331,3.45146561866873,3.59146315138459,3.60277800958476,3.44825099082513,3.50142361154741,3.51506620058134,3.2795931680781,3.52565886119901,3.53228954873489,3.24079636835754,3.49941951996699,3.54784614828365 +Atp7a,2.31604592942274,2.42718193187426,2.57709867559635,2.20620473626073,2.68835665066422,2.62951780741987,2.19298558933173,2.81819782463262,2.48602376910255,2.41793524652688,2.70038570725284,2.56856134778203,4.07501638687543,3.66304511037564,3.34840944908379,2.80904483497284,3.71692455929449,4.09962459742747,3.99583750576103,3.82046504177017,3.33664634122069,2.77577782347059,3.73691701388839,3.77003655403776 +Atp6v1h,5.78302878302823,5.4853212520792,5.70703387854748,5.57879181302446,5.22575440254798,5.35767150124128,5.36963456434817,5.57340743104344,5.6919364293492,5.54427859591824,5.31132940949899,5.55268094731038,6.14076769677721,5.82674932531439,6.0632852664172,5.90386871340472,5.7108490731567,6.00888526634026,5.56760854976042,6.24964987516626,5.98217524570161,5.91284987475079,5.74285232376781,5.89700399535264 +BC016423,4.1722653660437,4.26218520741948,4.30048673069532,4.21908239460829,4.29863392149508,4.24839814018541,4.10934135165007,4.32390985593148,4.22073856566314,4.0344189433999,4.33435129292429,4.27305710794347,4.0738464661062,3.91225013533983,3.82742421526577,3.94565514089012,4.21929152673559,4.1208299448042,3.87009205329651,3.72640208737092,3.92558210963904,3.88949029634977,4.05326200652904,4.12741696977746 +Ephx4,1.99804125960059,1.89621207682302,2.32380543519581,2.0509099318497,1.80567070986467,1.43708622922681,2.08956441192917,1.88578455520425,2.28516799750652,1.83542996203607,1.68397834044307,1.75124563533943,0.957104952499804,0.675334181722881,1.22284038506775,0.795436998864908,0.817933418972558,0.607068339420616,0.311871195867657,0.559841639689543,0.895222061348366,1.00512215003062,0.13641486819783,0.300460416572128 +Tmem87a,3.21850157375648,3.24716605056911,3.27079139602582,3.1387555474259,3.05274505720624,3.10433834508234,3.12036185884485,3.1184240569215,3.2279691682532,3.03972898388927,3.1447740736807,3.29490421026912,2.93005302527387,2.9539532669331,2.96827780944223,2.8440389252931,2.90302126505358,2.98751005422177,2.87310995265758,3.12709585307492,3.21114901768176,2.95569477933414,2.9642155886569,2.99544451285105 +Alg3,2.26254051354207,1.52960689248566,1.49648882149376,1.68055195166768,1.9545271270202,2.09768943907974,1.99105596314459,1.51306595884181,1.47583042050026,1.52038153036375,1.8248643157447,1.53312529685769,2.86403792381435,2.47427199091728,1.86964983961982,2.74569240109598,2.59704351461265,2.53363939775406,2.42277983681346,2.43877524683597,2.07412701652196,2.42028900669383,2.65471701517268,2.37657631818997 +Tcea1,2.48245310812664,2.30218374707659,2.48036733598984,2.47127843590094,2.26450137015535,2.42953845424742,2.2678635167638,2.34420025144822,2.48811365583468,2.58097894729903,2.56205114944026,2.45947191514665,2.85205542756474,2.70295919315558,2.93148028237778,2.69542882647651,2.91662975077079,3.10014218417063,2.51684677388909,3.21809286677204,2.56915497771936,2.84857444369092,2.76564553654416,2.71501869509248 +Ppp1r16a,3.69093991755293,3.92779939127336,3.59161103396195,3.71489726133737,4.02715319908226,3.95865267783662,4.11634250544978,3.88524545037807,3.66400770191625,3.74371403613558,4.0388311410252,3.89002905251181,3.30466628083068,3.58679123288711,3.46829587793395,3.58978686696165,3.76492057262754,3.51513123924837,3.93051325816976,3.42194201065486,3.67591829272635,3.78661595721567,3.98841241270737,3.70264759338546 +Fgb,1.65254575981431,1.00589619049773,1.66763134153656,1.21858684276252,0.992614890934172,1.00509928795927,0.839085247423732,1.33290317922687,1.08008524685166,1.0511477096659,1.19052083772799,1.00936856407598,-3.07862114944052,-3.07862114944053,-3.07862114944052,-3.07862114944052,-3.07862114944053,-3.07862114944053,-3.07862114944053,-3.07862114944053,-3.07862114944052,-3.07862114944052,-3.07862114944052,-3.07862114944052 +Mrpl15,1.92731609529698,1.641354291852,1.7352602733263,1.64880513274512,1.34528787815771,1.49814324605117,1.5842803525681,1.47884561560979,1.38852313490617,1.7801157110731,1.38195555745627,1.75647094580579,1.81629286167293,1.62216930039111,1.51447737328843,1.71888844709236,1.6998168077932,1.55104182385318,1.40658368224152,1.60929336754684,1.78391338413908,1.75095223427755,1.53197318680765,1.67619500003421 +B3galt2,1.43445553880145,1.53805714365245,1.77903355887645,1.56685291593096,1.2241308666783,1.45976433334096,1.35981652910458,1.82517862965,1.68019099938671,1.55553453099751,1.21855283401572,1.5329907289863,2.58811711951072,2.47562895053637,2.35157180840618,2.698000097535,2.04669389993844,2.61916180756662,2.08766928801164,2.81773149002538,2.34603760112065,2.41182573830033,2.14393920170822,2.35529184373256 +Pla2g4b,-1.5175171999581,-0.0778103498031495,-1.04160620118889,0.0876993333552267,0.68161287664373,0.672310810497031,0.355008087691735,-1.27372318002507,-0.664833586422238,-0.195204073715189,0.114500366907843,-0.470950097608171,-1.09404462180002,-0.715953008555836,-1.24925319670906,-0.146382443335456,0.262836439400107,-0.196205375527472,-0.111522335747914,-1.52112036382498,-0.115469370950622,-0.278675768768689,-0.594222774324533,-0.346063325946991 +Engase,0.611314185028963,0.664303525632999,0.739997688907411,0.491305834488414,0.809915896619723,0.748358512959364,0.544787430717404,0.655582533828995,0.558504203694811,0.792965323281791,0.532867126131683,0.202574838425453,0.455539139317357,0.130857644471182,-0.152060071349289,0.550862613467811,0.752138710743741,0.823476723681361,0.93823065937011,0.0271042985816736,0.206807041263231,0.468094703104797,0.767714672440384,0.870662276633166 +Cdk10,2.77987841719438,3.14027259897312,3.10645902132022,3.24205276106343,3.06690256501298,3.08826035005041,3.24924623385222,3.04870482597909,3.13559534506662,3.18403054770696,3.34379870492996,3.0713941046341,2.92847814477606,3.05515446742029,2.81562362328438,3.23590167295297,3.11312422112214,2.68057440520013,3.11491861461019,2.58232079376192,2.99625329165498,3.12972515394377,3.1712877782957,2.85084997718557 +Klf9,4.01806830123568,4.33464718722378,4.47998009608751,4.69673412285624,4.33577017502462,3.97129453692732,4.20455836601516,4.03437522429295,4.8212051703964,5.05654712155002,4.79175631589449,4.41680386550109,4.79345247686607,5.06153638024254,5.23790313332717,5.43056125636964,5.11213647660899,4.9826552295259,4.7508059396595,5.0228954786325,5.26624378415447,5.69350347136712,5.49504773480826,5.05454927996213 +Ppargc1b,-1.53312697745742,-0.662989274271817,-0.742608889800838,-0.809945411462469,-0.408962732737001,-0.401817770833927,-0.740179198032325,-0.618319501207909,-1.06937755523091,-1.4352551159151,-0.743526429827719,-0.761986668439644,-0.503132095580916,-0.111816290754502,-0.655933134290021,-0.448393655551991,0.355633164988043,-0.0639441023081702,0.237314371105853,-0.483436027514842,-0.680104797551402,-0.0611156779373621,0.21588871391548,0.360623001600169 +Lgals3bp,7.89160594742649,7.6147045240245,8.02047008108345,7.86752165347238,7.54999440202008,7.51963420360908,7.36256295472284,8.06058078320394,7.90794507131544,7.80727779947524,7.51230235505311,7.54204926045332,6.52052963751921,6.37413095137279,6.4877240854337,6.60251529852113,6.4246599361967,6.44603613348384,6.43701638652384,6.5053955701577,6.44561918738495,6.45569735438185,6.33306251246672,6.18871510817142 +D3Ertd254e,2.1476487491994,2.04439376888332,2.37573470098789,2.24049302696961,2.01839538812176,2.07819348375627,1.85586342550515,2.44994528404163,2.322382466111,2.06515516738407,1.89244075975463,2.27712653467052,2.42269763080444,2.46237189161739,2.57125712496654,2.53664648119959,2.22638813260892,2.54401336496946,2.32460481149112,2.72685972073633,2.42398066868841,2.26470474399035,2.28044295781649,2.38561123258703 +Pxk,3.61039051667472,3.34986410641981,3.29105716858713,3.37638724572993,3.62473922201531,3.62059681211678,3.36166477674192,3.40219901406638,3.29959452807138,3.27035168207938,3.57568304657372,3.53997601721072,4.0275746686736,4.00219178282808,3.87055245421609,4.10107359062787,4.25131548320701,4.28330701215208,4.25132148365804,4.091682704878,3.94602709460205,4.13628058351389,4.23699319889472,4.25062011544507 +Mtap9,3.5551773782638,3.43233497578409,3.42296611877776,3.27508468753433,3.40353892452412,3.46169756015995,3.45199317014537,3.41804776002304,3.43343727219375,3.2635025030444,3.35307360290857,3.37959721801153,3.25298936993846,3.05218569215382,3.01357719302179,3.36679738602472,3.33767125794215,3.3106263418962,3.12678912283412,2.95457683884733,3.35199482312513,3.26133851387683,3.16157923381142,3.18759322761793 +Mapkbp1,2.13110376609934,2.6498290197408,2.24435599926072,2.437692381437,2.76043979004817,2.5204370568116,2.50128119302063,2.36432908448437,2.38507579773278,2.58937261274569,2.70744606037756,2.5488152683874,1.59752727952747,2.4204874093114,1.64091831921463,2.17266738489886,2.41301199996979,1.89408636721044,2.29125360246235,1.92359549191223,1.79801376085351,2.14648398908327,2.4585220341126,2.1578885970582 +Ccp110,1.30622117070513,2.242723304522,1.23135903717705,2.00075577262219,2.33125975934153,2.13993757523859,2.31446970175525,1.07212947452101,1.57998304837342,1.84548853937683,2.36819532171594,2.03498702584398,0.901724578057912,1.64862647752006,1.02249456136798,1.55641449807226,1.79346816689617,1.27789980131224,1.34872761323831,0.806899036084284,1.41933060437234,1.71631760860252,1.62880228993599,1.39260449541252 +Zdhhc15,-0.0315029845932093,-0.0480895386985423,-0.133329199484541,-0.378153975300601,-0.196759434863247,-0.0734259024589163,-0.492770185344513,-0.231360146908214,-0.015401426118959,-0.499134732922806,-1.00529573095574,-0.450272961204848,0.0493336887061635,0.452279823811191,0.325495393737396,0.399698069238475,-0.556267436051312,-0.0238538207415635,-0.433901667403846,0.545354047398858,0.85417824570793,0.236561636109848,-0.236975067496546,-0.460712279525761 +Usp36,2.7225219111143,2.80224422850872,2.33440172209975,2.80777609176096,3.14787774855874,3.15330728750423,3.26080761587979,2.20078193424719,2.66514351421534,2.86770425524117,3.21397062732392,2.8083063047664,2.62721218161744,2.55926360883719,2.31510403452026,2.5629750985,3.35016838619165,2.87939023423729,3.49506946930558,1.68635302874824,2.60952965760629,2.58713207989584,3.20978993761101,3.07155344175361 +Gucy1a3,0.218309083754497,-0.347683797751511,0.448972506031979,-1.21078791508995,-0.0948013792034783,0.0604668012210556,-0.584716658411037,0.0943461889535264,-0.205283247190239,-1.61673714877981,-1.26955441764703,-0.491582323999581,-1.54117950487885,-1.70517274823304,-1.5915995575386,-2.76672714475429,-1.2834390147594,-1.37546974122897,-1.69207689870381,-1.33947740622508,-1.97876052554186,-2.42645071319771,-1.5530559298963,-2.13656636867691 +Chmp2a,6.29937639623162,5.95358561698832,6.36560553425158,6.35175181035546,6.01425347931897,5.99191189131478,6.12401909577605,6.0986505441602,6.22824608774506,6.32021447702044,6.08303430836084,6.22874817103299,6.33495630922027,5.90527905311122,6.1895605458721,6.28601364937833,5.85378747354493,6.03635702743972,6.12571525195787,6.2023312158404,6.36122170353828,6.4215879024961,5.96546188286703,5.99528383227936 +Gde1,5.6684770176554,5.03790861389636,5.49945268371559,5.46943962939659,5.34339190037014,5.4131120738916,5.22863751693284,5.20532934834992,5.37503220332089,5.39966281274064,5.57141974631461,5.47596847664406,6.90770147046448,6.42166969469851,6.74186969018335,6.85295560802533,7.03545011163454,7.09339515935423,6.55965671693903,6.71236178647173,6.60619416369845,6.79266900783947,7.12441814188328,6.81579134052178 +Parl,2.32633746567306,2.26807771624319,2.58072885185969,2.44817294104462,2.2539067928064,2.03170137886771,2.21954245899748,2.19470752746134,2.44285840266621,2.3773945483739,2.03044638835271,2.04270254471737,2.55535713597973,2.39576164093572,2.52862825152568,2.4305199786693,2.31500894672223,2.4521786981417,2.10339244057331,2.54877387754953,2.4650866292045,2.55143752136207,2.28545727709712,2.08342717288846 +Rbm34,2.47860896245141,2.40217273892912,2.51420879536719,2.44572637946013,2.27297761539369,2.20560163224463,2.30933220655048,2.33213584435274,2.3760494897126,2.47688682102927,2.47194326261525,1.93358105016878,1.99794046839553,2.06215429224089,2.2818352777352,2.05572832982023,1.94105572830539,1.46520996457095,2.05346319062463,1.8241106718597,2.17417957419197,2.16136096787794,2.00957597695668,2.03080137210739 +Vhl,3.75545195961259,3.39916957330031,3.92915728615905,3.56357010853881,3.09068154678677,3.39096802260445,3.39539045687447,3.84162907787094,3.77993541507399,3.49657365225153,3.10046286277807,3.42693640973299,3.59724534310375,3.47305851119728,3.69602072491658,3.39361948992469,3.03783206212825,3.43367294151499,3.08565247294904,3.79588795000182,3.40934157860685,3.27197829847672,3.12950192786529,3.35363798353384 +Ndufb7,3.46734254787974,2.55414434434809,3.21398130509723,3.23631881012575,2.94993789424949,3.01609336912931,3.03044691005397,3.10917894960316,3.3126244832432,2.91116772291671,2.98023140706596,2.99890395441947,3.46970211067203,2.96730841756144,3.13793909901296,3.12480101297657,3.13004545560329,3.35077320300829,3.27163922675629,3.28727514477159,3.24541099757817,3.30426698175642,3.04247985394539,3.20690559645319 +Brk1,5.79464672927154,5.45920085286295,5.95883954823013,5.6389973068572,5.34986230563096,5.38110076028732,5.35268703795556,5.82001558167406,5.75796657648953,5.62908518648905,5.18003094534418,5.61935376340195,5.96107986057673,5.6111870030562,6.16323229689068,5.74989184845917,5.59155586580955,5.99808605002278,5.52046854040149,6.17282866339591,6.1489517972553,5.89730738321415,5.53328510529524,5.64387058614107 +Mga,3.63880344239701,3.98964123188367,3.70382549371536,3.67818211355633,3.99026742840753,4.01393187314536,3.85679489298281,3.93379716971527,3.81690065698631,3.68060497083697,3.79047136322008,3.89997974467304,3.73714198763206,3.70692007726238,3.74766768528425,3.7590940141192,3.89107531882276,3.78856623398226,3.75221687251449,3.81791977089123,3.74762976456729,3.583131416051,3.79366832505791,3.82058768252565 +Zswim5,2.49746613961933,2.28155856992185,2.43867968931558,2.14205822568189,2.13780575114138,2.45844190316056,2.11520624231856,2.37866865161145,2.28245086528764,2.00013862373618,2.00668531865068,2.0246408531728,2.17206533828429,2.39118441017077,2.08244270880259,2.26136324545805,2.40380340276434,2.10682204205743,2.37441874571592,2.14165042987275,1.96349293502414,2.2116634118078,2.13095619682868,2.20609361826018 +Aspm,-2.47278812292558,-2.30518797819941,-1.8577162789774,-1.97741738237478,-2.58592949695177,-2.24364520189886,-2.66635009991794,-2.20672537198557,-2.14648057952275,-2.75168111890998,-2.85983819169125,-2.24773996254308,-1.65411313862695,-1.42785570184091,-1.68739706636803,-1.32190030654278,-1.51883654622719,-1.67229034510492,-1.67797195239829,-1.86526165451416,-1.77849306338661,-1.73434836787094,-2.39687227641176,-0.931756411618993 +Ppp3r1,4.46843375852226,4.26094848286921,4.55783823308243,4.39052124234113,4.14736305711053,4.12638000535181,4.02018654982296,4.37970913279909,4.2979404041205,4.27621300687693,4.21157381903223,4.23747149627437,5.33921326873762,4.83379886433731,5.33402703671287,5.18683712941188,4.91931529589285,5.13720695266253,4.60268001772498,5.17338470898177,5.1267849383723,4.98163109404064,4.71454492932856,4.89996948889909 +Tnks1bp1,3.24973920632036,3.60077174794956,3.39718785560362,3.7884256812607,3.36712643671027,3.42182563247163,3.51038726246796,3.38144689346975,3.32320852138104,3.67150252653353,3.43584692278824,3.36954063703249,2.73743814462874,3.11217954073986,2.94763542952579,3.49597150613445,3.2943330357461,2.80981854377523,3.28045809856646,3.16136181248442,3.0788241839181,3.32832523114975,3.19502650000242,3.04496666348982 +Zfp446,1.30174361810377,1.74592770263708,1.27598959439672,1.50396783138682,1.8811407513041,1.77782985237539,1.86943907748437,1.24808540633489,1.42343682748418,1.43529375585477,1.94962829840194,1.7230090847379,1.42093351250074,1.22513535784087,1.22828094183121,1.35779437718015,1.73921903751744,1.32998608429264,1.94819916001058,0.943348370035179,1.63677911279131,1.19990139895865,1.94606713001536,1.89454325856167 +Zbtb41,3.54822883728384,3.32561022749286,3.4148882274277,3.32816079773094,3.10182723939292,3.23289751064882,3.18983175775083,3.33344929589854,3.43449712137216,3.19797505301538,2.98961674831424,3.07423726114298,3.84836741083629,3.55580420643322,3.77445975991363,3.6605692760288,3.37141897309409,3.69360502766978,3.33617954014693,3.9352124741073,3.77147117481236,3.45737267532431,3.28299736064307,3.54157756412427 +Slc16a2,-0.73025974789039,-0.500571798838954,-0.458888847758067,-0.974189808094287,-0.206162523561511,0.0634385801723756,-0.302471907498112,-0.454991071121869,-0.795656783377792,-0.613207915770564,-0.0123043485978704,-0.652422412134976,-1.83169175846365,-2.10692102319484,-2.34972006499883,-3.13208014174781,-1.16326587734709,-1.37326129821637,-3.20363263231659,-1.60371027117172,-2.64638358594601,-3.09008414322273,-1.82732078058452,-1.83245356804472 +Rfc3,1.39403312910725,1.7432787242462,1.66897182964167,1.44780458571585,1.35603407716023,1.41165116710452,1.71152995789156,1.44510090974409,1.53137114757783,1.44490729211174,1.44422205334516,1.23015487203318,0.814684505721184,0.919616690614361,1.03958222723161,0.912591484423201,0.459054648890117,0.613290694614357,0.487605471477401,0.595368236705914,1.05261951313198,1.0319026002385,0.769685256033726,0.658554421993995 +Zfp944,1.92203562239966,2.25968369422786,1.95101255475138,2.06710214329234,1.97737725479325,1.88544889845561,1.99524152168438,2.07860759353647,1.88431715260221,1.79214840035838,2.0755939132272,2.27289367280948,1.86368070498838,1.94472661106919,1.70255884481995,1.91043386816279,1.71830613139493,1.7495046861876,1.41826943068728,1.73881962099568,1.93496591581217,1.63212659034533,1.45770301254181,1.71729190437523 +Gria2,4.82904411350687,5.28635794644652,4.58133270307887,4.78209397182577,5.06531087621097,5.47005250817425,5.5066989807631,4.47828566505248,4.88820611745695,4.64664975415559,4.98867328435074,5.26131897754811,1.44012119401376,1.96105704644379,1.6863042399826,1.80114855310709,1.33420412427279,0.986428959687411,1.92905950808185,1.20250148753206,2.085471062729,1.65995168723482,1.15708987746293,1.25682356413616 +Coil,2.14768829177412,2.12418259143731,2.20537976215542,2.21467042590008,2.11915756300513,2.19389988113695,2.20486024339897,2.29462022206099,2.21208715026358,2.37928782071637,1.98375871562143,2.13581188431738,2.55633659567051,2.41251656926269,2.03502767696644,2.2178778008295,2.34951787313364,2.30261623853142,2.31915120892757,2.40079141460301,2.35943145797117,2.29638213885801,2.52789527277358,2.2421735631004 +Tesk2,0.323603367241932,0.314303747304724,0.265870975452604,0.408924603559506,0.0671899748867602,-0.0082676383545394,0.238631890412366,0.110057445947193,0.0497568379854179,0.21735326810575,-0.0145723494151313,0.176898687580824,-0.249598851677512,0.0359413391948844,0.131640898182319,0.054505827929709,0.0933707819771317,-0.267973166208143,-0.117008458706583,0.10781460120911,-0.152858203371302,0.124015627655029,-0.0287410267576549,-0.0569513620606323 +Ttc37,3.95491195507612,3.79287770025448,3.6923974845689,3.88660271341559,3.85612661807611,3.73226983137727,3.80391365877508,3.75246702454039,3.88647292071634,3.6918407106646,3.86603804962889,3.83384803746628,4.05630776777723,3.78428138798651,3.67475792176985,3.81782319902661,4.28405337649725,4.17007725005987,4.02684921291079,3.80201705926192,3.59159927577394,3.77784521423472,4.32971272706507,4.28950461465326 +Kcnk1,4.30133357360272,4.05275308088511,4.27096776192737,4.12169642434126,4.11019008431589,3.9202137574007,4.01144128394306,4.29208432519956,4.22160846273976,4.12189887953877,4.08564422810151,4.1630548109705,4.14086554172787,3.68441870589161,3.8235354215482,3.61513193909398,3.93917638093079,3.97648206508488,3.83344306473507,4.13474201895948,3.74522443716334,3.65323639876621,3.91763277831267,3.79951198037554 +Pqlc1,2.83927866765365,2.58454066704083,2.58590302549795,2.50771740345009,2.40141343764527,2.61078652090534,2.73110175805608,2.74365486601194,2.55333318684518,2.5573093585314,2.32905283911616,2.52744709146344,2.28273649756696,2.31439022628196,2.18102918311193,2.28177334638168,2.34111889956713,2.49589429159035,2.49972001445373,2.23928164099556,2.36607221335881,2.26094741261607,2.33597572733453,2.47331726489908 +Scaper,3.73709186774598,3.85255073973868,4.00612095049038,3.78931622475355,3.95104295191851,4.14193518769295,3.94583972097628,4.0251940181986,3.929540321495,3.9354137564796,3.86796963356897,4.00685060311221,3.70058428719231,3.71490721524076,3.73665640844508,3.71466082580798,3.54886354840172,3.67914680639277,3.70288489572858,3.66100090005705,3.66850084490339,3.7047469936128,3.58049717059238,3.7019818496444 +Pds5b,3.36925381832636,3.27215014933459,3.2817401305712,3.24501320534971,3.99303699656003,3.75629895220436,3.28911205835999,3.71026737856549,3.2669932971791,3.30419935670486,3.73080911984715,3.5498035045749,2.74889657276262,2.61790728460635,2.65086411239735,2.52392626382143,2.99289082808339,2.68323045994525,2.69864710571857,2.72838600465653,2.45457490124545,2.49279569092975,2.8679986800765,2.82312072776434 +Cpsf1,3.76808496568716,3.84949807753343,3.86006300055183,3.80820069284488,3.95934597982536,3.85650313262478,3.97408977506292,3.8576884618902,3.8211099136629,3.85606276268515,4.02013412345709,3.81125152538388,3.55356926785541,3.78617298301065,3.86800213279864,3.6961223588546,3.98021530526937,4.00438687145246,4.00601610164602,3.64067235301397,3.44278732142822,3.67830877359552,4.09767716414829,4.02477945920944 +Fancd2,-2.31381691971192,-1.28563044409723,-1.01347847861917,-1.20773788754237,-2.11051186813547,-2.01970567494301,-2.25679288804571,-1.78550969008659,-1.12261614475369,-1.20078037312907,-2.234338179529,-2.9299190378422,-2.27571571243995,-1.39928297307295,-2.02854663505008,-1.34592392010785,-2.04204103516382,-2.29272025840277,-1.74894829879154,-2.35148043289324,-1.63593885503782,-1.03671123069668,-2.29422594874783,-1.68554772529923 +Cct2,6.64517699230861,6.19935799085366,6.75627616010804,6.58882406243028,6.16253617557134,6.25287969605584,6.30569049915046,6.48756540800941,6.60130122214251,6.61243786127517,6.27271083717092,6.46619741879078,6.18526397776614,5.91878817432064,6.05873552940819,6.15396631929575,6.06178270558033,6.14519503307802,6.07804841889592,6.28802781926217,6.16198184922807,6.12140001692756,6.12902731575166,6.15125746058544 +Rpap1,2.36547373661183,2.79041930006272,2.55449908157685,2.59957617699129,2.70790059391546,2.66586821962246,2.79813293022578,2.63826556031777,2.54048577604822,2.53835885182406,2.82848531755185,2.68098208913861,2.02362417484684,2.40620017937362,2.09428766483685,2.42568836112316,2.56272097782245,2.4484291623531,2.67654522760769,2.08445377502899,2.08195894735025,2.15356248474482,2.65264280776859,2.62340145263105 +Ccdc17,0.369178121542724,0.939863481523356,-0.0436205855148746,0.814260269383255,0.699365821219181,0.607413214138613,0.452754516697495,0.23499148543859,-0.267601627763146,1.09797521815343,0.276809692443109,0.15157787256399,0.613694571360785,1.07936861863095,0.341878491182234,1.14656920787592,0.742419386158157,0.667850227337192,1.25451451837474,-0.412469468892697,0.788113801182661,0.99695385146928,0.968982371604291,0.575181390073421 +Gpbp1l1,4.64261982297285,5.02263690195078,5.05850669358099,4.99532501480713,4.62871552636262,4.58936311477683,4.63826149573188,4.94910795511943,4.93130536868444,5.10463806804194,4.80029601754296,4.80409897497859,4.54585229081736,4.64665172613014,4.62939821150397,4.60794920250601,4.20394647778956,4.35399605881712,4.31788048819456,4.77998639716382,4.63989848817566,4.75021019955912,4.33416724174805,4.46274467631738 +Phka1,3.08951158565842,3.36841973916481,3.19327203269743,3.07785467835348,3.58169633124513,3.56233798575245,3.36692458959746,3.42638676193718,3.18729448087488,3.20291055626545,3.57097384872784,3.33191959210708,3.06759036908754,3.34967717529151,3.36264868965306,3.30978930557999,3.56023173382801,3.31602251295807,3.66395419563256,3.14682522086769,3.23076018513506,3.19509067195701,3.48226815598798,3.53866272198811 +Ypel4,2.39302489466554,3.33516988449678,2.2936794245914,3.06114187313577,3.38196121938005,3.30907914164306,3.3735855786616,2.32923705893066,2.86779189763911,2.91063148865111,3.3965301655905,3.17990120199327,2.10072499913394,3.04165812720033,2.32624211465677,2.62186077466822,2.83126762223815,2.5817937976458,3.14843518061536,1.81260068469544,2.93647799457821,2.77781675073657,3.22486565218631,2.77547719048083 +Poglut1,3.6705186102541,3.48660966513709,3.63492646095447,3.45363985668984,3.30611712269029,3.52605195530734,3.32380600827733,3.68590706200848,3.56198068816291,3.45330061090919,3.2877265495521,3.37545950452482,3.40501237087141,3.16939766502333,3.66491290989418,3.27436573911881,2.91782269492065,3.22924785988429,2.84556606888358,3.5701914921984,3.30198167693538,3.31021741969771,3.04144501076494,3.0717432815822 +Farp2,1.6200656945526,1.1858687920603,1.25639708470904,1.12484877879683,2.15748304632265,2.04059916634721,1.66395801734541,1.83213762106711,1.25754280741306,0.9632576563724,1.86126606960564,1.56589108911421,1.70280212736749,2.10163279113445,1.98469149977672,1.78519814655513,2.59229666658405,2.00971303447493,2.41545329213293,2.04234552894679,1.9484180350856,1.72856995083583,2.60663157676234,2.33542314293783 +Zfp551,2.25570384591226,2.40421225442462,2.32706828434597,1.88971458790435,1.9953811301665,2.37586998765047,2.21402468274709,2.27625042259995,2.2007918846631,2.17565061149688,2.04357855453535,2.44410401985784,2.36595532505117,2.51604469450553,2.39660175655926,2.05513703689943,1.67163894690736,2.15081394747078,1.97798966649441,2.24209931064374,2.20144439257769,2.1847309892244,1.94234140835857,2.18191159142431 +Zdhhc5,4.36211356104852,4.19027560223403,4.39086535698502,4.10696296563883,4.20700416170906,4.23735528818562,3.95311885678529,4.44574954137085,4.23531332248073,4.10833958325329,4.15479252345683,4.12004190500442,4.4958039434914,4.37711301960642,4.53011626072714,4.4042979622936,4.44102257741991,4.40669625285005,4.29833535103958,4.54864763664139,4.32360309352794,4.41200656773454,4.55173197310455,4.44590778277147 +Ccdc174,0.948018916293704,1.1214388532809,0.881015810026042,1.23118448855771,1.30653705045233,1.20968509159009,1.17823515060305,1.09018549429251,1.18162918513363,1.25463810365741,1.31384501670355,1.03930516046672,0.936519408948503,0.994134002789585,0.995085412684276,1.42373754642723,1.24960526359481,0.738519070314267,1.03871665413083,0.975010841266964,1.13713227565291,1.09689020200569,1.19674082823574,1.28773233569501 +Hdlbp,5.97611893228738,5.62753899957137,5.33894207617157,5.68467844801055,6.17686540089634,5.95550817792447,5.87806980717256,5.62225048976207,5.55870958435401,5.5650679949221,6.09960706995018,5.81017070569112,6.85498507163823,6.50458623490896,6.25588077589635,6.46233242774001,7.26728769499143,6.94678106857845,7.23084544546984,6.51624322737913,6.39831445467944,6.55133469694013,7.38509093655973,7.17524343120452 +Fstl5,-0.0517591926385998,-0.269135992153172,0.030575014513103,-0.557860197036209,-0.943705243215462,-0.423689290739869,-1.09694341160379,-0.411327805898853,-0.29223432208454,-0.622651904176448,-1.17426631116559,-0.57379013245849,-2.2628487421178,-2.68250869273028,-2.17889709071523,-2.38310551844333,-2.82681081196264,-1.8587655457813,-3.86103164496203,-2.66918275869792,-1.56495410353859,-2.08631698090803,-2.62828056434699,-2.68669799637229 +Ctnnd1,4.59307921109535,4.55502575661125,4.47569651684196,4.26441818333962,4.7909685214582,4.67660753400481,4.41907735207635,4.8880222668293,4.47750818101269,4.33362319844274,4.63872665809169,4.52786528987627,4.43019707568498,4.30403047042054,4.55410404487974,4.22788243389292,4.83037569693343,4.72961436416555,4.68400859416673,4.41324992073498,4.2163658291608,4.33029259826992,4.68363430722668,4.52206273539349 +4632415K11Rik,2.28066707478907,2.36319307569063,2.40549666587271,2.35316726420265,2.07856671123603,2.28188946155984,2.35839937667119,2.60081135117761,2.44737240833961,2.16346880728743,2.06635144382994,2.22466276798322,2.24293092075094,2.57734119885535,2.43094007334661,2.24213609793133,2.34434226968745,2.23676287312581,2.67029099788222,2.63399611054416,2.48314111743063,2.82302130526983,2.32674872535835,2.32891727268764 +Ano7,-1.18216375921762,-0.468471465856173,-0.585184830231702,-0.801947435310297,-0.618861732732739,-0.527195228003711,-0.539063895284263,-0.800732691647096,-0.907422225803295,-0.385922232707894,-0.737109166542526,-0.411023450199848,-2.96980474625197,-2.4870923881103,-2.47131900231199,-1.79313262403067,-2.48122733331954,-2.64486798644817,-2.59010391051117,-4.04712678641158,-1.86240397479184,-2.73814423653557,-3.03191510186602,-3.41047498438167 +Ccs,3.34134939454195,3.27410081709896,3.71108317107862,3.61898301611384,3.45559980123971,3.16942825554491,3.48395300145751,3.25737254228793,3.4999858651264,3.70647637635144,3.24190240899331,3.35097753673,3.53970090608492,3.23602828468389,3.52235908841853,3.62417064617946,3.69020045624332,3.49522502133926,3.34279798822794,3.25046520107606,3.70662516998008,3.82265460653737,3.76837435847352,3.25999495410414 +Golim4,3.42734169765362,3.68334215971872,3.58652215853907,3.58725717271557,3.77931630731129,3.87459000218984,3.63157454768685,3.57691705657294,3.45063653074367,3.76971896282397,3.78207870447316,3.70687661420253,3.97268043351602,4.31748354915871,3.8434062252671,4.54645433429991,4.34983508081322,3.95239361321123,4.25388930669237,3.79363271838626,4.26529559203372,4.48140283892415,4.34100376635644,4.37857085476142 +Kctd7,1.98722664432155,1.70286403053527,1.88204614339427,1.84665028140309,1.43094405857595,1.78381545303656,1.75412790749208,1.99820794855566,1.56442605508208,1.423955563817,1.54842564563851,1.59416475729876,2.63846993694781,1.82325566661974,2.45797527096697,2.13208665104103,2.41980089044393,2.46218503941399,2.44253406701227,1.66956292735012,2.31834606843001,1.89111284544558,2.2350785055995,2.16766958380311 +Tmed8,5.77898499814353,5.54051803825976,5.68008831275277,5.30309387948849,5.7805894300637,5.85051393808413,5.43670490300759,5.98533449234178,5.67126619357771,5.4448944084343,5.63070490415945,5.53227495721256,5.09957579229195,4.86057308972047,5.21464773372641,4.98751005808817,5.25748858559949,5.27050796334334,4.9608432049246,5.20608584360884,5.01774798048585,4.95557847263734,5.16434108406769,4.98820558846314 +Tpst1,4.46497416079335,4.44679342824501,4.6741793311747,4.56940634208212,4.34449709340099,4.4540852484325,4.29207092045153,4.42807700527982,4.56412698772358,4.60826083107375,4.29564918175924,4.40121211202659,3.70958354939415,3.40230109047236,4.08472276863842,3.73443704539708,3.5565845614919,3.68620237430243,3.51555865046779,3.7726685460769,3.94593698837861,3.80619244372549,3.45100558732247,3.38442560984131 +Srsf2,4.8123631452113,4.99573200268768,4.13372372781607,4.92042838793511,5.00109721943834,4.6272700957561,4.96882356373077,4.06340975725477,4.74829002049547,4.88028051497859,5.09107090539618,4.9011960541454,4.61023413465735,4.82712692317289,4.26358467744441,5.0106201108395,5.1912245677982,4.52118605095521,4.96059934438166,3.63082081797988,4.83270669634926,4.8288857822735,5.16976663287503,5.04042281422313 +Mks1,2.01450978283829,2.62580636648491,1.89822277199761,2.34154623449985,2.62740747302733,2.47684484887324,2.58025798597728,1.73948125014573,2.25031910559036,2.75047759392131,2.84662525753477,2.62946722827344,1.26218554701008,1.98658023823759,1.42947573894011,1.78012550722317,2.07825578932714,1.55941740081893,2.32295912398021,1.51948221496348,1.77081754945975,1.78137505929292,2.31811162134757,2.27090204049939 +Pomt2,4.49228120362511,4.48495406203609,4.39455461858636,4.37321919266163,4.22452207306168,4.30279529033969,4.3536034292758,4.39561935313008,4.43607422309584,4.34207139053057,4.23678811511344,4.25474118012896,4.34192923064369,4.05505743400532,4.36148772355189,4.10829975874587,4.18698641215196,4.36171915835404,4.1398792390767,4.22104507810034,4.21199677548709,4.32526114254649,4.2353261045506,4.08219691204943 +Tspan8,6.13565943277219,6.36699031677923,6.39812905971796,5.57703015448774,5.04464615976651,5.53049233399686,5.5444888650511,6.25919398198642,6.07306497373486,5.49798063228503,5.10636209803759,5.63213553716378,3.43884668673266,3.51904069980558,2.87708608532957,2.92586772977451,3.0156073628894,3.19562611493353,2.54986240455694,3.71044939544174,3.19090243587658,2.98860587146879,2.40199576244364,2.58848275672041 +Sik3,3.64737189151477,3.49524206134013,3.24004369973168,3.15846148412983,4.17748205526488,4.28313895533971,3.74691242510737,3.97425777353606,3.33644324883675,3.22326060481046,4.05688879944888,3.79822710401342,3.57909503273806,3.34844720699443,3.28649623871676,3.50101985874782,4.4942354570989,3.93172304852508,4.17835918228303,3.10313062504223,3.23869724064879,3.50473673430665,4.44606951092103,3.88915356108706 +Tmem63c,1.87465790678232,1.98071991784299,1.91384837028774,2.02026002874166,1.93058801297766,1.73000238524389,2.10120645415631,1.65092758757192,1.74759116553987,1.77765484483201,2.00739257343873,1.73811773038907,1.97775901305412,2.04399826970079,2.16449291820599,1.59980936308532,1.75387135991113,1.7932413455395,2.25842174203212,1.89367150428804,1.95390658049586,1.90518856403685,1.95647797795608,2.19030578024614 +Exoc3,4.19643629751292,3.95719416372164,4.123959354825,4.09148162729961,3.80141275557756,3.93807043281682,4.0063837225132,4.12407067345102,3.94158076294401,4.00679215793901,3.89179823195946,4.05966927732751,4.08037580131189,3.91053417806478,3.88801992175095,4.01714895543885,3.87720788565757,3.89799677501447,3.99826521786927,3.86215965535081,3.8792181185898,4.04780150063354,3.96823815324306,3.90500009834417 +Ino80,2.54640236916789,2.80929993164361,2.61769736262219,2.94630680234907,3.15604959590046,3.02832669391143,3.08853535393633,2.692485694218,2.8033858552008,2.93330946479782,3.05865032492453,2.98254533885109,2.29832883371028,2.3349185858049,2.39401398307872,2.66796608283961,2.993577338452,2.59946061303578,2.84497158725068,2.0764191013506,2.50602963468487,2.68376280629377,2.99797022497428,2.85766879971836 +Bzrap1,1.5721143123491,2.43878791110586,1.15334978420239,2.29374313692719,2.40543528357889,2.49275984265301,2.85260668722933,1.07561675574225,2.12127686968574,2.23108610124949,2.58365614294167,2.25414107361728,-0.233479073123252,0.908251514539468,0.272109563682533,0.610278585225193,0.924672663987484,0.134458511240752,1.26562063019404,-0.688495652887507,0.442946361300712,0.820632889053712,0.696816066340543,0.480835535309789 +2310044G17Rik,2.99037279638514,2.53838009505332,2.77791719838114,3.0327394237472,2.96717826069784,2.98342067575226,2.77147972717956,2.69999983791805,2.65006719936068,2.69070718940415,2.7970452803944,2.79771529638585,3.12420155166049,3.07014896246184,3.00362419412861,3.36620132805305,3.29963014937843,3.13957140924213,3.13841488361122,3.04589845396602,3.04040933124001,3.366761995006,3.3651119010754,3.25255191878866 +Lrrc58,5.46611489126542,5.2627180249833,5.5126793943242,5.10956842139007,5.26695310902447,5.29530777298446,4.92701924007557,5.59982563959322,5.39449421587464,5.16877419203966,5.16569318038719,5.17105047173342,5.60345343250842,5.34466963892016,5.57884054555386,5.55824039876491,5.508775098039,5.68912453897171,5.23233038370638,5.55197438977119,5.38940869212449,5.51265563824411,5.50230795268204,5.40399238251304 +Ogt,3.86278196264924,4.24475967188055,3.45695421057846,4.16144006292252,4.54617690008217,4.37806878059322,4.29596647393489,3.34255524217797,3.79295290069552,3.9652187607513,4.31171778171274,4.28982836669348,4.06522286355726,3.91267283245737,3.3716622685979,3.90055290250455,4.37002441383505,4.25467938296258,4.31540177179448,3.33130389010078,3.64945789249465,3.50523399367208,4.28185946052759,4.38931654794902 +Zfc3h1,2.59467966465514,3.19597177198648,2.00463357850886,2.8218127376816,3.81676051109361,3.70121404111142,3.60403442563653,2.36055999384003,2.62134039487255,2.89997438020617,3.66623297200223,3.21558928308869,2.52019108502518,2.96421669563067,1.9745246216499,2.4371213395381,3.42554235509549,2.76880931823124,3.46176726622886,2.28423383833137,2.40968674865189,2.28135739550847,3.34571033992765,3.18634482556997 +Emid1,-3.387594098033,-1.99063328384156,-3.2814741501958,-3.00636563700699,-2.63246198202052,-3.30884216714248,-3.02050329586474,-2.62046631822876,-3.89248034314688,-2.33574688793096,-2.66741065776206,-3.34916237265146,2.0758734815836,2.35585403645433,1.87537666424177,2.08949253974298,1.73761495851835,1.89474262313019,2.05021313145103,2.207414210047,1.19204337622631,2.00510234932846,1.61284456036272,2.10035599490882 +Ccnd3,3.68973109791151,3.69924392169779,3.48715975896754,3.68964558993258,3.71268397388647,3.54403579721421,3.35367873463548,3.42418921924227,3.43432777411989,3.59387840929175,3.49861388050288,3.39165613751764,3.74783663142817,3.44091847698198,3.43440229668238,3.85232962233193,4.14177952240513,3.81401891801615,3.74206240758012,3.49780894671417,3.460777504612,3.66709423701265,3.97308597594765,3.8830602134026 +Irf2bpl,4.05183659286309,3.98831382293721,3.92319218454319,3.83969419063398,4.04891664389074,4.16842989750245,3.94752682085891,4.10163800338413,4.06401766998635,3.8184309585665,4.02828335684323,4.07585081538442,4.29404004309687,4.27552943194334,4.03830499517437,4.06942071447971,4.33167701357764,4.29597374566139,4.35013645900699,4.22748391581793,3.84168546244918,3.96519035871128,4.46972613686571,4.22187758329993 +Faah,2.18005473849098,2.58407533470377,2.21278487577411,2.47394169453545,2.70917206794887,2.57477303586639,2.58372732619421,2.35655005389425,2.33941200708805,2.40127082936914,2.83281636786514,2.60670829268003,2.13153258586669,2.60010313734874,2.21740161194387,2.555304885675,2.70365355414995,2.38088661279052,2.56241023256045,2.47646549614151,2.33520233918467,2.52993456077161,2.66765190111671,2.42155783216378 +2410018M08Rik,0.932834231445064,1.65764674162721,1.45182874478937,1.64494798645135,0.979907197809752,1.12672286718683,1.09645271136793,1.55812513900045,1.79163123023923,1.85008769992279,0.870390607212672,1.27273307562186,0.0309935001371113,0.703909060933309,0.520278260647627,0.884648690147685,-0.134595913366658,-0.240278773536655,0.206309761369243,0.315787929803394,0.966633122752932,0.227642675318563,0.27631306036804,0.0301713039542735 +Rhbdd3,1.88508500344358,2.28511072540958,2.09177727444008,2.36669534357814,2.15323078849024,1.70902097577023,2.16041578478874,1.89586025007256,2.10931850322087,2.22492081044396,2.14529188764755,2.36218926814935,2.13941116075106,2.80763835179468,2.09898926750481,2.5168494884397,2.48753949764388,2.15804113495768,2.59337261571391,2.795913197135,2.65284340786873,2.27654372683652,2.27561101909223,2.53506735600433 +Rnf43,-2.1992412867478,-2.02079793608206,-1.76446870055817,-3.02575573042461,-2.79560947690869,-2.39040521746984,-2.07635683813753,-2.04745594220992,-2.45217836078055,-2.01016311031069,-1.74524827981676,-2.70156691184765,-1.39889212790394,-0.937277470728304,-1.49926228137068,-1.34415368787501,-1.32072997764129,-1.41680038263306,-1.63437266582742,-1.97022079081418,-0.918220957519442,-1.06641629645969,-1.05575181747052,-1.39971913140571 +Nsf,3.51098745414029,3.33254099257901,3.39367959553761,3.36278877035474,3.32286487863114,3.36249280783148,3.27664771543582,3.43763400765061,3.48170534249603,3.32854208157676,3.31107274270318,3.25460928210789,3.83673253036441,3.80089051048541,3.67980707274205,3.66477195408779,3.76192769102196,3.83687397402685,3.84749244436912,3.73213963104536,3.75891345736132,3.84601372480563,3.83541425767111,3.82486502922397 +Hsdl1,3.9231488121382,3.82329270146272,4.12296296180195,3.97912441035112,3.52905593463574,3.76871961029969,3.64139141591098,3.98918912541523,3.9655168849382,3.87515342665629,3.54530511900899,3.71723358424876,4.02297204626182,3.85349817577988,3.8950100384494,3.89180811820025,3.95206424033228,3.98250131139953,3.84725124263898,4.20692100339194,4.03833746788249,3.94781485760915,3.87859785509647,3.8989772302766 +Chmp7,4.62940648041687,4.48404905507447,4.72398934691391,4.61837658505623,4.51377715950009,4.40547847948598,4.5438389896061,4.49137773726979,4.46238927774598,4.53069174617817,4.4764805780395,4.58384842985655,4.47415681601138,4.64273674113948,4.59810494013278,4.69087619317325,4.79036010926523,4.66445629168499,4.55216636642368,4.64984415572622,4.62438160313763,4.6945736634649,4.70428280776833,4.68496463645474 +Lsm3,3.66385361485038,2.97310412419918,3.50323126795117,3.37811297113864,2.93386271879652,3.12487731364003,3.03340689505447,3.203083556217,3.63715484131537,3.47608791864328,3.12341772471969,3.25869017178342,3.08577712909128,2.27223747029171,3.43459791139661,2.83968005343588,2.38927875660471,2.79459018945794,2.42732301190906,3.04686104605571,2.98544022835838,2.53546479239075,2.64189148578724,2.64434828371941 +R3hcc1,1.67589180494297,1.74147935254283,2.04061800027012,2.07646019799057,1.42627652996699,1.72148494133628,1.60836964153522,1.73220065864235,1.84802794328879,1.88392159716715,1.75028071882717,1.97500764373222,2.11333300411885,2.68822600086543,2.54090382979131,2.402367315271,2.16491166810086,1.9863484138107,2.35192848311455,2.27068254628454,2.48416632197711,2.91089927342085,1.94195971884043,2.45814270721367 +Gas2l1,1.31858966306226,1.6173568895109,1.2256305574302,1.58900141000801,1.86152213706876,1.54173088673266,1.70372624067011,1.57916249430574,1.40662602915421,1.54769073692861,1.76751074312999,1.66487182700662,1.00983805666921,1.32407626482956,0.966246314633997,1.28638358433994,1.09586340267619,0.905881924478847,1.34039690232174,0.934653899044974,0.75059402437347,1.08555213577887,0.990574885954371,1.01924564025744 +Chchd4,4.20391469040122,3.43978168725457,3.97585095734738,3.81526068682524,3.34856716517427,3.38461540429308,3.54904943262786,3.73108320778977,3.68743994976295,3.77222284193051,3.5516005456522,3.86746492912881,4.30478748926704,3.78515410018718,4.29748295472737,3.93367110971567,3.98752043926551,4.1109124140234,3.71815730914748,4.11466488393658,4.03474602734433,3.90094011884721,3.78699000748892,4.32278313683206 +Loxl2,-2.95507716731689,-1.97536869493172,-3.729328268642,-2.94260643095001,-1.40365847479425,-3.44867616447916,-3.14743472157851,-3.49620557398147,-4.27126291790286,-4.76821959889959,-2.4425447239215,-2.8636693613043,2.47947746515432,2.42329716698898,1.69391514955257,2.39801659975045,2.87565791064541,2.64324515579523,2.63386636478905,2.15698236900947,2.03851017620912,2.17609821054709,2.76172546244178,2.57538885785468 +Polq,-1.60866908194156,-1.02943873450346,-1.17533541607572,-1.77103829669199,-1.60102787681823,-1.65384129293567,-0.933974389060396,-1.32754889302633,-1.33240353698675,-1.68962100593541,-0.971904665638696,-1.22212228906216,-3.5409169052419,-1.9069298149006,-3.46780714842269,-3.92892863034551,-2.39532598346891,-2.64502904254908,-2.17549988741963,-4.03005218087219,-2.44086708710068,-2.89055295849082,-2.7314146042454,-2.00005386975903 +4732418C07Rik,3.5332053232312,3.25859278024481,3.35179313133623,3.05587528274208,3.50671889643839,3.47840438959605,3.18509287124469,3.77496365563974,3.36306884631549,3.15280478909215,3.46302183317436,3.17482942750225,3.80579775900895,3.7551234614173,4.02368355841191,3.85808771027712,4.085891790212,4.01486048778863,3.96186514167638,3.94550015962204,3.73027760404369,3.85614408318305,4.0360217467528,3.92479347144496 +Mrps17,3.7940850884338,3.2925497471122,3.63404198275811,3.72899672806922,3.63164264419926,3.44773596698213,3.5985101077393,3.55866446508938,3.63785415385286,3.69790374451762,3.56245935184429,3.71238560160836,3.51031969673289,3.44707674238536,3.50789355474393,3.59079286531818,3.40660135620789,3.431339193693,3.42293029354388,3.70264641316929,3.64170040404548,3.55664210225243,3.59297041549046,3.48576917090295 +Vps18,3.02384454401982,2.82928051641867,3.0107216275649,2.87136959620221,2.86807848946252,2.95701350205935,2.81310404894533,3.22668520515187,3.18640562585341,2.7886731875921,2.81161997745336,2.91348836712931,3.38160808075854,3.20035818134878,3.32607223265718,3.25469481086031,3.25508171334794,3.38109873647135,3.58341572059735,3.08598571186467,3.26905084071904,3.2285857520121,3.33472265255055,3.18709888014641 +Atm,3.04082362251726,3.7857200044142,3.84819442062397,3.59470442870816,3.06357839120422,3.12427067981414,3.16811262973825,3.84195364856532,3.56645649086299,3.65457335965928,3.02566278045679,3.22370821699012,4.15649353441181,4.25632446419011,4.55588544128217,4.52207900747646,3.71882430898845,4.07777260567482,3.88147064661376,4.2509102396959,4.25346738496104,4.36407636228189,3.66415203365424,3.96715915124234 +Gpc1,2.11419773248138,2.00194076445028,2.30169496478697,1.79895034132394,2.22503268236298,2.1886858067888,2.15895940163678,2.34124473545288,2.22201168211607,1.74683001492837,2.13438128865689,2.32543527906779,1.42170733756161,1.82738324671245,1.50774082425153,1.44630664231504,1.58365541763125,1.21663635203992,1.72262724661031,1.64932333295117,1.15993397938725,1.83249393209268,1.56425071561167,1.72098617794813 +Rhov,-1.49952315649245,-0.777473814757906,-2.0905979551798,-1.69846322428559,-1.20730065664086,-1.54717665093322,-0.652866338488736,0.437108623078154,-1.02855611389928,-1.57275583022146,-1.08641642123072,-0.909604535909964,-0.192014260905477,0.359821900344301,-0.33391541883557,-0.696970175825816,-0.453288304792597,-0.856266201529274,0.0635345603380303,0.551733431786758,-0.0252505382244119,-0.824847860455046,0.542233609557134,-0.091875426111872 +Usp54,1.27194549802682,1.99505827548906,1.6164113386313,1.46232514791479,2.01586571358481,1.87325480330871,1.73672024913005,1.797515292689,1.59295967724342,1.53292310253572,1.96239804329505,1.70448758825891,1.51792799854194,1.57205680883571,1.83520492895905,1.68990382940503,2.05724536540075,1.55482157621329,1.79733321181004,1.52742356863185,1.63784850373629,1.68126462381527,1.98911082531961,1.76304918434206 +Golgb1,4.67249702747486,5.19163732339144,4.60039426702098,5.09860437258875,5.38557447323753,5.192339272443,5.24200070527539,4.58296700697085,4.6820856537106,5.1304467893512,5.39904813930606,5.12424000434208,4.92111302509086,5.40804895435421,4.57569652489249,5.51765730884191,6.13236193881034,5.14990469591596,5.9654341075329,4.16956536386613,5.2191154866003,5.59485743065635,6.10263684028336,5.89266740554902 +Hdac11,4.39188823055875,4.57804209509122,5.17681703735113,4.8324770744696,4.16108260064049,4.13839953837724,4.38763399645804,4.68492137342915,4.84368973660083,4.94429626379147,4.18005932135748,4.21648705385261,3.95785458246377,4.24532339205142,4.23082591738174,4.46930827440195,3.83514495132408,3.80115966093014,4.07480254795071,4.07353031247785,4.21877216298377,4.62471066988032,3.9633225859949,3.96410910816933 +Plekhm1,2.33422687196006,2.44215895531302,2.36087237023531,2.20320678457406,2.79696107688478,2.85631272850817,2.53178905996413,2.64659823336437,2.45008708044124,2.32429489861044,2.71835114373961,2.49102563539582,1.94391290101371,2.30249333132224,2.00691016411722,1.98884722268358,2.73435576048963,2.38685252899021,2.64089739345872,2.17727457162215,1.92723197196742,2.20011884522514,2.6971711010672,2.48310334912294 +Slc25a37,0.523817961733331,0.927745837762897,-0.136519234755191,0.6899866478058,1.5116823986025,0.664915515214818,1.37250330994512,-0.250381470465137,0.536440974783004,0.932104068383408,1.50610436593992,0.881981499151038,0.7047518424698,1.18837358659423,0.47490941206296,0.783540007494926,1.56429875665761,1.06729787414311,1.46836004763705,0.554685580505636,0.354498525854165,0.952507760431426,1.68794866841051,1.4833852796056 +Senp6,4.0900487750359,4.2669846276352,4.14107926024186,4.22234642561759,4.11676335232679,4.23035869155096,4.21715249686544,4.14948645860712,4.18250200833625,4.24037668672658,4.16123045598299,4.32192285066476,3.96040091145521,4.29447351004584,4.01080822677404,4.18327533344659,4.07703246729384,3.92480997784606,3.98997811246559,4.05115102648413,4.17205206045842,4.21119298852357,3.98178803374802,4.19599788275964 +Agpat1,4.39138672128405,4.26767273995967,4.09539277570329,4.06912053460102,4.28639350459015,4.24639946462448,4.1948819024365,4.37223781483652,4.2025303324184,3.95328244313761,4.41585418064013,4.15848952716208,4.71916454072239,4.66314357844125,4.60928385426661,4.47707327632118,4.78607395917323,4.73698265880714,4.75701464753783,4.8151276877182,4.51295871165331,4.66273697968136,4.7163302366085,4.63509909033093 +Mfsd7c,-0.29288603459116,-0.619225645034269,-0.679778993284425,-0.553576356275397,-1.06448899075473,-0.685903992764351,-0.305523364957733,-0.0117658456759271,-0.0510279456739235,-1.17888606072803,-0.768257612229365,-1.08563614595872,-4.1417209494643,-2.84220867442758,-4.1417209494643,-4.1417209494643,-4.1417209494643,-3.51157927723697,-4.1417209494643,-2.71426913352178,-4.1417209494643,-4.1417209494643,-4.1417209494643,-4.1417209494643 +Exosc4,3.69168708282405,3.33505595226395,3.69395410499376,3.50437874868456,3.10437494209775,3.07082015840191,3.21782753302616,3.36502756303435,3.33274525553362,3.32631051603115,3.34902087592534,3.20897886769242,3.63934685359128,3.26657294899956,3.69686252186503,3.48426054652624,3.35264728970311,3.57894355674327,3.30662987015668,3.28314192347408,3.54879858478663,3.34069483983089,3.49042579168842,3.29128848327519 +2010321M09Rik,2.41756977956637,2.21389165437086,2.31745634719512,2.42150712436954,2.29810335534423,2.44472825408799,2.30148592644829,2.5257801135621,2.39742562638001,2.33543299127377,2.24624208228875,2.35188259838571,2.26972412088524,2.43446833698144,2.2804958140962,2.24920339026032,2.14024077918187,2.45807285564997,2.31728312918963,2.32885180073889,2.33839761420598,2.42725457442175,2.39112372648944,2.36268296374261 +Zdhhc14,2.91627877678808,2.73849370298706,3.02388049733954,2.85118011602664,3.18535971516104,3.23858062739449,3.22432614948973,2.84070664294449,2.65067421467675,2.58659633510579,3.3229290119293,3.18889027276394,2.39611023010217,2.49359416497053,2.49354953167899,2.20660523631734,2.75229023368661,2.46021417589906,2.39507088819156,2.34884520570041,2.43598676840487,2.42917636861881,2.64402584192771,2.30705995526803 +Setd5,3.83235737044201,4.1255472651779,3.76969728442518,4.02286973445667,4.57132404842486,4.43434179096256,4.28988812778849,4.11188399709769,3.78804876666295,3.97816992354467,4.43866457840217,4.20202305737406,3.68951001788837,3.81506019714043,3.47304075368469,3.72804622496704,4.2986168780406,3.87563760282777,4.21039465009332,3.3754827893531,3.69714097435469,3.54611973579316,4.22007580671449,3.98973179701856 +Jdp2,0.617280928320951,0.510782892696079,0.0438880074735363,0.460311866321404,0.53649211413179,0.247020859125832,-0.0554175004451655,0.777140902620773,0.169316676343455,0.147888258615859,0.275691057875602,0.363192636929696,-1.85868129605435,-1.49228104945029,-2.27977128487898,-1.01891653690112,-2.28718431839802,-2.20566165708342,-1.81588782338162,-3.27291069928204,-1.0881878876623,-1.70233933428776,-2.25769901473648,-1.3569753260182 +Thoc5,2.97890828467161,2.91058697716095,2.94572460111374,2.95100377772334,2.88111903138955,2.99685306879101,2.90642124129915,2.68535475707649,3.09586043301818,2.97931440732785,2.9031701263492,3.00284928445474,3.06425288972504,2.96873768256368,2.94471475024325,2.73436043741971,2.8861772095182,2.89306894180024,3.25919972689977,2.59372070812038,2.87112473959926,2.75346330368332,3.09225803768393,3.02396787169105 +Igsf9b,1.87949028451107,2.13564184678968,1.63600601484217,1.60697994991484,2.61275402532018,2.60557656189239,2.51161351304619,1.89953685314637,1.59567858351443,1.25541470609651,2.44545796186181,2.22271769804174,1.78711118660269,2.39201068647419,1.39918439937001,1.96401126014677,2.88930212772067,2.31514353623718,3.2590055279914,1.80796763161742,1.94053337783595,1.90811028989157,2.86339395546488,2.74867276239194 +Dnajc17,0.33652086467167,0.263403709724571,-0.0788172969982854,0.371251125149306,0.389578637698881,0.091629765749778,0.52401777009188,-0.0370911424258953,-0.150714176361392,0.265725451914105,0.510838170417507,0.441038788395861,-0.641779363104872,0.108953359607267,-0.580484730504216,0.0046786872480177,0.141742965785487,-0.364623666272632,0.604657765378637,-0.251801934983994,0.113802322986433,0.0230881342531752,0.400497408500371,0.0792338496534324 +Evpl,3.93606776554226,3.6084649429281,3.37381374293326,2.86961221350703,3.01714587769817,3.7882971169709,3.81248148583826,3.57886567814189,3.44442668014825,2.78594654367645,3.28922033628172,3.39800384853233,0.853628061850165,2.09676214202482,1.12049147534497,1.31156405614823,0.83074331844784,1.03610034857595,1.48394469536918,1.4099763899381,1.45864787836293,1.11271540447201,0.735300223768578,1.16709270480008 +Nipsnap1,3.78358106558835,3.5527318430194,4.00651023318597,3.70074569650865,3.46449406806577,3.58233585985247,3.59909992128764,3.68470779748783,3.73394542340537,3.87729802456186,3.6871744716339,3.64817165699729,3.77101390157458,3.50870798102246,3.7663557141862,3.48513474534967,3.71240528204171,3.50841351523991,3.55880053904058,3.60352638165699,3.68248246848454,3.77003678886113,3.51587498547651,3.41530089421972 +Nek9,4.39155041045265,4.27564318033089,4.30974735642427,4.29416933927817,4.42901498171972,4.55080966132331,4.29224334747195,4.40146303681053,4.32660947793516,4.33932383432011,4.4821363811777,4.37663484184987,4.33851161602312,4.58550307755055,4.46008603894494,4.36647114409459,4.73531243446004,4.48403834717568,4.56204569980854,4.5024326485218,4.25070446375861,4.37388569374747,4.63083855783771,4.59258149101771 +Traf3ip1,1.73161484894425,1.852170184951,1.62246658109951,1.42008873645287,1.94879961038193,2.15088520843477,2.12208651029057,1.50519967593296,1.47491493602364,1.79100516743326,2.07909013087369,1.8250377897961,1.04540494586156,1.55092033947354,0.726481192297697,1.10715166078492,1.55961810920684,1.09007392992646,2.01402445476445,0.999628285107311,1.35926177000262,1.56653429174542,1.83995307249394,1.38874593072336 +Fhod3,2.05513096004411,2.36702142833627,2.30149259048686,2.00666735469851,2.07352585807934,2.25308848608557,2.36192004531879,2.20453328500679,2.39124891614783,2.41432374608191,1.92939814903831,1.91776148314057,2.72701806697572,3.28812792796645,3.00328040680595,2.96864863758464,2.4034671726061,2.66505071646539,3.1583639871405,2.93760513325236,2.82180495571276,2.96821586942363,2.4243622385187,2.75399729611522 +Med13,4.48414688265402,4.55584643227184,4.51925166769098,4.33511168729975,4.66686470998412,4.67321642136332,4.35172515111252,4.82930994454911,4.51754062393333,4.39169427906882,4.52697202444047,4.51011354896604,4.28475672776099,4.24143706875783,4.22095252665582,4.18349353007802,4.35400853893508,4.30924157140421,4.13893368284964,4.3742505937573,4.12000320150094,4.10288122222974,4.2516876552109,4.24940010784819 +Fam53c,3.48530950237881,3.42671541276537,3.15431433747323,3.32466131339209,3.69647190975092,3.57300415089931,3.49255591684097,3.56669754940897,3.55723093920119,3.22176434742567,3.60687241269536,3.43827834143508,2.99678127915662,2.94943740321436,3.04573145799526,3.07634454505328,3.36243132544959,3.234341512348,3.14010828877614,3.13797230050549,2.83083462373956,3.06740257790921,3.25157375954596,3.09203034874727 +Ccdc15,1.15678774534668,1.13468109528618,1.10515914029439,1.24674435091088,1.44622411104351,1.66254856873879,1.46424442381378,1.87757013953431,1.31288250161572,1.0649216110183,1.60108134786528,0.865902846515193,0.773910764709526,0.64270275322155,0.165437920098906,0.629271100523056,0.548236349129361,0.755327475235725,0.98720924663672,0.658840161025446,0.883786000804719,0.19268033130948,0.804460418808847,0.8486002221277 +Sdr42e1,1.20125966153937,1.40462208386585,1.48921962955376,1.01399759101243,0.904038721617627,1.4456136620524,1.11716555177096,1.70617444367789,1.38392020163686,1.03325043618147,1.04348846095618,0.994200060769297,0.89196726124798,0.682276679492877,0.91915841277773,0.516409006467924,0.601586426853952,0.873445386700534,0.709859281878064,1.45133886765166,1.43283684831924,0.860947436309461,0.80400691372418,0.70979268063425 +Kif4,-2.33673409888701,-2.2353041107238,-1.75712321333338,-2.32241978055488,-2.58573312888567,-1.92106529826448,-2.45970068451305,-3.29511581589998,-1.98283844157518,-2.85630695032133,-3.90476711140021,-2.75369425940009,-1.99554636801568,-1.10436250691853,-1.83653763779155,-2.39199100815746,-1.39113649479303,-2.0120351635034,-1.30440543960202,-2.51922191914991,-1.05202330286833,-1.67380537596975,-1.71031039657834,-1.29598642563029 +Iqsec1,2.15642142518017,2.13137450214072,2.27613521366986,1.93516087069465,2.87068621230316,2.96871395683394,2.74934377611278,2.63617456176739,2.02462521113358,2.07859361445787,2.74766029864667,2.28542612165525,-0.491157384017712,0.424634535905431,-0.485893457695104,-0.923955613946359,-0.0225327460894711,-0.320012234610949,0.218809104165429,-0.591670687007891,-0.617888825600531,-0.442896139673028,0.141880910396411,0.258760592731578 +Trim59,-0.0255676742206188,-0.23020426961581,-0.57705166304196,-1.22644486862261,0.0798180000341915,-0.466234902602245,-0.707679593417617,0.171165037123056,-0.966728438849908,-1.5568439633575,-0.353160529101039,-0.272299472794449,-3.02911095929859,-0.681102113107557,-0.948727241815322,-1.12244594366555,-0.740048364683493,-1.41106945349724,-1.46575720024854,-0.628979314550884,-1.18306303940803,-1.42428360704316,-0.686706075109079,-0.324183159523324 +Slc26a2,2.01769019987895,1.6384690003511,2.05888224845826,1.96449329963446,1.71387931813266,1.78536033748092,1.66878534507917,2.03519612040555,1.94893576877949,1.74704486317989,1.44641797152938,1.44403910789039,2.22611927999474,1.6678632794017,2.12801052038568,1.88779602130134,2.17580292450422,2.24591436327749,2.01136838547659,1.73104076083389,2.09113898686115,1.87883541904086,2.06632154269519,2.04928633144256 +Exosc1,2.97484976164512,2.46935752105794,2.91113786670188,2.59029113869513,2.42332872678195,2.08669799060787,2.68808846408468,2.61313104121628,2.71880265781839,2.68040661229,2.4084615104693,2.6473423050921,2.97174074992669,2.77427474727093,2.97166487198411,2.68981925979424,2.74552375398924,2.69913306593294,2.79921427018869,2.7959822581236,2.61765105856161,2.97478471145317,2.9247931545756,2.65749520609044 +Kctd9,1.21787949065616,1.54664330479542,0.788696762111472,1.21350006724777,1.68933125790951,1.72779958623624,1.32703663694419,1.23985858653774,1.23332151498595,0.935185563272876,1.61243351967602,1.39435899914726,1.72052084609823,1.84659728621835,1.34412848038698,1.8465526048841,2.20892918249458,1.70155396861361,1.71606411151457,1.65935758975626,1.59052381823082,1.72805403502305,2.12921420551555,2.12517973427995 +Brip1,-3.06463116507937,-1.97938277548299,-2.66974316862082,-2.61557676788644,-3.22980449999591,-2.41550923167348,-2.84233110422939,-2.8037927852399,-1.87672667555254,-2.35611916244176,-2.87034606474211,-2.62121508334018,-2.48999030142468,-2.35176135307893,-2.08332651495776,-1.93697297198994,-2.64275307053325,-2.62359050521708,-2.81957167317847,-2.07885941988702,-1.54646723627733,-1.75381658874266,-2.97276365820798,-1.37197653312372 +Plcg2,0.794567031363851,0.781559588380475,0.858315794668625,0.947069271538851,1.24017821991482,0.81712285021085,0.683391188332981,0.663213242765545,0.687113522593135,1.22177679417029,0.817314790223487,0.732162121563322,1.56652057615855,1.90787809412997,1.84394203539354,1.75506023471624,1.59479419775663,1.45924709742548,1.817259014076,1.73835812916629,1.42463524266847,1.65381485556766,1.66345460534797,1.89294748511471 +Zbed4,0.576127647919906,0.457952467323484,0.16318531147804,0.673042571611026,0.257591582242917,0.317103173600294,0.242323605960133,-0.0628802267027844,0.0473938534434009,0.427570341395189,0.254482082574317,0.271646007893707,-0.497395328327646,-0.0667443247796795,-0.201263989833436,-0.180655979613759,-0.108781610409181,-0.720222167248474,0.230237326154823,-0.772958080445144,-0.661050343044717,-0.417300244135457,-0.158929178330244,0.187406116165385 +Fam151b,1.8100022451945,2.08905344049708,2.67416275326209,1.98753630921731,1.77277666450111,1.5614062379595,1.50156095485073,2.1573740844819,2.04939814571816,2.21905488501976,1.76899013684289,1.93135253839087,1.48553848222307,1.94403343266787,1.7142986831968,1.88070103630294,1.63732635043785,1.7906344729905,1.18427373100574,1.82932691103253,1.80581314857083,1.67574457880844,1.48700601344996,1.3584427507523 +Ina,2.94214976446574,2.82806129984564,3.03558796015552,2.79970582034275,3.26896743302513,2.67336572019796,2.81059809667075,3.25553836047958,2.99794224025341,2.77077569045368,3.22543848275618,2.64160637470968,3.35446752192663,3.30614433515443,3.03222969651358,3.51343123004904,3.54340842806493,3.3259388439295,3.70314453043215,3.3754496076957,3.37511059292334,3.21571406095098,3.74421238132572,3.41796121091395 +Wbp2,4.94045358668322,4.97702913076837,5.1755464760454,4.85797096725462,4.6754204594158,4.61621352836019,4.41563177962186,5.07548536157283,5.14472440737995,5.09083731669084,4.65624717028169,4.6450187180677,4.78661738036962,4.61645565607997,4.99337004318232,4.87151029281628,4.48920612630824,4.73692136989639,4.4391615990253,4.95455601342619,4.80846246127443,4.85922157634704,4.54026700933681,4.41721101439999 +Cbl,2.76720573124612,2.63700842636544,2.81218443505638,2.25189015623557,3.52838417567569,3.5129472842921,2.7434640845197,3.2885380232788,2.51250387794606,2.3487027625638,3.0171476605047,2.88250160090227,2.57187931636782,2.46506378701343,2.26225778422959,2.24889424979392,3.24732715294988,2.73195724063045,2.79098004968327,2.48584525161914,2.26012134714146,2.0061823602465,3.15593222002221,2.74103642557884 +Ube2f,2.54252060517011,1.99880749968712,2.14931790725246,2.01437288589508,2.22046795746129,2.23286160119572,2.08816467283498,1.70388035711152,2.17776766466502,1.92651742693368,2.21398887988223,2.20873669391453,2.22258210241837,2.09269771590883,1.81673677382575,1.74309275540237,2.20191764226627,2.28085758915531,2.17724002754667,1.92116474041447,2.13476305616437,1.85926713402949,2.02925271875276,2.19987741717185 +Gtf2h5,3.21954657327307,2.63193854681897,3.20698092394081,2.87368294685575,2.85463997201925,2.92152779843532,3.02847859855019,3.24836155939841,2.89141169338886,2.63832955305917,2.59937871711412,2.93898535868855,3.3416232461368,3.00326429211442,3.07906554496989,2.80014494161117,2.84327733751687,3.13545303143683,2.84544481316562,3.3384964881078,3.23823102316507,3.05836484533055,2.90182546710673,3.01562212053514 +Smc4,3.16158403714482,3.3110447112934,3.30690306995853,3.50618707080551,2.83897200970381,3.19756483905374,3.39064727025915,3.17213493481063,3.30083092566674,3.55503345795737,3.12749960000944,3.30480818375659,2.16409972269282,2.55568740438996,2.16433040214033,2.49919224696528,2.14357093970039,2.04875768902396,2.2965237218401,2.08158000242967,2.4618514216303,2.24291348448756,2.20798874781822,2.55172603019181 +Ramp1,1.84761671261882,1.3895191423334,2.51127440565523,1.9790552307465,1.41654748152651,1.32461318303143,1.04899498799658,1.96026314422037,1.9940799647726,2.08862985688642,1.37358093100158,1.32691774225838,0.613388712051237,0.466689995764081,1.75751271762058,1.11662613590359,0.442007514090917,0.453530256052646,-0.232494874828445,1.31872230963649,1.48790928531422,1.30740578027403,0.905188913809714,-0.499464383867991 +Mtmr3,4.24158090929329,4.44502360979808,4.39918083025968,4.3821446828113,4.38928538625124,4.38223709629316,4.36207782733807,4.56298925988041,4.53847515194036,4.39606945072254,4.45819707556021,4.43910969064563,4.02994805423536,4.41953516051566,4.28845641764773,4.29721334472631,4.34009035503561,4.26695842267397,4.36919226333958,4.49079044863489,4.04335075849869,4.2606872010206,4.40742304556787,4.28679005902863 +Cpne2,-0.276195409149782,-0.254887197261058,-0.509199452822941,-0.502229298276983,-0.883976295621591,-0.398382692383225,-0.428910390166785,-0.361462862469934,-0.301218070007108,-0.617781831341278,-0.794927915843197,-0.63208143577642,-1.59485150947686,-1.07138809114007,-1.24300692263736,-2.51000542276998,-0.894129574003733,-1.11779136783306,-0.940388024830904,-1.30905542144569,-1.56358677459824,-1.35643139682414,-2.20954367018517,-0.818134451830279 +Dak,1.74141469209066,1.78045703922427,1.54116555154786,1.62765700391868,2.24651454513772,1.80271353256275,2.04883294834447,2.20427805855368,1.6014711573635,1.23308489520909,1.78116120924713,1.53152724639016,1.95376396717055,1.95357513952971,2.09712044181848,2.2325036475243,2.11104537359929,2.29626495388221,2.76982396105713,1.90113004501533,1.82512377820413,1.92132426495743,2.61551656765688,2.49679420017379 +Tulp4,4.01986252123953,3.67597747643192,4.07410011729626,3.53960530646982,3.83487239632113,3.88739933041689,3.61800269038092,4.21202556471336,3.94566384856575,3.6644753633928,3.80814720560383,3.75312507384098,4.64719037063951,4.27076611441534,4.81048605820919,4.2428123183739,4.27508436646395,4.56562118101285,4.18073736886402,4.70076155149629,4.5489815983405,4.32839492144865,4.28855837203496,4.29198533271357 +Wdr5b,3.29260587600161,3.05642489303747,3.16467874585114,3.17591266461966,2.78782269846246,3.08495017826341,3.2656529664928,3.18788210155805,3.43697447943948,2.91127535646592,3.00667330470692,3.20758661249924,2.62380008348587,2.97588541927191,2.35986610290643,2.69672047335775,2.70599595736427,2.72712547549058,2.81283527166347,2.74049775875186,2.59030954163221,2.86961609047692,2.65338697132386,2.71886767314053 +AI661453,1.61108587821622,1.81088521907879,1.6189016459857,1.38038337673658,2.42523090850037,2.26689361351068,2.0211107778492,2.1307732676256,1.71087583202644,1.16081106640843,2.34646372058765,1.59699402734846,0.643338383590923,1.13040823941564,1.26835181821405,0.635346256778466,1.69584090510353,1.35525779224179,1.8044207598477,0.808742472162455,0.742779067840343,0.995415242175821,1.76221755415891,1.36180068553365 +Cmip,3.69653098429014,3.9079291110809,3.75574913665672,3.48807985075727,4.46779004278357,4.44609582288943,4.04857830694739,4.39560208536204,3.5846886688562,3.70686452638522,4.33450212845884,3.88614391263702,4.21183239674332,4.48793447531846,4.46322817253084,4.40450851449881,5.28857618260246,4.85836326346498,5.30274893281979,4.20779303988425,4.13276869475046,4.49347846711329,5.34001010199104,4.89999431703664 +Spata6,0.480862439921614,0.612141383074336,1.31004428671245,0.475985615092043,0.325973485089643,0.863175245822896,0.531460686078845,1.03028408219141,1.09473822779219,0.426779140170878,0.419702070825426,0.44338792517788,0.846904643794266,0.457666500150004,1.31019741150707,0.844507212789783,0.182689742343,0.636643039634448,0.293272885399772,1.02667644938342,1.00972770801675,0.825723216965771,0.375070811139835,0.589260953004533 +Kcnh5,-2.40758625445654,-2.16625792082738,-2.74665781165488,-1.58886232830704,-1.66516891448264,-3.06370244326274,-2.27198853574149,-1.45662742038936,-3.22381018009264,-2.41504271023546,-1.44057429468586,-2.47869564008788,2.35843736460248,2.46826286115537,2.71684211436594,2.27361410956265,1.88305408849511,2.13045488169676,2.21663248358443,2.37184340649118,2.69089267153688,2.38972551107849,1.76552885396799,1.93452459645111 +Pja1,5.50745669717117,5.31066099218853,5.35844336642663,5.34263997510682,5.14208908785124,5.2636419662971,5.35260122444883,5.41219215047014,5.44581639896788,5.37492714060535,5.27787974089652,5.42636938555417,5.08124355205512,5.08371020694505,5.0173530301577,5.29406901256136,5.20232952286854,5.13628990164371,5.00189392707447,4.99153319981851,5.21003876665772,5.24710061215264,5.26904233395982,5.14269329564456 +Tbc1d10a,2.6637140407182,2.33360358831687,2.53068076798015,2.71449571271632,2.57645308349782,2.35410737047728,2.74236947197979,2.04785085356216,2.19552244483509,2.62176884886081,2.58695456013732,2.52850657826735,2.87643283721217,2.89237066716816,2.48740651557843,2.83595195750433,3.2203267918047,2.97657269645563,3.37663545685494,2.46609376740445,2.83626768253389,2.69026172970151,3.32667575555434,3.20089110736947 +Neurl1b,1.5390029505175,1.60686417812202,1.71541186115644,1.72878891247801,1.33286596026947,1.70655021075232,1.48574882257515,1.25786599169809,1.64951301647814,1.23484269512108,1.28145662033056,1.07299338013156,-0.453754499402176,0.754544611616327,0.388941304650686,1.2655556772412,0.521140799244823,0.0199274806122132,0.331287036955358,0.0090592136386558,0.420914840976972,1.0655465169089,0.397134826544142,0.345792614215072 +Parp14,1.67085087435929,2.11834733751866,1.8186504736247,1.92219206102234,2.15539602057749,1.9478543210325,1.74215231090402,2.05434002113916,1.73252722068074,1.75317409440226,2.09515303700096,1.75190115967373,1.64153587626647,1.73183396515957,1.8413821187586,1.77568242484105,2.13670701500709,1.76053432909449,1.70360800568384,1.94439879992766,1.55303187804827,1.84599523785176,1.99356383725432,1.85474097647161 +Gcsh,4.64465465483879,4.05755525217961,4.64091278860241,4.55376224161333,4.47161898054712,3.94141749285129,4.07479213143669,4.03556786504577,4.18316202824549,4.72512250185956,4.46266630397341,3.98109917124791,4.34849566431219,4.00839552606677,4.20908922632106,3.94284629763527,4.18948473611969,4.18160804967526,4.01656614509267,4.29999899957836,3.92915863355159,4.13301364903004,4.08108230165101,4.12828908546231 +Myo15b,0.159651288027682,-0.402404947153343,-1.33992256504799,-0.714197911781385,0.917897702686962,0.418982232081469,-0.204971506406341,-0.939392386716183,-1.4948870966427,-0.966763504526723,-0.289212336423197,-0.827110844697265,1.9808663494975,1.35158507039388,1.58066750855868,1.86022121540959,2.58358366362228,2.13856610791789,2.63038702002504,1.43650672650703,1.1759368226768,1.69336598033858,2.49290566585809,1.9176568376901 +Zfp707,2.0705638329345,2.26206731150874,2.05046536893779,2.17551083529645,2.29801579160435,2.2146465030077,2.33610551735326,2.21145294073062,2.14863571223386,2.09646235827263,2.21231572317819,2.41322903097051,1.66447191441712,1.91469344271101,1.79002684972581,2.26462279971701,2.00323962780231,2.03332226659427,2.04430563820757,1.89208790980668,2.07222210849899,1.99904031862009,2.0161850605455,1.64762652085346 +Zxdc,2.92450147203529,2.87180872175611,2.80168449542578,2.84842287540234,2.80660992755899,2.97305076159607,2.76044360879488,2.8487036422084,2.83468924183354,2.69265515742903,2.88333685323367,2.65519940545477,2.42505188493794,2.6321676924797,2.71394988333416,2.69516238289057,2.73812342504134,2.69923119888849,2.85356495388816,2.63329222989928,2.57882037679474,2.64027526314824,2.81602302674898,2.68957166604244 +Cops8,4.87747380046938,4.45761839648827,4.85537505519378,4.40578376666366,4.35278493130248,4.52736169451968,4.59498981432236,4.80194954636364,4.675293848174,4.66835008053531,4.48077182032243,4.50489962819899,5.12108020588925,4.60483476525954,5.08933531611651,4.62759226795747,4.72231027669929,4.89036049140787,4.76864036740037,5.05705253105858,4.96529102742792,4.6978755753246,4.8173503311277,4.67057354245448 +Tmem30b,2.9654713104332,2.92187434433859,3.76861699310443,2.89279750315626,2.28813619364389,2.66154148591304,2.16652552489822,3.34810864911717,3.30891265103754,2.76446946713781,2.13591813283796,2.32031538717443,3.77447538174778,3.95537832998902,4.46871732867965,3.83328315919421,3.15290126365656,3.83958112264404,3.32112880944545,4.265191423314,4.27162815900609,3.84790530199798,2.80576827667394,3.40834614615937 +Gm9761,4.96925654103873,4.12433105922215,4.3485451103233,4.53931573799767,4.54370878562747,4.29118416832378,4.56774516086307,4.10505104882598,4.71745566884649,4.23269997439191,4.56419690407742,4.78825630519759,4.80974483766515,4.0328976171132,4.4210581119372,4.38874874234436,4.66626240726663,4.52407581605596,4.75772232964803,4.50351308259319,4.69695257050532,4.57478390325475,4.53796473464741,4.54194633829387 +Gbp8,-2.13473833386503,-2.62684581264636,-2.99123047956889,-2.57772036971622,-1.8106337335541,-2.51251501068089,-2.35813160018287,-2.24889326342107,-2.37029892608103,-2.33608604832555,-2.15432973482289,-2.41398819482575,-3.0452627910242,-3.9762553563917,-3.95934093740473,-2.89228078802187,-2.87482583954417,-2.55278270993633,-2.98752766453097,-2.90976772540921,-3.04035380070019,-3.31513535371019,-3.41069461325339,-3.64308425833057 +Trmt5,2.48244067806886,2.72362372875414,2.34960388042172,2.5244941753136,2.44092191672634,2.52506563269056,2.53085208905526,2.68727477932397,2.40464545188406,2.5857868327931,2.3229675106171,2.71558409570861,3.1034439894177,2.90702013375039,2.81681511554355,2.86716419678943,2.72939583788338,2.9238115086807,2.72877475797967,3.20867219580568,2.87249508868203,2.8325122433339,2.90667430263194,3.09166484965386 +Cybasc3,1.81001953440092,1.56679897347148,1.54436758450925,1.84936216350705,1.97753259342824,1.85638050875057,2.02773805329636,1.88025491130749,1.53650646278616,1.73839899509027,1.77761515875281,1.90866243141726,2.15560026743374,2.53399543928061,2.31338981772802,2.23097444538309,2.70894792681132,2.56483831478338,2.63229074150078,2.33335855859092,2.26725129440073,2.22774226991458,2.39375135597379,2.51042464759172 +Dhrs11,1.41400143370281,0.788517663759959,0.613295838937149,0.943621284483293,1.5297828467021,0.812093694777173,1.48134433184092,0.966191325615085,0.977128635930655,1.08758358319303,0.84753776953704,0.593918060298343,1.68751207741361,1.41380232100052,1.30228675211788,1.6999167494853,1.68508518114833,1.47563707983749,1.59321909984384,1.33030087048395,1.61991380341063,1.93685504206651,2.03156564997585,1.77447191189071 +Polr3b,2.95298095506313,3.00454077467612,3.11435612660959,2.98272049629307,2.80925048987541,2.84686411051601,2.86914161838839,2.896935224315,3.13215301297147,2.9850472375108,2.75288907092184,2.89578688411487,2.86674714273371,2.81347389633559,2.77591780524672,2.97731453511762,2.85781186388576,2.83884402943768,2.77186085431525,2.67029175958467,2.85363620192092,2.94814383696224,2.76875324261346,2.90482409378313 +Eda2r,-0.166173899604739,0.0809036444537745,-0.231506315293824,0.116017301783746,-0.527961447959778,-0.168865049892654,-0.320323637728304,-0.0705229745894709,-0.192194864899107,-0.56810435028087,-0.271572243802336,-0.428451690451412,-2.47619412365915,-2.77912338840872,-2.6089879602033,-3.74572662061594,-3.35402395032943,-3.01743112419706,-3.46290052752105,-2.78918213403774,-2.58277692600867,-2.76680207910309,-4.32480197937741,-2.47691773458229 +Ifit1,1.26693020976447,1.54304920611277,1.45373551313481,1.69719371757291,1.37540677107074,1.10813540606166,0.901193015688584,1.80508481751792,1.52376039079,1.96892528516035,1.54375337613564,1.64266218537997,0.897370463715928,0.148427418525881,0.538198966545152,0.671288103241323,0.594340755421858,0.482919443797031,-0.577642151330352,0.71495540606091,0.29158184748962,0.880973254407033,0.781857872618395,-0.313215870050086 +Six4,2.26044805622198,2.49637729232045,2.60780184556723,2.78705199880231,2.61762956771344,2.49956162369146,2.06493143532941,2.46137257490322,2.54609690191967,2.42555739587398,2.35660671138616,2.33261655195064,2.98821541442218,3.84183711991807,4.12205483523819,4.16290383430593,3.27318840254761,3.14493527418025,2.87780651229973,3.48324254185054,4.31468538450278,4.20544205931452,3.26148292154815,3.24719776109384 +Pkd2,2.97327946479298,3.3721925650948,2.8906419626044,3.11342225660233,3.30950182096236,3.312268617483,3.25447242395153,2.89851498779256,2.96969136273032,2.91537208613301,3.26582266015139,3.24881634206588,2.62509481545903,3.26622867167641,2.57798117830607,3.26521079270337,3.1871805397766,2.91548965241125,3.22828320263493,2.77212625294774,2.96248600844755,3.2221711063688,3.13325282123385,3.18006549463933 +Scara3,-0.775989102712865,-1.07622632243727,-0.89070908402096,-1.52282420048791,-0.1399383767439,0.358987792848545,0.107322740078671,-1.11561709252972,-1.37262545448329,-0.845378721994567,-0.885412775262298,-0.603201450534208,-1.84058759592634,-1.25466635937523,-1.96982681373016,-2.07884950358223,-1.45286466801349,-2.02933220478831,-0.763251897752813,-3.04060188727526,-1.94434283703853,-2.558494283664,-1.78287525568822,-2.71539013244191 +Dynlrb2,2.17063540575862,3.38051945387356,3.47905496303019,3.52862953702275,1.72740908256385,1.89454711939684,2.30808793047333,3.42696791249846,3.56653797828413,3.77874783206697,1.8242646142638,2.6988396073612,-0.272500835986112,-0.0503106011089949,0.809415958782403,0.700393268930324,-0.0450401490794912,0.05243592381769,0.384492879670328,0.0776289397968057,1.25098863582851,1.09192677636754,0.255386435765415,0.336730166263459 +Caskin2,2.5714337246034,2.76047086684055,2.68262302053265,2.68842494681127,3.09884407874902,3.03069879587316,2.98210983125758,2.69452427893289,2.71389105204477,2.53707393888801,2.95996523191875,2.7457702225229,1.73732092466715,2.16586577819014,2.13547904034152,2.15520193164927,2.55989215165019,2.09024739715369,2.40226410182663,1.48022568864661,1.80882765286877,2.1153830012433,2.66287817272988,2.25425653777231 +Rasd2,-2.2154793313191,-1.96061642461462,-1.97067098400542,-2.03996532163396,-1.65428788253085,-3.4449835868974,-2.40783688558073,-1.9237380319522,-1.36276626437193,-1.25766383108134,-2.80355207751698,-2.31202528302602,1.83360528689502,1.6069938781358,2.63018510824411,2.02333641822292,1.65748572305125,1.77283950510776,1.67732196612338,2.02308832029449,2.12965988223717,2.30755522307404,1.21028658205758,1.30712202099696 +Sec22a,2.55155783781077,2.45362816396203,2.84236768098098,2.65102133939306,2.4811443639404,2.51240715139139,2.36689021255771,2.70971166127679,2.67076010666958,2.6465873940925,2.41653985106944,2.46176357057213,2.68017376413428,2.09967289042417,2.55347890811367,2.30900910612912,2.10233665973336,2.44010258904075,2.2589340897376,2.50169329458173,2.63069793529864,2.42259598781362,2.17301813010203,2.34544337395963 +Diap2,-0.258549376484078,0.0278600991555722,-0.132945364625744,-0.230520959666789,0.89374973351884,0.849589601142499,0.59954032750752,0.422360137108996,-0.109599899178852,-0.439118762264167,0.556635911890031,0.266175706443703,0.928336913425307,0.998256853226654,0.905073979478116,0.824310086155695,1.44193655541528,1.30368998468388,1.11818483095921,0.850093078579241,0.732425765517749,0.69882628216263,1.46454481797523,1.03810872619277 +Snx2,4.75451911410839,4.79418625749755,5.06772022601167,4.80397402139321,4.43787197696929,4.70476485563536,4.72355989195968,4.83766398735573,4.85987715136056,4.8108346431751,4.67404365742307,4.69327180623326,5.2015993894429,5.32986778114783,5.12925343129544,5.25253220926262,4.94493717285962,4.99154732618425,4.96085709678676,5.22054419379535,5.18734807897031,5.30982611548293,5.05816157764918,5.20701231338013 +Uaca,3.16243198500876,3.70411334001564,3.21594290084352,3.49765164408173,3.90321216965939,3.69036129873358,3.68998283786957,3.11740754077866,3.11901743670068,3.33226859124903,3.88931735259414,3.71798455302315,3.99256450507164,4.7316170104465,3.95525974861962,5.00757598655129,5.18991605326386,4.07757811459045,4.87370339677049,3.62535423523723,4.46641885347862,5.08350824800306,5.14971692212993,4.90038786200405 +Kdelc2,1.861416319459,1.59708472431469,2.06799264736024,1.86068124407315,1.75741535458071,1.68801861951225,1.79372461481403,2.19763695816626,1.81691128206317,1.70847802270288,1.6657359369815,1.64644519436799,2.34837589404802,2.01212590250206,2.10820994991375,2.227741746276,2.2204352996299,2.49572267009556,2.14870313077411,2.51303080052937,2.04920532640289,2.1180117748072,2.03175015025904,2.17841592386752 +Edil3,1.22610271413777,1.050778244119,1.0755651080811,1.38345459448617,1.24058789512915,1.18738691049427,0.680712119956799,1.87644706895269,1.33926733302715,1.36948118880421,0.830199228825221,1.65858206693727,-1.20823435502632,-1.96113773581045,-0.998708357333497,-1.65202150463682,-2.20771604360387,-1.72464599336845,-2.23173436520393,-1.01431399847903,-1.50215344175704,-1.37457928794092,-3.524863833703,-2.91464442293587 +4930556J24Rik,-2.45696776700502,-1.49772788890473,-2.71846044959945,-1.58484355873581,-1.36885693274943,-1.28298683956717,-1.23368290736631,-0.991585850398585,-3.58997721495323,-1.53734485984926,-0.538332138792317,-1.3891949281121,-1.79845584321802,-2.11500851623035,-3.0937944815469,-2.55835852948076,-1.78791187242848,-2.4129850192543,-1.58755151795039,-4.08693389594996,-2.07266197367897,-2.29500356196798,-1.74074350297991,-0.783084678932774 +Pcnxl4,2.3396704594012,2.487245056442,2.64221094647112,2.37780321720739,2.22998485505364,2.1700851020825,2.22268651065727,2.48247337310098,2.4766945317854,2.24679422799216,1.90856067916142,1.91415330549333,2.38538163735739,2.38803639801365,2.82960176333635,2.36013786428561,2.4376273384332,2.4767056986797,2.21075094447651,2.68191477251749,2.45002466807177,2.36182912046633,2.38873647531621,2.30829928676477 +Mad2l1bp,2.23740285762756,1.59518486018926,2.39172460686917,1.89928172628599,1.51753524953979,1.81465553464947,1.79215174150244,1.64101176312716,1.75255091804013,1.71373698058938,1.53028451960619,1.89916616150617,2.27346702598681,2.01363754384771,2.13960058705695,2.19713747401226,1.72695536649597,2.32909449525659,2.20611918631148,2.41567384226579,2.19589823526193,1.82877256771757,1.53299529990393,1.79531386712933 +Hmgxb4,2.75717824801998,3.11509035427162,2.86424002964144,2.81712624901385,2.75208069676348,2.82985073963796,3.02686211894902,2.86233554387388,2.9605457767763,2.89676270897159,2.77820850429984,2.8110367425808,2.14344484767629,2.62890150131325,1.91141286142718,2.59115541447837,2.41887075688849,2.354650193641,2.50858702235223,2.37731047736704,2.32674453950131,2.56649045123584,2.70476076385567,2.52553012802354 +Zfp395,2.75201455327562,3.12349548414262,2.61172080717248,3.04646970821382,4.43534479587623,4.29070723048467,3.84128353857415,3.39629483803396,2.47809141805832,3.07053770190194,4.27145252016977,3.69677298663112,0.458560063981922,1.0606938588302,1.09940149563987,0.945147050078082,2.40019508479248,1.49488383769314,2.00298953368415,0.67904935107809,0.766578000189613,1.16642873050331,2.12737397778363,1.48686589710684 +BC018507,3.22711512436226,3.44435521919545,3.1991327558704,3.35321252839818,3.673398011847,3.6281445706658,3.62639017291741,3.12821104252972,3.14340528938716,3.39406235621644,3.69335673943706,3.39336360663316,2.87372243126394,3.35792604596151,2.83953504564825,3.35578871537572,3.64706994583579,3.13330783716702,3.73196079564472,2.59056875916322,3.00507240883791,3.23717209430545,3.65492148171495,3.42718954925818 +Hsd17b13,-2.59228226309557,-3.4704370269193,-2.85943083396822,-2.03941096576751,-2.21041866579293,-2.4724239701485,-2.30355847466507,-2.9129911025353,-2.60454438543028,-1.50223385947159,-2.93848008916882,-2.92711905642387,-0.758814811720055,0.0801371549948133,0.374742785902062,0.0757428560736852,-1.17141500339782,-0.549647605513179,-0.701079685226824,-0.413491789874019,0.247548180180679,0.0947004355160763,-0.44392091929951,-1.55450165365545 +Fbxo16,2.56932638685381,2.96731913659473,2.86026425997678,2.55360871807781,2.74774824220415,2.90824140197154,2.53987967703228,3.10509924693947,3.19403309242956,2.58623430782164,2.73534466337181,2.59183550562351,3.53521274011802,2.81335366079889,3.67742234834562,3.12460586093543,3.23293083622445,3.4718158769612,3.44008486188176,3.25252980626506,3.26785261868298,3.12838191908355,3.25467858183921,3.02819710380711 +Zfp418,1.15436480393007,0.737773640308847,1.09935926554379,1.42008399327719,1.1992919694174,1.25456434753687,1.14121834783978,1.56955711171004,0.942280549413357,1.15112844975015,1.00991715817288,0.875765213680585,1.2451553632134,0.911073383137168,1.22339180580961,0.792152543556458,0.837204299053304,0.810091562696898,1.04665769081303,0.816198078611204,0.965519261037848,0.726208407007029,0.893847946612562,0.727681194289599 +Morc2a,3.48670208132118,3.52625170136138,3.39561303032474,3.56265030998845,3.77183055564589,3.73701263548805,3.76594920551582,3.345350404494,3.43388961763649,3.58846244360925,3.68157166309167,3.60056291403007,3.18684621207402,3.27936226051644,3.12770982379619,3.34551457997361,3.62062056008974,3.42010233397113,3.59981316312938,2.92902906211433,3.38089516895947,3.20043759977625,3.66293728351138,3.55729636834253 +Rsrc1,2.12663217458205,2.17144956033876,2.33606785783029,2.23189275617362,2.06781766189984,2.25570096437982,2.1286679717444,2.23585698922685,2.27886659489737,2.23757861956349,2.17784659082087,2.1213310352384,2.07820351804381,2.22228271132884,2.37291247963994,2.11207846691459,2.02284264060569,1.90081297555562,1.96815027420229,2.01541726232338,2.1653499273445,2.04937348855279,1.77612043039878,2.02498156756637 +Hdx,-0.770282446752973,-1.25540621191453,-1.45080567811293,-1.20759351898903,-0.753892370289709,-0.334521321049369,-0.804041091223334,-1.30645765584475,-1.24995657027723,-0.786796326396339,-1.05645803171208,-1.16110062560181,-1.18710738035267,-1.13392086346155,-1.23941890116671,-1.43585294835431,-0.925301881510141,-1.06736262918772,-1.54066334637571,-1.73791836143533,-1.31259020017614,-1.54368481207642,-1.1000484688477,-1.08311840431226 +Zfyve9,3.64116169471604,3.4625805449109,3.59647047949778,3.40014875346943,3.44820671887878,3.4517133719849,3.35632682345976,3.72713482681257,3.63421081086776,3.22034564654611,3.39463392192931,3.5357677673312,3.35563604295542,3.22324250830483,3.26975868599037,3.21734615181608,3.13270137478931,3.31461580243537,2.97665724148724,3.60502468725042,3.15086509306476,3.17507758172245,3.06043282030148,3.00809219025199 +A230046K03Rik,2.90672663720935,3.08910486921747,2.96325362426387,3.31179431638359,3.14974178720836,3.01889671871203,3.15023638599246,2.87572541597576,3.0843246032582,3.20663529700015,2.99066567858305,3.30515330919799,3.37892012437358,3.28055635763129,2.78283770553261,3.36594837661148,3.36662977524027,3.20601493712397,3.14608956254722,3.2743751749384,3.22183845955535,3.07603880238567,3.21471856833746,3.40340070776837 +Ccpg1,5.72407921717704,5.64245954310999,5.96141555389494,5.73662747015491,5.46575323466867,5.54191608432945,5.43005503266483,5.92921785758372,5.76716539989716,5.64957142789214,5.49845073504521,5.61274118577164,5.77853437416237,5.69281809372324,5.86132720665624,5.88275022941762,5.62845614488979,5.68243173758516,5.68035760541439,5.78189755350155,5.87538389409131,5.91021303298165,5.66562773069788,5.75723953880692 +Atp5h,5.0696888816904,4.45588754229309,4.88861055437004,4.78784288797632,4.35867210263049,4.43246444235412,4.65018528992867,4.98399522154545,4.78137035125205,4.69640158194364,4.53067331165615,4.72445575814008,5.06113369827659,4.56997651249749,5.03109218604779,4.72832521631193,4.4854318312106,5.07973718849493,4.28768306437569,5.0269446439378,4.93949374488466,4.82103603126368,4.49281213696287,4.6961346218357 +Inpp5j,0.219558779574508,1.06460760248284,-0.944410907045146,0.192861874769911,1.60055289570701,1.38487874720542,1.39282602275427,0.488262668719183,-0.142238184255612,0.358903508164956,1.28190931714998,0.766226765764638,0.655188408060397,1.34043616201505,0.615541195533805,1.04425874902588,2.10639978780149,1.05243750123343,2.35828337869685,0.757302979317972,0.418516087664064,0.805238817143899,2.21146004865591,1.71787845223859 +Ptpn13,3.2018957316519,3.44408281640884,3.02743663054632,3.29738880411398,3.78362887352136,3.7686239845733,3.66961647526228,3.35359324831482,3.1933425702293,3.28797282946099,3.88031895232824,3.74585313306926,2.0241528907875,2.58772137440624,2.26177204156995,2.57888881831582,2.55473557994332,2.15436239980635,2.53792795954683,1.91445439819201,2.19282060643035,2.6334880314633,2.64977563437173,2.5063130810649 +Daam1,4.04373882012364,3.95256297179612,3.95262909311426,3.66431104134475,3.84451557475848,4.15329453305621,3.98186191303699,3.98407162506464,3.84675101891573,3.60268064955681,3.75198392791895,3.96722445474783,4.6294318330941,4.61600072642617,4.4215559508113,4.27950096389826,4.66876909361823,4.8179128658178,4.77382279700042,4.66615400924464,4.29683910118552,4.29197934937831,4.75796810729776,4.83075421142991 +Papd7,3.17641181054709,2.96831406386065,3.00577518779583,3.19699184857714,3.14448616894237,3.21462346663878,3.0327201620692,3.00798901060399,3.16257105718163,3.11420199986186,3.03131088531505,2.92593588894875,2.51231541663118,2.69359778260613,2.57172032342646,2.90071696619091,2.68633907777918,2.52051787667213,2.77252816885247,2.567223858958,2.75504561226406,2.74618055752971,2.68998324757559,2.5851609748965 +Exph5,2.18765907749585,2.39038305942561,2.40916072554131,2.12214921427191,2.39237844161086,2.44012997725594,2.03867624153551,2.76906974288563,2.35446985372825,2.08101180732701,2.38056084433124,2.4327654307756,4.01543624718425,3.96365681721108,3.83745228182017,3.74861695671495,4.15872040269851,4.08623751830861,4.09955083290072,3.94248387758857,3.83009743885086,3.72675631180838,4.18894379271574,4.11985217443431 +Hid1,5.23437773488075,4.83279874315216,4.71605757329561,4.92836141403586,5.19656839054489,5.04188308033885,5.11720690168462,4.83727729782417,4.69224888527132,4.83482492873007,5.22692677385617,5.05898890782506,5.82273502425547,5.34645115288022,5.25925652263726,5.33379774902996,6.10768822172168,5.94334098333101,6.10716497857169,5.13171937795627,5.23804062265438,5.27954416859029,6.22699486100455,5.90621392754553 +8430429K09Rik,0.425171624816855,0.515055959606093,0.300030281716474,0.799205348531238,0.595899409923772,0.147397030873581,0.465234666477929,0.415801635804754,0.165362308889115,1.07027576693631,0.276075455185679,0.72435348319337,1.27831351443132,1.05496801314454,0.859141478864961,0.932136531354171,0.695428228363037,0.459527414474499,0.76671694693571,0.598156139773044,0.818033123739072,1.3299680426231,0.525283554117096,0.867704001032868 +Slc41a2,4.51742192418057,4.27202073829219,4.52957715170455,4.30524071602308,4.16738260561357,4.26655976638958,4.18730084867223,4.70036036080902,4.43363581577705,4.42476504920935,4.24420122032633,4.28435202468101,1.35645916898501,1.14815732051185,0.681609947063595,0.730656987579394,0.683126962997428,0.740144196371124,0.641885907814955,1.18262937244918,0.761469577021436,0.624450784934591,0.892841673124752,0.857830513956348 +Myo5a,2.78896053301031,3.06511800344324,2.65205293754537,2.8725891522569,3.22083920084444,2.91400042112641,2.85532494799027,3.16231718946894,2.74232399363081,2.70556791839311,3.0615870454846,2.99782131070476,3.11913078159599,3.33366035780623,3.23443354431341,3.20733079549937,3.48061162815003,3.00834213195973,3.39897422332576,2.98853826846373,3.06452657982068,3.10475188254755,3.45839756371515,3.35252614406186 +2700049A03Rik,2.59091568205235,2.92843569416404,2.61878689432056,2.64430285627532,2.89164837133237,2.81715265602415,2.76405734255373,2.81300866871538,2.88434566629334,2.72015568521356,2.81029601329603,2.88558418753347,1.81719934573109,2.4120156054069,1.93356918374853,2.0607432892985,1.93109204052303,2.13234498644143,2.35538026597938,2.10517936650393,2.04437745249361,2.00992124640389,2.17914869185912,2.13854589748771 +Mon2,3.93363153056999,3.96195922295972,3.70332148276975,3.87191930749356,4.14998298129856,3.947328218129,3.98558406178318,3.78598968075127,3.77231006219523,3.8541337688117,4.06078346437618,3.86030335783436,3.93770841731329,4.06550064323997,3.84698995362039,4.00268363180382,4.40205997602351,4.20866472068259,4.32312379183921,3.8720581012561,3.58960504067384,3.80867522658157,4.41763329018172,4.32794200503534 +Zcchc11,2.95790253164577,3.25971921241817,3.06645785624194,3.06574145541113,3.73503575002623,3.67967576061691,3.30101120713242,3.33765913843193,3.06122384739888,3.03793154221882,3.51115865979363,3.27902385058356,2.72624334261586,2.91916590768774,2.92509720598864,2.83859589806772,3.06147782619803,2.95241089700106,2.87465173659758,2.83451019145584,2.76844078354689,2.84181685927311,3.11058491188383,2.84051677328293 +Chst11,1.84039372766051,1.63632219920029,1.13204737660106,1.14597286088525,1.8980710577218,1.52253840033801,0.990982936804047,1.43549244586954,1.23235172196395,1.12744058187389,1.69846093424331,1.56638199547563,4.62694359519674,4.39328788446005,4.77158333954098,4.67396817275655,4.60913545362008,4.596734469595,4.3740058846601,4.62487093806695,4.36596218141418,4.53255920402845,4.67869081941191,4.56694813903574 +Ppm1h,1.44474323820026,1.6446296444831,1.37741174724057,1.64440561307424,2.06281238070793,1.80402609462507,1.6321113310705,1.67240650642744,1.55100751674007,1.21948832212836,1.87820774231504,1.72625997058029,2.54835449447558,2.86167046733629,2.46792894989326,2.7422575927513,2.74565781572584,2.62738594197013,2.79469901117998,2.98131535000004,2.58644491287735,2.71405163440146,2.89768844411667,2.72149935428781 +Pik3ip1,1.8992234285316,2.36037175362685,2.4139445778755,2.4790831985714,2.38784076292201,2.05200209916947,1.90692164409537,2.3798728108911,2.55032180787089,2.69173937318676,2.57936984763057,2.58707399439525,0.0563844241890759,0.753269324825972,0.996189602805466,1.31699328673171,0.884329813442993,0.340753416608778,0.121485576971398,0.697373561426187,0.896947211874829,1.53085489128806,0.705349644888249,0.69773948180883 +Ssh3,3.70553466890373,3.98330602908668,3.69537102030265,4.09244654355387,4.17285825438999,3.88781481477871,4.1765964723074,3.82856643381752,3.69826078686212,4.00002695135633,4.32122122293967,4.01042914835711,3.2165529628195,3.81592963983203,3.49717489319668,3.93014976142135,3.64773745754806,3.47490788271627,3.86129730936577,3.45307757637562,3.45121462343105,3.74031534024955,3.87986628209898,3.82128358299288 +Mtrr,2.60979192121834,2.52380062481353,2.50969890417978,2.74718859395261,2.50839362161865,2.49843986187606,2.49917727240238,2.54726497051826,2.69829938074428,2.74538579397298,2.41703375440725,2.845535240168,2.67837609015676,2.31693607959021,2.66535888635016,2.85588834012496,2.55230049586001,2.63271227765987,2.54809523202539,2.35038169690011,2.57391524425914,2.70999866066426,2.6607132821335,2.71009367059603 +Tmem5,2.0714758656401,1.73271294527561,2.259174035757,2.02241735076457,1.60059392772495,1.71548098368393,1.61851563677958,1.90534461966931,1.9143410489348,1.86229397423254,1.47811414046122,1.65155284871069,2.1999387863709,1.94522826138938,2.16381802472927,1.96774360359266,1.65256490777547,1.89448932569775,1.49454779123706,2.22691527533922,2.18522065145664,2.1995436540186,1.67134502252772,1.59219017969781 +Gpatch8,2.90753184384389,3.13978894239893,2.69036973463356,3.15100737245998,3.53269507702365,3.70350840109976,3.59373393640198,3.07244565250847,3.0087248545709,3.16680813943915,3.51907833726933,3.45369613144373,2.54724539507528,2.68224610831163,2.28932412691149,2.8167910743323,3.13673210081787,2.81633255300824,3.16008588998353,2.50934889664226,2.48137855975407,2.68591140573289,3.25664731013327,2.97440439549253 +Zyg11b,4.08318434197083,3.82294412151017,4.01572428273891,3.7911178332705,3.72417841875577,3.84104278057878,3.68705123475563,3.92607069711616,3.89137706004824,3.66912504475608,3.66919521449456,3.76427851300811,4.22746628573697,3.94932602822879,4.29853831708222,4.09080250172281,3.88593125400658,4.16913136035862,3.76965477153915,4.30623487992217,4.09958613863543,4.00098506202703,3.90198114367317,3.89051404725009 +Setmar,1.78095285032318,2.01189907962448,1.91574849255173,2.03025109528945,1.49951459652237,1.42981670950167,1.76780639423288,1.71477393398883,2.14327001693707,2.09937489790459,1.21569773941943,1.33942952702659,1.79749091166937,2.04913988495873,1.84997985220272,2.02114878907172,1.2178429910972,1.94649037248302,1.34927623511634,2.27197894886081,2.02722637705987,1.9678106108511,1.37144483580678,1.60689695120808 +Tiparp,3.58167889733281,3.65664314233657,3.31136342535614,3.64262433792858,3.47349075294211,3.39126873540997,3.71054142558524,3.42684816445646,4.28373327353565,3.5653686494649,3.41570888455275,3.68194449807252,3.28565598760906,2.86844606517952,2.88808866511481,2.76765721732808,2.91689382159257,3.05655601147868,2.75403607153195,2.82709631823139,3.19841191854551,2.92780805513646,2.62791681437018,2.87976060958388 +Ankrd12,2.68624811660669,2.94333897792459,2.62102149447585,2.99848387225173,3.22745408553778,3.17479750274511,3.05179424611648,2.65394903529137,2.76342885321257,3.02284244775111,3.08351869739725,3.04354501642129,2.68005650963649,3.05811091783164,2.60413378491657,3.06310294170204,3.28505568343568,2.86725919870388,3.25405200585204,2.73658721645515,3.02020271050515,2.96587363387461,3.24489636393446,3.2607481997642 +Lrrn1,5.52047715976855,5.43475876227406,5.58414578354262,5.20898128776623,4.9955336347696,5.35204214965851,5.03584997289509,5.58046958477711,5.4659221239182,5.29607268101029,5.03607082417403,5.18955834781954,5.64397963367147,6.0064496478409,5.96417009977364,5.7213050721927,5.2931967886528,5.50278895443154,5.43756333917974,5.93033934774695,5.68795010795155,5.77856327240441,5.47386659987447,5.36182444196341 +Ythdc2,2.6214852957816,2.47746437381614,2.34515098952176,2.3095372382373,2.38714767445154,2.39736551352172,2.41333285843671,2.32605887167415,2.59155255281487,2.27209799519092,2.33093496122763,2.45906153485691,2.06964552141061,2.08060788207972,2.37067359388695,2.11779612276764,2.10979791097495,2.06231798949777,2.00761441675683,2.27305667380991,2.0897884239071,2.07572502873085,2.21809907156333,2.27183137660581 +Cacna1a,2.07089324858302,2.83860000840851,1.99170875816125,2.18387157572597,3.67874393182267,3.89901313796955,3.77979831727941,2.47420071692223,2.26916920932083,2.46592208903857,3.80566553027766,3.18488478691117,2.36025584819677,2.88084204300702,2.2283668919232,2.52862186202739,3.68696075612197,3.03576021676008,4.04703765123839,1.9685625067296,2.53538187441589,2.54825698508589,3.67847690089043,3.4756889418849 +Tmem109,3.1251197802089,2.79618912014272,2.58385319452841,2.66740421468436,2.93574532658152,2.75925122016851,2.62179330123088,2.89652244544991,2.72338616192966,2.55380480050202,2.95002122960669,2.81434203727274,3.43695495032536,3.1956372716576,3.54514542759525,3.11758868904503,3.55514792211836,3.56535512481977,3.38612561248007,3.37210165477799,3.37610908996009,3.22710126097551,3.56046469799152,3.36621401564357 +Bmp2k,-0.314544967932668,-0.554531580380489,-0.511183410370547,-0.699587823581782,-0.0868720669142076,-0.451803562603003,-0.623173407577442,-0.252424333482,-0.518212753124036,-0.324275044118826,-0.607894976415011,-0.685919901564441,0.865886417431679,1.00189545839335,0.751472809163912,0.930990449503426,0.863019691151494,0.807339057203655,0.617668227196218,0.906130686007251,0.53759091991328,0.625877979064535,0.717418865367665,0.865010608611586 +Itga2b,-2.18447054903432,-1.0424289434552,-1.89948154162399,-1.33678039216636,-1.06372906971472,-0.591502094567267,-0.544446758260929,-1.62673778836407,-0.928913293060635,-0.825684290682113,-1.1198594127714,-1.23702854691682,-4.87313188312855,-3.09250223329681,-3.55944041463941,-3.34455651665936,-3.08621134231306,-3.80588284092994,-3.75969257077353,-2.56784368450942,-2.68840907150881,-3.08120154914657,-2.85037408320053,-2.58535892218379 +Xpot,3.83280427376978,3.5952889703563,3.77928155569291,3.78048178632492,3.85174576824724,3.56867754729272,3.68533570945873,3.6813168503342,3.69854497064101,3.68840589469382,3.87809014731127,3.75599453785412,3.85661131816215,4.39968078892329,4.23187183406392,4.16721534236885,4.23994758886739,4.04665430568388,4.17143285073705,4.50813399667669,3.83440022750578,4.05331561246845,4.27825350948559,4.19534363980139 +Pbx2,4.10836314712997,4.04019796832505,3.94809905196181,4.0318308223184,3.97299829401122,3.99908605820968,4.09306941943556,3.88049503739442,3.98566853913999,4.24664194303694,3.91266147551846,3.99312111412506,3.99200559701552,3.88724317868759,3.98259270056631,4.02521762313136,3.94955794664447,3.80820278442955,4.00338267036727,3.90897984488517,3.9483401877347,4.20929844070502,4.02647452168959,3.86531766358283 +Tdg,0.0104739494985777,-0.359341909460758,-0.254615817379725,-1.00889565247447,0.0183891005711985,-0.236625505194832,0.180737806340021,-0.545327650068108,-0.27673800832502,-0.73995957932557,-0.301807840595995,-0.295935458801953,0.112880302997558,-0.652925463784635,-0.27699843524238,-0.960090469372045,0.0428828159548535,-0.269584816021125,-0.0859924295871251,-0.819853731491356,-0.0686955130384792,-0.763333098229617,-0.473276988305159,-0.286990385042732 +Dbn1,2.34051778936406,2.6041302704409,2.3411737365144,2.38832153647191,2.47399892146804,2.44323115781042,2.63199329299897,2.41409117384835,2.47421964888732,2.42196665182643,2.50469731346612,2.4449592923375,0.223749615658858,1.12779840845001,0.736185306320944,0.616304551286327,0.436398109677284,0.700561960847576,0.82680989345595,0.463193114371667,0.548706450422516,1.10118501516752,0.559642282142788,0.654081386200803 +Gpr142,4.43177416652055,4.40957366679492,4.46328133516223,4.5158483780034,4.55620010435186,4.4535870228932,4.59719996880474,4.63027154440803,4.76597814932468,4.79551399975809,4.33872301797297,4.5908250237131,3.78883052165198,4.06513461087531,4.08134902527275,4.03474478061747,3.71872506946293,3.89554455494201,3.89576741947069,4.28706294605728,3.80279197252396,4.18673736378557,3.87647591789648,3.77781683847172 +Rnps1,2.51278961459015,2.72687963554331,2.70375587104576,3.15592536017112,2.57177569398928,2.29350115715385,2.48867396407194,2.35639301908421,2.68633762171267,3.04776086350219,2.52367898666649,2.55956307014116,2.11125748883922,2.37489735045805,2.20759124022394,2.34163360955421,2.51478688032728,1.75559587538631,2.38725609369816,2.0546778398463,2.61098139221969,2.70959779075402,2.01238156946034,2.36777116276055 +Fam171a2,-0.430296172860809,-0.872455209555907,-2.13989611300112,-1.2991171198414,-1.39015238040335,-0.546677446433041,-1.23458868438479,-0.555590744604145,-0.931726858414563,-2.03429123568529,-1.3355856806571,-1.64751128753667,-4.00249440313299,-2.70298212809627,-2.01279755474098,-3.2990959512146,-3.01676802224898,-2.32854552643734,-4.00249440313299,-4.00249440313299,-3.41117138920814,-4.00249440313299,-1.97973660320498,-4.00249440313299 +Prr7,1.78268535085583,1.19975556617005,1.66049745746662,1.82430288395093,1.48775236218992,1.74576416468063,1.76966856779999,0.641886156632305,1.98836733734561,1.24243009054989,1.24862560180239,1.59566332296201,1.24301098998978,1.32946420609083,1.6736957216742,1.20218380911679,0.812465120717394,1.40653545175335,1.61203461676301,1.05472326913042,1.67255400242305,1.72885798542098,1.35281775418435,0.977232338038326 +Fras1,-2.0669428558313,-0.489185576588987,-1.22875099165387,-1.79445802277697,-0.895451919301477,-1.02958871312584,-0.829446491351416,-1.18160904793071,-1.21291040929056,-1.4818637184728,-1.44157681282584,-1.08084335952509,2.52895040093745,2.95137012130413,2.74191925237342,2.6340811827932,2.93999738482137,2.82938458149349,3.1397635907182,2.59033223916169,2.59464690653211,2.73797598340714,2.73649445105734,2.80753123458628 +Neurod1,5.89556025304823,5.88529928597804,5.58766211526629,5.67835094065574,5.85464264172711,5.87973189503403,5.92339020498156,5.95866393210463,5.9705837636862,5.60305205422166,6.04403807153713,5.86496813345631,6.21729137640814,6.32699566741837,6.09608531076242,6.07017881543459,6.0234203663151,6.13616212834977,6.0241932440091,6.40422156552701,6.1421483657318,6.03896387241234,6.02053879791955,6.16801998112035 +Dnaic2,-3.1328706625933,-3.30902626063276,-3.18450005477118,-2.16314228528151,-2.63078487232516,-2.38614048384608,-2.93218862380061,-3.59444771066171,-3.14974184726727,-4.55297350112169,-3.32790381573687,-3.61589993554689,0.235857019785151,0.836620274578386,0.941370885335014,0.789907249501283,0.548447323987319,0.432169417122267,0.465724007599755,0.135343716794972,0.857892509538976,1.02574794164696,0.646383982307851,-0.0176252265215928 +Gns,6.00553472904246,5.8455366561382,6.32938097953596,5.79381381599884,5.76279184119652,5.88510174772462,5.55545561730194,6.30947388348143,5.9742430419073,5.88774533933026,5.72398105972671,5.72941532637032,7.28156834996192,7.0206393560432,7.23700789925585,6.87305608795471,7.03441148688852,7.31942204432448,7.06645791845739,7.29693938962277,6.86218173745884,6.90444512187137,7.0563846255173,6.98276778027051 +Grn,2.95942434172861,3.54307671340859,3.44973042930974,3.48513359244286,3.1086249643409,2.87696403998966,2.95028501405752,3.71526612050653,3.38476245715948,3.6513739425303,2.92107750342722,3.08911846478056,4.44350350002539,4.59242447532371,4.70017217875559,4.62608708261931,4.266654830867,4.4789596276,4.40426846384997,4.94568957195948,4.31626287082975,4.56186842816345,4.20755367472572,4.19345522842342 +Klraq1,2.55875056432492,3.10272063797643,2.7744496853031,2.76113988145468,3.00086057028882,2.94129617697004,3.0281692237197,2.87910235947948,2.91575483745759,2.87958222768904,3.02175276796752,3.01808380374201,3.42623888880313,3.21112532514231,3.18195526217144,3.28984629629483,3.40131336767174,3.46162081604577,3.44192103879429,3.0803833770871,3.09736646542138,3.22221188558263,3.66861807507941,3.37832968895577 +Ttyh2,2.59675242766258,2.40566699369549,1.93056344651351,2.07097066646477,2.43955104527682,2.36862469286237,2.08513233552629,2.01913309153644,1.91693232556991,1.78148104619308,1.81141542804891,2.25241542375388,5.48265145473968,5.12993382468633,5.20299226921846,5.15511654134926,5.43859992990053,5.41994089552337,5.50212959794578,5.09976762590716,5.16535832150008,5.11840510047814,5.50679036449166,5.26708956409175 +Tmx4,5.00537642900739,4.81979377959403,5.11361785080604,4.71057521174604,4.54876475779003,4.65554778653044,4.61262401297407,5.13655932756325,5.08168618723009,4.78822106068281,4.50959792473279,4.64726397354208,5.03464566881541,4.69690847752755,5.09912894963913,4.7112047547832,4.38855098428726,4.85955748280918,4.44392982920852,5.08165850468048,4.90388030269561,4.830220940708,4.33733832411736,4.51977208076646 +Cnot6l,4.88391417276686,4.72952531321401,4.71958964482393,4.37804439305329,5.0467450626047,5.05775625618933,4.56754228347529,5.50037073201765,4.71236455465476,4.42812534424316,4.66883503316034,4.74857665850061,3.98400542554075,3.93772546575074,4.31238191839101,3.8832617948024,4.18311584063905,4.1297692379796,3.6389215291862,4.31343272046299,4.09449781058288,3.90432393871434,3.92539059982494,3.83755368973534 +Mrps10,0.82386850686685,0.683722636716066,0.441243145316458,0.720996253053753,1.11328453875658,0.718526007095802,0.898218611152,0.530285415292617,0.694986117140615,0.752383678430604,0.792259499347438,0.77354985436135,0.618121458362527,0.288028096419018,0.180804987603904,0.17496006920002,0.694177592685326,0.307827081614709,0.646745927954584,0.268316332353945,0.46325532535499,0.232568560309286,0.573045189824513,0.356230459579099 +Dgkh,0.588138327724595,0.887078575509338,0.658507584126422,0.505945688273025,1.37435117872008,1.06238657832799,0.944303784533726,1.22477068201398,0.774955364620909,0.735411794927483,1.32720547108323,0.766968280542089,2.53103058027617,2.48249058483942,2.46356996681,2.36766695140875,2.96634148919192,2.67983587165039,2.9889391845612,2.77739012099628,2.18022716925929,2.16285731420506,2.81182414206811,2.81087645668626 +Pabpc5,-0.0225933461141525,1.41646617500741,1.04367706965507,0.555947763923581,0.541510981019814,0.438980418927223,0.312056506587206,1.1320507701716,0.671169568096658,-0.0987365034261447,0.108532451884584,0.321897970555639,1.22848003287214,1.58547890040355,1.57069319895692,0.79721408187452,0.537588954128518,0.873082337278312,0.99066435728466,1.54445026122201,0.765676413399823,0.978347171806166,0.938838476920909,1.02244470850378 +Nostrin,3.93597212699232,3.80941652882603,3.78658803964951,4.10021995728743,3.89384538446789,4.29897513423601,4.03970658685454,3.68805688827522,3.8166741623696,4.26436436154749,4.00457353116632,4.00742455667812,0.504802420997025,1.04358166808438,0.0312858385989133,0.61153416068387,0.739189750583431,0.889989403564432,0.972383388393021,0.402953102103459,0.949161227768189,1.12736802700443,0.208701407222368,0.104423290584684 +Nagk,3.59907895916474,3.57203746661457,3.96431668821181,3.70223498214125,3.30693305736123,3.32462437104487,3.3594345653441,3.49365107842432,3.86947334803444,3.94825609858417,3.32850953351593,3.34959822582928,3.82412138630341,3.69878342122735,3.74784324451915,3.95819407888654,3.5488516942112,3.53782878317336,3.68360138162082,3.64472869053712,3.9852372192717,4.0009128343859,3.40460784604837,3.55605696424542 +Sirt6,1.4967336752928,1.98493035588935,1.50251707097574,1.83456245473817,1.68775088110166,1.66481735177177,1.89699333542512,1.5216705039314,1.71728447479549,1.81962838483299,1.9410272778114,1.67873509033066,2.00930681270198,1.78232098664677,1.74735562685819,1.94323909407821,2.15503549702396,1.96237309002332,2.40984000913208,0.99878609097157,1.80888513575342,2.0584945144891,2.51273015076467,2.06298491711354 +Mast4,2.45565740284224,2.51348322523428,2.05103450693587,1.83364671119047,2.94460081903485,3.21829744737579,2.7888149432157,2.88547404425608,2.25035092624468,1.8912663819943,2.78563530788279,2.63470220664633,2.62098957764686,2.58898371311464,2.01764355491153,1.73198839268992,3.14081422580046,2.81226281531825,3.24979050954466,2.44250959587774,1.90349015338392,1.76864965470342,3.03814965430525,2.85827190493962 +Tmub2,3.95059803177791,3.96382904515999,4.00450110838321,3.89742841264596,3.93547846950703,3.68841685110276,3.89150998261842,3.88369522563085,4.01635582830321,4.02392128703553,3.76736968864523,3.73333132598288,4.39290679789549,4.13673918244244,4.26647562111974,4.24896633248724,4.10841664178403,4.34728814753784,4.26738188857166,4.32058816814206,4.2962559890287,4.31159147908657,4.17960702613084,4.10238896174158 +Tle6,1.65647475805585,2.14809003612354,1.70186152778999,1.9677366901636,1.89760045800773,1.97378776728703,1.90738698170025,1.26972897845236,2.03766328250736,2.09926280245359,1.768427545824,2.04494636827109,0.36432346045066,1.125179351394,1.42474855283879,0.820221605428494,0.938357278093107,0.0419059043787584,0.977876787560458,0.173572106686804,0.863142058110181,1.09943181914633,-0.0529263678276708,0.710260223633883 +Map4k5,2.36582424585045,2.54465564880753,2.12465530846359,2.41615891941323,2.6330321405939,2.58442719130119,2.58595119003942,2.17063533950406,2.25884074716372,2.44709804713317,2.49687700917209,2.60498372579638,2.27248880535774,2.42997926052752,2.20593377951219,2.4317261397491,2.45603172450147,2.2086512440026,2.4665144616675,2.20600467910187,2.39437826657853,2.37223220802335,2.522104157393,2.45723618802045 +Glis1,-0.378494750099997,-0.396626725299792,-0.512704617725744,-0.858545542546999,-0.116727658613703,0.496764423416236,-0.0559251384406108,-0.218953063444667,-0.245074860418532,-0.360116229820557,-0.253319752100456,-0.0637624965444323,-3.15000762481354,-2.66729526667186,-2.913638196484,-1.79481055536157,-2.6614302118811,-3.5971879927458,-2.4930139091571,-2.79987784903062,-2.4063792440358,-2.65675829997887,-2.62212035306201,-3.59067786294323 +Dusp5,3.2838489539598,3.17256224556051,2.89206890294671,3.03940209211414,3.14140733504533,3.10317370857807,3.28010946589602,2.92142571964141,5.08437367562092,2.94841248557497,2.91018616931459,2.90533744613555,4.52415278818182,4.40343365751314,4.33543460261341,4.43537604884193,4.11433774274657,4.44347111950744,4.46297974953033,4.40433087051142,4.73497272038725,4.47566890988275,4.43125829020746,4.32388035228251 +Asb16,-2.44872211090799,-2.93351275637643,-1.48516421604145,-3.35877850273824,-2.35281794748408,-3.28518677343197,-3.36793663357274,-2.33943064756732,-2.07497033638186,-2.31209149422045,-3.86882494943637,-3.86882494943637,-1.15720273423713,-0.994425660153324,-0.23761755720099,-0.672159933104886,-2.08190440862088,-0.948035528030253,-1.52609132304528,-1.93669307737504,-1.04517073574595,-0.980670973027357,-1.2585980227946,-0.736900496347405 +Tle2,0.555926091596339,1.5757587907735,0.0374250114019845,1.31319367185625,2.26540307699736,2.18638002862004,2.32607890513724,0.0937798332744184,0.741957669206164,0.966237152982109,2.32530550314809,1.62645432268509,0.176519506170404,1.35804145186458,0.0168174001104622,0.64792260332407,2.15202328059758,1.30536279074892,2.62102973553913,-0.565354810942129,0.732320847687049,1.3042367803735,2.18072136897326,1.79951502079276 +B3galt1,-3.76785151074451,-3.04043285410847,-3.30569184738551,-3.3005118494367,-2.70350292453043,-2.62353224254401,-3.32149503609272,-2.31274211721357,-3.78284421582327,-2.97407674596609,-3.4653505229611,-3.22568343353801,-2.35839497471182,-1.33293859867869,-1.56240087852536,-1.39610003042082,-1.0149051966729,-1.57614118466815,-1.09613816002844,-1.46482622850649,-1.60324237619459,-1.10443687261977,-2.4580392952179,-1.28132248267942 +Gna11,4.84831745359291,4.46481894295069,4.90345275336417,4.59693454810554,4.68932186561317,4.70202754774541,4.39944523676537,4.75121056868394,4.71804728565983,4.67528793598382,4.53581310860784,4.52403916536686,5.02946063179893,4.70095971767166,5.05074281735305,4.91604058610717,5.01104349145106,5.08847837630634,4.94896825189259,4.99715207768712,5.00561503478625,4.96503705132205,5.11301355039919,4.91850354484593 +Dio1,3.66936546358952,3.05304926393522,4.27978616431792,3.38493087293105,2.86083843750011,2.91385678866838,3.2461729489753,3.87597569580074,3.87200523525945,3.38642056338672,2.8192653895038,2.79081707492849,5.96059859415912,5.38779701619385,6.27053857335603,5.85664936109929,5.16121262446929,5.83741783203924,5.43112775210521,6.17958128902782,5.82274138524921,5.62321412962536,5.08288645488665,5.16072008490366 +Rab24,3.58978953291159,4.00870049946658,3.38524372732768,3.83439622782233,3.89280111067881,3.44972033440692,3.83462767215433,3.67827186090181,3.63452228277066,3.89682618469576,3.97181392138658,3.62853790578192,3.9388915477775,4.36738129591675,3.94975367801114,4.18063477448228,4.37620230351381,3.95745438246907,4.43261234471173,3.85828363400742,3.92820547532057,4.18957067097526,4.29699283870235,4.35195470245183 +G6pc3,3.39604601079608,3.11455156446847,3.26754086233219,3.28747971924235,3.26908509654609,3.13125024380366,3.22912623270619,3.23360963548118,3.48493717673555,3.2748509166746,3.35914228073951,3.20832662469754,3.71060064874059,3.33564429573773,3.49839349589983,3.33409927017232,3.59007823490455,3.87691384958066,3.54646607024947,3.35483199498868,3.46298391334484,3.48503018657795,3.52539527776201,3.7414517434823 +Ccdc122,0.116243660949741,0.694646254352383,1.18224149660312,0.382672707814279,0.138724755949538,-0.447105038284606,-0.673357380572102,0.779405245999215,0.514448867050047,0.41733313309014,-0.494072454901605,-0.758266732662417,1.57630654752928,2.00511764082916,2.14379452866754,1.99233089283381,1.29432152157464,1.70756317896451,1.21567842778173,2.32549546410459,2.51360994787154,1.81823105106295,1.201974011935,1.6770844722709 +Unc13a,3.19570291843847,3.45477652888233,2.99973049897863,3.14005698974708,4.19903586591898,4.21623142691154,4.16247477095141,3.53225722184716,2.94351302089238,3.20958569913304,4.22859056864356,3.7506254483115,3.29345771305573,3.66675661580718,3.26149503339257,2.99073485738193,4.10359266501086,3.72297278283852,4.26241716733714,2.83852859861823,2.82611117243015,3.00613046279348,4.18639453461402,4.0098617071604 +Zfp661,0.706787396788888,0.754945255953287,0.452938520280463,1.03631264283026,0.796659859576631,0.773726330246745,0.994623195722553,0.4546809327774,0.838746160951517,0.62061268436632,0.751931267361122,0.898476271658942,0.586475095330949,0.57305441036333,0.385744660685911,0.634866093400237,0.581696238694541,0.351459464944483,0.482073246668702,0.163430923656872,0.946656529026461,0.552512546795233,0.656906796716568,0.791250387828097 +Sos2,3.4974440449509,3.4599419552144,3.63140903352857,3.50749176009107,3.70612546853191,3.76040683910259,3.59595554571814,3.64754641045197,3.51177164211623,3.51868467128433,3.50636809174099,3.35814180145386,3.26965100145068,3.34698502226958,3.34940486973932,3.3932461981952,3.46875864441113,3.29774224712198,3.07129138289961,3.5439032220506,3.19109715880904,3.27568203533218,3.36193863695992,3.35642925261143 +Glt25d1,3.70201927714963,3.82114493244509,3.91990313705173,4.09301443618116,3.72375526767714,3.50909267827049,3.62157577680081,3.50466660048241,3.85152359436735,4.04136076129681,3.78274759942698,3.65567238093558,3.72732231008997,3.76235054534633,3.76689537237545,4.14696834361035,3.83929321126959,3.75910775673141,4.0015009375557,3.38393560168925,3.81229807070456,4.03591823712611,3.81713158700304,3.81263876008205 +Scn7a,-0.0097499570245482,-0.215562259471807,-0.9546291742684,-0.200857049802172,0.637495100349257,-0.717039300757962,-0.0229698747482034,-0.82527342633999,-1.01314050484189,-0.108227046794695,-0.267764200172039,0.543611884039242,-3.8225683517797,-4.25545333483693,-4.65640535112686,-4.53339930308899,-2.5605967743626,-3.56284887831173,-3.50248199919134,-2.63530645790888,-3.90344084979838,-3.66622639001311,-4.22158607046183,-3.82312223879102 +Grip1,-0.82064464607125,-0.346975250547042,-0.514048771384287,-0.981271884354963,-0.230931306380675,-0.387626915699528,-0.164629815094006,-0.671188455745109,-0.630340785163683,-0.339724835566737,-0.23007982207824,-0.509709623847872,0.851331574690732,1.74881043312519,1.18265583358965,1.36784325448114,1.50830031048763,1.35622180257141,1.86300563583358,1.10868870749824,1.31964480997631,1.51141702004828,1.49108469321324,1.7166847909598 +Celf5,-2.75583919907362,-2.07876627915124,-2.25820802403198,-3.30599243742267,-2.31501664522779,-1.81325598093642,-2.12146342133229,-1.74849149554549,-2.66600507505522,-1.71080664747435,-2.10760049830868,-2.43386663753439,-2.84312755264031,-2.46287965303841,-2.23662750774867,-2.69908649576068,-3.15306934292546,-2.56370664757897,-1.47212823422527,-3.00086433598852,-2.11496869565822,-2.15052357073867,-2.29827087773976,-2.1949014331955 +Cpsf7,3.48523828360169,4.03145628613818,3.25957870579822,3.65180343674814,4.20088104690653,4.07776112224202,4.06251904963566,3.57017860425859,3.63137705635863,3.72055277752627,4.16903912096853,3.94284450545882,2.90735843725158,3.48335636005753,2.96340667644952,3.32283422868461,3.8307424062832,3.13912072307179,3.71342915938014,2.94925170865176,3.35452413891247,3.43577999448163,3.63524835594655,3.58362178931273 +Nrip3,-1.53874194943314,-2.05168950594762,-2.76711691059881,-2.01387376078692,-1.68562801342657,-1.94752614591811,-2.29244763468542,-2.2988212456775,-1.73784947809723,-3.42482480886519,-1.84182154583566,-2.68710849675131,0.166598246347809,0.315035486820562,0.440998530029798,-0.454008627527713,-0.109018626615008,-0.0695590742838919,-0.153051973113395,0.186821205271231,0.258394102696918,0.0350764967912318,-0.287740292052453,0.263479750349256 +Nup54,2.65998579576119,2.78748315817374,2.85232319746396,2.90016957121333,2.41246872443293,2.50384668398199,2.53744145829028,2.79148234102894,2.61457147354809,2.65008099895321,2.44719731193585,2.37237226038477,2.48262273407736,2.35998581481491,2.38349020099112,2.24327352603118,1.98590441456498,2.27604499555386,2.25243855955573,2.42742429355704,2.5428658218606,2.50268394384717,2.16563343308411,2.75124390542349 +Tet3,1.15323401793419,1.65826493510873,1.43399629988892,1.10709657241525,2.17994751098309,2.0250495484741,1.79848188650045,1.90430850601272,1.41120515145787,1.03261914625418,2.07210928825198,1.69450298532206,1.60773621161987,2.39023397950073,1.83371570122557,2.13267348212434,2.93695891353993,2.34060671245628,3.05491408587392,2.0007151703815,1.92492402507381,2.22317759553593,2.98928207314968,2.73307044373854 +Plvap,-0.503141639362703,-0.258179113894256,0.0577307252612362,-0.352571038488019,-1.35897340070594,-1.27900271871951,-1.48649304764763,-0.763524563935137,0.0944279963624377,-1.6295472221416,-2.1208209991366,-0.900011421751445,-0.559357856952062,-0.239369389677881,-0.0867411706858243,-1.54753424451326,-1.61921412714251,-0.0859506271453616,-2.48431107723428,-0.868225021795819,-0.881219184066049,-0.808924861877579,-3.00262896554525,-1.15474472075013 +Ttc21b,1.74513108161467,2.0604166241739,1.84713222886176,1.84703563863583,1.79682097303538,1.61910739741064,1.97491980446408,2.01661057886988,2.01571279575252,1.95269143572019,1.69325253539721,1.82261051622832,1.40391518218323,1.70338321671627,1.22855075930454,1.36481192814329,1.41934316325945,1.36027952457305,1.40265832152519,1.64483542318027,1.55946324565011,1.37761869281933,1.20944975457354,1.85891336925096 +Tmem127,4.03526267089184,3.99838299361137,4.19367363497687,4.07628814023726,3.96303272572272,4.03184364785645,3.80487870431234,4.1068504094117,4.03342925680582,4.14357606979717,3.94382167823717,4.08145132794821,4.64294297491513,4.4794222552422,4.58372892557534,4.49398629692002,4.77091741114345,4.74314543425803,4.5720237386441,4.59633037042448,4.57733221511518,4.52557485854239,4.67509836179021,4.56072407289573 +Acot11,-0.422173440695865,0.128095013299018,-0.077713660942071,-0.0703336085566488,0.841360719598675,0.0306618641961318,-0.0417313153362149,-0.184275334217438,-0.499207130001255,-0.591036393258911,0.238385215119934,-0.0901311387997801,2.94754954734253,2.51501187236825,2.71452674215999,2.80994705335734,3.33873151355673,3.08690764379153,3.32694036822637,1.99972718795908,2.57507617166263,2.77915156377008,3.43815329751868,3.20010986064463 +Mfsd12,1.9507899495385,1.86318025163932,1.79752092244662,1.91338636572289,1.7861171538399,1.91861776244669,1.93735689478222,1.90308599590408,1.76117616731793,1.75277348423915,1.81516452554773,1.82755348350918,1.26102869771201,1.42920532055477,1.43009219602887,1.7685888478463,1.90231295337521,1.41712962128977,2.02862540299095,0.944631831309951,1.43942414806362,1.56289741668808,1.86855406656817,1.81229617304338 +BC031353,3.42469172230214,4.01812088291657,3.75034509123626,3.96816401935397,3.9424826235246,3.98545840283585,3.90837263209619,3.96671090515082,3.97995728988276,4.03421380332699,3.99583015994748,3.74301089364947,2.95162352167074,3.8900657068518,3.62066868981722,3.73580338764615,3.70013798110382,3.20013534084737,3.70491333918474,3.61611547949259,3.64829775596385,3.83054027944615,3.74477911635522,3.65835632693335 +Ano8,2.58092087316722,3.42211142951505,2.91005060292178,2.92912779095378,3.03161700557501,2.96976850041888,3.13942173119847,2.92305229535694,2.83844971277802,2.98288721991311,3.07405810243293,2.9601943875928,2.84010681690784,3.3005147212248,3.05672621470626,3.17697268578091,3.01944926616221,2.87229995506943,3.39507060462505,2.77749765316656,3.0162068663484,3.14782148120915,3.09154035439309,2.99308248062597 +Ankrd27,3.01801888193162,3.26620951564544,3.11711459030855,3.25463910810235,3.19760000108513,3.20540730874388,3.2121301713524,3.20470921673624,3.16315622482295,3.20195138822328,3.08677501137345,3.09536982578417,2.99963163806092,3.34503898389584,3.0969048516896,3.3766844282018,3.20882822784435,3.0855588771177,3.35068557944831,3.1672651124546,3.15575265299117,3.29347463770626,3.19640907609131,3.15763564284357 +Myl12b,6.0186119649041,5.71887382430612,6.05020644660587,5.91318348686385,5.72070702531877,5.7347625922443,5.58874422382391,5.88694754030014,6.07906371173349,5.99369830433237,5.87373489917598,5.87864745362188,5.37157495466909,5.18386183173414,5.28674686315707,5.20902773665616,4.91997463329211,5.09018927734413,4.8855779696943,5.3158142807769,5.35233599288594,5.34599429582765,4.90512520762894,5.14234738363053 +Fam151a,-1.26863526678818,1.67486385236208,-0.51959846199448,-0.512451894217127,0.647814313562696,-0.643979483923247,-0.326853928081279,-0.875342474761886,-1.92905864793672,-1.53542356587753,-0.60853540916338,0.210624848063909,6.61852484468518,6.47892230506585,6.90821605556047,6.5514193416271,6.21790239943508,6.48414413454424,6.38822084531065,6.8197355689546,6.66889002877115,6.76117008210507,6.28269579950026,6.17012099582347 +Nudt19,2.6223875163629,2.38947845587192,2.54006141692855,2.26752789933777,2.23214911223733,2.15495877583771,2.2913225758753,2.73298623689732,2.49991976917848,2.40319711422832,1.93672053326446,2.28913595375928,3.57555218621653,3.37873174489197,3.5380781201499,3.2642677980161,2.88838459576187,3.39675829254957,2.99505587022264,3.6302756174821,3.37987903064376,3.33442123461472,2.95369330536436,2.96462447325617 +Mrpl34,4.75360527245854,4.0359519040215,4.35804758904341,4.29444021790201,4.17941822864605,4.12529110779508,4.23544392866029,4.62267195913948,4.42747155466252,4.31676245174063,4.10870804598401,4.42035551927356,4.49662196813299,4.5009431183147,4.51503261334183,4.13363423455152,4.14990167961531,4.54048802524177,4.15826594706176,4.60063725392189,4.50913127336828,4.3791716564342,4.45080796914221,4.0620486413584 +Cactin,2.90016403073048,3.1275733760525,2.91273260174107,3.17622581280271,3.12789717791548,3.02812438544184,3.37723641816465,2.70204135654515,2.76533476800465,3.18406164360668,3.09501455449652,3.02522220144051,2.43951381157127,3.0504443506777,2.60553393449062,3.3903146630893,3.00362941696066,2.73227643976789,3.3581916860661,2.68457943490308,2.80412191667903,3.1021375973674,3.21157594169016,3.04175648906086 +Sncb,1.35706230332444,1.29253509984183,1.821804750081,0.803358165946523,1.94308115518742,1.62121483256324,1.63382142698176,1.43346446976047,1.3309963410964,1.62557447226485,1.73418435490908,1.5003057113941,1.66105115981823,2.0400327714721,2.01601771850725,2.00864239611675,2.23738871967142,1.83554344877022,2.46659349127169,1.45830234220204,2.01561214044448,1.94274234089383,1.97656222385006,1.85340143055599 +Rps29,5.35312168268999,4.996364474746,5.23251954687414,4.85706095173681,4.64151757792055,4.47661830924346,4.43370785006023,5.57582037670251,5.29691309042538,5.16982971034437,5.1069793903006,4.84104560354062,4.71755670418594,4.36901493903931,4.76875879496472,4.48130689576583,3.99745253510876,4.70707588564274,3.79087744315133,4.78055741076897,4.49020174221594,4.43170272578284,4.03029103236626,4.4239457674164 +Cog3,3.96180178663536,3.98622495851144,4.03027332985485,4.12548205470773,4.03983993733168,3.88754222371138,4.21873607576302,3.80978458181792,4.00320074521448,4.01068884095892,4.09774665599903,4.09465189098483,4.1817152536007,3.99593796453448,4.29062763227508,4.21141661301468,4.46382717772792,4.36984891560115,4.4807069313378,3.81453530682556,4.25759971360292,4.08540798173324,4.4860620556994,4.38985303677728 +Filip1,-0.0155979593741544,0.784642788047516,0.0153987585311701,-0.184158694797265,1.20231388269656,1.15988742286422,0.567745160863072,0.31413900586506,-0.178215662364877,0.0034369212078853,0.697132044911083,0.675252693893348,3.14394676014603,3.71892109228676,3.5303611047188,3.93522871723797,3.79814860816726,3.47997597164038,3.66420765359446,3.62225171016751,3.59778019656297,3.98031171711622,3.88559696608614,3.70660163690331 +Pip5k1c,3.9428774738114,4.02467350767297,4.06988009762962,4.18190621135894,4.28295328920561,4.23279280193099,4.21596016492672,3.96368693678545,4.01571347844338,4.2192102382786,4.18496561599652,3.80539733387871,3.33105795842465,3.667636371535,3.77329192489044,3.85469761232153,4.05637518768176,3.69216002449629,4.00518227666438,3.32812634668629,3.68043854266865,3.96351571458748,4.02617141858274,3.69943699823268 +Cobll1,2.26307834267268,2.42456148835254,2.59909045102103,2.41936774724396,2.91500520990389,2.94929364947789,2.40144470926021,3.09229697487687,2.39831548622714,2.43976728198564,2.782170991123,2.49886520613876,2.750500449738,2.92635216164387,2.94376964041661,2.90153676767761,3.33596343531208,3.0305000586738,3.22526853220834,2.98238444599511,2.69041836998683,3.06879470091542,3.3931964446508,3.17287219154393 +Ncaph,-1.98031815511868,-0.732993443621141,-1.59469659266043,-1.67371062462457,-1.96985361393499,-1.22372417845815,-2.35683683205903,-1.37274612844933,-1.19967432761028,-3.4892140062388,-1.3670971362275,-2.39727831563176,-2.02436489423839,-1.5009014759016,-1.77928386173811,-1.73365024385907,-2.03209346947187,-1.77273062803975,-1.96871179600113,-1.62097689318647,-1.28126972561608,-1.90114313567681,-1.85786724735894,-0.939570481861955 +Sidt2,3.05379123347722,3.16348020560786,2.86537450828532,3.21167383519616,3.49243056475267,3.37115255030084,3.34515965967585,2.90879654403777,3.04641821477857,3.03642494390882,3.42197646592114,3.16218268162601,2.53426776673962,3.03562053051709,2.59119727926111,3.11006584142286,3.46162916768269,2.77131946334509,3.36702745429212,2.50291741383909,2.64366862098647,3.00136420596722,3.36477279553293,3.27631452129226 +Pygo1,1.05984890466052,1.42945052150687,1.35187193238183,1.01141078417461,0.872392633678534,0.726715500556491,0.831626780674737,1.46518743378987,1.42404404242604,1.02116302893262,0.710091144110845,1.05011901364063,1.29478962206888,1.37816384583308,1.58269044168603,1.27428789491337,0.983033007312916,1.02205907274907,0.846479482512756,1.15453590267611,1.25758145231146,1.60962960126252,0.95982009676949,1.00137574571979 +Mdga2,-2.75254889153352,-3.68812430725375,-3.008201172813,-3.6615137301486,-2.73533901368391,-2.9192340718202,-2.82277672481684,-3.1501555112342,-3.02389950675447,-3.20076917862648,-3.3071266644752,-3.10751926385717,-5.08628202720315,-4.60356966906147,-5.1704646529597,-4.98940728455723,-4.59770461427072,-5.09635502516414,-5.50203309969033,-5.51906717635084,-5.5722810534379,-5.58581919031699,-6.16360406736275,-5.08674840296667 +Tjp3,0.226369248027029,0.979941149886974,0.607419528810806,0.834884906685682,0.585614906373161,0.2862914663629,0.340701897794087,0.210437355049125,-0.134173528955297,0.756063713157401,0.311272997188602,0.378946485745922,2.22407746683827,2.67028618206127,2.21839091580816,2.67178518650684,2.63578711287474,2.14891700634914,2.79771244444049,2.10603892152154,2.58448583150862,2.65006695908891,2.7515835406492,2.43800816011089 +Cdhr2,2.08864283641906,1.47375964516945,1.89738005217418,1.71595714515387,1.85572484733846,1.24711043863288,1.09786362894513,0.97002092308551,1.57227917541755,1.1057507274647,1.11744979138176,1.06675977702576,1.58650577040918,0.622465695148799,0.360904940510383,1.14334438124667,1.27890421701803,0.110619086815863,0.0486137257905814,0.216661889986678,0.76101013168555,1.22979901518318,0.599390216195431,-0.221636348165825 +Ttc22,2.61557684778669,2.67184511894805,2.82358773139644,2.73336699075328,2.65625438493409,2.64580283847089,2.89906816582285,2.86367717909217,2.70008068965355,2.95350218274426,2.73309481569237,2.73483375422735,1.87662908801578,1.92657418547887,1.71494484988726,1.72317352095162,2.37176042104334,1.90799237071836,2.23246232575265,1.79124722029985,1.97138141899216,1.89819962911327,2.22355811431625,2.1003349180606 +Dhcr24,2.33003044634538,2.02118121027217,1.31847059705129,0.966269806247718,2.03280315441417,2.50109967598039,2.16354725888373,1.88526911058011,1.56021056522307,0.979317350111958,1.84042968834489,2.03263854441276,3.47898693725471,3.0669170778569,2.76968660059626,3.06452129239832,3.46414610076046,3.73394270816265,3.54659506516842,3.43615094108548,2.7241992795192,2.83584861270762,3.52284771702882,3.26539579283399 +Rnf44,3.04181988371786,3.22301392725989,3.08748158791188,2.95378086809799,3.37676375343683,3.32702328943172,3.12647634496575,3.47711757012675,3.2241307499288,3.18868491465748,3.3380313892156,2.95794102411437,2.80598791521313,2.99692797760297,2.84946619415302,2.9492823412662,3.29971907643838,2.97533297056479,3.40507286250445,2.86502942848154,2.89681022769467,2.99620577608156,3.3503711576594,3.05609454839028 +Rtkn,1.10269194721759,1.72869678076707,1.35055395996195,1.29149328649528,1.72878652626915,2.00379857293413,1.84190054193429,1.37291556537273,1.51152875079603,1.4406235460242,1.73624042130068,1.78549569366534,-0.927094930160984,-0.418913999095142,-1.02972178318769,-0.563828610975587,-0.772653567567198,-1.23080808510459,-0.308673310438158,-1.63480696471804,-0.857083644819073,-0.988199027600705,-1.14650287026025,-0.927924077954737 +Dhx8,3.10613680454342,3.01485366420228,3.05981037496946,3.0849391604125,3.2087943932674,3.29218096491777,3.24694732044687,3.03744752439435,3.04349696611309,3.01329749379651,3.16802567365468,3.01852562392925,3.04613819048809,3.25019192489491,3.2566546693656,3.42689739575074,3.55498523418622,3.2131727475943,3.40171617452687,3.03683342858517,3.14973916496325,3.30826800273005,3.45395790887054,3.48740337187996 +Mrpl54,4.62919811699521,4.0616230237069,4.70641822429736,4.1491062936862,4.01256240849052,4.49715047883098,4.28718825144013,4.3720375925966,4.60817550696299,4.50336247388398,3.64863733802865,4.28873276443274,5.12103910316964,4.57937308927633,5.09228838457697,4.77392369422966,4.64258903849397,4.95346843579108,4.71003176053799,5.20051034357775,5.0330154654274,4.9873990967633,4.22212568468382,4.72987963191039 +Arl4d,4.76045802517446,5.32526535820362,5.10001863553553,5.49148617132075,4.10686626553929,4.59833054330424,4.70553165877795,4.48048872993388,5.18087455328358,5.82982162370659,5.13133718496494,4.94151818829547,2.6765988628775,3.26410244054534,3.51579810988967,3.97385851484328,2.18841360841454,2.88567566030611,2.1106823743947,2.66151952097844,4.19068210381597,4.17272616353165,2.72500691885116,2.12391842098872 +Synrg,3.92963871671695,3.83082451322743,3.78332794008131,3.68116396391225,4.27531525879505,4.19635740294805,3.86202148789201,4.15573730781074,3.7659915931907,3.67420112417753,3.95765722039413,3.8930585899965,4.06880932257133,4.17962135069466,4.1014078314712,4.15592728940209,4.56474606895702,4.22557039191479,4.49744904351916,4.06699051068697,4.05059846754099,4.14177935317152,4.56489150262894,4.35707594799637 +Tmem106a,-0.248870822637548,-0.547195922676232,-0.855853308177189,-1.13126807189136,-0.407196373239309,-0.49132464431907,-0.353345396107888,-0.3341382759577,-0.742836356336515,-0.727569276063231,-0.306494139479337,-0.95517139922136,-0.0634495368788768,0.123225505260433,-0.500246983823461,-0.183939500326977,-0.715123179970251,-0.367162691822485,0.282830169065373,0.474365200439737,0.176617917074267,-0.223985587431419,-0.228324233046927,-0.707406985709757 +Zfr2,1.30903723135611,2.25788366314005,1.84458632449143,1.74231264137868,2.08209404100933,2.27017596787965,2.14384924630735,1.75994872395916,1.55855281043829,1.43428948337692,1.90620335293288,2.09885005819141,1.13172561823544,1.99686639138139,1.2912194942841,1.05996906117414,1.85623367344648,1.64011363765462,2.14694937523206,1.17146881033655,1.36110712761562,1.1565255726401,1.68385272480649,2.03354029226932 +Cog7,4.626828431605,4.42291752822666,4.6547046857473,4.57532654299515,4.23832861008217,4.34705172558989,4.24349793950782,4.45297114659072,4.63379394585003,4.69436499598495,4.32785998387011,4.30109663188421,4.93545405690578,4.9338834352976,4.77285209229826,5.1842312394259,5.06388235194846,4.9330181419474,5.10370510458523,4.6918848628127,4.72055085561466,5.07708688142569,5.10532321252743,4.99598225511719 +Cebpa,-0.664057445788757,-1.54167823915957,-1.37500546262044,-1.05528891272376,-1.04058923281483,-2.17635356151119,-1.95522932007877,-2.48665217109724,-1.18946638933827,-0.474979269351648,-0.210064438857717,-1.85411595842006,-1.47018814328342,-1.32988873554592,-1.76896934762334,-1.94582130325355,-0.97586749444033,-1.85617391679095,-0.989308854322884,-1.29768799335874,-1.28367218137443,-1.45402477103302,-1.27442557781946,-1.84273082275151 +Atcay,-0.0616738776207275,0.604702472982243,0.524547889259035,0.275856034840039,0.171616066960486,0.20035361611395,0.186957396905432,0.208484998523142,0.50641289084001,0.407690433782598,0.389034979873709,0.277710102042664,-5.13561808044307,-4.15427366027261,-4.14247866604001,-5.13561808044307,-4.56015561757349,-5.13561808044307,-5.13561808044307,-5.13561808044307,-5.13561808044307,-5.13561808044307,-5.13561808044307,-5.13561808044307 +Dopey1,3.05006848479619,3.33460587183715,2.91826755211594,3.37008461118376,3.56235637624611,3.49366627260757,3.42261904254872,2.94966730731487,3.2589503752895,3.13148094806336,3.47558719347966,3.35379294183498,3.00676570388994,3.17273519314259,3.05827140669953,3.13874208638294,3.30901784197617,3.16000246711337,3.22729652468302,3.00939215249965,3.09881426639624,2.99741060883172,3.32662197291809,3.30871018443602 +Dapk3,2.88257155376085,2.58922202879074,2.75223974636747,2.98711631424381,2.64207968298142,2.69877819541631,2.93817133031129,2.67912128955767,2.80346507214931,2.91490676312472,3.00315641533338,2.72396889079571,3.238609024656,2.91254990281207,2.97938552807148,3.13779528050298,3.22995237932834,3.13036249106345,3.67410622781476,2.7547513829567,3.21686883967425,3.13276709792387,3.58173339423113,3.33424441286198 +Parm1,0.662623733344184,0.922213172824102,0.895870262219263,0.133412016020356,1.67749143553177,1.28194339420145,0.866708565122978,1.75308709258897,0.27130159222369,0.425743333313039,1.65739330646366,1.18176259990637,-0.201563129296679,-0.490454249763957,-0.323605972081409,-1.00924177711336,0.152107742951515,0.205457127585829,-0.640298792113236,0.190782748268484,-0.877823162680017,-1.40036142069044,-0.0013123479765959,-0.274918127473815 +Otoa,-1.97259331162707,-1.25705231766927,-0.300548863553415,-0.87222473732019,-3.20035096938273,-1.65642227412631,-1.45022714646914,-1.28752240130625,-0.369676326718717,-1.9107802944084,-1.7934606080332,-2.10538621491277,1.66534721530896,2.53578852952179,2.68584469250914,2.67396045390272,1.46560440603078,1.02561635912819,1.68564422078649,2.20950067474138,2.72842262571292,2.52938604159292,1.3637714559293,1.56968303365896 +Vat1,5.21993723911574,4.83337415108782,5.46826091947691,5.02866733102152,4.90475365564983,4.95147921225201,4.83411356409376,5.17709078223253,5.35374033808418,5.09947089065555,4.84851122489774,4.82121263776918,4.58911264305955,4.29873865153608,4.64836885162907,4.31246922558251,4.24646881138268,4.33991276882363,4.33424756985091,4.4088732272679,4.28239623409431,4.42546560237619,4.20221949388173,4.01539815416681 +Eef2,9.3578164929607,9.33055144566954,9.98999609585208,9.70574460335462,9.19385304202305,9.22207378858378,9.08191799777614,9.76177706938964,9.72711348430248,9.79075109656809,9.22595438149498,9.16440364293884,9.21963272774954,9.17733541679257,9.48012991668159,9.34478610941888,9.03752224249767,9.19080642698238,9.17825614130937,9.53500969200002,9.33395173450884,9.42994536476669,9.16275215965944,8.95519593180157 +Foxn2,2.56023121977777,2.22299821573107,2.56124080647511,2.32377777121463,2.39400866520213,2.30589374798091,2.2143166280141,2.38074135035525,2.44224732432348,2.09857532743733,2.25859705763125,2.22666720846795,2.15656071767744,1.88260971871304,2.18984252597293,1.83508044950676,2.00150793016088,2.17904212989266,1.97384028921934,2.06041482925236,2.01625631596483,1.78460480907229,1.93495666303782,1.74657080656817 +Dpp4,3.06321927823594,3.17679728064955,3.48859493649079,3.03299580286651,2.72381296747994,2.7537245955623,2.7322187008696,3.25662953215324,3.07613159426102,2.81233047042336,2.72778360330107,2.63267758224449,4.43446440076054,4.29570665765627,4.30147234259902,3.96049163624752,3.83338929642116,4.19955909589076,3.8203060321725,4.55240430691273,4.25871515324822,4.04540932229828,3.57173949631757,3.85285878067585 +Rundc1,4.03818032073107,3.82953682236675,3.7373962361153,3.90582320469591,3.95700345424332,4.13604653062948,4.07700181475602,3.78820721000321,3.83922043816933,3.86200196310648,4.20541318099344,3.96914150882876,3.58391096926719,3.76766213213775,3.73090912525139,3.72518678115215,4.00906446198867,3.76757771623063,4.06275561207634,3.47856400022475,3.7139288343286,3.8769995686123,4.05715428033685,3.87743692807941 +Zbtb7a,3.43242187902474,3.48746062485772,3.51207179754123,3.3589451908324,3.79614327518299,3.68437393856222,3.46610669866236,3.79577894768596,3.43868599787914,3.35639871242305,3.87132697653551,3.42244334461132,3.17384978383695,3.59211363682762,3.41797360289997,3.30580487119554,3.82714391082578,3.48430841784173,3.68189498479204,3.24719511876862,3.16874481193281,3.33962582583909,3.5915482155363,3.46164101070108 +Baz1a,0.380314847859469,-0.311349941441285,-0.90677819108695,-0.101228497890224,0.713801233210746,0.496491408107921,0.637442910668113,-0.331674584049044,0.0051247133183749,-0.181348496918614,0.697264629478831,0.246435494005521,0.167339035722921,0.22761526217926,-0.286639464869633,0.470002162346458,0.589776489739375,0.40900457240793,0.687611385849353,-0.0607832315885113,0.282904099194796,0.143668023970341,0.309873359274779,0.185381283367429 +Ncapd3,2.92557033594224,3.14554517515144,2.8851605942003,3.12516571930739,3.21975190963857,2.95353850740456,3.15504491414589,2.87042658021199,3.08834009620858,3.27144642621595,3.16960910604077,2.99668658337154,2.42711692703403,3.07865753427613,2.78412174096157,2.8735633293403,2.91573480558778,2.82198614425552,2.87261868859328,2.6945336820639,2.61616002899022,2.81609838555071,2.8854950867096,2.91721835899882 +Map2k2,4.09376797734517,3.85372988156706,3.89581150577681,4.01743392832467,4.25646301175092,4.10049034481268,4.17166696514159,3.77239006308468,3.99081378410731,3.97622136636625,4.25541516914558,4.00865063213187,4.51490957933167,4.365045487007,4.29674963280432,4.39538016822037,4.53884386000319,4.52295668271377,4.81866029475901,4.43352096725469,4.42324061661351,4.46911375306263,4.79924175631883,4.59589666830435 +Nek11,-1.04939494346284,-0.883477609470712,-0.444106538834584,-0.829722762079031,-0.706785648787918,-0.71252575832271,-0.956427488056529,-0.839070535432506,-1.59404095766528,-0.748305471322444,-1.27253558880577,-0.636521099149814,-1.13269391856563,-0.597095046570098,-0.774031591840389,-0.754188335305862,-0.373344392562411,0.0016338935491369,-0.61283206706091,-0.448321996417755,-0.91380158336542,-1.01237264588072,-0.202058278734897,-0.051569978975321 +Creb3l3,0.633655573724871,0.346240500761701,0.952979066826776,1.06312223500349,-0.0519853861091606,0.21212230717914,-0.0765197333142513,0.692964337277277,0.556621884419482,1.00474825103313,0.211365230589782,-0.215533708026081,-2.0374601874547,-2.65453500399078,-3.37365487514698,-3.95404727902751,-2.64926455196128,-2.88679823682889,-2.49702440312709,-3.30951038801559,-2.6206903738185,-3.37626240198175,-3.35892585498345,-2.87719161463142 +Zc3h12b,1.30086418964469,1.43927653515383,1.43459391406478,1.25406488154354,1.34333735160385,1.46148091870482,1.2586581546737,1.63170092514256,1.33538728260093,1.06767599458797,1.17515292809005,1.1778563945449,1.28204353071238,1.14077126293818,1.4211571314604,1.21845458718115,1.00167731524302,1.10150005452724,1.05336149504982,1.37014091142877,1.18932260304533,1.11143855871106,1.05996221375329,1.21070067144242 +Kri1,2.86768037036209,3.11942494885501,2.6464131944853,3.20285326513202,3.29611034619181,3.4953423226773,3.38399827938399,2.48742030372841,3.03472229616008,3.27221129697515,3.24090579526688,3.28686164178902,2.77082270182531,2.78039548667974,2.24805448650615,3.10701100105059,3.41967856178017,2.80942625395295,3.42935947938082,2.46299353892545,2.79174221119495,3.02580990984633,3.34450324156128,3.39411044150655 +Anapc13,5.22705852250118,4.81613574041264,5.38151567908154,5.18483133538963,4.93990715456993,5.0820339444581,4.91453350225121,5.34239358249418,5.24715580344005,5.17049279936222,5.00362715700488,5.33085553874108,5.79964727383199,5.51506696643681,5.79244016859386,5.49418688322474,5.11895105308115,5.44776529849871,5.39060503775384,6.07516501328533,5.74675665257442,5.64710931237461,5.05180385884024,5.54682512524281 +Rrp12,2.68821594768018,1.60680521911563,1.72251860116466,2.10001329668344,2.38983478071883,2.31185380245251,2.39589459323571,1.74859329414584,2.08154053736449,1.86089805863365,2.29482047990638,2.34277733999029,2.51655517540603,1.62016273972657,2.42714189926013,2.34607535089816,3.13234313309412,2.69185755994999,2.675570960988,1.56730007659578,1.93898258056247,2.18594374217659,3.23396705676362,2.93417257277147 +Dhx57,3.27661328627039,3.66242900661175,3.20393670487467,3.58720501274059,3.7254710652209,3.6591547729816,3.67248540162343,3.27415588442699,3.31740837116048,3.44203190227422,3.77005350676966,3.60506948134698,2.89983438786306,2.87196128636545,2.79663429148889,3.04034939453961,3.30495218371052,2.83900595071881,3.26046739288595,2.57377815787837,2.84878454529451,2.83914108705024,3.2554921284769,3.02865732454276 +Zc4h2,1.72315460615743,2.07582672147648,1.89667199475812,1.97293096253888,1.51227595990678,1.36722943089117,1.43232770916135,1.77438640603037,1.71252826785021,1.7802342583781,1.03345178448696,1.60573897431483,0.816589794526904,1.26085160807625,0.910488430235405,1.39642316362087,0.99131425178244,0.394034432120566,0.576091723245477,1.30205700000713,1.18289438978285,1.25067526123795,0.537025241705099,1.06695464405791 +Eef2k,0.446710924542347,0.395300631770755,0.31631748993204,0.385496985377602,0.454462652972004,0.326012053541651,0.161532009758984,0.485159949257855,0.226690264861143,-0.122584735150444,0.0788522943786596,-0.0664810620328398,1.78918763478018,1.12972352006757,1.60071702636827,1.43728080962198,1.80172850629451,1.4908730294706,1.77471201102705,1.08072967933778,1.02524650891169,1.67646412475552,1.8905227520592,1.74792093025637 +Xkr6,2.09631906021775,2.52425491062167,1.83919074735202,2.44635252671044,3.08681466412126,2.89198263788582,2.9317879043447,2.11784307567871,2.1487368877754,2.2661155936456,2.76395198533704,2.65964493293682,0.982264863718931,1.68622442899391,1.12492610563096,1.63492722393471,1.93202249310193,1.56298035914701,1.92896414893957,0.937886852566673,1.45151342808955,1.17601750595468,2.01466915898845,1.84906964956899 +Oma1,2.83321961108178,2.7022577189749,2.56803603177039,2.7712674123616,2.94256193196318,3.206771998805,2.86527380834453,3.05491433178468,2.59109400554416,2.78168659885106,3.07516338012082,3.17898005247812,3.64203594111892,3.22218847813515,3.32555413013998,3.14020969565997,3.5542079997186,3.40331570828764,3.23034211605975,3.83305899845957,3.28502466221034,3.33701525239556,3.47518988947347,3.27908915404529 +Mtmr9,4.26760281199022,3.90795909279667,4.24844021896699,3.71559600998046,4.07425995643266,4.30113002939992,3.93684980353265,4.60559859831722,4.14883526997384,3.85559620869878,4.00106304671288,3.89735116595079,4.27259001169429,4.00586938197428,4.24330065291557,4.04644264949312,4.22230337663791,4.25681619340124,4.04712936692394,4.28011700211051,4.09022759195371,4.00027927228503,4.15602272465519,4.03909830054658 +Becn1,3.81827060093364,3.83992546293961,3.59350004809434,3.90622491034516,3.8772429470198,3.84282542004372,3.88280898932163,3.74280674152667,3.71707672260433,3.86769979467016,4.01348723356048,3.94990109558234,4.05810260047394,3.96223036914769,3.94742206123909,4.102599338798,3.98292556537378,4.01334146203288,4.04505007735815,4.15572310756113,4.16126944178847,4.15371047188672,4.06518640199925,3.95748269276702 +Secisbp2l,3.25163281820871,3.23021846779077,3.30320634771989,3.18867982595261,3.30037641581984,3.22266710392822,3.08614765204708,3.36373464413757,3.12195689073924,2.96606428947906,3.19747198527041,3.16070049677803,2.40731256760842,3.00252287369846,2.6379659272883,2.85527531906213,2.91479497321702,2.5565969595638,2.77399074063322,2.82015200416643,2.62925190481031,2.76488575148213,2.82155484747999,2.79004206962792 +Fam167a,1.89084859812612,1.42396515568582,1.01030038964544,1.53772257035981,2.03932436959421,2.03891550249617,1.81680843371502,1.25480298102231,1.12437203163488,1.22918387949589,1.72863395224785,1.85876927839964,1.29067136352473,0.528984747411721,0.387705748238243,0.908047534492848,1.83660263424221,0.956680594790819,0.68567885976322,0.380876510539153,0.690743941857835,0.630517663754597,1.55007134933473,1.43163014666327 +Dcbld2,2.2390492871862,2.0873567450413,1.86345651482296,1.68521624277099,2.02613511076955,2.15652912558866,1.93398669791652,2.05036337541964,1.97056684661014,1.79254159249146,1.97356181620788,2.06934132336211,2.05324198750395,2.1231266895965,2.00143655071434,2.06551355189074,2.16153711628407,2.31359901177763,1.97506804126274,2.04259833234625,2.05452502538792,2.00594268546091,2.1603766856339,2.26398464877713 +Shc4,-2.00534026656417,-2.08976648648422,-1.74381734659592,-2.0843347694055,-1.29891110875783,-2.0822792423593,-1.92882873409838,-1.89399569159289,-2.28024996358976,-1.59270848010883,-2.06791376439159,-2.5158708545229,-0.509956358094251,-0.473655403764904,-0.413957744566841,-1.01465213289542,-1.25802681876051,-0.981404240363236,-0.70377983049381,-0.555733018848499,-0.7040692296555,-0.656014242542522,-1.10849862064839,-0.577107973435681 +Wnk4,2.51375869997265,2.7501562622245,2.31453816656565,2.29111645973545,3.83348143651545,3.97462595077663,3.70127014406131,2.87370786508308,2.33316975271325,2.54593063628268,3.70472739853528,2.94125736211478,1.50915483123885,1.88096988760098,1.87226693944919,1.47021737582424,3.01542487974548,2.0953112684944,3.19803339048082,1.06216310803513,1.66582424336923,1.72780600795912,2.88297894407197,2.0010646280499 +Neil2,1.19873420271253,2.24527206827312,1.91289556564596,2.08552057783733,1.81549603125494,1.81391421576387,1.78470398053289,1.87335418769405,1.8730155044177,2.23180256963105,1.57294079923775,2.11722153669648,2.46566668467601,3.30236873045148,2.85483979775143,3.24298671361089,2.88900918494321,2.67580888908823,2.63118753000329,3.04791306992909,3.29975352585533,3.25204276663142,2.56372780304667,2.95520940530163 +AW146020,0.513917160595879,1.07551536012409,0.739959800784037,0.812966224632144,1.11078675472653,0.854560787481939,1.25923420663793,0.546591922128896,0.804068938767429,0.722790576652481,1.05883106600168,0.761554934453609,0.238226434986468,0.556511919331995,0.128117588343495,0.694854563655842,1.05397179603724,0.915726188175193,1.20001507425028,-0.613072397444979,0.0747000134687461,0.153192813590064,1.22039532143745,1.25614946084391 +Wdr78,-0.291421699776453,0.404697467600672,0.159770322922543,-0.373614339228022,0.431864122872816,0.630261395096009,0.19223677072584,0.214784273292069,-0.224996887985456,-0.669689735252668,0.194927239659159,0.315365659589555,-0.319774068144369,0.390896736614433,-0.116164061166146,-0.916686649808067,-0.0152637819511789,-0.0574550382730559,-0.418394169662731,0.198770295447221,-1.00678708426966,-1.08372835739246,0.498452784963511,0.177277915665919 +Gm6781,0.368674122429917,0.296561999203827,0.65911398978571,0.109952543406322,-0.762943321613321,-1.17674547034361,0.586332448719889,0.430329552529771,0.502081546356207,0.0533001313366535,0.170619817711856,-0.0177822726677273,1.59935507028176,0.0574455802581245,0.950644553635027,0.796007610909784,1.33499925420715,1.48450034874491,0.273068436928431,1.1201567871193,0.607949842448932,0.654415837035244,1.43886833043521,0.541324954561472 +Arhgap5,5.71090701925338,5.55800458199508,5.89652122747152,5.68308264084809,5.45377598227714,5.4815414735032,5.29925181275594,5.8624114702397,5.70321123357244,5.50956181653762,5.40698550188489,5.48874153620194,6.80736877330625,6.50356062178696,6.74226643634258,6.43152886339372,6.12743200835578,6.60303088997377,5.92334945192077,7.07855814280348,6.5519470097388,6.40167003555226,6.12088101996966,6.32092740291882 +Secisbp2,1.57806118536349,2.22828467961318,1.47017329975064,2.26466768071667,2.65570525665214,2.41356329851296,2.71262122268644,1.48542813107164,1.82936854327411,2.14155777210887,2.795908357827,2.50558433461578,1.8538105108048,2.21178396045858,1.65365770206193,2.27090793787106,2.84324403480545,2.39843203785654,2.84572108894819,1.15177730942255,2.06233915487891,2.12848883385679,2.6683395242578,2.62742132689512 +Nubpl,0.557043078977632,0.330822328870036,1.00512766511982,0.473706212139877,0.602939388714899,0.895958094095354,0.114782697376372,0.862296937681231,0.341389995726898,0.610449212816774,0.359365502238918,-0.093119013310432,-0.278918861399261,0.337986369133644,0.506444460795594,0.232235674606999,0.0028592005923937,0.523830215531961,0.0314100231796779,0.32900566431714,0.538300691972052,0.537754398089293,0.0870497761961659,0.0588394408931885 +Eif2s3x,2.01829286732316,1.71714531736082,2.338596106058,2.08784620386425,1.36022840354426,1.09647663545449,1.32715510230241,2.10057197971518,1.99920053011978,2.12540988948234,1.31419118340541,1.1967728048693,2.605611977283,2.16276126750236,2.68874890115948,2.42645446113773,2.241900187554,2.41565565005798,1.97887532124959,2.5787374684207,2.43421757019121,2.46795805177438,2.1891744726574,2.13215135986424 +Elmod2,1.11756874390134,1.38715540917555,0.971940091150293,1.41692067248167,1.51650950572227,1.2016185167662,1.27811870333692,0.9481001548527,1.07115638841022,1.26866863980864,1.35014505525018,1.46368050064965,1.36064888562309,1.35268762283272,1.40017295573999,1.28903379961833,1.78726081520731,1.59108312946175,1.75359323463294,1.19578100452274,1.49746316339941,1.24297633450034,1.70697167806837,1.93963188264817 +Ap2b1,4.62756822043809,4.39096216089148,4.44703127918236,4.26702262675476,4.37153618908558,4.4700855141619,4.33848908808653,4.56881029793129,4.43719292361794,4.20962418622247,4.36419731839775,4.3926318205215,4.52687089709404,4.36969165714863,4.67314603912291,4.31992609732587,4.67609991486024,4.66600526202994,4.50732187687974,4.54199431157681,4.2920268792884,4.25860453852436,4.75675452940947,4.59638141599111 +Mitf,0.188590676269988,0.474034730227334,0.107516730161323,0.342519061625228,0.700634890126676,0.0501557881618053,0.42394293843876,0.185409925958659,0.526862329246815,0.03345550960388,0.456103664749104,-0.0095705063591657,1.37976883175416,1.44750485756683,1.3913272396456,1.48056663345249,1.21179250537155,1.27495632839335,1.60470799702433,1.40986343787181,1.30410754386405,1.2460522617657,1.34171633467779,1.22256447953341 +Ints6,3.67594862711885,3.67751748393285,3.3219231180155,3.49401996236319,3.59333244588769,3.61687251188857,3.67741462025345,3.35789576462964,3.67886172109863,3.51031024618015,3.40534257774414,3.67571609487143,3.45377531601336,3.30449461819228,3.43043171837763,3.45003247062346,3.42491274220734,3.34924302397257,3.51886247194122,3.39764129038048,3.48638556252989,3.28718739496689,3.31811025555962,3.38932675509485 +Zc3h12c,3.41341234249854,3.67125824666975,3.52060471543902,3.55323555528609,3.48932433398391,3.52780550100971,3.43367331139269,3.86281095731758,3.62180006787044,3.52259035765919,3.42517049467155,3.44437875910444,3.53859461816195,3.66577173600142,3.65393518483043,3.66128881489671,3.55943682157245,3.68063503778408,3.57088841951921,3.74796923812216,3.78073068580523,3.50225263442936,3.72284360047745,3.70671125247142 +Tanc1,2.56699885744431,2.50917511865474,2.51201045270427,2.16451212365548,2.49319420831769,2.76923567878809,2.46550906625723,2.63787630089439,2.4318030226783,2.24197643563111,2.45789117598444,2.41607840155861,1.41054785639181,1.97051994237497,1.60595007773108,1.70020257896411,1.77511524541897,1.55029057600182,1.61898631590404,2.04974828496484,1.33442010110941,1.6289236193637,1.52621868706547,1.73414840562782 +1110059E24Rik,2.68202420359025,2.49810013887794,3.19600901612537,2.89461824801007,2.39400425847489,2.2752242517451,2.42147907729152,2.65265570236923,2.77558880786714,3.13938085673791,2.23366520508465,2.41020833070066,2.878459960045,2.56203261118826,3.06339337048207,2.7825868476681,2.41126250104418,2.78134996515315,2.16777453426972,2.7617255930644,3.05742154870214,2.76850443393584,2.54354591977322,2.3791133118331 +Plekhh3,3.45068020494821,3.15304992002126,3.32641609468074,3.36792774895497,3.16144226805937,3.53489701643674,3.34621171025452,3.11880091579667,3.26144812253048,3.11100146410103,3.16903684003265,3.05015025809159,2.69467408119091,2.61807000771167,2.5692278729674,2.62262528630072,2.83993835988518,2.58370852540601,2.79351374304494,2.58241320611857,2.31490627388031,2.71957169058051,2.80941328508758,2.58825004755165 +A630007B06Rik,3.32923851322045,3.62997044728105,3.40853445192328,3.35673497246857,3.45683528186621,3.42377494717697,3.3916927950948,3.47386579057556,3.31579103500894,3.21065565256378,3.49309389965796,3.53916080142988,3.35562094023291,3.52726402671786,3.16716584896666,3.3126161792104,3.69393865434354,3.36703231252806,3.54191103088626,3.23292297237454,3.29320965607347,3.43609648872596,3.58975402018974,3.668786614836 +Heatr5a,2.82099138103125,2.71272143402336,2.42108506742347,2.59428466466319,2.93944776680561,2.64386465937514,2.85504311242074,2.49189672741784,2.59292516417692,2.44590174620435,2.87314966603744,2.65373186459431,3.09800287152863,2.96424221246851,2.98389431443539,3.0425856015925,3.36343831883053,3.33238954868167,3.24197378745673,3.13797279111601,2.64312592839333,2.81172108327785,3.39083191231517,3.40124641118035 +Nkx6-1,2.38254311652884,3.40243412873726,2.42204060002512,2.31703756517165,3.13579802208648,2.74694070990721,2.78513652556313,2.80881986884686,2.66775332208299,2.25404250291374,2.96101769845088,2.76464574452779,6.78047483337183,6.97198650811917,6.72196462530541,6.49741894912138,6.68178840846954,6.85418109707805,7.21667251130834,6.75711926049341,6.66140627555022,6.5883033131375,6.79844217037356,6.85262506592829 +Tubg1,3.52266274807661,3.08885729598991,2.94371419471546,3.02411805176594,3.20642041006944,3.33714145736382,3.26891877940643,3.31161055948162,2.9141015946001,2.97093606556448,3.22536993529288,3.11883857809503,3.05044888172289,2.79638350440971,2.73026672039446,2.84973396759182,3.13738781634736,2.8362165628878,3.36157650830177,2.73643136610714,2.75332017089079,2.63676935927341,3.11045367098844,2.91935642003234 +Arl6ip5,4.71476204592332,4.22219424310666,4.78308306967852,4.46677520950163,4.46585663377846,4.41490551191943,4.15673330293405,4.55037486415343,4.65328904662905,4.51115622196274,4.25471814214511,4.51779578236194,5.13406163440727,4.86754967152272,5.42996223458765,5.01601144718263,5.1956748877645,5.21018543461369,4.86719124378336,5.25323110811278,5.27155625856726,5.10298190425113,5.04152412630709,5.05411599287611 +Lars2,1.4866919399982,1.06058723275513,1.5257344442097,0.641505187731311,2.17848284446857,3.77623070586103,2.17125573322951,2.71754916502438,1.10660632033965,5.85274787914307,2.25327028292221,1.62153484682405,2.33113438659572,2.27434605515083,2.23840783627675,1.27088141817476,2.26109833024814,2.97769399701977,2.09767601351443,1.81716606205249,1.05825034528609,1.0704237003552,2.20394565325479,1.68750937046291 +Epn1,5.06878162239954,5.02444405797685,5.17891216923747,5.01052620608318,5.10574947746937,5.21302524211754,5.15414431980174,5.27741845701335,5.11484279441564,5.0699891960161,5.19771622322687,4.94740958576382,5.3306634948594,5.26181863079235,5.37662030828664,5.22499639198014,5.31936457921801,5.38149595723176,5.52136133186475,5.34343141398454,5.19227620488527,5.32148178890715,5.4265160340581,5.19541711274413 +Sppl2b,2.09714408320565,2.58847954880607,1.63753621108482,2.67225088646621,3.00438021562372,2.8503209237078,2.94065922437314,2.04794496129521,2.30054618716593,2.60102840608398,3.06410007721082,2.86234235282279,1.99547829032812,2.7334252150251,1.77849287951741,2.6349411277588,2.83932304849286,2.22633653630806,3.10447810935176,2.12141107138965,2.18265669568588,2.53278991836765,2.88424356775998,2.92617566482902 +Xrra1,-1.26924608004271,-0.292961818874023,0.0690790306188731,-0.511842747823447,-1.25878153885902,-0.512652103382176,-1.17663168776051,-0.830403641630919,-0.209563610223657,-0.624859919079895,-2.28009270847203,-0.961013432446794,-0.227688598405208,-0.267710913143046,0.477878633105171,0.132781676879822,-0.534737460623656,-0.944547144659097,0.0295419475391738,-0.516927467633721,0.348328136443476,0.176939340329459,-0.407827408326775,-0.536575761515836 +Leprot,3.98032585649258,3.81623718698169,3.86177732372881,3.92925793283925,3.58754085242124,3.4717204639552,3.68116589392067,4.11825592024787,4.01119708285094,3.97560977639595,3.72500290041564,3.45690097006383,3.88608566379147,3.96219969709459,4.08414224821063,3.9299718387857,3.61639412219967,3.67739871936884,3.78270630632064,4.25563255627702,4.14238709518938,4.0368983406468,3.65701457930564,3.72689657487156 +Lsm7,1.51351229619872,1.32321472170298,1.25654573923859,1.43738599794935,1.10834259502871,1.81796333692559,0.537445590594337,1.12493882887194,1.5756803908516,1.50496664647821,0.92529122872087,1.53001738113569,1.67148373918966,1.40273466699159,1.04494415787592,0.988002877038668,0.712544977104542,1.16208027498023,1.50336605635023,0.666140586719087,1.75064562437178,0.887130038976131,0.927527542026131,1.31715495208199 +Spcs2,6.09898590378476,5.52893069419338,5.7891227500371,5.71797295394767,5.48280717213777,5.369100186323,5.44527644606634,5.76355487852954,5.6336783304857,5.64211764455709,5.50401099696178,5.70514450623589,7.26043339150708,6.59425744384004,6.85195272549062,6.41947547264694,6.62804270698724,7.02129685948994,6.66024103795168,7.00323370189346,6.73001793698134,6.57039536393292,6.62896814933058,6.91998285899656 +Pdk3,2.76426908517169,2.67453764068149,2.93528944670535,2.35139036796168,2.40743800366963,2.72089453643384,2.19733346080256,2.42767977272332,2.68242655631283,2.52528425171136,2.2172245598632,2.62228478519309,3.4371022796042,2.83717760657004,3.42304303100558,3.09200976279795,3.0348151440005,3.41240211989847,2.890387872831,3.44110564469338,2.97312021917815,3.05485328540535,2.83538292897908,2.77868620785511 +Fam175a,1.22614319383119,1.12913023190434,1.18896411502252,1.13917833875132,1.03429006720304,1.06686014913703,1.07277385388787,0.989202788321345,0.753508330626316,1.39913832539406,1.03777388663247,0.98972594196717,1.07684021794515,0.740146420022428,0.527059665087219,0.919949690382419,0.544477849259611,0.633556150900623,0.160255433712635,0.995619020892845,0.651520359163362,1.17706673126732,0.43470140899522,0.893125738131712 +Trim13,1.30228435846052,1.41934401767628,1.70278113623285,1.4270850049283,0.945139337431634,1.26243370503333,1.20258842192456,1.62565543350928,1.55613993228944,1.35678829786859,0.80638522730838,1.33574171788551,2.02013423868596,1.88189438519579,1.96907431796262,1.68220850551235,1.23891004958456,1.90810071191347,1.44013158262783,2.19089546029487,1.86958196440876,2.24509887298254,1.57541832397999,1.92586583982905 +Scai,1.57380201855775,1.90314485625739,1.16348815581127,1.78158958247459,2.38162080037642,2.10477769377196,2.16620476264761,1.31797600381453,1.77371882685869,1.79158485439069,2.11222081319401,2.05820939451401,1.56014762844314,1.81575111788041,1.42654561398887,1.74245580995464,1.82775081641138,1.42406323307574,1.36786249494211,1.57681082659615,1.84640387467207,1.7798363061541,1.86407644833486,1.80505161079419 +Neu3,-0.384553760442729,0.0947418192541487,-0.222923769923641,-0.463548263284061,-1.72735695272286,-0.520373154575057,-0.821213003876373,0.699711453067588,-0.364328113861746,-0.333807842214511,-0.553089075936173,-0.135052844065602,-0.643434776580461,-0.13687031055424,-0.307103077490095,-0.555510950100831,-0.879406194792737,-0.814296623093185,-0.581586154926801,0.148027310358925,-0.499303954257486,-0.314420217798291,-0.373292107345017,-0.79784161607663 +Oaz1,4.95698494544134,4.69649575588861,4.77585744686936,4.93988027090784,4.69879512717545,4.61499894178323,4.92405695065621,4.65291471444435,4.90613430298445,4.88137261618435,4.86357172810682,4.66894558620849,4.67460098754431,4.54534612810082,4.7597053348561,4.56618875132885,4.53574695649918,4.75676266466359,4.59683348539203,4.77906299640884,4.87616856190576,4.66500842430511,4.56640476979257,4.34269744088166 +Eogt,1.4779089886662,1.50978087554274,1.30394456637424,1.50365841979033,1.48093997608456,1.58028825518329,1.50697725594272,1.32901365773427,1.15587216545571,1.6075812787671,1.75982529955028,1.38887797632868,1.59245876569341,1.75163261072152,1.70725937283208,1.49036978962853,1.87966655757401,1.40598530767191,1.78085598854052,1.55956025761761,1.47305632901612,1.60984823403012,1.75075060037239,1.72255072883095 +Pcyt1b,1.24194347895571,1.86737092813604,1.74428207845732,1.24976281890884,1.40845751969803,1.61411378788514,1.33587574883237,1.8342607065812,1.33975352867102,1.30451025900203,1.34877013123399,1.59771407996202,2.35543121039101,2.42778610534034,2.45616595231736,2.51596576994625,2.68048805467631,2.61931563147441,2.5217398324735,2.30052338990037,2.46965614621677,2.50399954506358,2.63095344716295,2.29062793985008 +Hectd1,5.20759605541052,5.21396578477687,5.34264781827013,5.26215199719747,5.07530566194588,5.15050295566715,5.05951812344416,5.33866899904976,5.31614919702255,5.22178486652985,5.14172433208356,5.23244951548049,5.34547882869307,5.35012083674147,5.52739396115528,5.46107389850983,5.30036670820876,5.3704982613135,5.23596702108673,5.33877256607304,5.38987152109761,5.42768970556412,5.28402828215927,5.37684656372943 +Zcchc6,3.39908169627051,3.8667406818915,3.00040577934377,3.69271917855641,3.9497954459903,3.85313892520215,4.00028407698529,3.2404830438889,3.31136948414778,3.7220480152515,3.96429668097596,3.91518457093765,3.3885526352847,3.71564312824914,3.19630852317346,3.67277514255106,3.90399525055213,3.53052344277748,4.02263280821568,3.17696089886227,3.49358369835847,3.56364296803397,3.85035233130177,3.8459516577226 +Helq,0.945151047146823,1.70105979500574,1.19620965108277,1.4498489427747,1.65654800407657,1.65421662547172,1.74225068447041,0.945971602275348,1.19286597256331,1.32477287807817,1.46843976639316,1.68114291250455,1.94956635620407,2.43322633007006,2.01488955753779,2.54064279765361,2.71915209050367,2.21885984486988,2.56205469754333,2.01756876157196,2.40691477161533,2.28474600953819,2.57383362021365,2.52617708069252 +Pkig,2.04396983890839,1.39142523305478,1.99552959334109,1.8268121199506,1.68941672274823,1.8431916779322,1.7309801077897,1.83571674653476,1.98586959251061,1.99750758457402,2.06585562760549,1.69812182956027,1.38730786404321,1.46537317817767,1.77965211753384,1.65074072229987,1.36260793898918,1.60579182847667,1.46258489302555,1.65258858353251,1.39524021540409,1.39829181335839,1.48479835544447,1.41043528154364 +Impg2,-2.88609679806014,-2.68993931413408,-3.34478009490255,-3.07266779494022,-2.66595608087832,-2.77081107577158,-1.8701679110898,-4.04536383028532,-3.34175938965701,-3.02516909605368,-2.63208654915706,-2.0488939340303,-4.49743609199476,-2.799533463352,-3.77721406333566,-3.1422390225428,-2.51258011880857,-3.14668657183189,-2.4765653677461,-4.14730631621185,-3.97710252403351,-3.00780709383048,-2.74142340452189,-1.85188018751509 +Hpse,-0.945722733076616,-0.542635068171212,0.182979302090612,-0.31031066949479,-0.571286091414615,-0.786625925906739,-1.16520373686229,-0.209884083403008,-0.627887432201172,-0.891658994238537,-0.682794070880616,-1.04203810643489,0.901401721385401,1.12788768897235,1.83348053563745,1.55670318307431,0.727651301048835,0.409863788481896,-0.163948019879608,1.20153804062858,1.52978611086909,1.48993702638751,0.211009046576493,0.360002353697846 +Tpbg,-2.29281322707032,-1.14147008598815,-2.03086145348558,-1.23535755037326,-1.41904862170342,-2.24768916960489,-2.44898084367267,-1.24167525767765,-1.57285051068664,-2.12653583957736,-1.85263875608905,-1.61851352040255,-1.97079290711818,-3.11500991184377,-3.10083071839135,-3.24032540407496,-3.83905972401091,-3.01226338691708,-3.75295121920807,-3.32605842549747,-2.4002502646095,-4.41452218688049,-3.07435922319082,-3.00084667066413 +Arx,5.6548913743158,5.63005642408774,6.06458497592162,5.50786162274965,5.18294204660132,5.36030893933507,5.41925965287888,6.00642835689321,5.94241337423952,5.53037371193275,5.23102672807888,5.34986703720599,-3.2454933804521,0.211438441220217,-3.30206918344137,-3.88246158732189,-2.89673520643788,-3.25231991509456,-2.14814583150585,-2.18071311327698,-2.54910468211289,-2.89324145855967,-2.86724990277634,-2.19590854491272 +Plekhj1,3.84179638203606,3.47028434171365,3.41535382648047,3.72953955767835,3.3528768984855,3.42133260794963,3.58783577388451,3.51785931167153,3.7551957717931,4.01904475502605,3.68210796712329,3.63033668539043,3.51014966106128,3.63553864281213,3.65904663089224,3.69760354569332,3.4971784183532,3.35459762061417,3.36687423398774,3.58430094420864,3.38030748888604,3.51377935117482,3.67605572628577,3.28652542076163 +Ssc5d,-2.48470970728247,-1.87116332346387,-2.82378126448081,-2.32523891129406,-1.30576483689151,-1.29397856671303,-0.952306439381781,-3.50184354004912,-3.05713767665468,-1.49753444177282,-1.28628184009958,-1.66436066403116,-3.8234011236393,-2.67973968067735,-4.4603693305091,-2.02785022089753,-1.78416834986431,-2.55787705128469,-1.36217656610083,-4.4603693305091,-3.12701242530009,-3.88258445346334,-2.26685050314072,-3.04669381429274 +Adrb1,0.909566980752699,1.71602490024127,1.32691009983047,1.22096872955855,1.07887531354996,1.20066553116775,1.0399605463389,1.41001881861519,1.50638557701264,1.45043483621301,1.20631087183269,1.03074743067804,-3.04116766512989,-2.37862359696296,-3.67813587199968,-2.97473742008128,-3.67813587199968,-3.67813587199968,-3.01656490432726,-3.67813587199968,-3.08681285807482,-3.67813587199968,-3.67813587199968,-3.67813587199968 +Vps13c,2.78851494767762,2.78578561046809,2.66442982648683,2.43943913560742,3.47315479044522,3.32127898741711,3.02155121485318,3.27959321565589,2.48915637256611,2.58146221507355,3.17841410303,3.08432902841866,4.01088104607663,4.0710998611225,4.03061963000717,3.92414896717961,4.48861764772644,4.22722922593836,4.3135432484083,4.03028547333801,3.87511356259823,3.86036660752707,4.30540385198736,4.23767463202309 +Nat14,2.44146878968958,2.06889696201533,1.83118173421102,1.62767238810982,2.37094847308773,2.4536429354712,2.45480430359334,2.01774806994626,2.03289448970794,2.23019133753517,2.51571440196009,2.43846918025128,2.50646714922627,1.93571991154356,2.06566126591037,2.1018592259502,2.15063874061672,2.16500130822639,2.31236456811982,1.60618848676262,1.94541607306501,2.37154115954151,2.388688127709,2.18283199002489 +G2e3,2.45253484556688,2.37610708903636,2.31686731370261,2.34466369745753,2.40680464582263,2.22519537905934,2.38061896207069,2.26204059456188,2.34435442323245,2.20192941580151,2.33716540419776,2.63434954476478,2.56756743113429,2.43569016558848,2.66240313189553,2.33138509009094,2.25646112417931,2.46966478898734,2.40818544779191,2.26480211731672,2.88768306818766,2.18466559651109,1.99315127172666,2.42677985787265 +Cops4,4.06053700891228,3.73171021355779,4.12791921564242,3.78191643654846,3.50288896935297,3.81081111916571,3.71424560875877,3.74076756088536,3.91626311717823,3.87240156373109,3.65200789224883,3.71404947634017,3.87673142836501,3.44492578148848,3.79906697188909,3.82343171586585,3.71258997663351,3.84907401703199,3.53274370814918,3.7693141687776,3.8217163456455,3.78720589240408,3.54231015588216,3.6540912880059 +Mid1,-1.79236236811508,-0.967834530454112,-1.48023047677251,-1.52207034604554,-0.758140584756621,-0.497809878929983,-1.00466171010311,-0.63460343782682,-1.49910087827619,-1.59298926933526,-0.52618527538686,-1.06523390715493,-1.62711415339589,-1.8997110323454,-2.34287909355325,-2.52609311211021,-1.62051009999984,-1.74196887493274,-1.121527220115,-1.97954232383425,-2.00477292134171,-1.38578380172767,-1.5649228723608,-1.62794889868595 +Ror1,1.25509465974183,1.12729688789808,1.31744000634191,1.1940483468699,1.2957866680643,1.47540230334767,1.23472760632549,1.32354463632735,1.59335542802109,1.40864910576279,1.3368490471018,1.37297857255178,0.825540872528548,1.81949466884142,1.48678107159624,1.80605632165592,0.673529368755081,1.17515608388148,0.999576493645164,1.8038502526889,1.94989858661298,1.58636908991376,0.719314541294283,1.11461751726429 +Lin54,2.09718100806115,1.94752284090515,2.08573879670139,2.0766498966125,1.68942218767234,1.73312690747528,1.9922730567266,1.82198852465855,1.98389625955672,2.0919063001151,1.90367217755316,1.91699041038597,2.18841458269975,2.13960684876887,2.0309935114127,2.18055436867567,1.96329254494253,2.24281835206194,1.99594599836372,2.15017837404666,2.0402117059568,1.94613896565006,1.60063756194517,2.06663633153817 +Gnptab,1.06306805497445,1.27417662956068,1.06320702708963,1.15964401066193,1.6090504393564,1.36539502320056,1.31227019893463,1.19377783157001,1.09486377233112,1.10651043741128,1.44618474645166,1.30819136152907,1.74230239415783,1.67166147071024,1.56072714724439,1.63233953386802,2.15037457915489,1.93215502836695,2.01494488965949,1.69419869854515,1.41420110764105,1.54833272587078,2.10675775473566,2.10168773883768 +Sec31a,5.98366678009296,5.81627693736145,5.8572412606362,5.80943779887115,6.23238410967109,6.05781295892747,5.9590555432988,6.03803251033208,5.84229224230502,5.85628492318125,6.16447609837015,5.88719534630874,6.39213362467314,6.2833880836023,6.39890797365345,6.38671013820604,6.90721538472285,6.59012627963174,6.80985380076531,6.25960286382793,6.30671279164676,6.40151198240875,6.91282576528475,6.6383336624939 +Fbxo33,3.78191402541374,3.52259854938659,3.71597754194845,3.72055120400538,3.19874264128737,3.48966514660256,3.49511875758369,3.56063872695914,3.86018229876752,3.76361647891623,3.31504659088276,3.51374387849896,3.96749528982757,3.72757450297326,4.01278335702318,3.89027541615315,3.4706184176036,3.78559910057046,3.45549730803354,3.95011465379868,4.04737543611788,3.88638846467988,3.50410653193856,3.74005010993274 +Uchl4,0.994177311108814,0.552018274413717,0.295376662176896,0.125356364128226,0.499211039546201,0.325423900341186,0.504600434320559,-0.830286469578475,0.561683641444915,0.705666007500338,0.970580837994269,-0.0995142870670573,0.554689038335201,0.389171778935734,-0.12983276121423,1.04374362917016,-0.0169268474025769,0.234454035102263,0.0626548800462838,0.573403405658936,0.245633294527053,-0.273379494181032,0.697015224938207,0.804671986541996 +Lzts2,4.12324002429924,4.41168219843533,4.50493387981157,4.4266448121176,4.25244349556977,4.27751574680462,4.45743193094099,4.2567652814717,4.32371945984517,4.41834567541544,4.37693794500001,4.33457841541949,3.79857287505659,4.37780362280747,3.94706258991948,4.08852248447653,3.97383433556041,3.80914013178422,4.29730618291199,4.18233706603593,4.18734601150347,4.34438159393282,4.07017752327714,3.89902388745948 +Mia2,3.41021289671589,3.54495220930136,3.37678006287845,3.45434183795427,3.56562165330222,3.446369276958,3.34139583970356,3.80532163272933,3.50082757774725,3.001199328635,3.63504768072752,3.65253968728332,4.30352023164691,4.42863409998268,4.20170823398295,4.37059837187959,4.20987681147294,4.32267115834975,4.24447829348704,4.31964553617038,4.43731090726717,4.40493587356923,4.21733622532061,4.35496750661672 +Nup37,1.89537012494656,1.78125428864024,2.127585820888,1.70523970932384,1.59034526115977,1.35754911203765,1.6506053931729,1.55001590055751,1.93210209060211,2.39197085080515,1.67203363033615,1.62489182512964,2.30987696108987,2.24884510456595,2.45481179781074,2.25331166206879,2.04813470210433,2.24800219123397,2.14549395831533,2.30898026325586,2.41637353063327,2.39466669999579,2.29518776715045,2.33013635760997 +Uvrag,3.61351347024853,3.54833447198591,3.63801499226011,3.49504954393601,3.727558411352,3.63880306378898,3.55055999950129,3.644734157209,3.72301882937064,3.81960325275181,3.71089905468519,3.7472683320808,4.29683008355991,4.24702133926225,4.00001904311774,4.36174812080375,4.38727497984606,4.39523765836415,4.39102474393077,4.41685193468422,4.235045359816,4.33971785147408,4.57161587323666,4.51457840515375 +Nfkbiz,2.53383746072947,2.7111947521503,1.40945566405336,2.5307373635329,2.56498084466902,2.26172847593192,2.77566126923987,1.92857353189167,3.48982230839544,2.77695515198107,2.80887605665542,2.49648295976259,3.18602367565096,4.01041225881429,2.69012240757908,3.84465682431854,3.62495077182738,3.14281449396546,4.00118582063953,3.24076657718069,4.0221725806383,3.81737187632708,3.96919948599616,4.1544431635095 +Pdzrn3,0.485251747555951,0.587124960845645,1.28055591508294,0.710881372100636,0.485579644218097,0.615613258641881,0.250123009071265,0.846026877869253,0.898152347434099,0.694580545681567,0.476898232493311,0.285765581706845,-4.4528912789636,-2.04090213334152,-2.63523522149964,-3.71736842636141,-2.85401233847842,-4.1279545191598,-3.03083094112364,-2.92872202202471,-3.19306684171041,-2.64205934271419,-3.33669449175483,-3.61427794585937 +Rmi1,1.11337324479379,1.39071924760675,1.46772976303953,1.08422465199384,1.1497852451867,1.16375613484607,1.06956665644269,1.56789599913452,1.271269863404,1.03655309786516,1.04085888748268,1.31042064723139,1.3829572675629,1.38516689382972,1.37904118375892,1.157642671826,1.1044728171203,1.16871602511869,1.43274243072648,1.61941284374215,1.56613335633423,1.2471798078662,1.17968337514233,1.53939638760257 +Adat3,2.63653124684343,2.43041125329019,2.40531871748069,2.64565041222161,2.83780757764209,2.60816471135597,2.59425878100275,2.70496086987261,2.40912637428595,2.42445732297086,2.6801317293515,2.66070426978969,3.17959568171722,2.93568364200809,2.78799691881095,2.76083892892754,3.30061096320726,3.2536273198639,3.42787934939042,2.9768385863058,2.8548047611846,2.7671029616658,3.42110138455673,3.21886130282255 +1810055G02Rik,1.70761976252242,1.4812461195002,1.41473960964026,1.64578784272643,1.87239528968913,1.50385040511711,1.4669935561039,1.03858559304492,1.91084397052494,1.68511805157326,1.65368250939528,1.86787876477813,1.57195759260974,0.938695646648315,1.07079454954389,1.53462772996804,1.90786896809734,1.20923286531403,2.0049492199264,0.128913169084145,1.72200118886444,1.58806360414239,1.90549039889789,1.26167079611271 +Ptplb,2.75549091088613,2.26572965371817,3.07021644996833,2.94570699906981,2.61630784998977,2.73381334612463,2.27848551458817,2.75026504798718,2.64406116155927,3.06903504763247,2.76493996088177,2.58658750678017,2.19561639380941,1.54693620253942,2.21873888036445,2.16984325277652,1.606694539509,2.2046829303444,1.47916375287989,2.41879532350299,1.85249665352123,2.08995022038679,1.31084254816411,1.90271938743528 +Shq1,2.07502477942529,1.68938175435355,1.90918830751845,2.17496343118757,2.11183332872042,2.10309536168088,2.12423132024308,1.8807418753734,2.18070743680505,2.08984374848312,1.85517249089054,2.34127376077339,2.16528841039317,1.21265530828741,2.05569192441831,1.94655205211807,2.23200890996813,2.06458275853638,2.28421202323179,1.70208032059454,1.96809708523921,1.70360476676804,2.44879596531639,1.88753290587769 +Pcsk7,2.43175205278899,2.70620267177623,2.45290991472565,2.87499356215721,2.95893123998168,2.8542800282169,2.83562490729454,2.24272004067592,2.45591766141455,2.91481434001666,2.69422652396916,2.70986322375526,2.3756081819728,2.43636126237744,2.2749241807228,2.75282187355004,2.79348572627918,2.34063544509976,2.90144308617566,2.08795897898938,2.73752763086484,2.65140830261357,2.89338828169271,2.68101605610039 +Brsk1,1.120899522009,1.89171242820576,1.21584816537308,1.84106518540139,2.23540381560004,2.22169043112007,2.2903907105945,1.04513091135562,1.67421814906624,1.72856223954291,2.21840364269021,1.85398098353123,1.10098193392764,1.54323146000127,1.0495810038458,1.42658869407065,2.17333926137999,1.58451197096057,2.42470748551638,0.611889243637982,1.34702993493606,1.58641337719733,2.05959010818102,1.69077423049086 +Dennd1a,2.83361362749148,2.86666794917779,2.8386186545235,2.43172446054565,3.06444691339983,3.32621251108968,2.94642716179241,3.18339880698618,2.7292143196203,2.50535807690463,3.22572447873861,2.8207581185687,2.10438865674263,2.47461129521868,2.23927173383938,2.03032551795759,2.60290390329509,2.44483286584051,2.70917936794096,2.37969157214117,2.11978868002619,2.29723359122318,2.58559907957321,2.5262143581544 +Klf16,2.72877030757828,2.60439153887826,2.74670790908361,2.51622284415881,2.54240681410096,2.56439007108691,2.41384859051547,2.32642506693365,2.79828235968182,2.34756094356008,2.24656753870516,2.01195344801933,2.45565642420107,2.12516717406669,2.472801738656,2.17258934231369,2.08620450457683,2.39358068249222,2.4007301741717,2.30758815110197,2.28269583985467,2.03122127746049,1.96352927408611,1.87407662321032 +3230401D17Rik,1.16271991900006,1.10934046081152,1.28862206987341,0.96171898174676,0.803561422678417,0.984171614714718,1.20896295447561,1.22291984309613,1.42819180423146,0.742962527136992,0.801992311028592,1.47452494005346,1.59668598203304,1.50889946177569,1.3128252349052,1.48672052490279,0.987347983387062,0.811986975601523,1.11440229744887,1.38085428819108,1.75438479825294,1.34759294849859,0.989629533928687,1.23778898230623 +2210018M11Rik,2.9455656015909,3.13078494240541,2.84744277537095,2.91241664854563,3.50978782922841,3.35734296115779,3.30021066281328,2.9625115484975,2.9637429109537,2.91643145676319,3.3761565382867,3.07862775397116,2.13446802303035,2.54205515775649,2.05782093937476,2.57070004495542,2.84669366468385,2.50858125690443,2.81955293221898,1.94585390787221,2.27764513128734,2.62094023041922,2.80639048663716,2.68023162679574 +Tmem98,2.95584398411365,3.03889193352845,3.60696803423061,2.90646577558799,2.74701167508028,2.77264703535061,2.87597791083025,3.58241156010874,3.16819318752226,3.29840985041844,2.85585654011356,3.00384416354271,3.55589889255936,3.32857682805054,3.33532454675345,3.11356414319249,2.79767917910849,3.19005321445462,2.73040008225869,3.62467965064584,2.9497674569185,3.01826388432503,2.89157528879744,2.98540453534664 +Rabgap1,3.29060855841003,3.48096075114146,3.56833248912471,3.42335276337965,3.43148477953457,3.55224851378181,3.39427713129052,3.5736937510805,3.49099006413954,3.48335377794886,3.45681950491413,3.46330272617125,3.05554220985126,3.326079365351,3.2230640209891,3.3591695618201,3.30368072988404,3.03164430471523,3.16518518026838,3.16510766626001,3.11812751846361,3.34882175119394,3.24305497053059,3.29074185939067 +Haus8,-0.610805273803708,0.0414620462797499,0.0674756380907997,-0.0364375299514661,-0.306909216429619,-0.241643746835688,-0.0207311664938299,0.179454145719754,-0.0562403119752743,-0.158372995551523,-0.33440620075451,-0.0029254926773498,-0.619664188962813,-0.242750725974802,-0.916222388263753,-0.594279320825512,-1.14391957847117,-0.637776629176374,-0.750004300062472,-1.35881155351359,-0.885725386645932,-0.611907270201241,-0.484787184241462,-1.30395207402943 +Myo1d,3.08475254693855,2.9227784788854,3.09353849794265,2.72684492089452,3.25539381245641,3.30408430575456,2.85085758021762,3.26831818983807,2.92172177949066,2.92108990634929,3.117684523116,3.04903895142219,2.24584464759106,2.29585526530882,2.63528942643623,2.13387406371518,2.56704185042996,2.32723940499111,2.64006663557758,2.28928443676765,2.14179738667849,2.36811502703253,2.51954772146794,2.35388005998524 +Thyn1,2.87518658319334,2.21121615145167,2.3828371247538,2.37434638889039,2.33858360316647,2.45417805364988,2.34372753547677,2.35079574211902,2.24942429252362,2.45533446792825,2.35711566315442,2.48193234720778,2.12913922921677,1.81616632742869,1.68623611664452,1.77316305040138,2.15877992227288,2.14315844451398,2.10427834403064,1.8819646182158,1.96565025523633,2.17531740130361,2.21694875255499,2.0599873168466 +Fignl1,-1.34344981667386,-1.17205950958493,-0.980638674785102,-1.93274250634404,-1.81953082949118,-1.24739979464013,-1.07635881549042,-1.12812804683326,-1.03879080375994,-1.21532083173774,-2.44483727557252,-1.42951330494329,-1.50340983213707,-1.27773878972422,-1.40049225341537,-2.04475435076193,-1.66119206902863,-2.53638634576568,-1.86676244794317,-2.33083159101651,-1.44929534125102,-1.84729426192392,-1.43926169454835,-1.59850593031013 +Stab2,-0.761002859934014,0.311411694241856,-0.392217379910627,0.488100420941553,0.0666616696631208,-0.158222086271363,0.295783312487114,-0.62456886717528,-0.224668574174817,0.400244961980146,0.166231354923358,-0.0537541372355981,-3.80834666048112,-3.80486244862629,-4.10712786482103,-1.25652336332432,-2.73044007843835,-4.19433243398864,-3.20932957440077,-3.36729934541957,-4.27587429227571,-3.94370338889467,-2.11429726807345,-3.16012054103631 +Rcbtb1,3.8882322609372,3.80174817886256,3.92060759810905,3.91481967705594,3.59962902577084,3.69111367692512,3.70960402585938,3.92867163642112,3.75996999442861,3.77695409329004,3.58337045365527,3.66596651053455,4.64881227101661,4.53040549062347,4.54528382991206,4.56147693523922,4.58481504203216,4.61195109030031,4.46670068765571,4.78124507622771,4.41004306209615,4.49518050647782,4.51815713321058,4.54290284294808 +Galm,-0.202628646234204,-0.974803479134762,-1.14688514039227,-0.708625672206523,-1.05708014224347,-0.2807021699776,-0.517789383080295,-1.732089329702,-1.10022235829602,-1.7012189975254,-0.42576929157713,-0.536114350505753,-1.22569288521079,-2.36990988993638,-2.67628275057005,-2.49522538216758,-2.10352271188107,-3.03928049274577,-2.55598285261809,-1.73729029291177,-1.65515024270212,-2.68020203621088,-3.07430074092905,-2.59256650057702 +Tab3,1.73689033583015,2.00495331078321,2.18844914987296,1.9054204691854,1.93297184207097,1.95895894686507,1.70739057228435,2.2544020677713,2.12323205694237,1.920676872688,1.87291318688897,1.63181426551733,1.71512702419726,1.46291890764534,1.67535458767512,1.43288910763311,1.69936870157261,1.87723135197057,1.27311590205219,1.65516996493732,1.61293850214288,1.57269450205922,1.53749190013775,1.50703033841843 +Mbd3,4.14923680097509,3.6040666489915,3.56959884786235,3.75634422761805,4.05167861308721,4.18320087040808,3.99936131508049,3.70909188273928,3.83539073385099,3.93662893382659,4.21828558183893,3.84204340814743,3.83103738158376,3.82501703493047,3.5885510805093,3.59666266726198,3.99452138851021,3.866038140362,4.36532746195058,3.91666159697384,3.77014584376535,3.74025596736652,4.32196836204779,3.98667010933696 +Plk5,-2.60813840841386,-1.08794812524481,-1.91996852095128,-1.280476473869,-0.873764759807099,-2.78455375431236,-2.16178193376208,-2.2531725092141,-1.82701806216589,-2.22583335586723,-1.59128429702004,-2.53648663310042,-1.19868187238117,-0.49439442031311,-0.887588713459581,-0.316151575673119,-0.720388797737352,-1.35449525076067,-0.337545972876536,-1.47727861246403,-1.30757279644222,-0.278750994762126,-0.433372120485197,-0.562120473674258 +Tstd2,2.88660148779246,2.49697205129216,2.63730693584262,2.69300494670868,2.52062056516651,2.54473536484513,2.77440105222975,2.54103591937726,2.68616315487906,2.59019962318361,2.46044655558096,2.60916809507796,3.12610854799687,2.57957524876964,2.59931969213615,2.59084755074925,2.73723959090391,2.86085745858928,2.83834466180423,2.62174112040206,2.78469292988582,2.5875401655379,2.70843323723909,2.75810738336997 +Cdcp1,3.8330469097999,4.02210602338963,3.89374629710267,3.88537167103479,3.69487691963037,3.71100236173404,3.80230640348451,4.06675881961073,4.05429956322955,3.82955246615927,3.67705703232488,3.72645823375943,3.39052300027283,3.91715570764387,3.90706123251041,3.64596831522742,3.31949674943979,3.54304342981726,3.48651630044008,3.86893868582685,3.88814477575212,3.66465091393199,3.40653592763827,3.43078086886389 +Reep6,3.37290002717233,3.07677259058205,2.98910641047045,3.09446647970696,3.66854138369742,3.20407733422935,3.15534163060291,3.46800531312649,3.02236699209476,3.07838976571274,3.55838013073342,3.2134168691899,3.88514274985973,3.96233239249905,4.22728349845292,4.05893923994738,4.23882601373199,4.10229435854752,4.13067503073191,3.99192215510583,3.63128894328156,4.06644845598323,4.2259835245269,3.98581438322397 +Cox18,1.87520972258457,1.61223733906002,1.5135559140057,1.90803298677087,1.61805521119443,2.05449231776284,1.86198577424318,1.50492523825043,1.67983363830867,1.54514692012552,2.0251776600087,1.77366782877337,2.34966122660538,2.02170536120794,2.36008290941733,2.41443885757231,2.31821907146091,2.39042932141692,2.23819661300288,2.2921757099787,2.22056782916294,2.37905503177095,2.21632772495775,2.37891059419594 +Fbxl21,-0.506789277206686,0.131981932323241,0.621667015962992,0.0786997897570836,-0.330171801577875,-0.582282853086731,-0.918351444599767,-0.417277228569203,-0.0864779483400193,0.290093668953317,-0.968378090840678,-0.19135799898106,-0.231855808058392,0.385049422474514,0.918187240763182,0.742103627247166,0.393640408897303,-0.0710322163881534,0.395755843057104,0.401258073379859,0.855058972925892,0.659750080642161,0.42876898260734,0.303057276644916 +Ntng2,-3.54634877307486,-3.16999292562201,-3.29203035904966,-4.33786261474048,-2.52653483112441,-2.71806133991869,-3.1571989630455,-3.58467556103038,-3.28900965380413,-4.54312822853958,-3.1963335213234,-4.58493483072669,-3.07827911653917,-2.64760910701844,-1.77985152594013,-1.9758285133085,-1.8480312651489,-2.15586966755583,-1.79758876020626,-1.66226762527452,-1.80402318920151,-1.73473778100596,-1.20787821283464,-1.99348470416274 +Tdrd7,3.88749572798761,3.48485645358569,3.87497331543577,3.8157890223377,3.51820790903364,3.77138872615261,3.86185711320636,3.59234260897788,3.83829420122282,3.49409013167844,3.78833820763604,3.59168580858326,3.69874381552194,3.79878730111656,3.76939595750655,3.76672362378822,3.72852084306707,3.72438718548589,3.82870850014964,3.75866059745652,3.64715510797642,3.67665334833448,3.75811251623925,3.79460341786163 +Gnptg,5.37472586692184,5.21677033261321,5.43769351614354,5.25601876547065,5.08595210548913,5.26461942174262,5.1999501520417,5.3086354126523,5.28330129680985,5.3033608798166,5.22775049829546,5.26418704906496,6.25101199484801,6.04650830326103,6.14905518441257,5.92509095062673,5.71678676040086,5.99936545423907,6.04405341488848,6.26113452752927,6.1221831690551,6.03547044297916,5.87130157555599,5.93970679581909 +Prdm4,2.60563487758134,2.74193824799757,2.72800423645197,2.85487253224116,2.91352439754531,2.95029113954927,2.69681674824567,2.45576931919897,2.78532135102351,2.63784858259426,2.61338955852222,2.71097650181856,1.80597924438041,2.5623336393417,2.20212832618652,2.62482535229162,2.52303874813489,1.99830381049048,2.38504818580455,2.1146879132097,2.49502444684485,2.51775019115348,2.7044961324085,2.3870201942481 +Eif1,5.06849893480389,5.15173732913199,4.63756426643739,5.15119135809127,5.86163047371608,5.50812044396597,5.50122600902015,5.07807996339598,4.74792010122734,4.9021905391556,5.39051864450055,5.05957930839954,5.0905393943067,5.25149799946462,4.70815393668763,5.05802335457252,5.76734516959336,5.31914261277549,5.68711196364224,5.03089076868163,4.97868519857726,4.86992980566513,5.74444444949188,5.40730305773209 +Gc,8.18280249735004,7.69305316282677,8.0068469798329,7.74845527228604,7.3689774129997,7.6047714072449,7.56383155834882,8.02553873435409,8.01385626256548,7.63253529456963,7.45348675057962,7.67263329654098,5.92720291677845,5.38017085124385,5.84809529082439,5.76630881318513,5.59630043647454,5.81160236292151,5.21081562765874,5.69727745603839,5.80278244552441,5.82549516637919,5.36578004110184,5.24553218890319 +Leng8,2.76664677316117,3.59200538556955,2.39199870882345,3.22158050412944,4.51439699312769,4.48800677811137,4.39914667339728,2.86170751759468,3.0280471860658,3.15854175850104,4.41131732115922,3.84670943457749,2.42977250843234,3.50440730999373,2.41239618011734,2.97371564884845,4.50564831304218,3.74119490925451,4.83822013003023,2.32801328396153,3.02859804382523,3.13080579360925,4.41167508921015,4.19558775302655 +Capn5,2.31761902381078,2.69553499832081,2.55869816287074,2.42163418528757,2.43398795588929,2.57339461142048,2.3963904384668,2.5287162625742,2.59078508512516,2.46192489435245,2.47098472012376,2.37302607166878,2.16432584111459,2.28759863029343,2.15061677170032,2.29317907873329,2.21271763541189,2.00236957172736,2.369872532312,1.99315710589389,2.1910737703547,2.20466309026818,1.9955015793685,2.19812563694181 +Mpv17l2,2.01648445228793,2.33261836119843,2.80184403778717,2.33433689716552,1.92765468045779,2.67844621880571,2.55354775866658,2.43128775131807,2.41017840042788,2.47135957052141,2.07092750746558,2.1964882242881,2.93897414893155,2.87794229240763,2.93955370389998,2.6954479839486,2.07002326384567,2.83258591771845,2.55934128244157,2.80224832890922,3.04547071847495,2.83373680106888,2.46207100651942,2.30778842432664 +Aldh1b1,2.37691136116081,2.07652420268441,2.50247902134249,1.91982873585066,1.38118183280998,1.71973804555015,1.71517962912323,2.30962796512609,1.96914510108628,1.56678105980773,2.00418734784195,1.73887966624026,1.49103279511893,1.61113613268463,1.83417246909512,1.30981360046098,0.870268637690967,1.77576524829574,1.23330139966418,1.87259856060465,1.45661846115479,1.66507064416514,1.24874523435785,1.4410991746066 +Ankrd11,3.68879661330153,4.32373642528316,3.68734171037292,4.11682460162745,4.33761141677815,4.33297029909844,4.40326005260571,3.63684265587454,3.7276867904416,4.22284413243576,4.47729757255952,4.286171390178,2.77182482640264,3.80358210396733,2.39257054586883,3.50782334792987,3.85963322355942,3.02682341712349,4.10910890438842,2.45407552748618,3.081242982142,3.55913940637331,3.95631005928218,3.84470285355924 +Dcaf10,2.95752393504349,2.63966050697503,2.81959677740091,2.75121540999477,2.74921618554637,2.65654158657232,2.7419617521706,2.81155622073043,2.72618286884043,2.37743084041345,2.58716011617221,2.63204531025394,3.28312794548169,2.90372157046448,3.21238398642103,2.90436480628667,3.18098042602423,3.32191851709212,3.28129777790733,2.75359389675565,3.09826910639744,2.77230010706613,3.19335608267484,3.28005221355115 +Utp6,3.83470048036805,3.58629386531309,3.61384999932508,3.55292082076141,3.39510161354815,3.3510480789746,3.3224616157146,3.65545213939402,3.52428784083298,3.65921853210535,3.47351255335268,3.6769905394027,3.69021963888457,3.53433098346556,3.58394578375383,3.58916902598179,3.5326722007633,3.57436844545986,3.45239048191511,3.57982585511018,3.45942728918474,3.68482928110471,3.46203611562994,3.51633508167144 +Iqcg,-0.072151249887906,0.626076471418002,0.379774779266802,0.661643904108724,0.206633233121102,-0.249837156521986,0.234074418016424,0.290133084868134,0.162893011443747,-0.285803139972896,0.27397942520512,0.247664249733074,-0.429319140917515,-0.329969479029192,-0.642007356222002,-0.09051482529481,-0.424674090614827,-0.223164874054236,-0.787202824220018,-0.185463134844829,-0.0058144198374299,0.0744171653892343,0.197677921459752,0.311601908100944 +Kcnh8,1.18301916577145,0.78772613506775,0.954456837127436,0.840602661753147,1.36799393909886,1.52780401723861,1.2197299369492,1.02245353901437,0.966515271419887,0.616000378230238,1.3332159725339,1.25478104653035,0.929505883007676,0.576484558636523,0.903228208379834,0.686392234992728,1.19946280949345,1.15078463126077,0.825104034345428,0.909314258106942,0.821156999142719,0.895543334471959,0.750772334816504,0.948595372064224 +Tsen34,4.03402069723951,3.84897310259224,4.11124799706904,3.96876252792745,3.70067646523097,3.83774787038795,3.89966881984113,4.01012187234033,3.98616748281736,3.79939129036118,3.75240588397191,3.74577970693872,3.69560043768988,3.63243467726249,3.99614002970903,3.88832098620816,3.38189245085129,3.66150197548014,3.80238061598952,3.77032674742114,3.81112174248475,3.9256422346246,3.59570193797773,3.3600440724959 +1600002K03Rik,3.10187436377953,3.11540958161879,2.91685655768368,2.96974150946578,3.14220345231975,3.21774567872536,3.12859725727776,2.76237512252301,2.88146860633732,2.68211697191647,3.34219523961272,3.44878888785735,4.03366100086477,3.42945088998093,3.64522368822097,3.29944475674888,3.67897345901619,3.53678686780551,3.67934550722309,3.96761622680977,3.66073955505375,3.32795226085565,3.76801121509608,3.59323301835806 +Mboat7,2.27936249751362,2.3533636082558,2.37814008533595,2.42001569168079,2.57797461885206,2.48767713626914,2.25639724784851,2.66216818219224,2.37867501464371,2.29225467594877,2.48329937111432,2.33741451009993,1.92253845678667,1.95263002311038,2.18088393196079,1.91874309131635,2.20909554544262,2.1068348017034,1.78413099050436,2.05126574301482,2.06717095059747,2.03554946312742,2.15545575556451,1.87839571584628 +Prpf39,2.93347235665449,3.76289417684845,2.76826639788736,3.66858995336879,4.08434830200331,3.77721293077939,3.76160505033108,2.70208988834772,3.1346474071649,3.51259292058069,3.85688425209856,3.71084490210218,2.35691317192528,3.26199849835506,2.43647361329353,2.87171604951695,3.38090430360595,2.625741118698,3.16197536191753,1.71906693060199,2.91379070466854,2.85220551711343,3.15759000423212,3.45175834614374 +Trmt10b,2.25296991475322,2.32612082774424,2.18335284536306,2.10176444507442,2.07707427993632,2.02801583567323,2.05016358474537,1.85543444337326,2.34296340220313,2.38536745156703,1.93325823482773,2.14425874522855,2.49466374770172,2.3194377195134,2.16649009491051,2.24788053171098,2.27533659708298,2.14808001631174,2.11029936205685,2.06432031290172,2.2334831879241,2.30364740423013,2.54350740764991,2.35083373769498 +Ky,2.39072773524542,2.72646854049023,2.49794439450203,2.2833627546501,2.59654378232481,2.45100660672724,2.28369029332864,2.90349262301586,2.88367574114862,2.17300899046617,2.30951563740746,2.27936473074958,3.54765832918024,4.33776672641184,4.17631501944032,4.27667590569777,4.3391483914047,3.60936425428191,4.38547914760732,4.0099314272782,4.24799813545015,4.35116823205012,4.29988723046151,4.14811158356449 +Fam179b,4.2287182041626,4.11759706800033,4.19566788063093,4.23728784439638,4.10572859913351,4.22619040455215,4.09099048400854,4.06851687799972,4.14504647719439,4.07530193736994,3.99616048701995,4.19067619262403,4.56076043722295,4.39211725821021,4.46661499349888,4.45189476766847,4.51293561145905,4.55180371757184,4.54076932353596,4.48528896752973,4.38864115454247,4.39478757356748,4.5727501396028,4.38902638790484 +Ric8b,4.98235426383506,4.84189895294498,4.94651315167572,5.04978809282331,4.7654392673859,5.03968951091598,4.83146476177451,4.8958415150192,5.01710944117492,4.68619967384269,4.78122032384729,4.93448205903111,4.9709609512685,4.82616834248455,4.74227877532285,4.66058328303447,4.60369970247588,4.63424097202476,4.73718670937848,4.66838407622977,5.01753116897184,4.5977585374007,4.54732737899924,4.60949565960564 +Midn,3.40724601804452,3.17820180299006,3.16285870086154,3.27267295899232,3.65637657967385,3.64428751038106,3.62183470480251,3.00661021985244,3.54784146336166,3.23102116776342,3.47582143995355,3.25238955031517,3.39273894097294,2.49464749047353,2.83565112925114,2.77793996057903,3.29450966072712,3.24771604626592,3.66853604683723,2.37455731567902,2.98958692018666,2.51605914947344,3.37902127989916,2.85566965709568 +Rsf1,3.37024203078768,3.49260213322025,3.430615504746,3.22844174442594,3.47617212222025,3.48898619344579,3.37612847589212,3.63473182094716,3.43479078902878,3.26765402874604,3.49014873088373,3.40941937020626,3.36200091684514,3.2459181702466,3.1645119297847,3.0122077945337,3.15770193709272,3.37312774256513,3.24228873258648,3.4011134474769,3.20877166510845,3.06808868568508,3.17202227604195,3.22563010546479 +1700021K19Rik,3.56499154750687,3.80220493897439,3.62470937925923,3.73603735791442,3.71623515581917,3.74598822428359,3.74633866530908,3.78634113739427,3.60679830281324,3.59131923080486,3.81177432223587,3.86835243672719,3.26125492818955,3.61433927079332,2.87451614340673,3.34768697800142,3.59300444292067,3.37686930970008,3.68877549490827,3.03645613083113,2.85289790497456,3.23595555071311,3.7362474982155,3.74964071552 +Cnot3,2.28491570100471,2.86499361448204,2.1514491826361,2.49941390169056,3.26527823211586,3.19993144139776,2.92624282153545,2.54063609110775,2.56279680396658,2.56612102636828,3.22058841983379,2.80235360713848,2.18573902877155,2.34164751036909,2.14390366051163,2.09454742422577,2.89751664615557,2.33064995715165,3.19367047529773,1.89997195894988,2.13961039055987,2.30034864849702,3.00631531531187,2.64112660393312 +Grhpr,2.84637761975249,2.36754000169441,3.04464422919948,3.00898647452836,2.63643779229654,2.58327516189861,2.47600796338352,3.07448982189419,2.94666950716664,2.93829336307836,2.79530468614008,2.43177777004739,3.22540518183532,3.10069296761223,3.22964015606043,3.08950633775721,3.33034717340685,3.20644870198852,3.22864901500499,2.92112415064079,3.40285802956054,3.48330146637745,3.31862416193155,2.96316337809381 +Dos,4.20701809334761,4.06538983013098,4.07544280748625,3.93354095660314,4.5237499058186,4.57553040131099,4.41042258808855,4.10364968709569,4.08321245607533,4.00088050018703,4.50646618323829,4.26589540674468,3.62805611693971,3.57723302574802,3.684827177596,3.53160936978953,4.13906490210461,3.79957196603245,4.05124956023341,3.35457920254008,3.39355935535346,3.81518269450908,4.16303023728577,3.66827708926464 +1810020D17Rik,1.80870114383647,1.24734276444908,1.77593282383578,1.73980888132547,1.30670479290645,1.07258890619946,0.978990961992206,1.72384577330405,1.58231840293973,1.42993998547152,1.18244242386601,1.21704643395896,1.89999985730176,1.79343168241781,1.42576820823061,1.68915701005856,1.3120617371875,1.56481362766726,0.793196738045229,1.72695331653245,1.82338304967533,2.15481410175437,1.2977494812451,1.04186421441561 +Zcchc7,2.31056855226631,2.76223055327025,1.87852828565863,2.75665845987255,3.19898896465224,2.91910174932955,2.87189308931405,2.15699855880714,2.15909633413864,2.64360936134505,3.13859036027517,2.98658732528023,1.72886586160902,1.97238109089388,1.17436909040969,2.00480527628995,2.69937440724729,2.02509721174515,2.35086994598508,1.37100770860877,1.9702020497031,1.86886382452516,2.64972165823655,2.36540981698363 +Gtf3c4,3.18498292528403,3.07464971368632,3.12085455824205,3.01945881479802,3.03336250741998,3.14037855804294,3.02070940758339,3.22812930687212,3.11259907902166,2.82966167148817,2.86547991256288,2.99167741899945,3.72124888211503,3.6555097465915,3.84500665254708,3.91767338076573,3.83410805094461,3.76131278350825,3.75091997924935,3.61956714358504,3.77653375541649,3.78813401755878,3.81339002895618,3.66029890142817 +Zswim4,1.92426857668073,2.45294813903726,2.41451618107999,2.40149764645887,2.20241236752707,2.33447478439214,2.17101488473452,2.29278916607055,2.13973721345997,2.43022832167049,2.37115377440231,2.1389587636965,0.708998201393898,1.70036079941227,1.5599734931855,1.5564672976124,2.01342422895944,1.34776032709032,2.13531951196117,1.46846389682864,1.58134336492071,1.55220659064313,2.15552496690162,1.7745210845263 +Sbno2,1.80694048725868,2.28571823905337,1.76393143824631,1.85558819722137,2.33780825825922,2.50337788552062,2.32610658443948,1.71433131434119,1.82720585695543,1.94316844161579,2.41742593277137,2.07543378258125,1.46189992983895,2.17998763009472,1.63286714342142,1.92848580343286,2.27872754572422,1.95561084107359,2.41938675545975,1.37138306230446,1.44799512362309,1.8413708624202,2.34382985345126,2.19100322706512 +Ndufa3,4.90557863438601,4.43581238432576,4.60799356988049,4.73239686177754,4.28738476795764,4.38698747974005,4.30119759514797,4.82586610013751,4.78912515345272,4.82854815804546,4.49676580623326,4.55218635472222,5.19414098624508,4.97199907962643,5.0007007311035,4.96782624891402,4.52461662872141,5.17008410683763,4.42438210251715,5.25909307273882,4.99214351230597,4.93608992752238,4.51155197930942,4.68745397746238 +Tnfsf9,1.13692681736808,0.0809428064628054,-0.328247364110147,1.06660342179248,0.442696396112521,0.606441526930763,0.298234086534897,1.1165735501173,0.286462353615186,0.420254082339774,0.531744775890915,0.694591255957692,0.225566927026845,-0.283130637035629,-0.138398098300505,0.580388418168763,0.654476537269638,0.492194198782055,0.481115748270353,0.528186533785948,-1.1142524893842,0.269173937128509,-0.101681170863297,0.884351542821687 +Kcnc2,-0.509281428455171,-0.44730727392907,-0.920666071181249,-1.81358335804118,0.190726340419777,-0.0897012947065616,-0.32088898175406,-0.240995858096066,-1.0485294044805,-1.44674447950198,-0.221524822004516,-0.23427128614065,-1.86003803704984,-0.742951441427082,-1.61286895965997,-0.469702923381603,-1.26440551003776,-1.70535378454778,-1.799724148773,-1.24953218994097,-1.39036111571208,-1.76416804150064,-1.2098160248684,-1.61005508884304 +Thrsp,-0.0255080413673334,-1.47022213497264,0.441233519088185,-1.28314331430977,-0.980823792310846,-0.909653782152101,-1.54729082320734,-0.96643492587667,-0.481170632964209,-1.15743592024564,-0.836293692018282,-1.46808919747883,0.744086681051786,0.711161510889071,1.48227685692522,0.667811703726528,1.06656398196608,1.26661987804739,0.567834733933508,0.763284309445744,0.624868161757639,0.850968086973807,1.44366588061932,1.59765128693019 +Caps2,-2.96182220757896,-2.06824527196107,-3.09735927999067,-2.14759416898042,-1.52390858751862,-0.496052513392307,-0.795423267702342,-3.57880468586426,-2.97681491265772,-1.84826426294512,-1.2797732073607,-2.41965413037247,-1.69252133048594,-1.46752465791441,-1.44744029798566,-0.939585593916772,-1.57515653848746,-0.259200955906917,0.357316854859677,-1.28913332943402,-0.949426161863633,-0.907670657200488,-0.153723165108659,-1.00432615715929 +Rnf38,2.0578497835174,2.51423946402916,2.21667133489743,2.18821137533903,2.74769526643928,2.63683451635268,2.24769387535833,2.73306187021583,2.29152025383392,2.16817357424422,2.48420680154146,2.38099340360044,1.83527599879909,2.11049860023152,2.04081797441426,1.95475012179849,2.04987645807034,2.05053528495316,2.07858848869752,2.05938532484516,1.77534821373226,1.88053936544208,1.87749771115065,2.02846587736917 +Hmha1,-3.10416254008306,-2.62241831930611,-2.14060464521652,-1.72988182923531,-0.301627209471701,-3.52625232184065,-0.964504404466223,-3.96681945422745,-2.56871662969417,-2.23627903130831,-0.921710107210883,-1.31765889391909,-2.83710110296068,-2.55233999889183,-3.2105739101223,-3.82086692669304,-1.30198074031036,-2.85031650191578,-2.02488300061187,-3.87972848759952,-2.92660977049058,-2.08251572609818,-2.91905606670031,-1.81339439782715 +Alg8,1.07896889351014,1.1976163953165,1.08841976133787,1.03470954200016,1.16321617855959,1.4377848227868,1.52304118019469,1.02907078157426,0.791520547111558,0.286025987938119,1.43797676279944,1.20119408327925,1.60712032818835,1.14223963466207,1.20900483741156,0.931840458451358,2.04690937618516,1.95771839684125,1.84603038389722,1.34544740852628,1.0074827899688,0.807896380344495,1.96733685488166,2.04488503391362 +Dok3,-1.17680873810099,0.0628881565373137,-2.98995116968369,-0.195567620307559,1.26817895659677,0.398768825311818,1.39713982345822,-1.71793714476557,-1.37822762853091,-1.43321771446777,1.10191863922364,0.592085289827189,-1.30278689403293,-0.115551880400644,-2.40955876580316,-0.398585730809977,0.983168889649424,-0.561879609361209,0.734468466411536,-2.98995116968369,0.196873278700934,0.160753572115596,0.792980799996323,1.1956157510855 +Usp35,2.81269523358058,2.93143214733158,2.616754926287,2.73844977650954,3.17951022779687,3.27438331517125,3.31336676080297,2.42453354569888,2.73748979550495,2.74895079066069,3.09448366688317,2.85342385206105,3.84642061306261,3.95410569307565,3.94235333360575,4.24153029191656,4.56118694044865,4.25970724137435,4.58292284560575,3.39938597205566,3.91206179266413,4.15172721744596,4.60786690901249,4.19032160855203 +Abca7,3.86241867787025,4.32469060384398,3.76399973183891,3.87618753687866,4.27056826925999,4.34486965600149,4.55609940756978,3.62583755756299,4.14378603858653,3.95454092475693,4.33112327998278,4.19353687000682,3.91019660337539,4.24130931385866,4.10914168407257,4.34806780208607,4.35447028585745,3.83786649278971,4.52364872945211,3.60732695709423,4.14541511091725,4.45318395683864,4.31009924082483,4.08267757065301 +Prkx,2.18297369161477,1.67706890312261,1.85630842312286,1.66647287888377,2.11061230595719,1.9106360761367,2.03395214775648,1.89387448946135,2.04971898256795,1.7025306729752,2.04011361373513,1.78062946281545,2.56348868011475,1.99428973358976,2.37714931276526,2.29824833239868,2.28175538894189,2.42619727052346,1.99690128770811,2.68528875751752,2.33398616316767,2.25921467343587,2.35486209542087,2.44440457229274 +Supt16h,4.91297269283519,4.81806040564569,4.88674310848266,4.7425807438398,4.53126018753011,4.69496243422037,4.5960413250699,4.73238333139333,4.84234386660839,4.8072995513911,4.67756802935859,4.69421922206598,4.7462629890823,4.82255804089352,4.93655290842817,4.92858621239725,4.58910745394046,4.7060385427344,4.64332004900353,4.75251076466188,4.86463439803504,4.84864521195393,4.64189859136328,4.68770250214128 +Dagla,2.1526412656717,2.46392425986781,2.39170552867706,1.95697003113076,2.6300082831691,2.55061827771886,2.34873300572115,2.58281301808124,2.21072387789603,1.76014642015571,2.41913140924946,2.25471744372146,2.80099373688132,3.34981069789005,2.88672366714081,2.91132812277614,3.37258532166248,3.20677966527402,3.61450392167917,3.15726748429733,2.73830743282077,2.82556083809823,3.52099396997877,3.323061045234 +Wdr18,3.54681264118933,3.31938112032953,3.37618258808935,3.38665685684607,3.36417314757548,3.36658880917919,3.35971666255784,3.24969750420801,3.32701269971655,3.40866545539472,3.24268018952958,3.39091318632696,3.19703206906133,3.22350058545807,3.13908333327082,3.27337154033658,3.40055349794119,3.1779635268361,3.33190035554733,2.9326614329778,3.11157988920437,3.27842593975711,3.51539872595634,3.39467905166734 +1300018J18Rik,2.72069863093979,2.54135498908131,2.24761487972929,2.43700121401473,2.68070458151254,2.60711827539855,2.79856087404353,2.21416486109696,2.46982878476682,2.53440242824467,2.76383344023644,2.73639177488402,2.96447428839353,2.96671882788501,2.55301598262041,3.12975915144,2.96066626582556,2.90687474635004,3.12599513612887,2.75727870283716,2.84190201358307,2.98992915400461,3.12730933952625,3.01744553537333 +Bbs10,2.54752618190228,2.32308443824451,2.68810999766146,2.11355428131577,1.71890126149338,1.81754374273021,2.06295989286324,2.68676344996166,2.25695885069459,2.22312890745568,1.72991798737863,2.13830280926236,2.09385061222242,2.29031189609803,2.12983597098537,1.82173531056716,1.59250415081665,2.11419578812638,1.60015050156555,2.56639225935202,2.17356287949563,2.18969949176698,2.05281828728688,1.64577388845154 +Tmem161b,1.984842929473,2.45742633588454,1.85817251060585,2.41320301307004,2.60946536802704,2.2536076712073,2.66166080605867,1.76006043070694,2.17368295024371,2.00422389078284,2.3720017144201,2.70782470423336,1.75274589516182,1.98360848705896,1.65912156192987,1.7828902722688,2.17358092099859,1.57009546526586,1.6743147714897,2.1233810622078,2.03914572756313,1.89234791329741,2.10085902841998,2.08818607781615 +Fbxo45,2.91325994450049,2.73484929728579,2.6251106834957,2.81006195117494,2.56727196460177,2.65189114693068,2.64781188356113,2.31963468726813,2.60842151707096,2.81518797018035,2.60564242124171,2.63234711257035,3.0644289090483,3.02836411261741,2.84827828459913,2.90378746436852,2.80638828259262,2.7069584569988,2.90361387384309,2.66862367093607,2.96329647935536,2.95625111736261,2.77578846714809,2.85530695019596 +Dym,3.14475797671336,2.66834587108558,3.19757648396641,3.01070495374095,3.32063153419159,3.01595337159013,3.00468655549788,3.35856549444613,2.95663552676907,2.84953818294694,3.24721780653635,2.75778480127765,3.39617544120827,3.08411064379524,3.43289925162567,2.99801057846913,3.68684172123169,3.42135774765433,3.33299253475915,3.35069579164671,3.13477968120621,3.12151409156984,3.63690908862287,3.42495985986583 +Xylb,-1.22545920787144,-0.48936501842469,-0.493966828554435,-0.153043948285154,-0.955506833992697,-0.516405254219004,-0.812005066970722,-0.642950031328799,-0.375849368030124,-0.899269000200143,-1.07641508470206,-1.18676014363069,0.497444397029106,0.287753815274004,0.394619949256706,0.670363514532516,0.407202498963682,0.761570706357707,0.618782882443764,0.627204621278326,0.312869360489684,0.541673124531733,-0.08196973859416,0.707566371962021 +Dync1li2,4.21799128165508,4.42890271524625,4.19845210950703,4.32013656259405,4.37062452942674,4.30225754464813,4.39222966760614,4.09086079640075,4.2073006992231,4.3813530207883,4.37545757953926,4.3561635551273,3.70096068863626,3.92057119829682,3.56775511375989,4.05222965004705,3.82848913810515,3.735130276204,3.84668278159706,3.89256231487329,3.92132090840196,4.12272978352514,3.81216676226668,3.89343221395701 +Mrps2,2.86268778861268,2.74985915955826,2.75406024066328,2.79432211066498,2.64769139952227,2.62833994088506,2.71582399702729,2.86143817502597,2.63407671962775,2.66571196157197,2.78736139512977,2.88436725699333,3.00405654904616,2.94462367757742,3.06815448618054,3.01959499392815,2.87846381089787,3.10619493773237,2.8870235741689,2.75498219742558,2.84664535885519,2.81314478980903,2.91752561543634,2.94893494873944 +Kiss1r,-1.00065714801101,0.100090819565055,-0.493323069860002,-0.0368978458795524,-0.312322781461302,0.182987565873729,-0.742226577058796,0.28955866525606,0.0679885975141454,-0.254821415396934,-0.0486944934035496,-0.746343950620348,0.207025753851623,0.585117367095808,0.286160557374683,0.460364849431711,0.441746114178505,0.14555461240888,0.394347712383321,-0.108050429139701,0.243227450240362,0.204729334238479,0.0932602782984104,0.512643868323857 +Krt20,1.44598208176216,-3.30776742205456,-2.26887609179698,-3.30776742205456,1.54521807479122,-0.610691828023258,-3.30776742205456,-3.30776742205456,-2.14833172446403,-3.30776742205456,-1.83083803160186,-3.30776742205456,0.475304614063145,-3.30776742205456,-1.73195963795497,-3.30776742205456,-0.332839701447554,-3.30776742205456,-3.30776742205456,-3.30776742205456,-3.30776742205456,-3.30776742205456,-3.30776742205456,-3.30776742205456 +Cd99l2,3.33213565172655,3.13194371928304,3.53803400114186,3.07137285820174,2.94796677146455,3.03086476799347,2.93793771449901,3.42670056402992,3.38461748718046,3.23880884489867,2.91625485133294,3.33317973781606,3.11614342024623,2.9438801040921,3.21230444706032,2.74963089681223,2.85555992544171,2.89682739117928,2.68322302746087,2.96830614700313,2.94142382331657,2.9807868062953,2.62831122950382,2.72734363384137 +R3hdm4,3.78733661065353,4.01295261270253,3.92476502564591,3.80011309527006,4.16456566822162,4.22585412877799,3.97075157551332,4.08163941143295,3.92971801644343,3.71627697546047,4.18274304621798,3.84835765133028,3.65142598836115,3.96219969709459,4.03583112847392,3.57190972634173,4.19733071080288,3.91076256729433,4.08610850780422,3.85617651481086,3.83100149753947,3.9687333298995,4.17465272876969,3.86844914276771 +Cep19,2.81756509834357,3.00353237278349,3.1349933869168,2.97102005002538,2.82531682677323,2.85991723493364,2.79463591053735,2.98578634293842,2.64047483091208,3.0172510311399,2.77622661456429,3.02529696451755,3.70086209213044,3.79315173028183,3.75340686252127,3.80092479205087,3.46734157306978,3.25493130334154,3.59373883064599,3.74891039805282,3.79762249415634,3.82574581764912,3.44532520985114,3.6370351906576 +Zdhhc17,3.17058348324826,3.66120364827668,3.11550676871475,3.51281389595147,3.55604643648195,3.47498599365156,3.44780866167001,3.19043438201241,3.49153827719362,3.44921254243253,3.63052086481563,3.52762100835413,3.04775223994717,3.39498903240071,2.95105451355663,3.17938141186764,3.30316696664122,3.12083527289301,2.98380430867764,3.08013921932017,3.19928273334773,3.0175662061916,3.36470654842303,3.22236880301455 +Ins1,8.26327116707682,10.5773694811084,8.16559625381335,8.68687691352464,10.136476581845,8.44222951447774,8.78190094134367,8.54348070080014,7.83028839345987,6.93733549547135,8.811633592908,9.13648817571931,16.5575580626417,16.097742668968,16.6369782021183,16.3005417816847,15.8715723280596,16.4868446719462,15.8873787920441,16.7487228131099,16.5719398519053,16.3510781151899,15.9199855932727,15.9808075770714 +Tk2,3.18339955852013,3.48246478682769,3.83124577271218,3.72807303835213,3.40090338809726,3.32580654084521,3.25377460267761,3.53987632098046,3.73177298949269,3.81705833026922,3.38644848694087,3.44741949819631,4.04118229718761,4.09972574497248,4.50140114948031,4.06091709755439,4.13489854525966,3.86384264826551,3.95047477977281,4.12772428323175,4.22736000369839,4.41739043624783,3.87732586930021,3.79591970464636 +Pim3,3.44635595633753,4.16011294407558,4.0217502548305,4.67999788611892,3.68636450924328,3.39915102472012,3.75532754552576,3.4654732524146,4.76771316394272,4.78117924466702,4.00384949180551,3.72002292153919,3.6987797697647,4.10158360756604,4.33632087996561,4.43049802463611,3.35807920662582,3.7986659093257,3.85759893443091,4.13134584160315,4.50723007021247,4.39790188659532,3.75620472932378,3.60041777561865 +Ppp1r26,3.04660202514913,3.2061623481848,3.13161654342738,3.2558288602573,3.24605839539807,3.20500996842713,3.31523406862977,3.05028349138295,3.21819799323686,3.19863763649665,3.43885863694011,3.28443291681598,2.49276536844514,3.04751342057297,2.40139807369927,2.85549147713546,2.82362842488929,2.43877037559996,3.0453714481071,2.60445431707254,2.45717202042323,2.66978357959499,2.88575622573294,2.88981856312537 +Polr3g,0.623890813142485,0.799830235649179,0.320464970054303,0.581324250115731,0.491442744398711,0.588750194879011,0.489453618259369,0.534672581644482,0.518041696027659,0.868369060970152,0.203773713605169,0.537337099504949,1.9085102942441,2.23202387244533,1.90567345831321,1.99811867608877,1.46656735286727,1.73383077945906,1.49102849200303,1.89734354933944,1.83033822677032,1.97140574216152,1.7684954128066,2.1408302470097 +Lysmd3,3.85240013896613,3.6771792975063,3.71182658294008,3.79755806871434,3.5167434223113,3.47505609289085,3.62575444064544,3.58739944277323,4.02935126175723,3.65328859020476,3.38547146967458,3.60519423105025,4.38383542195353,3.74571385109222,3.96448894122893,3.92319605485701,3.82461071710816,4.06870067636293,3.69244354945581,3.54974377767455,4.09360773225844,3.61028798358573,3.71531227687005,3.98988919461965 +Ddx11,-1.00311933180126,-0.781463654899458,-0.699549460383095,-0.247150497817608,0.391621764712714,-0.132544719069209,-0.457377982570716,-1.40072595150194,-1.02758842748807,-0.868170992584067,0.259602515221964,-0.144183058331404,-1.70255229243125,-0.591127411534204,-1.51919641000692,-1.54957028942892,-0.796691885016554,-1.60169955336486,-0.510818112489656,-1.68464913983701,-1.22735005924587,-2.4303746710782,-0.801445302607673,-0.319365277874755 +Alg12,2.94423708539774,2.65520096912731,2.47784279812641,2.71436597184391,3.01966794549936,2.65571287918166,2.79485763611086,3.03999409063307,2.55016048699391,2.55011221390367,2.9868271312221,2.66744578501855,3.59626911487106,2.92733904967298,3.17652327780407,2.90769681280157,3.53866858379573,3.54958950277889,3.45828614882286,3.23780384388711,2.98329032798353,2.95826583790097,3.43228026176027,3.20170792700531 +Ids,6.31722822538446,5.86843567740281,5.67000348064465,5.15313868897516,6.18209516439424,6.18319142990267,5.77141994131197,6.57707459297155,5.69252811614689,5.30193387476834,5.83261590482759,5.95925232640493,6.29603413005422,6.02135200219493,6.3143513799868,5.93685880031184,6.51592940700011,6.56518821621205,5.98908069162797,6.36078343000446,5.86903701716062,5.89599385713734,6.28492463579597,6.18238325787346 +Krt222,1.75624421011837,1.91847479681236,1.88994735049753,1.77334281355261,1.41706526290356,1.37517030543273,1.14949900255484,1.73172256457705,1.45055956331076,1.55034327578548,1.6153782005732,1.43744808213643,1.49326762020869,1.72822086866284,1.73900330694668,2.03832979290177,1.54972011548476,1.69246755532988,1.70380902918899,1.40931280094507,1.56759812755919,1.88701193331191,1.27106862911168,1.42352505632013 +Ythdc1,3.10243713669406,3.62337606652951,2.84514419350708,3.43792415081808,3.38260201341498,3.28237330651088,3.40061120682551,2.90899826468658,3.36354383807599,3.31174031959625,3.4516108730918,3.52409195366045,2.73668560268478,3.09655618433492,2.56365388799701,2.93083753495932,2.86018702587433,2.84910598214464,2.82458076830988,2.72113484247342,2.96869822092118,2.84693754632776,2.95693803232528,3.04739294029019 +9130017N09Rik,2.34896226745844,2.63630646426421,2.76636015918706,2.41179769565829,2.2435104072789,2.3970806053871,2.27878465514724,2.87750206957546,2.75254830858156,2.65718886762377,2.19503307556267,2.34710163985575,0.752937329849257,0.960543756659883,0.668654670055517,0.49130552228385,0.58238022831126,0.146424058159969,0.530053988380776,0.530541383195977,0.551613484913124,0.695897081266092,0.306710087163848,0.218313547592941 +Palm,1.34145136857486,1.56221965711892,1.47666116100123,1.2492219934049,1.19667002305897,1.56802417593092,1.01683989575548,1.80780329399759,1.26172520128801,0.835081684907487,1.28098690094208,1.27698943382145,1.04956483450104,1.58771997799222,1.17294056645953,1.04035768782932,0.490250065660908,0.943270972533447,1.11510639096738,0.564765545000102,1.05773121743173,0.82601111233111,0.687188215239288,1.15805142168315 +Syt1,0.658326113260567,0.598173997643209,0.844449639908834,0.0467474921114421,0.176704609733244,0.724714355197857,0.198001849403961,0.963296344669968,0.92941613787816,0.82229013250044,0.0609982443051553,0.335087844705889,-1.89177872204771,-1.20873909743154,-1.73336379225331,-1.35861047273656,-1.98773859959123,-1.39112271516155,-1.82963882584303,-1.35324575678324,-1.35886437797184,-1.98134067744144,-1.43858477742763,-2.837965985143 +3110052M02Rik,3.1193108714469,3.01785469035755,2.78509997922205,3.08663023745335,3.61413361671151,3.28580973451815,3.51261953175033,2.77479456242784,3.15964277617069,2.71409650731633,3.36523047478597,3.31059883139001,2.91845711503405,2.77784939517907,2.63307799425925,2.79669768668533,3.24055316675766,3.06816677382053,2.93965988529036,2.89374141890824,3.13199360643525,2.55905097699015,3.37056162059071,3.17613664709787 +Pawr,4.01267523315639,3.98996849717373,3.85100847053403,4.04107199986162,3.96307612219115,4.0242554621852,4.08567397572516,4.05830833619317,4.15059635694683,4.20889808469009,4.06037027457521,4.06183439888232,3.59045360158329,3.83841897624264,3.86205689519301,3.93010281398351,3.64342427209657,3.70360941870502,3.61767323029916,4.02679384484468,3.80406742048906,3.85422389375528,3.59109482374908,3.59615285128317 +AI182371,0.0023886749946482,0.455956899631679,0.81776373699473,-0.354421072745873,0.083403659603575,-0.380450221476419,-0.0656514377036781,-0.21801074897977,0.272957875487812,0.196799709959432,-0.1543872238752,0.415262519307676,1.20363161707744,-0.0390739573936181,0.166802548491125,-0.0824237645561614,-0.903310771983461,-0.0235980536215445,-0.019384005537638,1.09199367525555,0.411271970694924,0.0394109725767722,-1.27088601637588,-0.081711938038888 +Zhx3,2.02320343356833,2.0300162878911,1.91608627682715,1.8228681840297,2.19670377163106,2.19492559052977,2.03711951571346,2.05942489291014,1.73647640715571,1.70085586832768,2.15308498305043,1.91286680898522,1.98807335552969,2.25329604541297,1.83115014966554,1.95865133147779,2.27128008206519,2.18029293813008,2.29635435720468,2.1095304062781,1.78502337429324,1.88438400386407,2.38124964518998,2.24729141248586 +Agphd1,-0.262068161134052,-0.0506834628505608,0.0459125862901804,-0.309709907035322,0.157583031967777,-0.0491937491190537,-0.424830111114649,0.373439020154192,-0.0291234266940812,0.192093567834325,-0.0533938557967426,-0.579660535791468,-0.542470090655403,-0.448968701486899,-0.364485156622048,-0.474673938200972,-0.848176116644558,-1.07390754168272,-0.919809127915466,-0.447743803153394,-0.77483393796733,-0.611228886628103,-1.17034553965692,-0.822696209581352 +Cox8a,7.85400793437618,7.22135475284918,7.81127572624307,7.58660718933045,7.4758429063245,7.34476416093366,7.31640829289336,7.77118134703663,7.73455725823993,7.58031026696022,7.39374363859518,7.55193521782764,8.30050915278842,7.82549196450863,8.35383155820407,7.96487362779003,7.93476124460898,8.30827679722688,7.89364397893608,8.53843035262507,8.17528711254039,8.19048272954532,7.92494179373685,7.76842454435888 +Rnf126,3.15776298870116,2.56408714623107,2.92016209054577,3.10066174037357,3.17993922130765,3.17923656391266,3.19181925309799,2.26987637410791,2.76721776108044,2.81466500640868,3.5103508159531,3.02766285478919,3.42345441122697,3.34808166001707,3.38790804359385,3.22797658747239,3.49729496901607,3.53968655087825,3.62592626678376,3.24505226893313,3.25741685515554,3.45895318900709,3.80126754301213,3.42257760635312 +Cerk,3.72774842807947,3.42154349537437,2.94377708299155,3.04308374036949,3.79665950696035,3.64954570822189,3.61659044130219,3.29205342349991,3.18029115305639,3.10314319958117,3.65451344918292,3.56204168361712,4.77852214670236,4.88013480573761,4.37674709641199,4.53414875152407,5.00235207630759,4.94374493450525,5.19862042910401,4.75418279101003,4.49014562012108,4.47060190994008,5.05700543076323,5.07458154708798 +Rnase1,0.462036078707631,3.35994890555359,3.07935221023093,2.2869171430526,2.28243333168467,3.00058351468916,3.16098289641215,2.81015058367647,2.0851482654613,3.8500159159893,1.9846573031822,2.36596479115775,0.126261776928983,3.27510201208189,3.17687688362337,2.20557756833347,2.76320675395072,3.45537523867702,1.34200986831365,3.15402173340014,0.869356945551291,2.51962426241819,2.79937885438569,2.5273117937819 +Uba6,3.5592881500192,3.1893707914611,3.37477313417735,3.0783184699549,3.19171808894442,3.22249795538212,3.07443015139361,3.14255410466019,3.27651988109616,2.9808669339504,3.16081405585743,3.14638200637925,3.60141408266548,3.12520334060042,3.59279566741208,3.26172611366546,3.08183469447973,3.54943321900726,3.02248499666024,3.54401866917779,3.42151435491024,3.10806288364163,3.06874668080631,3.30498810720019 +Gramd4,1.90165545960673,2.35199770886802,2.21560299322072,1.98801093656176,2.0148324831365,2.13029824080251,2.24860926099193,2.28249157030429,2.10341762493556,2.08685822933636,2.02560038704033,2.1008129983432,1.10241644236682,1.86344981676972,0.96356552072218,1.31346520882401,1.33780374374406,1.12935749325234,1.68373729927013,1.26730074587117,1.10600349504852,1.38782673955514,1.41343042754587,1.54883786351478 +Dennd5a,4.13325933959831,4.06245892046812,3.85187956353658,3.92623057123107,4.1076853225199,4.1942596652772,4.15555364590962,4.12031676238923,3.93936933233842,3.79857908542024,3.98481649682541,4.02674246396695,3.58019750740239,3.65758028037752,3.43099481854243,3.63333015476349,3.83036963874199,3.62562495010657,3.89192656407832,3.5320579463144,3.39053678813332,3.3468566174665,3.93099086782174,3.7517708270073 +Dcdc2a,-1.79565945173892,-0.686989935160009,-1.81060186685295,-2.50528648893691,-1.011589997048,-0.855187238284437,-0.770920039346304,-1.95809123890111,-2.26058577874706,-2.69512504988303,-1.49207306883081,-0.861813900597378,2.28751733899691,2.43609564864418,1.85563898955038,1.18176528608289,1.85855119276133,2.31584575342039,2.40615144677394,2.60592097895671,1.54145111389595,1.44319216943482,1.78798299817892,1.99572799117817 +Cd276,1.98074315466856,1.88232393841423,2.32517067822304,1.94617413480538,2.12897187586416,2.21996365508012,1.99252725901054,2.19925391770896,1.96253348015823,2.0098546860488,2.08606978885291,1.86608429669395,1.71251328454785,2.20375562042277,2.35630202561261,1.86124380911505,2.3337942094978,2.26581732664466,2.40548050736298,1.92290827391038,2.04142728717893,2.17667493036094,2.2104650924583,2.19009412799959 +Bbs9,2.56606170919669,2.54493935327467,2.68604584527648,2.45388256475941,2.57799136110269,2.68648759030887,2.5550083531295,2.68315667098996,2.58305275739743,2.36759761935565,2.59208579401725,2.57303508266654,2.46465859045059,2.40191250249832,2.47009575393304,2.42662893527718,2.46147049015982,2.39174161200117,2.39958155525193,2.45363218495344,2.50270589535987,2.47160088935067,2.56918825197216,2.46377587002816 +H2-Q4,3.11690271572907,3.26403282735561,3.04287437943698,2.96446231550997,3.26073451132265,3.3710570669337,3.46266322708481,2.76976521312243,3.06405519663915,3.08617778975863,3.28134205034382,3.11805050744533,2.42766869016645,2.59232656631948,2.39203288807322,2.78079632760748,2.93840619004163,2.71552219595042,3.06214777748797,2.47038189085006,2.88658045769052,3.0121812038654,2.9761385977309,2.96390240630596 +Cog5,2.24891334064408,2.25762015280157,2.19253556907608,2.13527349201949,2.33464041972243,2.40303015866506,2.30437769312959,2.48816782802736,2.23603918367007,1.86966259246776,2.36036760418296,2.20333105001407,2.40714465897862,2.32347452334166,2.19445945112933,2.27352409243711,2.39129146464456,2.49870218575357,2.38583730048212,2.42097687829656,2.28063084008316,2.09448668056255,2.57703579009621,2.44177919450495 +Pknox2,-3.54892462478032,-3.70770307422316,-3.54103029768403,-3.31844958290859,-1.97843975840961,-2.60634140664312,-3.15678531233075,-2.82934298552758,-3.25883553254908,-3.37510199497826,-2.75060354066943,-3.03668160027678,-3.21306881587971,-3.63272876649219,-4.9315516166759,-3.87447488600291,-2.94976331047194,-4.2507421543833,-3.58195740468786,-4.22294255703404,-4.59133412586995,-4.61570848120294,-4.90947934653339,-5.28803922904904 +Aldh5a1,2.59313014215117,2.71517754341242,2.68301682817307,2.46292300075218,2.64607875791007,2.61994306146589,2.33631431168433,2.80926203104026,2.7507030935204,2.63234073754012,2.40670374422333,2.31214871163696,3.06469882132383,2.75193097908657,2.74718084477968,2.40231405556534,2.49723807629568,2.85485780657898,2.84457352313539,2.95545469706095,2.59312140212938,2.55265022027106,2.39672781383496,2.70245483389607 +Ibtk,4.30496932405089,3.94067944964642,3.98536821900548,3.96423596714343,4.19342086756257,4.07620434666738,4.03874771472547,3.97694931154464,4.05021513755548,3.81924173338187,4.16794266657018,4.11671373876063,4.60509542638446,4.11294051365338,4.33387740057937,4.25580391782987,4.82016014960108,4.57224933928811,4.70650907330231,3.8913010971732,4.27329977350117,4.12882366565021,4.6766286564702,4.697475118819 +Ttc38,2.09561691599331,2.54840825837818,2.46625784627247,2.36823530781045,1.95089755674158,2.04153201751473,2.12454468857507,2.56745071758932,2.47238320056619,2.4747392902427,2.00918784780239,1.91838764881488,2.12171825777546,2.50499694142322,1.96855706254945,2.14103486889268,2.16820780065932,1.95572048635079,2.102380202234,2.20639555882511,2.23908645206417,2.46319060109276,1.9745296690717,2.0540839594346 +Fbxw2,2.79610018112142,2.57518893386991,3.06680005967058,2.60005964034686,2.40602761174166,2.50991890695264,2.53642887754773,2.6328406646992,2.84350995707758,2.74312296215151,2.4899635812367,2.5495288715746,2.88265385445567,2.69201090045697,2.83166709770637,2.86760170783688,2.64907986670454,2.84114656598541,2.57562673605514,2.90050016301361,2.82565143416203,2.86997999764531,2.47598624243714,2.72440126441524 +Tmem55b,3.35010741504181,3.67560188080147,3.37517589710612,3.49288940250085,3.41229058782382,3.18933648774097,3.36960731252953,3.26797023668566,3.51537650608843,3.53832253708046,3.48497618050325,3.33552262017819,3.83916972807676,3.99888950469279,3.77815647590212,3.77217237575934,3.65549120513723,3.77067844905826,3.78809206764938,4.03584536276716,3.97293971766949,3.85363059227121,3.72152771902242,3.8812972509073 +Dock4,-0.490437680711062,-0.642385242510671,-1.44314963771097,-0.89992776176715,0.907566870928059,0.700170390832894,0.306055297089662,0.0685414187627358,-0.810922403699523,-0.769698366996364,0.624347290198945,0.130623275263142,-2.06808149124426,-1.36358487566439,-2.68391726026736,-1.67914197474366,-0.423217905959034,-1.07829965934299,-0.518402801406427,-1.97013692495843,-2.89773355788902,-2.58390204481823,-0.412707867184082,-0.705542845553596 +Tdp2,3.04044043568108,3.20205491322371,3.35504421108744,3.50581885197706,3.42200088150189,2.767388801134,3.33328206645281,3.10305688272282,3.28080316282991,3.39981925963895,3.16955981571203,3.28957604722213,3.03343059492439,3.17831997176581,2.85268173928667,3.03661273879071,3.11310963345903,2.83062776142961,2.83156172248031,3.13384177019996,3.1061304881905,2.96810551895686,3.10141847214537,3.10346122765829 +Apex1,3.62513779964778,3.40104852976814,3.97157849566961,3.91583857708869,3.28653635308909,3.48227998680604,3.38180712081125,3.92961480933566,3.98895768171713,3.92720152889695,3.31508489738015,3.93304573537198,3.17245886886232,2.62446949648528,3.44915189831769,3.26069998832176,3.07864166804472,2.80410451972068,2.55314001215488,2.83002694167443,3.40046303181087,3.44921302464343,3.07491443375209,2.97710734882793 +Tmem59l,6.83804759707987,6.47019974321444,6.90427531220146,6.56851928125511,6.22743034462484,6.48281467380045,6.37939190087614,6.92947020599194,6.75300375439241,6.55014945858967,6.531731101204,6.60604459293348,4.6046007452883,4.82156285692837,5.05169738082688,4.48594646470625,4.35994810874335,4.66535827953874,4.27673571365654,4.51327299067143,4.74099951872832,4.8406641283085,4.46744904328497,4.03978607033075 +Ddx26b,2.41877719989551,3.58572655293136,1.73631855683188,3.38559256708376,3.92988715111295,3.66702572130092,3.72151921426969,2.15112779455907,2.69998719823107,3.34228588464416,3.87304174127746,3.69268726346227,2.14050213797655,3.12489446743266,2.22113006982756,3.28193519462651,3.66674025561372,2.75668516585418,3.15600679400392,2.13662727734936,2.81775197830789,3.10311436736051,3.60099584925679,3.28969379794254 +Rusc2,1.94983719427045,2.34092199389135,1.77858830803944,1.9321154115289,2.43398795588929,2.2297870967096,2.54492260973545,1.96975850504442,2.01958270428479,2.05318058431532,2.32095699937578,2.10572262002769,0.719748191812744,1.37688865599235,0.715808714568025,1.11751618048918,1.3790082607389,1.30623997961264,1.74593733166521,0.799063937340637,0.625432241156378,0.934958172562741,1.47695302405036,1.33220784443854 +Nme5,1.64905885582828,1.79753661863482,2.48361242300731,2.44911543962667,1.82390788105736,2.07198476433282,1.66833431433262,2.65374335470625,2.54968852043761,2.2488619274483,1.66733336480181,2.16583902059376,1.86070061342068,1.71821963949255,2.20005413504108,2.58406774583268,1.40506598492879,1.68553136649847,1.44334382661831,2.52917774318684,2.23161719382888,2.29368700822545,1.92028021464674,2.21992191072114 +Fnip1,3.26392439943566,3.97266857395098,3.68992596461503,3.97848190362918,3.81381796851263,3.68811452019485,3.81176023711177,3.6997760496414,3.68242397562638,3.71713926182745,3.77127368173771,3.87948925875651,4.32907982370794,4.58056842891259,4.6441279245745,4.52799627449935,4.45957553960388,4.40937490961377,4.29003060836015,4.67191858070365,4.43806993587329,4.41642341692551,4.39095689952697,4.61959125672521 +B230312A22Rik,2.23477093588616,2.72703525595416,2.2219509114678,2.66799458690467,2.63451245337817,2.54759178816724,2.51146686741022,2.15055693017734,2.109505142295,2.74544825992759,2.43805917445113,2.50152426227833,2.52532991536739,2.35787148016075,2.44972330022256,2.26963643283008,2.63809707035126,2.50627812840421,2.75130938668004,1.91803158077676,2.4391270133694,2.51861974527645,2.58725685686722,2.2086377134538 +Mettl25,2.42850075675875,2.71840596188324,2.4632221893346,2.57227490509281,2.36762131042149,2.73756788928866,2.8254355629041,2.48373608848919,2.45527853707011,2.64611588912979,2.5929280403483,2.64374107335624,2.33099267075478,1.97012751112276,2.24401699070742,2.14529039295407,2.21881138760359,1.76960604236574,2.27115747092582,2.23704468089076,2.38695940337434,2.05850005336077,2.30816596877437,2.35201042071787 +Tmtc2,1.18693734162866,1.78009035576708,0.953621278096549,1.77677113317706,2.20774929584654,1.66635844589731,2.08545186517927,1.58176303420579,1.14850604164606,1.5621306602764,2.2808942028964,1.82507517038727,2.04893064243816,2.10270164477022,1.93118854722921,1.81273665626658,2.24477616303204,2.20499641773073,2.26902100521568,2.23760190100412,2.01212132412642,2.02232784450724,2.24347618846682,2.2157129415656 +Fam122b,-0.981404045470255,-0.305429675026629,-0.300095666915655,-0.595436410994559,0.178731303065168,-0.148092713188811,-0.797272106310022,0.249889809077755,-1.3621577667663,-0.454414734928152,-0.167491930912527,-0.266480619622044,-1.1972162460889,-0.327909302840274,-0.344923719728136,-0.955682444381609,-0.0698040412786676,-0.424295256609584,-0.655720573989231,-0.433995861590599,-0.676858115154955,0.0010064214507479,-0.0467265915092012,0.0675916068850171 +Parp2,3.38694114998567,3.60559917448598,3.13341444361721,3.59809807202686,3.81525469103222,3.67894258200102,3.78158766015346,3.27157701210506,3.22860807961515,3.71223352551449,4.00238227261903,3.64986729488459,3.44121449793308,3.32533185232012,3.01549140281484,3.44809068084422,3.64216490863796,3.38974754925673,3.56357117789623,3.15966142758154,3.38128313063068,3.42267572972983,3.88556429754173,3.71030477392135 +Tmem63b,3.04106764364409,2.87282409425493,2.81604331557161,3.05318015113079,3.24935152248931,3.11098783897368,3.26678397376986,2.92718513265237,2.79843768916495,2.82541424278438,3.34074118843375,3.0274841429574,3.1547027374391,3.19641331723848,2.98454847890866,3.12775088759968,3.12709745641191,3.0737319255217,3.23818068280887,2.88357820572346,3.06126127813243,3.04845187330569,3.04111325752167,3.05150542103438 +5031439G07Rik,2.76276489240771,2.72875702382889,2.71825926687876,2.73613536966615,2.70310004631275,2.61654294610178,2.64638306466469,2.78886925413357,2.80108727947564,2.71623389576536,2.73178746563216,2.75835200916693,3.14918236217679,3.16403047851809,3.15402124862754,3.193590033904,2.91048992179143,3.18386891561814,3.25305351667651,3.11809567367043,2.86963218720482,3.10658012821696,3.08462544644076,3.17008011622333 +Dnajb5,1.31708350766867,0.904686699220271,0.293499567860931,0.604475362738942,1.3232639837863,1.49979569376469,1.39608762218149,0.0319403743911386,0.879162822724839,0.671264293523739,1.3405058476346,1.0084721879887,0.91749304830857,0.336286181232159,0.245547237421153,-0.0906005924909108,1.12829709912124,0.827415793529405,1.31802624473867,-0.121724434966249,0.237311458240923,0.197818347371192,1.12126968695825,0.60784655527648 +Fmnl2,2.01671728911709,2.1836761199244,1.73192423141758,2.21503643037838,2.49518102497112,2.32728748252333,2.24350617316964,1.84502222878085,1.81640315260683,2.18487208665377,2.34355473380171,2.46865605717462,2.80338697027304,3.26046313457963,2.91498600009847,3.38823853901262,3.47671343487256,3.03895751858041,3.31671246254411,2.98349658393436,3.0164557161615,3.33144127655282,3.43780057939882,3.3699555772393 +Sugp2,1.38892376933705,1.97548302212455,0.782796731522696,2.02873503204029,2.36106465073147,2.21845283630089,2.44320233332867,0.770349551129379,1.5541201083602,1.73975907504931,2.47623473492632,2.02798029317831,0.551748497049345,1.25029025178927,0.0221451149531511,1.17046313693796,1.64491874932589,0.751079288602378,1.84786137152518,0.279506715127577,0.986566675232693,1.03307694791311,1.79521544830138,1.65118073924237 +Ptpn23,1.8095292199844,2.31534666991503,2.01998262914528,1.97600982236996,3.39924051525989,3.23288973124045,2.91549456482365,2.92694911915458,2.03061089207363,2.00083814272364,3.07507154532556,2.55020146025225,2.18604898997486,2.35044697277757,2.07338129512221,2.1191892142946,3.72364958762844,2.99394775960093,3.688696021909,2.01505195970744,2.24168105301965,2.01516457793764,3.54532123039917,3.18900620152247 +Smug1,2.66605402534682,2.3933825645498,2.4597971445731,2.45084557872111,2.37548739771906,2.27807749513041,2.47233315392189,2.56219803594511,2.61075657669488,2.37423299036753,2.2768225046154,2.51125757281745,3.1184730601831,3.17715994456094,3.50322824405413,3.42694679682409,2.81486638303758,2.9797337145263,2.86906451606471,3.43065564522922,3.47473102039838,3.1124133414561,2.8492842714499,3.11759249766781 +Slc2a6,-2.62433067695623,-2.14258645617929,-2.67596006913411,-2.21882034753503,-2.12224488668808,-4.04443351548461,-2.87755496323039,-4.04443351548461,-2.43270997433184,-2.48770006026869,-1.59582552904868,-3.10735994990982,1.6882544660367,0.534272939279674,0.873002904656733,1.05577927015945,1.61393969319813,1.4934995276107,1.91184235518909,-0.0258518712439593,0.951245151867206,1.20127835546137,1.62908821174513,1.56158354337527 +Galt,1.96216237095139,2.10548053510393,1.69090310154584,2.30958558827879,2.32513652928328,2.220285208151,2.44447135759346,1.83416465246073,2.1606414730258,2.34576024331756,2.33389258750296,2.25056766289258,1.57506813267926,2.19874202174779,1.26745285850422,1.88432353143172,1.81529003083955,1.51560380302294,2.36842378528064,1.46970619804906,2.21961945118163,2.30318752791094,1.91742994245912,1.70841069428922 +Sigmar1,2.68554313838178,1.94638046313942,2.09021903486246,2.19225339901009,2.19002235920246,2.18055751169994,1.91981228757894,2.10143862766655,1.99766794105127,2.05506550234126,2.01208053508404,2.04806903354672,2.78379321999985,2.69723328509235,2.6345704663805,2.59291000765571,2.26507778151092,2.74387647841032,2.52697260419658,2.68218352710333,2.32090429156072,2.356913625218,2.48059527526437,2.53473114149551 +Zranb3,0.64094589087739,1.13105619805446,0.869793796058539,0.813102308085866,0.740774685423216,0.827576625559409,1.03266499173625,0.820260324616559,0.637630592220042,1.03618911656603,0.501176158818545,0.564100928370797,-0.150869814144919,-0.254488411887556,-0.110269201828855,-0.089527964574343,0.0084676967807033,-0.169429907149489,-0.256066240845346,-0.460631107016155,-0.0327491793547354,-0.0948262370938746,-0.407405737942,0.0247300131844903 +Slain2,4.03487327775376,3.98102035841429,3.99086215698907,4.10235403129806,4.01981985176571,3.96796746203571,3.92919429736306,4.11310442506229,4.05665273701944,4.01351158335998,4.11441261471356,4.09410836605954,4.60428420782308,4.33840771388179,4.63052308205084,4.61687465524661,4.28033561417157,4.52441179061651,4.21803308951269,4.61137745969077,4.56226171200445,4.65767681618562,4.41275995394558,4.24976299046437 +Hyal3,1.73139327375673,1.99853924467718,1.78996812444468,1.87001856187067,1.81459128933625,1.57292572949662,1.86420429998201,1.87228238155285,1.80946515305609,1.94985978789025,1.97428482874163,1.81908282895737,1.66365443295855,1.67736033248619,1.32888773315275,1.57836412255207,1.54862898929912,1.4427881351247,1.61263886821226,1.74594886617502,1.25840163726943,1.61443760360565,1.40007369660662,1.44624757550315 +Arl5a,4.06383532418699,3.84262121937183,3.99920041935066,3.81955791991512,3.61056751598536,3.80659114960688,3.51667556752512,4.05439328169845,3.82578866971259,3.81899218995429,3.75264651766758,3.82468617782013,4.89774391044756,4.47747987789637,4.98309218086168,4.64734761210248,4.24471223658782,4.75028747550048,4.21253761580548,4.94468476097701,4.84516828735615,4.59524625461892,4.29548200626548,4.40942100367753 +Dgkb,1.33383376340912,1.19705868901462,0.827827861806047,0.395412965691629,1.08698965735859,1.88482219871932,1.35371941186036,1.09605631342014,0.761369685680594,0.483713419432723,0.947777347901584,1.2404416969672,0.12060676474583,-0.195976993260424,-0.11765020054131,-0.349268852188109,0.406511017135744,0.0223341074985544,0.424501384398797,-0.499625042269853,-0.956661293456877,0.0774730417179987,0.151156418845152,-0.646771187126862 +Fam178a,3.92702695049614,4.27154126732841,4.14776380778577,4.22150141083571,4.05804992506781,4.07549864912805,4.16196437498142,4.15181416976401,4.15689878725465,4.24675130856378,4.01323819841515,4.09341101508385,3.92097178987213,3.97259936819062,3.98383583034623,3.94092997754771,3.90199421918591,3.93671165771383,3.9724555732488,3.83033257742349,3.99881286540713,3.99842678331712,3.96215808914462,4.05090839939255 +Gm98,0.724360764682389,1.15304317006924,0.829325571201433,0.536625969209578,1.6726372553855,1.89844645235708,1.19318236889351,1.23110023756134,0.685127936567636,0.282763895289095,0.910704335927331,1.01627341858492,-1.5411607316379,-1.48742581301217,-1.85783433294611,-1.55351029724977,-1.06507345549595,-1.26634430604691,-0.73389782072744,-1.60571218163259,-1.92243685287343,-2.16365742050856,-0.959628124497988,-1.6253604755147 +Vezt,0.8222870629817,0.991783752431076,0.81986301211378,0.983722471311181,1.25764830973989,1.17778031784086,1.12073177641948,1.03353808733376,0.820967822213643,0.936859618003523,1.10728799572896,1.11807392212823,0.535265771516431,0.734347828600563,0.584608940068299,0.627101765622019,0.879927659978606,0.567380583828941,0.732287173789692,0.529933680821539,0.70012524123422,0.59906832145433,0.793798654489322,0.971658225428842 +Rab3gap1,4.14052993526087,4.06739232469623,4.27515323689893,4.03784634666399,3.8941490758428,4.01955369640219,3.8345823955122,4.19818704882355,4.15945071775779,4.03781405258542,3.88784300771882,3.99150885146604,4.81027355197832,4.66746446897665,4.91099435255573,4.85969188692999,4.5095646621344,4.6884218974871,4.47666933966292,4.92348714658054,4.76560258246879,4.82379338351461,4.56066653236509,4.53326138297946 +Lmo1,-2.4603693305091,-2.4603693305091,-2.4603693305091,-2.4603693305091,-0.944362328556804,-2.4603693305091,-2.4603693305091,-1.9029234061251,-2.4603693305091,-2.4603693305091,-1.92841239275862,-1.91705136001367,2.91533808960295,2.05828214460121,2.65555452968808,1.80429807127053,2.46607155061093,2.4213580512559,2.14086157781759,2.7726916092704,1.01634352213719,1.22010574903333,2.06041671642335,2.29834367574245 +Metap2,3.8299499212797,3.88188478684064,4.20620688354085,4.07012386590716,3.68316376613484,3.64459164239923,3.70892226140274,3.96956362802136,4.00790093844861,4.04959150295064,3.80612139560987,3.76504342066957,3.88489436281761,3.79242617735774,3.96909501953803,3.88618591344181,3.77104135262018,3.75750289153538,3.63342693501583,3.83472381943433,3.92859214419121,3.9740343983867,3.74366599738318,3.80545081654673 +2810432D09Rik,3.95125657685991,3.46102831653227,3.65248906419896,3.46278230868786,3.31509425918686,3.41360339608563,3.51811710627844,3.62572710590851,3.66235778388236,3.49362490980596,3.41523989557304,3.5944837437648,4.1095578131822,3.85935466784846,4.43425894488279,4.15357656113587,3.66761487180537,4.03689744618442,3.88523995677627,4.16168867585809,4.05156732031835,4.05101353548147,3.9039339466425,3.81754124985153 +Rfxank,1.855462290505,2.29304944464942,2.00792741323957,2.22168296600178,2.33364297949258,2.07834063350867,2.14510121943028,2.18004918243064,1.9547217985418,2.19886506022148,2.15782295326397,2.044453550383,1.93395333319125,1.71703807343231,1.91855496397199,2.10030944097353,2.22752787653085,1.92527614396771,2.16664601663063,1.73200967521714,1.49484910899314,2.09404467614871,1.9987770366776,2.125977675321 +Fam110c,-0.256170393405434,-0.0415279449302084,-1.12741779275255,-0.349799167900092,-1.40229479493882,-0.780107623856442,-0.496150846092329,-0.153712695457844,-0.77825822418952,-0.644466495464932,-0.466611055440714,-0.980620008831831,-2.36239927208208,-2.21659427700849,-2.78348926090671,-2.60243189250424,-1.79809241286298,-1.67689523143981,-2.04231291949372,-1.47134047669064,-2.44327177010076,-2.2060573103155,-2.17141936339864,-2.09007563290059 +Acaa1a,3.3361062482772,3.48348201701839,3.39113176237991,3.44744497105481,3.62459406150524,3.5912004661108,3.68264307801604,3.26755813197948,3.36435367061118,3.69810815771431,3.77760107700378,3.60761525187428,3.43030826580686,3.44926777156969,3.41408558970461,3.43328591736461,3.47177280189992,3.47022009366815,3.75582710526025,3.38976093802417,3.39126591179563,3.80179471460738,3.69498770664119,3.49151247667299 +Mgat5,3.30670053302897,3.33830898553503,3.30323327094486,3.30640128707509,3.67020361495897,3.6929895973468,3.35039300176875,3.79971060021878,3.35373781273913,3.29089358227044,3.63732414175841,3.46694560018994,2.58176508086813,2.71951472212456,2.74823365554741,2.97842782214237,3.09140714544544,2.7482917650667,3.00426981508395,2.85957347296377,2.59099152572091,2.86676734195472,3.06849843909194,2.65558788912593 +Prickle1,2.66255332957114,2.83882350968726,2.77538812915981,2.51223496989662,2.92291430863512,2.85067135732625,2.60124799605978,3.12547455366827,2.7187863764895,2.55381499952493,2.79793926954392,2.76201046628555,2.31956995133123,2.67669396135605,2.38823918150068,2.254761286562,2.8350173199312,2.66657286490759,2.76971212283788,2.72323401342077,2.21047129507385,2.31156706742046,2.75874861319223,2.60453206318131 +Surf6,2.43714723303532,2.28938571780906,2.43073581011229,2.45972225461875,2.3360010537126,2.32351274340951,2.57546820647037,1.92237880136283,2.24071888135336,2.75085939033142,2.45494926596178,2.49675330943912,2.59555001008247,2.34418372084496,2.08342215547062,2.46316964137427,2.34633433556478,2.3358624077576,2.7901830761887,1.90162953774106,2.38691669178645,2.37966489861828,2.52585979666314,2.63833455228669 +Pphln1,2.76874249337947,3.0403797469423,2.75703757990784,3.13653017033488,3.03095050757504,3.02624310827365,2.89774574957099,3.21080158038802,3.07636940453213,2.93034409287367,3.08241986159552,2.96141206260774,2.63844221351536,2.60713593510477,2.53273572208477,2.70629282866476,2.57319213326112,2.58372702216508,2.34029034691199,2.73375370403711,2.39810418585913,2.61236397066891,2.70055296631799,2.52784618813942 +Gatad2a,3.37364091396041,3.13419280061944,3.15594871289992,3.0400700875134,3.368889685319,3.4130743082535,3.34559132927776,3.11992919121146,3.10228899093972,3.00045105558258,3.46097476094562,3.04196057677753,3.82280136404216,3.65490914244341,3.72142181796057,3.7118131554115,3.97178115838953,3.82351917651542,4.17320881696019,3.31269470292957,3.56170841123918,3.6766877762032,3.99836362114136,3.79973060899256 +Hist1h1c,7.1222338143011,6.57129230103725,7.20044243922699,6.7695850896304,6.72850238997813,6.64591641346973,6.62969596200381,7.32232170242385,7.36855900537027,7.14558583827959,6.62803660948576,6.66694288864266,7.27045268659077,7.15735095381533,7.77690026356943,7.50568428775833,7.04853132874597,7.1466245806514,6.832857767099,7.55027968924753,7.62935815323825,7.93432833373885,7.05656633757476,6.97246343654134 +Fam69b,2.13510905856939,2.00799424341382,2.90635917259473,2.10826574411683,1.63781198243045,1.78612332664009,1.78191143933668,2.28114750415867,2.23280547021565,2.17139924569367,2.12235218283637,1.84840110334379,3.05721732369694,3.04826203650257,3.43066582707601,2.96935773810046,2.68593924642576,2.78243647243701,2.72629173688866,3.22878442749757,2.98601078642955,3.1100323766146,2.66424407699833,2.70732116350662 +Ankmy2,3.62611434429677,3.70837526664266,3.95979878507395,3.68184164598602,3.31035427906217,3.43168024016606,3.32950999280939,3.84564180670759,3.74014539892896,3.68957418117082,3.29792741615141,3.53317102664437,3.94513757446155,3.95825736855036,4.22321235255946,3.80494968074289,3.72903625520918,3.94247932331719,3.7552047044761,4.05048542734318,3.94449278291248,4.1371926029321,3.62615986020555,3.78247775970147 +Rorb,-2.80872864586055,-2.30828059969574,-2.23696738681427,-3.03639235474964,-2.60273804374629,-2.58640590858322,-2.97752491554213,-2.20785992427385,-3.26157609744868,-4.27404244890985,-2.80677079706221,-2.85628255188822,-4.75345386396617,-4.53126362908905,-4.83763648972272,-5.12737745220737,-5.25531344125619,-4.76352686192716,-5.16920493645335,-3.89864403206444,-4.23312029600491,-4.84155577536355,-4.4906129404361,-4.75392023972969 +Slc26a8,-1.8328562671191,-0.30177338323996,-1.6589140824267,-0.88821711811906,-0.0979712580257268,-0.784370512225302,-0.09588348421363,-1.25172167987841,-0.982341233455759,-0.557355173928666,-0.189181169875114,-0.500760671142678,-3.78760040221146,-2.13260634449449,-3.11087714059211,-1.83320317020754,-1.20228397078018,-2.52207632985684,-1.42788166819175,-4.42456860908125,-2.23984579746151,-2.11992718409891,-2.23104978171287,-1.71369762829696 +Gxylt1,2.46004091185208,2.57555160194893,2.52451987540405,2.6054421685881,2.56084352245058,2.51531937932079,2.44971403296876,2.7955747426478,2.62682124563652,2.58592592346017,2.30666913260506,2.43084279747165,2.10390050767365,2.13702687580132,1.83412080405962,2.17499322429251,2.18247140734983,2.11160786391232,2.03531444425241,2.03563435813262,2.09731064954657,2.12473450625433,1.96252286977968,2.01954037030592 +Arhgap36,0.113426211803355,-0.172644279093434,0.610423536450347,0.0311950552861431,-0.0252269481673038,0.217940659659037,0.162741933247259,-0.307347306904378,0.425976214303686,0.523717415417439,-0.0439591456194128,0.134162494772347,3.79559005686228,2.11250542507447,3.94586464459127,3.13975855368642,2.76645601045287,3.15466567179626,3.1580887203259,2.53404105072373,3.14983305246748,3.73743952256416,3.09390428853491,3.01288215255465 +Ndufa13,5.83864822502705,5.30919366224136,5.81915848137624,5.5453410691067,5.41518041733023,5.58758569602309,5.60969506727221,5.76829865765811,5.71951067270812,5.64866249188384,5.45699259541345,5.6310569412054,6.14223223257579,5.66453225111554,5.95309518630923,5.67004120009308,5.34330644542415,5.83526622088253,5.5842574201245,6.06029937726572,5.8495205112288,5.75439536403592,5.43440156417032,5.6212890317865 +Rif1,3.82556097958707,3.85934642387812,3.53716057248416,3.78913927936406,3.92588220702489,3.91013602411442,3.8198548633527,3.60042194211679,3.84433294969346,3.62634078658206,3.77363287662232,3.83681033981195,3.68191389437134,3.71483833749302,3.61792688200553,3.61601084911479,3.69974655379491,3.65231623940115,3.48592231164144,3.64773233145433,3.68885015913477,3.58509354542913,3.65864898375539,3.69137212188724 +Sh3bp4,4.33055769775489,4.21324410929884,4.30821781258653,3.50117137893786,4.27426780785627,4.53693988710794,4.28110107739045,4.88274750071295,4.28168174187717,3.76190179770529,4.1925858884744,4.24633753705256,2.10643290358551,2.82477377520142,2.60195007370151,2.25521603953743,2.51358866622328,2.40957112006778,2.61036054646321,2.77743173365182,2.21043264788646,2.07703540817523,2.78240229784836,2.53151759361641 +BC027231,0.622390905822196,0.198070884357743,-0.0273124192978553,0.278202261882837,0.424521241373442,0.453258790526906,0.748533988146586,-0.263119266874923,0.235029688811823,0.0303224285875401,0.669620541702918,0.483405881630211,0.121034893244861,0.57242990810441,0.478905540312573,1.0257058229076,1.14431533887185,0.875604829878939,0.886158986169581,0.190583327058651,0.475669036168289,0.555573276623376,1.336965978678,0.893589275858685 +Znrd1as,2.42203029608629,2.27576628849131,2.5552283521122,2.60645661338656,1.61854872856087,2.213496205724,2.48731458866852,2.53908557706967,2.20637721283556,2.1537780281641,2.12234248598612,2.49565181274867,2.09526997287302,2.58457627380353,2.39105536946581,2.6863072211084,2.14449216467437,1.81274114111085,1.68854996321139,2.40627485831548,2.34272419837994,2.34387214287194,2.50988122893116,2.14706938523928 +Pdzrn4,1.02495393997222,1.14484196296948,0.375597933453132,0.582660799482434,1.01415037769488,1.2707390543404,1.49163364642801,1.03422330835555,0.900383777531646,0.412496106452745,0.760729076782288,0.896752764710809,-2.53669281414997,-1.16510751495274,-1.65770603912096,-1.86191446684907,-3.14849717865655,-1.24917760943566,-1.35508714131451,-1.85178860862428,-1.18834241763744,-1.15081395151357,-2.43052210579476,-1.6250779655505 +Kctd1,1.47353685568814,1.0667374821654,1.49620807280765,1.05215652447144,1.5677068507942,1.41688905322736,1.40671439382267,1.23038463496538,1.1314183226337,1.62887294859561,1.4861938336403,1.28146049215982,1.07724126498485,1.44745936281436,1.05588526933333,1.50429196668978,1.29868505716663,1.26291018999139,1.26652311744017,1.58968749218237,1.1206853375558,1.45060637027931,1.50161181326948,1.41720862305605 +Ube2r2,3.84248592251963,3.81308544703203,4.10778680972377,3.82821556970626,3.86996128001227,3.82543095603373,3.68428511266206,4.14004062858483,3.85105563424522,4.08225199507806,3.70544967094613,3.73268574781168,3.90828887036642,3.69456309826737,3.69800617388071,3.70861089385649,3.43877248955471,3.60086508991277,3.34552368770332,3.88511976825085,3.67440680150434,3.74821547605492,3.53339178624888,3.41148976433934 +3632451O06Rik,0.974946399637242,1.77900011235021,1.69982704431771,1.39072569894353,0.631192906329892,0.770116517185985,1.04793120118807,1.26961277281329,1.48622524089799,1.41532790257113,0.673168278170183,0.85634282254781,-2.45917905182519,-1.60054147459563,-1.6869558311354,-2.5629212506362,-2.58884560258251,-2.47327386417359,-2.20878570744825,-2.44363427133667,-1.03672860617879,-1.69361675098297,-2.02957575042795,-2.96209062718164 +Gmip,0.710074683712304,1.43568845182155,1.06119854668161,1.02984117866325,1.37512006849747,1.28060332309038,1.15829962631285,0.712512167556125,0.819444611587044,1.33306500048553,1.30633376458437,1.11566725362567,0.61644478101955,1.22661345243873,0.527200028005582,1.08901420865467,0.809885119256454,0.879425708116106,1.5208582159248,0.420087515107727,0.965596126679055,1.00229756238373,1.04081532930418,0.882261457729455 +Rbm43,4.11722182024031,3.99269937137761,3.97648470030458,3.93613974599492,3.76707674333785,3.78482075590525,3.83261155233035,4.01916521599548,3.94128358270979,3.68338521471904,3.84562579583258,3.87200338345743,3.56652654612349,3.3894628901768,3.58135902357431,3.67787745435904,3.5079970626643,3.57220119346852,3.50880387493922,3.80074659990132,3.41049385631226,3.68796946273757,3.45681576864373,3.41852004633783 +Igfbp7,7.20335770803743,7.17974995498131,7.435993658055,7.3604938227031,6.78194618681466,6.92589382032486,7.08824932985346,7.4357806150818,7.3729078551003,7.26294379526092,6.98937956738236,7.28262221253015,5.79797389197287,6.02990419385877,6.08606858342836,6.00157384923244,5.49883866139124,5.62805664017193,5.63855104280611,6.00507468712581,6.11536530435377,6.03886083297841,5.65696354830601,5.65398820844063 +Pnpla8,4.6887432788986,4.61843092891736,4.70598897430014,4.83006616494849,4.43904868815257,4.46924813871286,4.48128630086067,4.74247926962231,4.70838187057456,4.41627591936408,4.51944870949432,4.74122473523099,5.06097336755838,4.89994887083268,5.17742706069153,4.91313102846936,4.75072830041989,5.02753175237962,4.64911355395276,5.17036064481479,5.07019304946883,4.79610118869694,4.6922594215348,4.91068497993235 +Fstl4,-1.21408956014885,-0.0571431859637817,-0.0619128751154423,-1.05772471320972,-0.129717724429447,-0.0071831286068158,-0.568421599345549,0.696065424179172,-0.249527070717985,-0.969022797354679,-0.600848793301128,-0.787573749000344,-4.83623623250726,-3.85489181233681,-4.25584382862674,-4.13283778058886,-3.85050985162325,-4.20609456027993,-3.72279692015224,-3.74777247112424,-4.83623623250726,-4.2584513554615,-4.83623623250726,-4.83623623250726 +Edc4,3.74858617107639,3.82750587169403,3.622190180045,3.86069368392543,3.88255557629903,3.68999777112845,3.84010031164358,3.66757546816255,3.69452224215412,3.60174408083852,3.8708533285946,3.74912505930235,3.38201271457864,3.76760743958649,3.76759262687604,3.6744523316779,3.8454547045707,3.71953843282561,3.96960195797022,3.49450748015014,3.37720073135504,3.65267342191877,4.03311287455288,3.80570966870588 +Lrrk2,-0.343441262318557,0.394105594063169,0.204642824343396,0.22297951120179,0.255807250595552,0.345922414206398,0.226500891686963,0.248067639228708,0.0247177301874109,0.260564219823441,0.168154843214486,0.0554744829209572,-2.26450276921968,-1.31845497213681,-1.2390595494087,-1.57024445453067,-1.99890202876796,-1.89628723810317,-2.40617206734184,-1.71991800433713,-1.82092651014065,-1.73728616211506,-2.65124060140728,-2.26531931477448 +9530068E07Rik,5.64816225352029,5.32147885360973,5.64172647133572,5.35667212483801,5.28282900912862,5.38535946958637,5.11441233638209,5.69118425336733,5.59791786511148,5.36415868548438,5.25875977999555,5.33070787590833,5.82294939382401,5.57559390008014,5.90595539003629,5.58467608076707,5.47063199795132,5.78211223610997,5.34380003308268,5.87318361463361,5.77184709336743,5.72370523450841,5.4876391761052,5.40617773654435 +Macrod1,-0.534702388437149,-0.21579407043011,0.338573521626966,0.299327254970266,0.256267987364592,-0.317118420814834,-0.0651150320885376,-0.169061169961721,-0.130371465278935,0.0480358949684043,0.166200123832658,-0.46202672898418,-0.14309738045837,-0.0426087728712954,0.0574716739568313,0.124450543905834,0.490187661970789,-0.0911330104975967,0.038798385880515,-0.0519762116867604,0.361831075198216,0.0118392931122382,0.506182805143202,-0.218208368001372 +Zbtb20,3.86023833299849,3.86154460467748,3.92545109755948,3.31136672949242,4.62076067498383,4.68635267170339,4.04774928613164,4.8055801138812,3.71267202753284,3.62484037920843,4.2881009673392,4.04269451518215,2.97934578911463,3.22674953401516,3.26924960661865,3.00102653576034,4.02920652968816,3.55628118126415,3.76501729085491,3.09348247180692,2.98916940562919,3.08740325385166,3.62743611196067,3.6245734191005 +Snapc4,1.31628288835486,2.27732776626281,0.882053549647172,2.2581053573479,2.69405695192163,2.47045992669471,2.66418713723441,0.62406320782338,1.60966114142917,2.18711518225256,2.73737534460524,2.39263154821186,1.41012762177682,1.98689166807958,1.32330224701841,2.05123284079668,2.70100746880347,1.82586507674169,2.72862697542631,0.705858744573733,1.74843472139011,2.10039045736692,2.59260745265653,2.34620879045564 +Naa30,3.09500854264865,2.97926128743212,3.05858627172749,3.05184208883224,2.86496467730708,2.88875127251731,2.81543266381883,3.008566679512,3.06212808629559,3.00934157849812,2.57378661561739,2.89652115973005,3.03744884489767,2.99476164098097,2.95043045798713,3.09952368129579,2.9121337993588,2.85714580813561,2.63994154808222,2.97149218649,3.06093568500874,2.96815107670652,2.73484561460222,2.84772850282768 +Noa1,1.86015703765202,1.76434098324302,2.07906754036146,1.92480050410357,1.84674244057745,1.87217062606098,1.82242625046022,1.84886880520426,2.12382513834166,2.04553620324369,1.88282306081142,1.88475997569492,2.16086670632915,1.88571714774374,1.64804736639387,2.05149951384336,1.92176773675342,2.01541376918966,1.86601646870193,1.60444193723926,1.96885752771753,1.80649541494532,1.6579639587055,1.63351599809976 +Mudeng,2.93764095644849,3.36436264005443,3.39253383907787,3.09357181019603,2.79143425421528,2.74723044865231,2.985888257706,3.06773298273508,3.1959786090788,3.24698475743324,2.92093318715727,3.07256242695693,3.69619579910232,3.50888394044361,3.63158259083812,3.59412662993552,3.32290776144418,3.52500345355852,3.29153976894613,3.61080505236329,3.93781945834772,3.4862420683597,3.39017324356689,3.49166644733526 +Gramd1c,2.00219624718496,2.11534671408463,2.02547131627531,2.1394437775296,1.90336001609441,2.09293871408221,1.79660073587713,1.89543636341442,2.04425494900184,2.22761453454738,2.05107244801969,1.94333291226738,3.68151281188279,3.24008721364297,3.23650247013141,3.46780963702042,3.42309150372085,3.47242910103841,3.23787241000087,3.51255593046385,3.42540762506898,3.30892919218319,3.30754380318086,3.34308604270746 +Lrrn3,2.97853432776154,2.92032171625163,2.95859292345583,3.1723046437552,2.50979429664082,2.60225039854882,2.45197543466724,2.77486083814215,2.74521395406,2.8100179404798,2.67000751908132,3.1131733868913,-4.03043761593056,-1.60166015546113,-1.87119878100244,-2.21759272316876,-2.46453816283852,-3.40029594370322,-1.86345717998081,-2.60298579998804,-1.84571480431082,-0.962052770302815,-3.015225931385,-1.58743194709139 +Slc2a13,0.292290184569097,0.386849315996424,0.584521901378594,0.0225513860474678,0.184626349655693,0.187285834570174,0.296137424028882,0.561364335698354,0.129386491744381,0.0338901495805852,0.205642738631594,0.399303193069396,1.72384024667868,1.95481304182834,2.19405096918356,2.36754651388781,1.98575954914161,1.60332091537886,1.60524530738783,2.26479420391234,1.74615199812426,2.14445730652,1.54320962849375,1.66651153498621 +BC031181,5.54473227714066,4.99907112187966,5.25233136764579,5.13684796604293,4.78571115681009,4.98622688247625,5.02630231944003,5.19937174158582,5.30279107023139,4.99762379240298,4.91187469646808,5.10960350424019,6.27147736438835,5.71232310819962,6.05446706352978,5.79551506097143,5.69094497066824,6.17718235216149,5.75301590760911,6.27508636772523,5.9532121402979,5.75288466982131,5.69523978937022,5.99081633132835 +Zdhhc23,1.17213390550602,1.32462625963781,1.3663092107187,1.39812647431133,1.45731241434623,1.86115879169991,1.46311343803377,0.480915616672064,1.02954127509897,1.2119901427062,0.964747196411223,1.56522337511832,1.9241094348693,2.27780550468069,1.79519747111829,2.0361457991257,2.73636286372736,2.55956327709285,2.64465608637804,2.00241681921757,2.24906626963296,2.05051886673518,2.44194635598269,2.16743137327132 +Rpl39-ps,5.45054774202046,4.89743203994007,5.64322367786497,5.41368020626249,4.93668783506469,5.36717907468118,4.84613262045579,5.54133802035317,5.17654331147318,5.43052785990385,4.82845160660278,5.31855055152879,5.41064535038389,5.15099714204269,5.61095090854051,4.99511437047009,4.44457365805492,5.20467007040625,4.57470288236973,5.66008857046545,5.27036573266423,5.12262258567709,4.55456703517007,4.87949722853718 +Skp1a,6.11191494669436,5.68267190085768,6.08940710166306,5.71726705861408,5.49608628991291,5.57511531069659,5.62129656014869,5.9721877279868,5.87767971705115,5.77333076785953,5.50148984885836,5.90410801807295,6.08227266101416,5.67918464073412,6.05495468649863,5.83359790874249,5.54282098481245,5.97726005231175,5.33851847734692,6.24958443768216,5.88282253726234,5.80339914795132,5.51278759697989,5.73843352861234 +Znrd1,4.12138791281133,3.73077733824042,3.80001117327493,3.77327997507773,3.70995387522747,3.72069215369464,3.98727111552389,3.86970581706436,3.97402625771954,3.84252043659117,3.80103159963389,3.97325174207293,4.36445745865636,4.08297128520748,4.01466103078538,3.82342810513237,3.82083341344894,4.05971845418569,4.19010398292134,3.82685722872081,3.90307105989894,4.02779503479887,4.02608793122771,4.05502379363513 +Srp72,5.04168645315666,4.85911729327844,4.93302004689553,4.94538022339419,4.88214950056007,4.80323094265713,4.79468793499864,4.88865383124701,4.91846436089128,4.88172573458357,4.93339320852915,4.84494034072955,5.80044299716298,5.29891157311846,5.44441953596677,5.32914251414508,5.60493052802948,5.62977813272192,5.55972367523127,5.4300697988453,5.38489199667814,5.40833854003878,5.63839750374384,5.6594492642941 +Qsox2,4.09663323745741,3.86102887392635,4.30394666368053,3.9984357354129,3.6719901823929,3.81157382489177,3.76647794990004,3.98671965956961,4.048789991046,3.99180298371956,3.65081652742791,3.73367776921103,4.66774690417927,4.6860785232854,5.00474257325463,4.88801473392769,4.51870454870803,4.72943188068619,4.67623878700858,4.86506921257924,4.89443350128989,4.81524017990685,4.55146325721108,4.60481834551121 +Slc18a1,-0.624834625953518,-0.312450000875204,-0.22017851250625,-0.0673264019251056,-0.0018134597982708,-0.684801214922055,-0.366831237790175,-0.292512777013723,-0.261269114373503,0.162139704729352,-0.509835794399934,-0.662640673748675,1.55759316100943,1.45587736139203,1.64931125106039,1.55883490643078,1.71251552444338,1.46726037817585,1.53497368612858,1.97869108830148,1.88529147089381,2.00645253833084,1.52292489087519,1.33113371257641 +Kidins220,5.3929709821044,5.60736906841346,5.35339513401797,5.41489306934136,5.42163634346337,5.50825091348839,5.43066794422876,5.43721143435913,5.46885565147083,5.41723018507499,5.35040317606179,5.49968992487684,5.7479719049803,6.07972828964193,5.59335304461105,5.96047470936101,5.92105529321334,5.75632247462862,5.99812442018593,5.59304593215355,5.69150324899533,5.84571179244944,5.89791885689827,6.02649275986424 +Igsf10,-2.67335971035216,-1.77504522524145,-2.30421212782262,-3.19331663140323,-2.4673691082379,-2.69888591716406,-2.35457962607147,-2.01828904184814,-2.25317959299189,-2.14940345357096,-2.4517540952214,-2.89939830213944,-5.05843876174759,-3.72348158889777,-2.89983310201557,-3.88256207585558,-2.91260826704236,-2.1159444617407,-2.69872002772788,-3.23442876596077,-3.87445654768004,-3.12845593029349,-4.68019528407183,-3.25240129977821 +6720456H20Rik,2.56945559372221,2.3871930507481,2.88039967071048,2.48887334154516,2.46196537225512,2.54181382948415,2.38885292156067,2.8805759201621,2.6227780188062,2.4432835340906,2.45579891263684,2.54431136473187,2.41377184071606,2.42661343474824,2.50832899018977,2.29008793697486,2.38793067208896,2.34732437271729,2.09789120145372,2.76330451136251,2.16719162758658,2.13064409411014,2.18998796024786,2.26200103534401 +Ubac1,2.60215210164557,2.62239242627116,2.53134167208673,2.77110836694216,2.70114373458514,2.69613682415993,2.77753121597773,2.39070859471693,2.54023289067995,2.6734065991576,2.87367498225432,2.85992286025427,2.32062860790327,2.34303541221219,2.19176136397399,2.5629635848884,2.64823844474522,2.430181763325,2.50589952752219,2.34144064211734,2.24571731774817,2.65520903909431,2.28877127110599,2.39610370851717 +P2ry12,-2.44565500132342,-2.48298993056629,-3.33150444107158,-3.05820982344498,-2.77778925862555,-3.38043445300165,-4.19908957155845,-3.17058358555303,-2.34599560046423,-2.73177471997438,-3.78023488105326,-3.45389770943935,0.732460217311093,1.05756781730297,0.986973618198333,0.750469634987649,-0.441780301135072,0.381660777033666,0.0014368547628023,1.22372193805866,1.15157900155043,0.738308295231408,-0.764820652222829,0.116679300382022 +Csgalnact1,0.422165629726987,0.399367741870137,0.105955975000026,-0.668394530343584,-0.632501985510598,0.846912119914249,-0.166553882997837,1.06060688183957,-0.0446735012359127,-0.289725156764653,-0.10772097744875,-0.297591507560255,-2.11859319143611,-2.76410595138125,-2.48255821676346,-2.07208116017537,-3.49016876287598,-2.95633477209805,-3.942628903613,-1.81597358467701,-2.03943130625399,-1.16936564755967,-4.04085653142246,-3.14013284270417 +Fam82a1,0.926659385961178,0.250646941433011,0.758476966125493,0.563163930226939,0.20679177787341,0.265783397294955,0.220541997470618,0.760944397377847,0.689315497843507,0.698086311870987,0.411149609064272,0.184074849122894,1.06090125102132,0.878582343828846,0.671370804833825,0.467222864441618,0.839088726584838,0.664886617706466,0.477721073841604,1.05744984182243,1.11112893079159,0.321127935447686,0.567732104127151,0.484570395462947 +Serbp1,4.90739250210132,4.78427805934756,5.07107018510047,4.93761996763816,4.56291392726825,4.61735061669615,4.73923665690953,4.8957145034512,4.94572946345861,4.8381443984432,4.57731470222809,4.8371702601043,4.99367020369779,4.7204580181926,4.86620190441694,4.79388663862802,4.60032484077799,4.796376705915,4.49100093907737,4.94428547141563,4.85988784101719,4.81194463487036,4.55542226063904,4.76156098776436 +1810006K21Rik,5.03640467529843,4.58041001100497,4.70650976152104,4.93070911525498,4.50467177600878,4.37294393512813,4.71665904170653,5.09556416296634,4.76255963791217,4.91387179862966,4.63789636752218,4.75024022854147,5.78223233583172,5.16586727230826,5.05846184206549,4.87863401429242,5.09196839844586,5.44369683975806,5.11678384844722,5.4684637191605,5.25265844485773,5.07881565087588,4.94077895394171,5.43316998172471 +Abt1,3.58731524138621,3.45782362027006,3.71810309219338,3.69360023146958,3.33126734525752,3.30315376154995,3.51928205265833,3.37165361666026,3.72677884780165,3.43256391678713,3.42545349621564,3.54129394489653,3.42184053638417,3.15467035369786,3.44106429062032,3.59834631695605,3.26768788544595,3.44770663749008,3.40681257028338,3.49845417056054,3.3034044115332,3.73091231862448,3.26867913784588,3.35103376517763 +Gadd45a,3.15266448923922,2.77682658363732,2.75319183559911,2.75570833035381,2.68254957958771,2.68619475021891,3.18355066457261,2.78126935931639,3.44123859292976,2.75515042094741,2.96049077160511,2.75911271905198,3.13838457092912,2.48335426608433,2.37613115726921,3.08706200798262,3.12232551536468,2.89171043924078,2.74872057810108,2.52722482720465,2.68389839434434,2.63137018199633,2.84953520329657,2.37560055466644 +Sec24a,2.11045343038204,2.1760264886704,1.79801802767027,1.85736092996596,3.03270450139009,2.86871690002422,2.44408933312718,2.25258617520712,1.91563123831236,1.6273235907154,2.69364315781905,2.1586085001173,2.06630133171214,2.17584666893719,1.91965761723073,1.90054156656648,2.97591889772792,2.42318110312221,2.93577845142207,1.70822959512925,1.83931498301927,1.86348729085351,2.87787580615854,2.28790778893518 +Glb1l2,4.16052819208962,4.08850817257308,4.45448753073029,3.81396074738744,2.95842426532166,3.73840706980296,3.78810035786508,3.94828662808068,4.40994395165114,3.83135850409266,3.03502160156879,3.59304345359296,4.94408358851524,5.14981204041002,5.31706453949942,4.71362199219148,3.73446386382415,4.3307655233589,4.61476505506791,5.10506279827539,5.24558572630893,4.7207627991052,3.66209570776319,4.31679565246078 +Ppp1r11,4.66480098754738,3.91746634482905,4.37336838313023,4.23732765160064,4.17828522250145,4.0451009951843,4.33777546716016,4.49178178364917,4.30677913722842,4.20686384422715,4.23377832854334,4.36149369659887,4.50719796730967,3.95480686713053,4.15875789826669,4.09273232245328,4.14784078376617,4.29137206550072,4.01856591059658,4.39375055968454,4.27555007579586,4.1028243308318,4.19463122000611,4.13659251696695 +Gng12,3.60151824444484,3.89440507988231,3.72094860185659,3.43392650770059,3.86851174421858,3.51592554729982,3.1706547854088,3.92889505053178,3.6793836942663,3.33854485452894,3.50162674355424,3.64288935413089,7.87605001247751,7.04628036435639,7.10687072790192,6.85598290359225,7.72563176877793,7.97462256901875,7.33519432819412,7.27942863319172,6.91075379895162,6.89022822596177,7.74132470172999,7.73444229432733 +Cep135,0.661008111270085,1.30582824837675,0.407310726862605,0.98472575533557,1.22084391194724,1.28891200164604,1.49261954039642,0.517724606194552,0.695226375919972,1.2587144478227,1.48101977031205,1.1252363328033,0.695943633359798,1.37054122414412,0.364495171673965,1.03659143035129,1.27242190504351,0.864970591288357,1.20851403778994,0.703249958125299,0.899182030617619,0.826968122160499,0.822795355344152,1.35053781693676 +9530077C05Rik,2.24620191825765,2.27122183369001,2.38766287819036,2.26327396313071,2.22256273624811,2.38497430412923,2.25570367549851,2.01840449434302,2.12460907384135,2.41979299153167,2.4974402042965,2.41549125507072,2.39312833006151,2.12347079517992,2.16127988607745,2.39331743088567,2.24421992215895,2.37425325575554,2.31508549563416,2.03856130856601,2.16422392636781,2.35512958491582,2.75058016497281,2.58524145693188 +Pcdh8,3.21351708946309,2.93216552810305,3.07136535399956,2.16389955685199,2.73320858553907,2.34092814503072,2.49004768200904,3.07343999299257,2.79612274155584,2.38975898188342,3.21117655421758,2.6492902460079,-2.9482630629187,-1.39529976804728,-3.36935305174333,-2.10849830376547,-3.7870300032768,-3.29524342394777,-3.24905315379136,-4.36249246614638,-3.77116945222152,-3.05350991627037,-3.34728078160082,-4.36249246614638 +Gpi1,3.43540900694954,3.47475680399228,3.71631851072909,3.60232806866987,3.46366207163859,3.51086530025449,3.33253918511224,3.62497356363086,3.6574791730567,3.61700320095764,3.56643374065394,3.32816056908099,3.3675325016014,3.22892695568455,3.38075546680769,3.43318850994719,3.57573485038472,3.40245277469686,3.46831537519403,3.22798687547434,3.42666995648804,3.50406131598725,3.41579682339084,3.27529680130706 +Tbcc,3.5316359057836,3.09329196739162,3.48360245662003,3.32220984195574,3.14488247239032,3.26039485088305,3.36703699457301,3.42804686415446,3.15707773827959,3.23801094471541,2.92438015893955,3.22166145846114,3.20921115368202,3.21125331578159,3.32035265658584,3.39531298168401,2.82629825227744,2.952247608509,3.05961520366184,3.0960216700891,3.2831183295601,3.01129790182657,3.03433111710651,3.04388779273345 +Siah2,2.65333056746072,2.58127871046337,1.72924001149745,2.61978439071772,2.65088132858212,2.55796939964502,2.82674660930888,1.92552524090346,3.21272283507464,2.55117730256561,2.57706389773058,2.39451051592182,4.39415193934338,4.06381982358524,3.27884993319618,3.940572491757,4.2422610143503,4.15952486930069,4.45936909896654,3.86896874355507,3.9859166748677,3.55222180148432,4.33693951180546,4.2368106761069 +Exoc1,1.94145565810156,2.22460842813256,2.01975111237728,2.09280727262082,2.12724057565916,2.24049771464469,2.27677105046937,1.76928122612003,2.00842955466341,2.12230699756278,2.15864002984367,2.25202075045054,1.89256563513471,1.93368424166596,1.69667890898992,1.82078773559088,2.05163694128133,1.80303960584528,2.07882780611639,1.56242669947647,1.784364741954,1.83989570587303,2.11391604072658,2.00193348534535 +Calm2,7.76498381415706,7.24861278805887,7.89545339020535,7.64639493963411,7.01384857931123,7.1165464105046,7.21989483468749,7.56860669866365,7.7886779892071,7.64403676158359,7.21351354261253,7.38388376195735,7.0691632930881,6.91006794864888,7.24378059594838,7.00646885211312,6.51239890637601,6.86001977535254,6.31795378396654,7.20865641548381,7.23784371117403,7.15751690388728,6.353145262391,6.64684558785025 +Thap11,4.41173194564621,4.27195305536599,4.76277098031563,4.50194748061296,3.90601198440535,4.05701191974419,3.98955266212386,4.57570002263165,4.40561774348123,4.51116450444712,3.98074052686169,4.11650207655345,4.64413243105166,4.30772299992119,4.52356795956016,4.43357606600786,4.27867749971235,4.38327819724348,4.22729126154325,4.4666024804809,4.4474871585399,4.49263520428848,4.2421504844243,4.3024848376362 +Hif1an,3.00058419971947,3.08889915710087,3.00251136964702,2.93786057438033,3.46142410079771,3.23277609215167,3.06921449404423,3.40261652335692,2.95799363271845,2.94923428083453,3.14240753000795,2.86607140316294,3.00745476222348,3.04229611427697,2.93177821118224,2.96412238491319,3.35584586572842,3.11730971718294,3.35674071605164,2.92827160824853,2.89373633951092,3.04045311613242,3.29371311201822,3.33330080397363 +Arhgap26,-1.03997612317643,-1.1567401614175,-1.54598202477951,-1.52056018100263,-0.293211216828248,-0.133279527342601,-0.4667511367418,-0.582135713050422,-1.19872923936447,-1.38997602403971,-0.381328442074542,-0.733570994731461,0.525015030979318,0.654301425866297,0.338592079162442,0.187348730172789,0.962477554773024,0.977449069527248,1.00601518289363,0.729793721510377,0.268069707193409,0.143030255820281,1.00888907593163,0.687845561155783 +Wtip,2.5228361453963,2.36056881252315,2.68458229945463,2.46469910810025,1.82033396396693,2.0303028466643,2.30287982602789,2.35102351194973,2.45908834277126,2.2191971806848,2.00425895873546,2.30724897548469,0.575249873464483,1.02859732892495,1.89243805428439,1.11633312454697,0.581853926860533,1.30670586374052,1.08083680674538,1.42687847779505,1.11254321700641,1.41286449610275,0.462133343558281,0.791426560810442 +Elf1,3.70169973576852,3.74187271241704,3.82524232762213,3.69580053088159,3.57751959642368,3.73505316499044,3.71720814125581,3.9632927617206,3.98303301114386,3.77255016590273,3.56213301675562,3.78494710297372,4.00625650334706,4.0038643060069,3.96499720738381,3.95349041875902,3.80930354080087,4.0138278718829,3.80539878169345,4.11241322095309,4.11456523888827,3.88085290867017,3.88391472088824,3.9480515970987 +Tbc1d24,1.08828410164865,1.76734111845515,1.39408618010716,1.68980204840338,1.62162507158374,1.61244606620919,1.51056639671374,1.37294708153144,1.55518931969095,1.78085468827266,1.27125157619726,1.39077057239381,2.37491233966032,2.61861858356892,2.41880694375203,2.94266975236571,2.86844921959884,2.46914839045018,2.68225976807932,2.24557925419975,2.47541718074814,2.73017262218591,2.75803955727394,2.90329918371751 +Btg1,3.78059999021449,3.95317251344276,3.2667390625746,3.47575003130264,3.78489253686116,3.75689655564841,3.91316647883509,3.87907451026452,3.77736769208882,3.6550586959132,3.84418611518038,3.86662169058843,4.71810152807373,4.7570664384626,4.15336402979427,4.44847201237372,4.63827980863612,4.79713211894102,4.78944034445122,4.36942125888856,4.38530907984941,4.65082206234774,4.79004966413389,4.81542749838175 +Rnf39,0.0242284933563747,0.427316158261778,0.323986641946977,0.221434812940421,1.05273543181121,0.648884276221308,0.588253910647618,0.715836585900539,0.813919217374789,1.07613770749491,0.727087235782187,0.320469503654811,-2.56842648759946,-3.20539469446926,-2.2122552800662,-2.50199624255086,-2.62993223159967,-3.20539469446926,-2.09195538211424,-1.27326282240792,-2.6140716805444,-1.41346436048727,-1.37635757541526,-1.7917191782529 +Eea1,3.29523862624744,3.62377668450252,3.15228101968163,3.57222179202732,3.72256155710093,3.53794772836989,3.59151316357211,3.08836017048153,3.38992326973496,3.4715022451368,3.64692148694536,3.57205142736909,3.45725843418857,4.09244960802309,3.33070862163258,3.93999543437347,3.92754062430111,3.34266905892683,3.78751957350728,3.40781598947772,3.68602330954877,3.91013553760634,3.79143868956951,3.99795876852842 +Fam13b,4.05506456454712,4.13016969699085,3.89135806712998,4.07030223644423,4.39924103946665,4.33848736698415,4.14296651094914,4.20408520405124,4.0736399942107,4.17113600891106,4.33703878674154,4.26656669114296,3.91374321083684,4.09762253650567,3.58768280084157,3.80766310398336,4.2615331839591,4.03495084470397,4.22653584537205,4.07512322708584,3.98553846457278,3.9688516251536,4.27924281774798,4.16829827222246 +Fam70a,0.538175441331473,0.886754400832932,1.47614677228273,0.365860305509539,0.474067721044474,0.442542793201053,-0.0300754079499614,1.13199280788322,1.00276763707745,0.652905116363959,0.145157517902444,0.129827278286804,3.4513549927888,3.18708988582355,3.72270403108117,3.20055375967637,3.11481228240939,2.98229722830794,2.68580702196055,3.80994896595096,3.39012784375495,3.28593477113679,2.94409596884992,2.65043035426719 +Rnf13,4.05735086758317,4.05819417818736,4.20785186110027,3.99877885701123,3.39989935749317,3.77297624523938,3.70290133575216,4.03857866734848,3.92361048647863,3.82002970335641,3.67254419936207,3.69039451056633,4.75249672637757,4.53201118540147,4.87544724380936,4.53848280620389,3.92466682010546,4.6760514077073,3.97129791608299,4.9406408577005,4.69483624415687,4.50755159086395,3.97655486054887,4.29256109899201 +Phpt1,3.51318869948238,3.07832433456095,3.70929722039721,3.41031988275666,2.70048990790733,3.0552670506365,3.26039755148956,3.46398957757194,3.46728025524445,3.40065191952194,3.01770562312813,3.06774710548991,4.21613862660553,3.88219948922696,3.95662918868542,3.81463914859173,3.61584963925561,4.1002721091102,3.64560510369934,4.22921044822212,4.21261778731271,3.99801363646234,3.34667488230571,3.56564752042381 +Cdh8,1.26897360335697,1.58968761028514,1.16899113397752,1.18400413698121,1.79512370084299,1.91656519981548,1.49502248739197,1.53052802989937,1.37046682889384,1.45213577176345,1.69164020030121,1.65401450530455,2.91422717298036,2.91859763739477,2.93354437554207,2.89020119610397,2.87378702172077,2.98735146634507,3.11145085201801,2.85800817439513,3.00400727932869,2.96488256066043,3.04786589036729,2.78214607914294 +Commd2,1.4768872532986,1.05303674865723,1.6139926802497,0.988412985126552,0.794006777611874,0.908209018659458,1.11333951951252,1.28301618067505,1.15567149713347,1.2535938875449,0.91319018459548,0.96284054059459,1.3822461636229,1.20961842146487,1.51453053585466,1.31196975127048,1.11527126874498,1.58425165417726,1.47403561137693,1.51193355739805,1.33796305385082,1.30976522615564,1.39560623203209,1.39388577828591 +Ppfibp2,-1.16462264618576,-0.842490686336901,-0.461493066911994,-0.903091143270478,-1.32294819678752,-1.07272905558459,-1.31733762720276,-0.797052922486777,-1.14583324957889,-1.15912503539585,-2.0705306233876,-1.34497156676428,-3.51277862304747,-4.35445573633487,-4.34661562239463,-4.22360957435676,-3.14008748545966,-3.52474922631175,-2.96020081764663,-4.92700802627515,-3.91747774142444,-3.61802547639915,-4.92700802627515,-4.29035622424525 +Sbf1,3.64794087315649,3.83605084410659,3.51206952606175,3.82643914983563,3.96514703049949,3.93370046144247,4.08022929100065,3.44179866872276,3.64550638189703,3.64207467403562,3.93021364462524,3.78074012743518,2.99783137085351,3.50780572873752,3.11828232491628,3.56039704588153,3.81905582217585,3.38884550521084,3.81018840634005,2.98707508044966,2.69703432506454,3.25111361864808,3.90758390366966,3.56773929032134 +Cdc42ep3,3.32014223553321,3.15481455349327,2.4353033638348,3.05083262943458,3.074863893922,2.9583171208244,3.63379063699187,2.81737686886113,3.3102106392613,2.96275517031456,2.96974890579094,3.72681133663529,1.74720953338801,1.69180472033005,0.610019249239564,1.3541250955288,1.01060005200505,1.22813117247696,0.872628137701445,1.06416316907581,0.844473622425729,0.68742929240457,1.0668760549602,1.33725477216068 +Slc38a7,1.85137094457472,2.52764540393481,2.13108746906158,2.20401097705621,2.1060092148637,1.95867592762219,1.89955845911306,2.23891234798388,1.91611548804932,2.30029903505851,2.13823406821096,2.0749249980386,2.60741614901427,2.77908191244317,2.21780557499626,2.50657362361995,2.66760969685118,2.43211563514142,2.82141162771903,2.97260813700934,2.34785376105911,2.4909161991239,2.53644549689803,2.77522485620883 +Rnf113a1,1.32358483439628,1.03888895958347,1.42615693970199,1.79905383591765,1.3432022882492,1.35034725015228,1.49185593505229,1.4840301201232,1.09143773556689,1.63560741829899,0.902676773492465,1.40273749984175,1.13714705245253,1.4885567243222,0.926434749249627,1.71010730731301,1.49691908597416,1.06002786371034,1.46598400853098,1.03529773355897,1.50127717162288,1.54306559972862,1.55259985134099,1.30105253438914 +Adamts2,-3.80163895023319,-3.44786814993436,-3.15769338338881,-3.65525360349357,-3.42510734997765,-3.60460023917357,-3.15544219129516,-3.53241779582917,-3.08167623384951,-3.63536156274023,-2.98067632704605,-3.33106478491662,-4.50911850681568,-3.14812324124099,-3.93365106165135,-3.33198247116965,-3.48734720551453,-3.8236144661734,-3.95654070141484,-3.19382254224988,-3.90907598777237,-3.13452238233164,-4.31813859813223,-4.84649224564728 +Cnot1,4.67752842000336,4.68076103295948,4.70263899318647,4.54265345992274,4.6897912163136,4.76482064309827,4.57603501054138,4.88823969839154,4.75408194358022,4.5271162480475,4.61822506560363,4.66965723694672,4.65284684457488,4.65924967330988,4.709954513973,4.57067566713236,4.76188032409138,4.69065980094627,4.62855563129815,4.65076097165776,4.45908562694851,4.48335222410713,4.62100573150164,4.73982931866237 +2210404J11Rik,0.992347302731617,1.76713998994894,1.35748653790935,1.32942969614973,1.83641463121536,1.75826969329564,1.66229514350096,1.20144011568567,1.35634039375682,1.84076403481827,1.85789420128717,1.65192598140062,1.19154267155678,1.7096728708428,1.29134550749475,1.22902927154544,1.66999796658915,1.41068066667249,1.55983600555394,0.82912398081322,1.38633949919138,1.53942999454734,1.76004984926463,1.45025607950955 +Iqce,1.42864610969646,1.87443237138964,1.5433621785931,1.75227871633588,1.86676399681416,1.69268684338414,2.00082110306835,1.68993272519555,1.61405815299101,1.86479887785828,1.93988261231435,1.84285801017725,1.09350980302685,1.58547652704225,1.38866257827444,1.42095346693182,1.65726553960894,1.18533377868665,1.97762848468922,1.1621972351287,1.38547748935048,1.64236537088543,1.76229867009815,1.63281389963081 +Lgi4,-0.719712340678198,-0.43109713271374,-1.60900293125043,-0.703359489715162,0.0651779896966134,-0.680685388400386,-0.348975300268959,-1.03504879396424,-1.43569337637971,-1.10320127209649,-1.05964376255258,-0.302567404971612,-1.54316796600481,-0.892536441208565,-0.870348161350336,-1.14264127746665,-0.983672468372535,-0.887356171458842,-0.270838360692247,-1.61298150097787,-1.10306227900272,-1.19926836336481,-1.21318586995415,-0.925131176997353 +Ppp6r2,4.22995876386411,4.38852344282248,4.08331173713141,4.31101675302895,4.48439258241816,4.50379690600778,4.58096621202134,4.21743108047687,4.24370100569549,4.32399357252425,4.62192211696875,4.43600558094877,4.18691810602608,4.33368125906751,4.06686270162113,4.35925156395533,4.45328064161115,4.30883062428818,4.67351389474602,4.06473315037283,4.23385606925975,4.36357188427387,4.64897552837236,4.43576924058967 +Ndrg4,2.2565216942878,2.54900521806329,2.53960407312531,2.23807407170891,2.00082288125346,2.00391432732368,2.30709187863362,1.93165361376568,2.69495438553397,2.60198240555341,1.75609436105182,1.98370844879841,2.35085947103557,2.04715132531618,2.38038490348223,2.6075682746446,1.66115787500301,1.85466686605839,2.05784294695819,2.01150730368118,2.48224396055884,2.72473332425087,1.65564260457033,1.96546002147873 +Ttyh3,0.513138890394149,0.684561166434523,0.138983019937263,0.169275258068966,1.26092786522066,1.32433876924067,1.25517001665036,0.71430894641815,0.432753148090504,0.46753748839505,1.28117420137051,0.688154804481641,-0.187555709035655,0.651577352234519,-0.382195334254813,0.0211780572253524,0.885165450460823,0.355720016526487,1.11113168842392,-0.286829231045743,0.083457512682418,-0.351207826126883,0.990137677349664,1.01085011034135 +BC032203,2.75782903260367,3.24030397376322,3.07435680084549,2.91681401271518,3.31779796686066,3.39888847742587,3.13683106692639,3.54808198046489,3.15496146545423,2.9647931116525,3.37824638998446,3.21654403144587,2.40923768951655,2.95334131601538,2.5954928581192,2.48148027105658,2.96689169860639,2.70904883780412,2.9979747594663,2.73656937821207,2.50619826908819,2.624086611318,2.75457518702757,2.82162404934091 +Upf3b,2.40297146252643,3.10344332508533,2.43610201451973,2.8333614458112,3.07398254795207,2.74352655406842,3.10652179088501,2.25604672149071,2.7076168507184,3.28310658712135,3.04827276430115,2.7964916878261,2.9785038444892,3.56154903827039,2.70211387822548,3.58544323193666,3.73189755909638,2.9790562350416,3.59131227761302,2.42382097008769,3.39932668488696,3.57159319873648,3.56693439503245,3.78256843669894 +Spg20,4.37068050541096,4.12258773295562,4.53205450215945,4.27904289254167,4.01371009048324,4.13666200074918,4.11145948490784,4.30546906614014,4.41709064714137,4.21226558220566,4.09802972035685,4.1480427541389,3.98271205131319,3.63984975298705,3.94524762346538,3.74899807574515,3.66294288536515,3.82876823554513,3.70055116614631,3.76435627109387,3.83281975043978,3.79785942878068,3.83096708573092,3.96704567854713 +Fgf1,1.05142450023962,1.20587629326502,2.02683240792168,1.74502278042208,1.33103062321229,1.45114560367415,0.827943891414231,1.4130309127316,1.41549817329566,1.72033726665209,1.19593963025877,1.12848762611819,1.4845960324407,1.01353837407208,1.83031640759587,1.01607912862509,0.683171496817647,0.907677588079732,0.161135750458759,1.21909581926122,1.41012048461056,1.31482361302129,0.740706090520689,0.435545633835867 +Arhgap21,3.07228049372482,3.57621169817872,3.03144738625473,3.33852151348423,4.12579255941239,4.09235393093277,3.66205030306938,3.35834944883813,3.12431365784165,3.40505558763618,3.9837133300918,3.72206340876119,2.91356297088863,3.16951685083854,2.893245471287,3.14089494436111,3.73668376296352,3.34430507219482,3.70266429052645,2.80243743781116,2.94082474553136,3.08292700889864,3.70381891423746,3.49570554919678 +H2-Aa,0.949581126814579,0.0055202974743087,1.50679155397379,0.638894112962001,1.41306182702173,-1.68521916891387,0.764404173914306,0.115582306408724,-0.062034600461594,0.278471711628397,0.437230259829574,0.470981767583396,1.87869913821099,0.741610893447536,1.07694022461324,1.21553745228992,1.658909077702,0.900727215267087,1.52755924465111,0.800334662365962,1.72814686393379,1.13810583870708,0.460866922330767,0.0363174135991536 +Ccdc113,1.63422149676602,1.86597602011868,2.32116966278427,2.06313465759716,1.05336672712176,1.61077567926387,1.56043975239791,1.67181529018734,1.9748617544687,1.89565432476979,0.947188694059857,1.41889840652984,0.51386297903157,-0.0386489284299597,0.803634338139678,0.489290135567683,-1.14147542767176,-0.139475922970525,-0.740567672135276,1.20727909637273,0.702141973014654,0.732396664361986,-0.223134262567908,0.0034961000204933 +Chst12,2.94704044759881,2.81454427507428,3.18198549027699,2.78571398338785,2.35078492796737,2.54440676260909,2.47354661182328,3.39719270271304,3.15789497358437,3.00031474228074,2.53018646255648,2.39073400989954,3.83839425450969,3.58044848279874,3.66568587311131,3.17602795737858,3.335906397449,3.73380144960298,3.62683955580795,3.74918679557557,3.57226386890895,3.49083887521903,3.39438950441861,3.65065597053962 +Plxnb2,5.2551818270587,5.35142505608923,5.43869496365219,5.22058973591758,5.34928101135897,5.37279614972665,5.15834091230186,5.52247344903524,5.32682694610065,5.27910468179146,5.26612095890065,5.18756386960984,5.79989686807201,6.02469824331629,6.08174385794276,6.00980979807886,6.13193396021075,6.01383794335324,6.20503066911762,5.86128684726007,5.62962954286067,5.93248819015742,6.10541662792094,5.97521719367121 +Eepd1,1.49154980590401,0.889373989051156,1.31480162749915,0.952074521608783,0.849210013629977,1.47710190829519,1.49138961783409,1.1766433691317,1.3268600617916,1.28924790586596,0.767786302889454,1.09593949775732,2.92352217556506,2.80015352409383,2.58163454098365,2.38592758145211,2.76494188239079,2.76879595517559,3.10898764898358,3.17719741941855,2.42660442568817,2.32685758818162,2.73788940631815,2.63716342173155 +Tssc1,3.12784503116953,2.91929659144844,2.98890254107954,2.9493680524392,2.86420874526281,2.95275754448405,3.0576688246023,2.88442048070382,3.14811040086627,2.56604121903575,2.97429116984455,3.11908965752587,3.58363515640904,3.43515529104756,3.28411976919519,3.49108728355116,3.22655822143323,3.48568259337487,3.42685983843851,3.67939417315521,3.61977788974054,3.50948731458372,3.34440618132442,3.68648470597121 +Rfxap,3.33473489215651,2.89585471046462,3.53377624893695,3.38400056125523,2.9702357010025,2.82674460442479,2.86872161604132,3.17145195012461,3.25855895073382,3.08469464004701,3.12481098743923,3.1476116318643,2.76295681743491,2.50115155375201,2.3207378071547,2.67145246665895,2.31889194684719,2.53890374926027,2.50995303817535,2.13792016417771,2.41593016379437,2.0292850592161,2.42700740042931,2.50710463162114 +Etl4,1.79775803626925,2.41526065888968,2.01579065523071,1.8994403752897,2.8006748518876,2.80542389484187,2.34813242868445,2.83655670156949,2.01420387398716,2.06442530364108,2.72988039235099,2.50023293710446,1.30981527753813,1.94795595204407,1.52381219053625,1.69951081034321,2.2630352028221,1.8939347266169,2.24837621765003,1.66380770021988,1.6129642459032,1.634997140077,2.24219689044787,1.96435397537874 +Mgat4b,3.04064067765524,2.9222762000594,3.03313678964398,2.93157547099297,3.1577025315648,3.32084783180183,3.27752802173678,3.0189496601188,3.08061800170559,2.7383718557814,3.19639642178019,2.83620880691113,2.45267189784405,2.63411831876765,2.52177965293198,2.48618311151226,2.65899815597444,2.47499127702683,2.82112094534742,2.5549320127401,2.25861915392326,2.41256560678496,2.72529256470733,2.40929995331253 +Atp13a2,3.33665708480815,3.75124133014209,3.31748396143525,3.6527048328,3.6530807358477,3.51318567611777,3.82046554958115,3.49324804155089,3.43063833643509,3.51898649040534,3.80313154702535,3.74058556120908,3.18390928456913,3.61422177579178,3.06506530897961,3.41553274704462,3.49669361666216,3.13298742461571,3.79131551996593,3.12864706283104,2.97341251272748,3.36297034289163,3.62296959866706,3.54286067111397 +Alg5,2.48823030268593,2.12818675278019,2.64032192683524,2.38818439418955,2.27474423696661,2.25507557033039,2.33811129309629,2.2326902042673,2.3248105379256,2.31313260573344,2.25253652990509,1.96520036588326,2.65188334051445,2.64302007609688,2.80241694114302,2.27073848637713,2.24713392638849,2.78567108479182,2.4669496208328,2.63731704127207,2.7656435857109,2.65259098228357,2.21228672602475,2.53424310349793 +Clcn7,1.71716327649048,2.00439011618062,2.03875284390996,1.84497263289088,2.16431798230654,1.86746410244186,2.09764303618391,2.00932804481918,1.86827703308111,2.0874032835203,1.98387457954851,1.63107756440947,3.08176370843968,3.46178685837504,3.03165532723475,3.37364279599444,3.25331968019796,3.16661474700224,3.29169924667729,3.60079505493563,3.10856096859241,3.29270057905752,3.18079609745539,3.27881910501966 +Nudt1,1.05369589423328,0.796215119361322,1.66304954581718,0.27348803762867,0.391542127009769,1.01778323732085,0.913310773713234,1.03910595164363,0.760833252505985,1.03071770178287,0.656056116651918,0.950619866331252,0.100979291162196,0.772845581365396,0.473059720349885,0.257745805944781,0.459637289386977,0.279209678166034,0.261697031038558,0.119346883740726,0.640217119276578,0.787462827642362,-0.0031610057372304,-0.0082937931974332 +Ccdc148,-0.46550201971441,-0.080854756227994,0.337969632830312,-0.41827850848561,-0.644071351278466,-0.145612889316015,-0.319739722818227,-0.567626336533501,0.263751040882246,-0.0055008505973215,-0.761536265288531,-0.521516410375483,0.0911537226687997,-0.121389740374843,0.259776214832206,0.0756767833348699,-0.424025692557035,-0.414107706675876,-0.348507365208068,-0.0481199013104363,0.366594185687094,0.241041624993363,-0.591905449742749,-0.496038639112456 +Tbc1d9b,4.52553687141224,4.53633571414085,4.6390288508338,4.36838986692762,4.44566823873256,4.62157815173963,4.58979998547451,4.62241776708451,4.48813469251562,4.41724326170216,4.43052364762647,4.50601989864668,4.02243591276823,4.41016213168724,4.31744605710371,4.30561237690311,4.29949527952203,4.12196224542668,4.52193776552467,4.11139112267077,4.04630207643426,4.36412928107158,4.39042917121322,4.29662845256902 +Man1b1,4.10828593718203,4.2092740422343,4.27765223554536,4.1697308543243,4.13361118741516,4.02905336690325,4.11571189864711,4.32882321438724,4.11570740448284,4.18202218589675,4.13295083893463,4.12045166940237,4.23108986385634,4.21681205066755,4.19424666286698,4.18414568365954,4.11130500193866,4.39225526672132,4.24020079201272,4.27615649550724,4.10868382931556,4.20972168246382,4.29386139582271,4.27927571485293 +Dennd3,2.5702405000646,2.84054818467154,2.7110136677458,2.81520575242006,2.99413438608762,2.9173252938143,3.09533821921141,2.7190728635455,2.84047184956104,2.72115630234057,3.14710193294788,2.78011648135949,2.276459597042,2.4775569804819,2.26802925123334,2.31813093076285,2.5495549325382,2.33959176793068,2.7789287762843,2.11102382701138,2.00989027486472,2.4540891350609,2.70386706069813,2.60672413754907 +Fam115a,4.57129783849505,4.57923988160607,4.4816772241854,4.38107464233287,4.28862690934808,4.43234852366299,4.32375071991871,4.60668694802334,4.44642118620612,4.37958820169517,4.3143851013652,4.44576724375478,4.21191331136591,4.2498686468644,4.25786979198342,4.2435297953151,4.08168867060057,4.21699162971843,4.08643184169931,4.19402000448476,4.21061027818175,4.08280451545937,4.12955121933407,4.17832416580971 +Cenpt,1.00152534769648,0.822060177756131,0.134085816445115,0.353638600651732,1.69330074478234,1.30534055119636,1.08510174285126,0.200401219516294,0.46282013467627,0.864734702135978,1.56475882913589,0.98085427811825,-1.06823031694336,0.36786129160365,-0.871777447092292,0.0139521260210248,0.744661826430438,0.747138810760786,0.976942111771931,-0.125767653265182,0.226803963467996,0.552147924334611,0.304258132032592,1.0461779206057 +Tmtc3,2.62950112278815,2.40457489319071,2.40978284511914,2.23063953636451,2.4020878413012,2.36021228666756,2.12406650133304,2.58442099269361,2.40701034114788,2.2626609893335,2.20271444419282,2.31607522710514,4.19600231420389,3.80401755242583,4.40725030024548,4.4730569015271,4.14504907802293,4.26714098300728,3.63330505080122,4.13186361891857,4.4065971470899,4.43913696615933,4.15255910512811,4.06896340136358 +Aaas,2.33521239950603,2.60184348082583,2.88686790690857,2.67325491110852,2.52049261487456,2.31309276560252,2.42110347869639,2.57776031710873,2.48943503212407,2.29077894334996,2.46111358308508,2.26655672148833,1.67811242171981,1.71875669859112,1.78686396761742,1.48565015327007,1.89969822047997,2.13479056740238,1.82218528198155,2.1932986074296,2.0442537307897,1.66380126342565,1.71398153330178,2.07338116430988 +Cc2d1a,3.21806328044596,3.5460627354264,2.99833992727673,3.38110065270572,3.58248158288187,3.49809927374523,3.61412355740057,3.21035179059824,3.18777387217118,3.36304178780347,3.68322692373291,3.59339658159634,2.80357744485819,3.42404109310547,2.53443984908959,3.34633271813168,3.61946813871817,2.94920003402733,3.57944993769977,2.50976253602101,3.09696763607277,3.19325779727547,3.59748104965457,3.27551668752186 +Tmem184a,3.52964361701187,3.73251824205085,3.69261856355547,3.73326055084058,3.52894666594521,3.44436135795778,3.50447461619653,3.77696688107271,3.67188753928309,3.78514453188383,3.52327761880598,3.58625952955899,4.26579352388946,4.3460410711313,4.27906909676456,4.29570470197831,4.15422004607963,4.21715803902682,4.44859987879102,4.41318544551332,4.23224626013723,4.25893079410225,4.29836572255038,4.19250709662895 +Nop14,2.70229738552931,2.60423806663669,2.51425672314239,2.71954544452731,2.61283410592951,2.72524969826954,2.81194903202767,2.30032892114267,2.64848261062177,2.76036831979328,2.91932146441116,2.55060676008388,2.40772581190837,2.34641234031707,2.28796183548959,2.55841793790316,2.8941511078457,2.39740240679553,2.6314939232218,2.17212525705552,2.32874495288954,2.73261181727867,2.6071638596938,2.76689774286517 +Eif2c2,3.29442756661686,3.0984174365828,3.13792780531906,2.7357577640222,4.09073169485436,4.09671508308771,3.51005868126739,3.68100391700959,3.01583981803268,2.80769705446951,3.66183596191764,3.33126278032179,3.0477039586303,2.90055757289826,3.06134765832487,2.73259579310126,3.93422847160736,3.53526831831598,3.76833489150218,3.06531996997767,2.79621437673717,2.8479689180177,3.8534711946701,3.41784849955426 +Zcchc12,2.44620889506536,2.37450885035863,2.16867734601725,2.03676009690136,2.59420122091095,2.25300472790447,2.43283835429184,2.24949069534754,2.16116541036288,1.76560685251783,2.7940295753469,2.14339211785174,2.70671422481671,2.08517096622666,2.28153174717661,2.14708503949077,2.8390568432591,2.33361589536527,2.32234983917184,2.39978201280384,1.89437912142694,2.20967052416911,2.61894645076612,2.41703669540252 +Cab39,4.98422583855783,4.64575267815394,4.87295783002254,4.9023448389528,4.56583863440744,4.68880814201022,4.66420526250663,4.78823406767967,4.91908549442944,4.69667633366134,4.68869671894677,4.82576439476116,5.04682975175141,5.27131213993535,5.02021810629526,5.43177448263004,5.07293283016434,5.0669068918152,5.11235504940013,5.24025694956948,5.12744182102777,5.31344633916704,5.22257475483259,5.19796991645566 +Cyld,3.98965600488655,4.00687236382994,4.14565650441465,3.91866679561613,3.88749607573809,4.01956401852998,3.84900322201549,4.20464730714854,4.03632366139965,3.89358676645325,3.99573924493298,4.02829241885613,4.29850537431377,4.16559003369083,4.28921037947256,4.25029425056953,4.27252183809485,4.33158408492754,3.95250304372081,4.46657468315916,4.22774877918336,4.30067459713237,4.26056963104334,4.23621084808927 +Zscan12,2.44111824865984,2.62833981550004,2.56966942201399,2.58833711955692,1.98028036598515,2.51234708602717,2.5126928334271,2.66657564776619,2.38506755208988,2.6108111763134,2.76255135904613,2.51586988819914,2.24533621054106,2.22733569820114,2.36413597381896,2.29773817456745,2.12714345449468,2.18154953758954,2.18878364592631,2.00825085567513,2.42038918859763,2.14812286419088,2.25401164265089,2.3849130120009 +Rbm42,4.39128480682684,4.24730590116607,4.24028640967705,4.34858530141485,4.29321434307655,4.44716670173027,4.38794664471098,4.22924908482648,4.36436815430381,4.35812910840497,4.369016931231,4.33750267168877,4.17917726105561,3.99189650497828,4.15377572732909,4.05248108956223,4.39299282941086,4.30545305102648,4.45465291525993,3.88585688504556,4.27278642744085,4.22897792509212,4.53583099304979,4.38615583977637 +Oxsr1,3.09812590464993,3.09444908793293,2.84224842050445,3.17681860948565,3.2300961183658,3.25485615780035,3.3264126177288,3.03749215019301,3.10098346691842,3.17019456132159,3.25123718727891,3.25116962953949,3.49979468469054,3.45330288730401,3.37064194392502,3.50464831853937,3.50037174147498,3.3709888847793,3.40811702960359,3.23231910381652,3.3457148195021,3.33553873295447,3.46514125457391,3.62866732207772 +Ttll7,4.30616983803171,4.35401891524335,4.27952397614976,4.21462198983909,4.08316621686433,4.18850579287586,4.19706512607112,4.4274758182591,4.33105046203358,4.03876422829524,4.13949525553731,4.25690889195433,4.70918553386765,4.87054117250616,4.91152572433141,4.83781756694087,4.73449592858418,4.64065089875123,4.62523911937891,4.87625123832081,4.72555732103908,4.68296453202396,4.76635859349335,4.81180868889709 +Cuedc2,2.37847594036051,2.38831383537947,2.51994651993827,2.5703451735765,2.29465265384102,2.51576358312228,2.53524751477868,1.92864294544015,2.57305763958235,2.75098438753574,2.51552388125764,2.42847508911891,1.95965325848852,1.97475712264412,1.98320101607296,2.22083424777188,2.02791331425859,1.96636788979072,1.98290286018688,1.73602089717904,2.22714004903452,2.39416936117479,2.034333733889,2.12214886414227 +Cox6b1,7.61768155595434,6.86074705059771,7.46735281364931,7.30012172723121,6.82820554079987,6.92860882181658,6.92823929394085,7.39822556222959,7.45526546590763,7.31310106105122,7.05003194907393,7.32869588326639,7.75765450952015,7.1220562266341,7.47624279948114,7.3236389742977,6.95098356008112,7.38477553890976,6.83072515032285,7.65212492071949,7.40806008597384,7.27330271468499,6.87598529145721,7.01199060928131 +Tubb4b,5.5179917289287,4.58409766595023,4.5446980599777,4.83350189351014,4.94982040707278,4.83459862729439,5.07845861364282,4.53427942080964,4.8613724983839,4.58392550858771,4.84844112281413,4.97167199672432,6.01581463092478,5.49172991126248,5.38292302243015,5.57777859393793,5.67065753855466,5.80445549732924,5.68642947341735,5.26944209829519,5.91736406904826,5.40193123472201,5.68616151120096,5.68020011478467 +Dnajc12,4.27240861594272,4.06376511757841,4.2832552329766,4.22615699881949,3.58014913481369,4.06309655227509,4.04622729616258,4.38360376153939,4.12748565542132,4.13638260498899,3.85598656992465,4.03921568730794,4.17054711723439,3.55222361790666,4.0130698632666,3.89162898425177,4.01071693527617,4.03299495599247,3.63048443206462,3.94784582895151,3.93803229259282,3.9376589774572,4.01544349788109,3.86094205176794 +Dner,2.68550125065136,2.63598302844097,3.3785369339586,2.62513592787565,1.87505888474059,2.19254206316679,2.17122762705821,3.33873303897815,3.24963759337536,2.55662726102511,2.1544167019592,2.29509834672893,3.19518651098057,3.04508558370446,3.39429206438806,2.85367697493965,2.58307390793849,2.85161438629365,2.77673949941673,3.26683136480344,3.00206081070401,2.91700250891096,2.58339777452079,2.66857931272299 +Wdr44,1.13761407361382,1.22650178615079,0.928215922119364,0.911328699618054,1.27990907843011,1.23769323408318,1.02482567278123,1.30024726852692,1.03195501771573,0.763135676868568,1.33730442419772,1.0112379783628,0.874734778990913,1.18297577764763,1.20653513997792,0.423044821999158,1.19175077285527,0.885971631102674,0.951931651871277,1.18086418607408,1.14968079408077,0.673908580239664,0.776068339036317,0.953038040015994 +Decr2,4.20466251420374,4.09735292643153,4.5039618789929,4.19097883453146,3.83224851717819,3.90407240536182,3.99427128629913,4.28549517751558,4.32852326442401,4.27249792604458,3.94190147528621,4.16498582177864,4.43063595830389,4.21768764402385,4.35561751929406,4.06685298360836,3.81686311558176,4.22643083258665,3.91916896618092,4.63528354233657,4.43496848289359,4.26844604854205,3.87119377648864,4.06925913668335 +Anln,-1.57034666951897,-1.06486912696504,-0.300424578157711,-1.21182526415569,-1.89116780606854,-0.945690886654035,-1.40121645130402,-1.29197811454222,-0.608422549980376,-0.932756422192013,-1.85729827434729,-1.52360940168871,-1.13819588105542,-0.976922761248309,-0.603523624957812,-0.972653154944636,-1.50383683458791,-1.98749490307896,-0.164565481587368,-1.64854553252229,-0.389553425472205,-1.81888782271103,-1.31299883500155,-0.448405996405175 +Papd5,2.67017861217239,2.51629658299905,2.43904926229065,2.56648106308816,2.63602665072089,2.67973046192263,2.71536153311433,2.17630416111476,2.56644210594883,2.63251763058695,2.71754186310233,2.66642770168988,2.66458624727386,2.73224708979582,2.50617087325303,2.78138233092679,2.57791520411988,2.5369845757944,2.44059037709042,2.54993603845145,2.73321753945698,2.58957867717952,2.47352657033645,2.69813831885853 +Rps27l,5.7387496541308,4.82296946524928,5.40487086614635,5.47037664236908,4.77648453304587,4.8646419112068,5.21189730999611,5.29535187961466,5.29539009128291,5.23838773449602,5.01103420016612,5.38512836494444,5.46982068797271,5.14257034408849,5.23569339552151,5.18394153174779,4.88648084653596,5.21738640501188,4.45176428962003,5.4065183421155,5.39792118352155,5.11502615597719,4.85677880799683,5.09189507974599 +Klhl13,4.78250722874219,4.4725031806683,4.47739023800152,4.07038538325407,3.92628167681222,4.4052594117857,4.35493838835954,4.73141045227754,4.66261472119841,4.12410511613347,4.14099780652512,4.40064717870994,-0.933218206327646,-0.171387675929072,-0.3226353859886,-1.12857694720679,-1.53281416927102,-1.08319242017288,-1.00351878589262,-0.735251411589864,-1.18547532883837,-1.61391014798325,-1.48079246142614,-1.46306772952786 +Mbd5,2.54955191559871,2.57347710934898,2.46764215227336,2.56941699230437,3.12724298482279,3.13566216503087,2.76348809202699,3.01740017306987,2.45733304312552,2.40735581918371,3.0108533259857,2.72350106840099,2.17328215297383,2.06908709453882,2.03907645518916,2.05939435364891,2.54524657202222,2.42401750594907,2.53217950264107,2.06385961531168,2.09264276130082,2.10310264523075,2.51477874480384,2.37287103880268 +Fam135b,0.352471551683661,0.388882872788501,0.204083144397038,-0.0974404022319826,-0.85985858817985,0.283901463078393,0.472470432655339,0.477341170707165,0.365634826382207,-1.28655328633107,-0.865478149747181,-0.108401792166215,2.67745685105913,3.21255153649343,2.94355774282663,2.42890156033508,2.40691995107986,2.79404657993245,2.72901645652713,3.15913598822851,2.64830176167572,2.35081065307889,2.20793866061242,2.72323528448403 +Tmem188,2.66631241538744,2.50718984339438,2.89290601918726,2.60884082845101,2.78373708333329,2.75574846320779,2.57813564804432,2.58004862296456,2.80165837227794,2.68216333848553,2.61892238577745,2.62623047092893,3.03196175794925,2.76259293290634,3.0444987649037,3.03350375123216,2.77703316171882,2.90177759142252,2.67313399192829,2.90079044366878,3.15976817898713,3.15031012304322,3.05956264599027,2.74193411429158 +Dpp10,5.38053834792249,5.26216165140921,5.40217027570416,5.01032094066136,4.81567153583786,5.1555865299155,5.11017781923414,5.4723572514251,5.55441331773781,5.01864822326705,4.92964792265066,5.32522668993592,1.77601572588079,2.25308714331229,2.42659739755576,2.19854357090573,1.69533774173634,1.8142913038875,1.69373760930142,2.37411902771064,2.15369200050022,2.18208829179152,1.76917167954532,1.61644324922253 +Sun1,4.16610351373567,4.13858416926606,4.09946948810517,4.19379522483304,4.12842354760856,4.16161954244399,4.07090897587799,4.09077554856582,4.18077206621939,4.2177479997536,4.15195756302543,4.13266439781797,4.11530676698898,4.44153788009926,4.37380447540354,4.49168449073373,4.32222630588259,4.24554522969562,4.5325355461077,4.18754669299238,4.1794034572827,4.4051208345785,4.47234944643502,4.41372957832337 +Jmjd4,0.74642640239308,0.905979148662742,0.569535342368333,1.02434739991184,1.0263004893122,0.746328019769001,0.819130351250439,0.690719806871294,0.617790157931798,0.720064663323006,0.930127415139832,1.07292156743516,1.20447863659969,0.868757263603148,1.24534048376129,1.00265247734202,1.15442403313934,1.16636976847807,0.94183729748115,0.8594354760236,0.803703732677351,1.09014121803715,1.11372795240316,0.988797445855679 +Amdhd2,1.19105422515975,1.61586916129897,2.00757623151511,2.08617546937526,1.29842121363147,1.20925921283753,1.40457338547617,1.70826837447969,1.78445329879364,1.7036995016167,0.96196867776088,1.21555711681944,1.54703589334954,2.37286909541541,1.91871682912645,2.30945048429923,2.04518973749652,2.0748060753932,1.91268046830437,2.3486921392458,2.31799443388189,2.31915879409359,2.20922312068052,2.09281860031676 +Topors,4.17156251028834,4.30198649640582,4.35134823366917,4.50444975221177,4.01796268686044,4.08547085607696,4.16130773066344,4.35010506068935,4.68639238951968,4.35846428983973,4.22598362417456,4.22995607033112,4.23347206529413,4.06854807366002,4.11676752732001,4.20534849578369,3.78148300614616,4.11475342975691,3.94203797443806,4.07193408547849,4.12904965889371,4.00618865610789,3.81216514924786,3.7849787411563 +Ssx2ip,2.87869703355978,2.93012885984286,2.87500028718691,3.10174955822886,2.8667303530832,2.72078776560472,2.74188761518629,2.57384230585756,2.91887647906875,2.62571218268506,2.64900444681043,2.71818790964013,3.59346198832091,3.54373750222839,3.51332204003021,3.68609516557523,3.52718470949326,3.35543296369581,3.42412870359803,3.541906741196,3.68950994702312,3.74556842294855,3.49790286551539,3.57399518046685 +Tmem149,0.292913729825133,2.56429892911394,-0.775012460268737,2.18821328611122,2.42701367022097,1.78136101670793,2.56849470182401,-0.794685546625726,1.00617390346071,1.99363603001723,2.35589211297169,2.12211637489666,-1.30974076945885,1.47020539226922,-1.26498450789783,0.840444058953677,1.47877387912513,0.452826311515388,1.54173704776143,-0.468380725715513,-0.0147064890474959,0.413619697968073,1.2486990228335,1.5786654801856 +Pnpla7,0.359420906857908,0.719175268921847,0.374019788877274,0.842246843093361,0.899247848388166,0.75856778565601,0.847359835949721,0.412975762970631,0.724130162244261,1.04230109939853,0.831773681843611,0.898207645092779,0.554769248090536,0.447981480833632,0.493108030251551,0.799092002876888,0.795927953360671,0.42788137564464,0.885283486433595,-0.016487363918515,0.459269640200836,0.618894612814564,0.78333737598292,0.632626196737101 +Plch1,0.365524238307305,0.907948811257669,0.561632759222127,0.323900436750834,0.861786380897274,0.714920412842552,0.850110127252608,0.714164950237817,0.560726007399819,0.631333050148337,0.700386912307426,0.911598249553389,2.44192482326082,2.59367468623565,2.71184136389058,2.67925340519228,2.59055843224233,2.73817987377835,2.67186823385654,2.40453136597644,2.57428121912234,2.55618902649059,2.51874857475121,2.60061699537048 +Psenen,3.33846763417887,3.09077354345686,3.64317211008485,3.12202372116416,2.62417323960312,2.75257687286335,3.23266840946856,3.52233601283581,3.21965222163371,3.13029944353206,2.93830045420899,3.04717185582629,3.65939001903472,3.53171155496834,3.74292964800954,3.49116642993399,3.40656325632072,3.22449910167013,3.60660453488584,3.67999709183589,3.92700012861982,3.33098652802926,3.31623407962821,3.19052237366578 +Siah1a,3.45088422657179,3.08159916130574,3.74093897012045,3.33660694319688,3.32932025427624,3.14618233604695,3.06431534243162,3.53565085478832,3.52217712253397,3.36145048587771,3.08933042219531,3.27603613175448,3.16532728384982,3.29304912434762,3.48794486130424,3.17713809820635,2.97211043623149,3.16953743599438,3.03178407081734,3.6832631078854,3.42248908972645,3.29622418149112,3.09216365113711,3.25521347893141 +Lin37,2.53103268990673,2.55974235390385,2.19412612521096,2.71409134481405,2.66302203074692,2.40963725699207,2.61691518597269,2.2931996681727,2.23112994036622,2.90517286392902,2.70414122117413,2.73988499797878,2.48223587650511,1.96225045868983,2.196640467783,2.3177034018999,2.49515030050556,2.09994316483098,2.70103496280804,2.03159291744256,2.3935227894698,2.09884017934696,2.70298249289294,2.31095094744247 +Mrpl41,5.3094214852772,4.30827834986185,4.66540589397842,4.60207676519164,4.14910648777592,4.29515544086086,4.63927240325726,4.54321605739919,4.66166802160286,4.54731944961903,4.48482345774968,4.56354449518521,4.96124714601527,4.19623094868673,4.68432711532422,4.56856538904608,4.06365963355491,4.3339243812541,4.05239290085193,4.42207028084114,4.67432250173478,4.49085392014735,4.2822586305501,4.15205864520638 +Mcoln3,-4.15134871940112,-3.60918756010476,-4.15134871940112,-3.26523401326123,-2.63534171744883,-3.15333566263033,-4.15134871940112,-3.19282292894114,-4.15134871940112,-2.5946152641852,-4.15134871940112,-2.90526854141839,1.14507154979608,1.87775268958429,1.40504384918445,1.77208390759065,0.493522659962674,1.18620617729957,1.40208939695356,1.81196070715305,1.37502908586094,0.827691598578778,0.808670985944745,1.66810690580815 +Hspb6,0.893769393139177,0.442355751589568,0.75833204439129,0.570138606812871,0.294058803519459,0.957341137772401,0.766267808390599,0.849107012190373,0.811871473848827,1.04061188905657,0.451958566419097,0.125799649900201,1.94235001254757,2.19512838824803,2.47931896749463,2.23628736373981,2.10988967506141,2.02565743131815,2.19097798722553,2.16053610934056,2.59586432866195,2.57611804258399,2.18152227346128,1.77332646742174 +Wnt4,5.04101954714681,5.15825813485671,4.81054332164459,5.4024152699789,5.657938020265,5.16061541682517,5.14990023298713,5.21240669352474,4.94778096165044,5.4935363193814,6.00736676702572,5.43177541425276,4.96033398732673,5.11959599340366,4.91518058754971,5.49381386039164,5.92691725949527,5.25426650528495,5.36791848557327,4.7793160182305,4.6872579566388,5.34954573498332,5.88127363310869,5.48562259306874 +Mrpl55,3.89508833522135,2.66135916140295,3.59454176332703,3.43255384191127,3.22541118689883,3.26867976167702,3.21926703989415,3.35038679887853,3.32304018213275,3.62433315993708,3.36851454423068,3.49586746613997,3.8039917624621,3.47012200832666,3.74646362264791,3.538444853643,2.91202840612877,3.47077123429606,3.0030147331793,3.73515831351974,3.51365152151001,3.54464517791426,3.316336485963,3.47520920092539 +Syde2,2.66830073099224,2.41084342102164,2.49514096709899,2.46789718940692,2.20065938656925,2.40052135182101,2.29741751479734,2.4366785470336,2.12939253543404,2.47803279449145,2.26903965341029,2.42759673765436,1.61474596096545,2.00742681396121,1.65068589577404,1.75412298572102,1.65194583848825,1.34347499260048,1.36161015842845,1.59807935719167,1.71496125094062,1.5937090467932,1.5502145281682,1.70361685043967 +BC053749,-0.515551532546181,0.387375838371721,-0.592166545199252,-0.363553131007949,0.799968563175803,0.565083291018056,0.509187879846432,0.0916229740704932,-0.320976337671547,-0.225831822536523,0.938666326649237,0.245608604172519,-0.727719005997405,0.17059750373534,-1.73778690456162,-0.17877375149742,0.278475457943984,-0.420706566439853,0.932743449577657,-0.945880431219746,-0.360970850291122,-1.20489302787718,0.302359226540307,0.165588798428667 +Abcc12,0.115834762727252,0.717372764317862,0.16955460414578,0.272707786031985,-0.130364577662237,0.1299661281644,0.383468277898174,0.314619829501599,-0.218459805612247,0.0730845547812464,0.219437251894098,0.287045398612572,-5.09498212134731,-2.95418210633456,-5.09498212134731,-5.09498212134731,-4.51951965847772,-5.09498212134731,-5.09498212134731,-4.45044523033539,-5.09498212134731,-5.09498212134731,-5.09498212134731,-4.4583303193174 +2410004B18Rik,2.37686837542978,1.91328285844255,2.35989757976293,2.47356295282519,2.31002341461377,1.92882087096707,2.3038792676091,2.02886827460411,1.94863513183125,2.37094683355245,2.25074219188481,2.30002341292319,2.40231483673541,2.04043269425623,1.84132007525801,1.86215753423033,2.13245977934643,2.30532502406705,2.51393475873902,2.00175735887583,2.33273850937756,2.29292133692886,2.40094871367794,2.27425687262085 +Dna2,-1.39627792750584,-0.650242876710835,-2.26752532685296,-0.970074074994541,-0.623966345323714,-0.833015772010381,-0.778955290692714,-1.60036314299788,-1.31940722353448,-0.372528802089499,-0.431136878234162,-0.681354501657629,-1.6954983496148,-1.70236468464151,-2.34322621020562,-2.18229227926855,-1.08544805043898,-2.10426125514454,-1.55092245850471,-1.8597909723649,-2.09308199571975,-1.2927776483981,-1.42976518706712,-1.1344863694753 +Phkb,3.11524843311427,3.08567191493677,3.18533639994983,2.94847572750355,3.02340697152124,3.14454294680141,2.9248383569271,3.16196170805128,2.95245369663668,2.90407717711161,3.02237775469131,3.16386898759852,3.40151724243458,3.47380770286836,3.61057737006443,3.43182775090968,3.23980930587096,3.39101846447791,3.14286455262173,3.6021719829318,3.41549191737908,3.39522796660184,3.34426841087729,3.3529096671684 +Acaa2,3.38711771242561,4.07774627681544,4.68928778629077,4.27891760799446,2.95859912113549,2.96609734575828,2.89393011830586,4.31756587669261,3.96398181346833,4.29161371643977,2.86546750391469,3.27850143228551,3.83960833467268,4.28273123114035,4.82971025700983,4.8307334798811,3.32382888643411,3.66122974007884,3.6901580461734,4.48616540639005,4.65062862636163,4.57998824383887,3.41789663595015,3.63040152314018 +Arhgap33,0.249203552193072,0.966102009034635,-0.480361654428021,0.242619808374068,1.65689399859402,1.84083287999579,1.65104662759286,-0.146758575515056,0.376530712897092,-0.0401817468580186,1.73542083464795,0.524676942467609,-0.797247670758173,0.148800126324692,-0.0458682096422005,-0.697021520151468,0.798433511787725,0.449262855438129,1.49725422362635,-0.981567962140041,-1.35478289983438,-0.77854656750492,0.892422168244801,0.518689808933537 +C1qa,5.53989570714954,5.31437402257937,5.92531114208072,5.49766070030211,5.32325788087016,5.24693354672713,5.18510840631493,6.00981964727787,5.62293613941575,5.27436454413106,5.10411274764028,5.45943074676404,5.63900974460584,5.2725499794127,5.68983480774361,5.27176521218074,5.06522717479554,5.53632033311481,5.02807679688405,5.36401669232237,5.55221210426609,5.22580804652877,4.83607160109511,4.98356089920941 +Gtdc1,0.0279311751385971,-0.0641733675485945,-0.0006849738507206,-0.0759414971279004,0.0158440980076597,-0.236758948957519,-0.323619493718517,0.0229414114537079,0.0693630603095614,0.0373162461007337,-0.0434934177652941,-0.262489175490017,0.0718517639676342,-0.236784714514818,0.181029624901949,-0.310772065064247,-0.436968232943949,-0.439438128177495,-0.158575744156419,-0.204328121742272,0.111018649335604,-0.0676612166847925,-0.476459874546213,-0.442722773664049 +Ehmt1,2.78068399571563,2.99792216849574,2.4382593257984,2.7762618971487,3.36436702001233,3.40868584315885,3.18134604643274,2.6709323417088,2.68246290244188,2.67996178017752,3.26072660154218,2.9970990978863,2.33703057767383,2.70565216466853,2.39712076476204,2.52364413872978,3.1057905306922,2.71576431821426,3.02691401798927,2.29620395467851,2.41856377638264,2.51664462036933,2.99098021436904,2.91562236425167 +Rap2b,0.661011143390996,0.549356439907398,0.752348406146975,0.42673097616287,0.859421687417079,0.542660393842914,0.309901720946529,0.637241350588321,0.580625401087351,-0.149236911680589,0.386814924838617,0.510610186805938,0.669513223349254,0.975493038685686,1.21396184908793,0.205957912483529,0.424165804206415,0.71922849603258,0.991796648275197,1.09464162512925,0.8731469150892,1.1479521291239,0.529250391701118,0.572119509366802 +Zfp157,2.00861187285333,2.24566217871313,2.10787309905512,2.24480674810763,2.09334122862601,2.08504622911641,2.05060927774803,2.20161718767056,2.12423840301589,2.33818688541311,2.08780350748761,2.25547125180379,1.39487847250964,1.5056923587585,1.32329689788299,1.33023405357676,1.13384810097032,1.32082185059596,1.03297419739122,1.51364309652194,1.24395792373394,1.48819293858876,1.23445597949725,1.3804402361742 +Neto2,0.97659082035395,0.974606912620588,1.25963133870333,1.28249995956884,0.775846597720873,0.685856197397277,0.841014479731257,1.30596465587583,1.03283815577992,0.809304941564226,0.976784526778851,1.08996250911335,-1.5447655399693,-1.79503495902043,-1.2770518883402,-1.22764707292146,-1.4830269864803,-1.26994911437831,-2.20873582204534,-1.60931698996399,-0.973734806815818,-1.54694566704579,-2.23918469461323,-1.25315198092825 +Fzd8,0.483854556955183,0.601486669366677,-0.0317663724300337,0.341130523785634,0.523454688181779,0.415910158452228,-0.108992916692143,0.745552133034801,0.772674019937863,-0.23663486064461,0.438066488906056,0.265253225244219,2.05586849009231,2.16285844046969,2.30882319246434,1.94810988532753,1.890275379213,2.24513464951511,2.03026360885664,2.51732549153421,2.04416310132441,2.05472061115758,1.9593820404227,1.97437756780264 +Unc93b1,2.9128020065472,3.26746428271261,3.06005369471294,3.35963982827969,2.97672675882782,2.98622901458671,3.12768394824606,3.3431869764992,3.39877871123747,3.38453267861055,3.25808439734356,3.05433144299538,2.82826335177682,2.87634032694254,3.01941881567141,3.05867037324087,2.71850594619264,2.44186723761802,2.74069629423893,2.80206032330209,2.85836685791161,3.17140866965531,2.62154621241014,2.714995751402 +Trim67,-0.816785942705671,-0.796363744967459,-0.672820870955421,-0.665459319211323,0.428671503965342,0.425127279746105,0.363271752492044,-0.374080623621531,-0.75175108040748,-0.54290318007069,-0.139578762316413,-0.360142466865825,-1.60674080106087,-1.83589069802208,-1.4702212268009,-1.80811311234504,-0.828834790533732,-0.820965701158537,-0.382980198042918,-2.02424502522402,-1.6766944979117,-1.0305177683332,-0.472370282920124,-1.36079707445133 +Kirrel2,1.59946074219288,1.59650447239149,1.66703276504023,2.39682220540369,1.85205339880363,1.82676341338644,1.54613508584476,1.96132565024189,1.46021106866946,2.50121528903748,2.02098041399043,1.70383030860457,-0.742167295571371,-1.20264938097911,-1.44426216974931,-1.04694375169906,-1.36431254676588,-1.05184605737226,-1.69856446816323,-0.722794575489546,-1.00020273015368,-0.230352740877448,-0.726511062350066,-0.392262749318575 +Zfp280c,1.72573440329616,1.85372242907203,1.63882809520309,1.65902297047133,2.37014208511958,2.09793094372442,2.05525642361768,1.76675414029721,1.70578435847538,1.7158397593874,2.2154140414659,1.91052134197031,1.60835218997497,1.5076738559471,1.61157602477677,1.46958913075641,1.92907058022264,1.52960233110635,1.80607301623088,1.25198458370655,1.5262631882597,1.39871095874911,1.89479290789384,1.7380394207359 +Ttc7,1.74187172876827,1.29775079193778,1.349652081907,1.60994471259141,1.89098480826234,1.78821927684855,1.56342598516583,1.40714016466044,1.53946740004957,1.38668362052166,1.79257187321838,1.56305110559277,1.96342521455425,2.14792389048101,2.11666313762414,2.23980277016203,2.55924346359892,2.23499930508496,2.62881058567071,1.90154104882139,1.80556645869803,2.03822571354593,2.72956346664322,2.60914082933293 +Stox1,2.3265895677516,2.473166028083,2.31053833492494,2.37532921379839,2.59169770571139,2.78284326707605,2.481367462677,2.54581268120534,2.36219269540222,2.43098670928529,2.52581203016902,2.53215322876543,2.47794175728745,2.72724844056835,2.94979426559812,2.7001915034664,2.76933284372688,2.7534927530564,2.78303146169779,2.47585945880468,2.70846403846745,2.6562859110002,2.74890938788705,2.75922311284313 +Nfkbid,-0.497005113560751,0.371570811645957,-1.95502579775906,0.394192696609333,0.768035944459232,0.105155511434579,0.202034741329523,-0.664995406493538,0.567092532504832,-0.170814905889454,0.0109414076132059,0.242519662876394,-1.00772892508537,-0.922887911453509,-1.01810386458279,-0.394948847455867,0.136728620723304,-0.475908452251605,-0.225800112881888,-0.99012256668885,-0.0506959880678768,-0.363033910739583,0.390913581352246,-0.654909691610608 +Aifm1,1.89234403775901,1.78192662702737,1.08642541397162,1.73301056246387,1.98416858576117,1.73054031650592,1.80594026672249,1.38666055938402,1.61590917278102,1.47724813909522,1.83086921012375,1.84921478134164,2.05206348525751,2.23587813679549,2.11467941711985,2.16169263834257,2.44719369916003,2.22593186462734,2.37638756330656,1.78294831841618,2.11464188629572,2.55160175162115,2.25883802580839,2.30039377162282 +4921524J17Rik,2.56042584850478,2.32755149181792,2.39752198929772,2.68585065620799,2.01312595444639,2.37054072870638,2.49623395249328,2.24052124658511,2.68791993979871,2.13309940171748,2.40330787442465,2.49718467482309,1.83825277693364,1.71021980319136,1.85862995314606,1.80533407547766,1.69230318265065,1.95017564383288,1.30128299813047,2.01398955251847,2.09200804764685,1.77704669352243,1.57901144415578,1.72374573184047 +Try5,1.25418332972468,3.42570366207515,4.06280643064524,3.77248302066734,3.69558995570129,3.81689698011182,4.25634536203672,2.81424846500632,1.91249027081374,4.33024866855078,3.08555195804848,2.61719961725695,2.13979687446336,4.77803177865097,4.53531445658282,2.56297314060544,3.35921012445337,4.5900848877005,2.58248085905492,3.71108963646652,1.84963765558116,3.85353236714184,3.68750713403344,2.7394766981216 +Kdm1a,4.4732056642117,4.55672732574097,4.62233889524765,4.59537234691702,4.30222002782612,4.47020934177431,4.4587503489103,4.38374390713128,4.56583573098914,4.50419964867691,4.37967309188204,4.48140141027245,4.65620789650119,4.78928884763017,4.76570185967399,4.9430210237881,4.48844414179855,4.62868521352648,4.67430874215957,4.76793873695232,4.82651234919083,4.83319866712665,4.5097028895542,4.58284222521066 +Elac1,2.09462589617234,2.35851324580847,2.51501707442938,2.19791031133448,2.23241204032528,2.06258062148415,1.97186692462129,2.37077898672883,2.07337295922309,2.28283696707566,2.13274792697675,2.07399219310994,2.05923402034674,2.39629763160807,2.35032317277055,2.34529838652324,2.17925177314303,2.02508751315372,1.97593973659111,2.47286189969979,2.19563669826181,2.24022806949125,2.12983121946129,2.39851713262711 +Rab8b,1.70304111815357,1.86171828998869,1.98443360267616,1.76522841146044,1.74053113849435,1.51815255756548,1.65883523911792,2.04413648259091,1.85519331727533,1.43833364897172,1.56063636149074,1.76539892048639,2.65098629379468,1.95553876415646,2.60794614825964,2.37051419877723,2.06481772802747,2.67315349676389,2.01839722829266,2.63486188626497,2.31852061575393,2.29614033373093,2.13012643762997,2.11855052467743 +Tmem71,1.23119930535988,1.57232063701617,1.09224215338176,1.02673886644321,1.03016766276655,1.25325516624659,1.26838588772219,1.49679813240052,1.30398258878924,1.00023151616927,0.683310488411401,1.22875242481712,1.57421831271644,1.09518726969047,1.13994389013148,1.31383918012907,0.189444209993466,1.07233909979557,1.13155651658293,1.66458586415487,1.61357398681368,1.02045477923568,0.871238669620128,0.515105428977453 +BC037034,2.54036431589875,2.89382428656129,2.09673795636894,2.87181295950271,3.02469607240061,2.98065778778853,2.8866612192658,2.29315405137477,2.46021480731811,2.29172285952245,3.15862219108365,3.01324536159207,2.33896197222573,2.98358592789044,2.11102233451539,2.97141452583642,2.96069042019804,2.51376286785917,3.1599284096359,2.26076460550357,2.66303042551856,2.95850556826899,3.13793031369096,2.93152583274366 +2510003E04Rik,3.35857235755235,3.3635794833894,3.60746024528235,3.32840822975897,3.11008318116303,3.15463268071502,3.32585854140312,3.45059380180537,3.4351378810182,3.26484818251497,3.18887215671629,3.19385182727702,3.56082913230118,3.49342965021685,3.46870370602407,3.451171047599,3.47824345554661,3.43196546508442,3.39774313726954,3.50407618944398,3.50704614178624,3.58082404678171,3.48194955713854,3.48214181755199 +Lrfn3,3.89029918960437,3.72897440532213,3.75173633389675,3.24303786306351,3.70175100574313,3.95466611830871,3.76051885308594,4.19666260114595,3.82388719036467,3.50913229760757,3.77626166168769,3.45063055530941,4.16102684071561,3.94758867420161,4.08296488267443,3.61295793444083,4.08145518143736,4.09551641522795,4.42819044262801,4.12977747213553,3.79163296059129,3.67878041107121,4.18732978835563,4.04438155289466 +Bcorl1,0.680514788103836,0.877007050851686,0.481866446704339,0.380814073777169,1.72052819937744,1.6424977222313,1.2652153377322,1.01974779883608,0.326400527583366,0.31398567631956,1.05731092982133,0.928963426229364,0.296082321732247,0.903627951583069,0.249167974313552,0.410829350409839,1.04360021953446,0.86801747654743,1.59812818448646,0.286669746023919,0.136869443443938,0.18541548390706,1.12525195964468,0.638435228333954 +Trim17,2.13687769233537,1.68402426974469,1.89667117674898,2.06181642874411,1.70657463745566,1.61607101717052,1.68091184621754,2.04975771352452,2.03868314347869,2.10690618529806,1.57021251236661,1.82869266582785,1.89946800126604,1.75829661914081,1.5249130413608,1.74702995805741,1.37859622249161,1.85427983029695,1.65624538235626,2.25598901410476,1.90192548304471,1.7840815330322,1.43044114829754,1.80230139327754 +Spryd3,5.21618898420416,4.85488975152225,5.0771648409111,5.08207969517709,4.7278613231005,4.82666606746563,4.9323130231912,4.9403324334432,5.12509663052512,5.02683805819531,4.94106959599739,4.81871432172922,5.03883668836268,4.68651761075251,4.8236374400138,4.76216357734356,4.78164438713451,4.93461512429139,4.87138531183057,4.67836026570151,4.92670480557917,4.9714528718838,4.77399276440757,4.68979417212927 +Cnpy4,2.8786847622933,2.84508500077478,2.73736120347801,2.68055152355081,2.66505583075995,2.7645441933082,2.51200130334217,3.00705071134281,2.48161454607679,2.97789054938446,2.66412356665837,2.64135216655557,2.27910088457631,2.09419236668071,2.46063585663762,1.80572221752279,2.20594663495254,2.1633789582248,1.98224101944274,2.12955503587063,1.97972326804984,1.99880729941868,2.18723571799769,2.07753717319339 +Tmem177,2.06448103821137,1.26082793313519,1.7939261319249,1.32408762574943,1.23903723245443,1.5382683699908,1.39012919607375,1.67360778712621,1.7805589439411,1.58449080482073,1.49119217583102,1.50004455274852,1.81457523948301,1.61634554163917,1.77960522382402,1.66407097842476,1.22787788574885,1.93460594196946,1.66718105910588,1.80856038430027,1.60344119867752,2.00626273940985,1.17571297262911,1.5527961059687 +Anapc10,1.53217281954304,1.2901035005576,1.41666891930343,1.36346232301717,1.2002254226678,1.50580469311177,1.44446428437541,1.54563609328196,1.91926656666511,1.78285065577629,1.41721975552306,1.72643561012623,1.42803061035503,0.923289796495107,0.839349389910493,1.02373544267628,0.931831769334748,1.11210786412394,1.03518610540382,1.29607580610584,1.25803785230171,1.17554599300043,1.13562672055155,0.850476020471145 +Taf6,3.23841136453087,3.18879932745402,3.0111619737825,3.26230056745225,3.18630182023878,3.20848322324887,3.0719486690702,3.3057194112375,3.00631065789391,3.24050210096113,3.21798400880464,3.20357474063238,3.0991588941114,3.30527401789871,3.11205367216035,3.27222215992081,3.13914403542081,3.20887253550143,3.181024501506,3.27513371255657,3.25123189128994,3.40985424055768,3.44767246559356,3.24023522813366 +Tfb1m,1.73977773402724,1.47424738909181,1.69966377440312,1.66516679102248,1.86792800285462,1.68853543463586,1.65390677591174,1.86979470610206,1.5445763702355,1.81606395312004,1.53244402082386,1.8801062429373,2.5102243267883,2.10314009112601,2.09398899410764,2.34552699129321,2.04624588922031,2.37681878842505,2.10918220366747,2.48905811677141,2.2813199230946,1.87485756956159,2.47213806342989,2.28650784505283 +Zdhhc9,-0.656473605633534,-0.684595052938484,-0.996042237467015,-0.75451601466583,0.142828221626597,0.112287934261972,-0.10675081632948,-0.386389075249711,-0.738371524923884,-0.568452907929058,0.185501831812966,-0.108258767993572,-1.21770240617927,-1.24079093065812,-1.73278128036129,-1.73067923606164,-0.385389858188012,-0.818232402062773,-0.0183044976418012,-0.951004605536007,-1.34017350034903,-2.32383478753801,-0.276110761721616,-0.684751067823896 +Pml,1.89659315056111,2.34199491208357,2.23118154771339,1.98033832640882,2.35125525539893,2.24416832803687,2.12770957028521,2.46501143184113,2.24689074871489,2.09572203215873,2.45173426104181,2.12567279322138,2.16810955845844,2.42254685050291,2.30686685660282,2.07215083641877,2.58745528603098,2.24533767009112,2.53771039408242,2.20760562739696,2.16249522965371,2.17260137159048,2.57444242722601,2.43874232228812 +Trim3,2.29708672084574,2.59131673009962,2.36831227790357,2.56389886730329,2.83445712674813,2.81344554800232,2.82351917522922,2.0776054264278,2.54165448452299,2.60412337262991,2.92258991672114,2.73662715694764,2.28253111700692,2.61398422519418,2.06972026063502,2.56807768995532,2.8735131594791,2.38444547403078,3.12359476000521,2.05128018157052,2.36036788750698,2.87227798240056,3.07673381266044,2.94438885570453 +Otud4,3.67522027301352,3.7803590860603,3.63609848402206,3.70166006235712,3.83876773449601,3.78231709694508,3.91071254207843,3.56941506700831,3.72896734303178,3.55905151390975,3.75905295375914,3.73724245192153,3.91904229481983,3.9125583993561,3.8767749848364,4.141543068825,4.26780035567721,4.04154747005764,4.09704165783948,3.70873888617798,4.02405392463563,3.8955425888639,4.14845683398896,4.05984171078276 +Nxt1,3.16061518277817,2.18558708757584,3.03106639244467,2.58892658571195,2.48721117213986,2.56385545312096,2.80282759976047,2.84101080432961,2.45438108953531,2.48340091247675,2.58633595248748,2.39999727706043,2.87511871009015,2.88651447474241,2.95865833906497,2.70689512098942,2.6811534573155,3.16366678500835,2.69250456859194,3.05764180501522,3.06870836606704,2.68801123950647,2.61817286906301,2.67015077756345 +Asap3,1.25174098797612,1.6769760881531,1.80528588019611,1.7513648227886,1.43393066354089,1.58914497731029,1.6783497034951,1.54284406556729,1.74878744253387,1.80304016325192,1.49498047140376,1.72724948242414,0.195826537883762,0.898038223179888,0.038351031754988,1.12939823563933,0.117117310806626,0.111547257460431,0.629212443023212,0.814143741629079,0.33282414953259,0.708527452952736,0.0147735440496377,0.347613793309715 +Zfp39,2.44209903355545,2.34780775477254,2.46148274489304,2.28827398438845,2.09025380954821,2.37457881989605,2.25133389264194,2.61137882913554,2.24430247149165,2.45608509912711,2.41516554893392,2.2717290557736,2.25338714306895,1.99853781738964,2.0395294119409,2.03660290037514,1.83960901972849,2.18310426052395,1.98115956451144,1.67993797087068,1.9914557683465,1.90465092255908,2.02989576821095,1.89186439455618 +Tenc1,2.37309723672502,2.85063091164732,2.74509992028379,2.7119452942918,3.08755419927053,2.95564598076959,2.602173462582,3.10147775016163,2.72061525012245,2.51497898782739,3.08462282605121,2.59590401747521,2.62916156465824,3.13146714878995,3.03472560650301,3.17649364997352,3.25143507252205,2.7664337364904,3.43843594160495,2.94757935556961,2.73816727145002,3.30654491275888,3.23806198779837,3.02211615328421 +Zfp113,2.21807107790601,2.33611876781738,2.58493896836007,2.00882248876867,2.30620258984658,2.41805056365027,2.22316736138057,2.66632079550798,2.33366031457855,2.22425640569073,2.21042935081745,2.34727823652292,1.76692217659415,1.96968544648229,2.04411433584297,1.93075861935375,1.79690717227611,1.75464132019303,1.61493362031644,2.03065582363492,1.86169532667933,1.88927914091063,1.71374289065785,1.82580353162401 +Hk1,2.35105902455279,2.40415914241108,2.59050746520814,2.22445800705685,2.01033414372236,2.05740184135989,2.10090628129856,2.53507216266672,2.55530884688672,2.3770120398505,2.20099164025469,2.15266604459465,-5.67334984736919,-2.53675896097542,-3.68365299897717,-5.67334984736919,-4.36856712030297,-4.27109104740578,-3.3306162209781,-5.02881295635727,-3.85239942643185,-5.67334984736919,-5.07822842332514,-5.67334984736919 +Ss18,3.07500103122,3.04963556197204,2.86561538372904,3.09529261308633,3.0804973323655,2.95286348247229,2.97558559641859,2.84192168955245,2.93669842843658,2.82704789451289,3.13416309647412,3.16135599145131,2.32750511311475,3.07645484423102,2.51001234681125,2.88720307990285,2.72126334742571,2.41687371506594,2.80703925348014,2.69951469021622,2.6333655641081,2.8272009766171,2.63965759782378,2.98518481338933 +Tmem185b,3.19912769847552,2.89849616889327,3.39188673457237,3.17268154335664,2.90645274364645,2.67897632753173,2.94457872818934,2.90707779584368,2.99750020782984,3.25002184770263,2.50835377799275,2.73961654342618,3.40052703239351,3.19775488242891,3.41598466760157,3.21297361597277,2.8163856419145,3.14922535837015,2.78330537385154,3.40481188759565,3.12278226316983,3.38615544362386,3.14301324707896,2.89026444160293 +Frem2,-4.17435706072695,-4.08565243300432,-5.98749949230965,-5.47745304561152,-4.25415390915893,-4.18298389900018,-4.36671461498857,-3.88261576136004,-4.03195074339238,-5.00861932454774,-4.76242980692483,-5.98749949230965,-1.7157072523488,-1.66564820910458,-1.50878626873891,-1.24539746691096,-1.08450227035857,-1.50458914850824,-1.38626858398296,-1.8719763868212,-1.47748743495264,-1.72262044841903,-1.3145771266502,-1.19952350718418 +Zscan21,1.86015009496452,2.20571570183165,1.90726720804982,2.3558445943277,2.45029133049907,2.20542249272924,2.27341252331928,1.87859686590487,2.14241485794774,2.02801599368018,2.13818601079187,1.86817310791531,1.91692634059279,1.89025658537767,1.89040445759728,1.94339209365069,2.17151783113178,2.0450893710634,2.35713311262259,1.77384723585492,2.15008008323917,1.84703226412568,2.03562412985767,2.08626183830048 +Wdr62,-2.12731920623955,-1.71923013254117,-2.11888465209324,-1.45593074247131,-1.00315496151913,-1.41096455491475,-1.38261183436112,-3.0549493981624,-1.99391178231326,-1.57148327553561,-1.44368047627587,-1.93619742992793,-2.54855295367119,-1.3829409186984,-2.68134679021534,-2.12767801523193,-1.76999759513243,-2.07149281202739,-1.47217755526649,-2.53130403077689,-2.16862801974308,-1.61953062704931,-2.15894750580102,-1.68843301641632 +Mmaa,1.90288813522292,2.41823582593868,1.87889556951352,2.11626826024519,2.58220889255995,2.34642039446928,2.34169817263485,1.77655396677492,1.91993429904343,1.92226909653276,2.66805418690107,2.33504029118837,1.68790479407671,1.87567083186365,1.52713716806371,1.8969368620822,2.16900679957254,1.90401779207398,2.21667353766186,1.97223589034356,1.86405905505979,2.10987480133825,2.21627169874491,1.90747723245243 +Foxa2,5.44981556301067,5.2402745966723,5.51061153174807,5.19145619475605,5.00177805263488,5.10912373210683,5.17149743277382,5.53969077744989,5.43189106072847,5.02367983958891,5.16250768937983,5.17515184340854,5.39897128065895,5.69939082621707,5.79992849100008,5.54283720550936,5.09639943139757,5.44827315975445,5.32778704677596,5.89730233857571,5.60988465737375,5.57299684833758,5.18544896350841,5.22968047580276 +Zfp146,4.6219276451827,4.69232286816566,4.62472498734896,4.73735864782583,4.59508008908235,4.58148003570225,4.80639127178204,4.54333404206544,4.68009534202704,4.66480457011967,4.56319061483943,4.74537206887701,4.49986312946354,4.42431239382183,4.20393405905066,4.67473133847732,4.76179394077493,4.44709155354639,4.68865030574145,3.87785193147474,4.61841372315373,4.4974473947159,4.74770229693197,4.51551356291844 +Tspan15,4.3107203248992,3.96949606691877,4.00719401521251,3.49168342355363,3.67865925707297,4.02303118844153,3.78546931317488,3.85700328769602,3.66252984815864,3.67695077365428,3.63804444189773,3.96407343137476,4.56647181816379,4.27077425407496,4.16073965278978,3.651884109035,4.03145682205371,4.29475318491954,4.17641582896676,4.72821770274378,4.02669310195076,3.71248128138351,3.93248858160683,4.14494585513802 +Apbb1,5.32920630242776,5.20072658571289,5.21682834848069,5.11903722795366,5.15061049080867,5.37496728238008,5.28289566820427,5.33566930496617,5.19044847011288,5.11807810341991,5.10753687825092,5.35583520854139,4.74891533191491,4.60852682606961,4.49763271603238,4.78030871702411,4.65022727750073,4.65212025084745,4.67469346683386,4.53135595388988,4.73202237176749,4.66589323832348,4.71116955983347,4.60612347126838 +Smpd1,5.68613814497227,5.10257520366858,5.29261421314987,5.22068280251386,5.15017355644314,5.23381194453712,5.05667906506495,5.39868003046296,5.28841475782875,5.06797194624515,5.11846239680607,5.19615533839388,6.07022338697259,5.62952494779984,5.97085079952192,5.62425589675994,5.70444625446497,6.22311876901945,5.58857528207996,6.0050890077411,5.71435561412104,5.65909922641692,5.7412506690084,5.75933689768785 +Paip2,5.51858111909772,5.32602252526985,5.5049635232759,5.35250456181526,5.13994876967182,5.19883584222024,5.13121182258484,5.58973155939113,5.38504250987641,5.34134084423077,5.18633407103604,5.38945206540448,5.63334829523392,5.35584930312704,5.63934420104383,5.37624174820766,5.00522037533142,5.37489414707268,4.90616263874713,5.81243947204996,5.66484272976568,5.53388476565813,5.07180857841795,5.19887964734278 +Sh3glb1,4.07173336327171,3.91096589865753,3.9576151291897,4.01642152193987,3.88140456899797,4.03899946030511,3.97055009721827,3.84700133094199,4.07284909218607,4.01981719524225,3.93323163887332,3.90816119648876,4.81175345784436,4.38781781151521,4.65878958675848,4.50160451247476,4.35128802628764,4.63851873783746,4.19474431405878,4.76963483695111,4.62150536133025,4.46046770409367,4.28161354496827,4.39339471802336 +Rbmxl1,2.78247826288567,2.36788075494509,2.48342559626131,2.44087121972852,2.25913610134938,2.5079801555841,2.26334456855767,2.18091939065706,2.43503623806974,2.78907828027999,2.24673252251704,2.2823939293073,1.95394898501022,1.79459819965709,1.99004885102748,2.1740368159043,1.82588182664417,2.11085641320211,1.70799121913973,1.97444320988194,2.06197185899347,1.78692504570028,1.99158719466725,2.04356510316769 +Scd1,0.346072146001837,-0.334937315218759,-0.169710135644806,-0.948759394885251,0.0967606387823823,-0.391064638665151,0.171124722824852,-0.0720819435897746,-0.443677787643744,-0.974020541304279,-0.980661520184308,-0.234544270149411,2.09895587904022,1.67641427829047,0.373813925659212,0.297015337563582,0.565676239895563,1.24883547516825,1.66785703004343,1.73405682307965,0.650069168558653,-0.229587452882853,0.661047979141412,1.77012463842045 +Sep15,6.48998303525284,6.11121125374201,6.51113478531079,6.37801259922963,5.84533720702534,5.84041619332774,6.01699704895799,6.24947929487179,6.36408797392595,6.40063796086894,5.92163887608516,6.07620189473464,7.4869212345184,6.98188094368401,7.12024752750377,7.06287546842161,6.67558815496163,7.18484589490951,6.85413042938123,7.4435456932655,7.30659453896559,7.04687154059631,6.68666403600788,7.00446436840911 +Rnf139,3.29844758140366,3.3192490646029,3.51975524796636,3.37091826123281,2.8135870560657,2.98776934026843,3.11938796088093,3.1679375005569,3.34070088191105,3.3222914509117,3.07210860852011,3.15927418917623,3.60396876640072,3.43715490439873,3.59154891934611,3.49635262201523,2.90429341197042,3.3243158371243,2.9446348529437,3.7882864446504,3.66830426628722,3.48365227465915,2.94783248815608,3.10429352342497 +Trmt12,2.01865944326963,1.76452209284251,1.78602655399714,1.85655894194772,1.58630654683225,1.83540306783504,1.79381371928452,1.74677606299744,1.49362742105537,1.79734200044267,1.52674244908613,1.7772521175463,2.11542395035939,1.91186016379622,1.95285175834747,2.21187014358634,1.72298646925147,1.87087806467705,2.00691508292534,1.805152643133,2.22491505714056,2.01295298404365,1.85008374568656,1.77247183889498 +Slc35b2,4.03427214341282,3.503577928819,4.27194543615933,3.9089351717694,3.10491321108116,3.65519253671817,3.63767904650448,3.94433672383401,3.98561102286374,3.76214748822499,3.2736546179564,3.3428791777117,4.35543367186089,3.97583665986403,4.53373801726969,4.12795378062644,3.6590228740394,4.26588742473694,3.82777801153027,4.15011425399124,4.40832752734919,4.22891572967935,3.66512013003787,3.82229333076465 +Gm9762,5.12020940488299,4.67970999890941,4.97308235982453,5.06713975273612,4.68425042324769,4.40597588641227,4.60114869333035,5.02150601304044,5.06273131147408,4.57553004442175,4.36229101562408,4.59036720693768,5.11853596713106,4.79535506601067,5.5377997528568,4.94164918156165,4.80408124290124,5.02707337142788,4.89545605498928,5.43113135522245,5.05752261656076,5.07399840156995,4.74661357034556,4.99102962091942 +Rab11fip3,2.68488882500322,2.71507320884078,2.53296193882238,2.73419380335582,3.20144747129388,3.12645504201185,3.26223560333158,2.79436688667819,2.57193480958961,2.56774898717147,3.18434516949652,2.93448073049778,2.08030604231476,2.71757931025091,1.96502442429752,2.56075241806222,3.04892240900739,2.46560986318511,3.0790370321478,1.98252017013731,2.21168237070838,2.45377439708212,3.13196690565738,2.97007978089364 +Dcaf15,2.72707827231827,3.38582428335378,2.69988096388569,3.23327620891627,3.18487250319477,3.2084263136446,3.40106246095409,2.61753068262203,2.92668189075022,3.21517970400162,3.33733318963457,3.20974737501311,2.18696063786616,2.88717503712769,2.47700583251598,2.7494610309373,2.70902187477949,2.2116873105033,2.85951293241552,2.29360077145838,2.40894464810543,2.84601754240326,2.69273699814504,2.72202906028597 +Socs5,3.22142680405487,2.83151763906956,3.01049193030076,2.85622938984281,3.02890621037871,3.17923399281016,3.00141634738557,2.91186957983453,2.95452443958083,2.60101526752714,2.61572155067255,2.81039416027909,3.05017626015093,2.86298610678743,2.83433809315186,2.85896555759309,2.93051354768235,2.98317044511008,3.07422216637158,3.30406445637856,2.94466383433968,2.67204409215635,2.63178920289329,2.89099640432162 +Fer1l6,-1.49348223359502,-1.19198975415706,-3.04021726052672,-2.05509387149549,-1.2012398247819,-1.17971753757882,-1.46708146886186,-2.17748389915715,-2.2183807909652,-2.2917158140768,-1.98964196593239,-1.45724000489342,2.99783175864722,2.28357765569327,2.35359333286843,2.38789887793839,2.36454425515028,2.92637118477605,2.49071706154826,2.23084763799323,2.30238885818246,2.3061263435298,2.40066760897419,2.62319396986436 +Zcwpw1,0.333431454674282,0.670780875718277,0.16149452001221,0.599445287673716,0.667605185705491,0.638470513044035,0.945732376467642,-0.370261814078271,0.667239536315144,0.785863732926468,1.08889744521537,0.614418194076156,-0.684455515108548,-0.942766183324074,-0.829192992629634,-0.620500456275636,-0.842237752000111,-1.38909391228464,-0.451351721701657,-1.3561872699505,-1.34217145796619,-1.13501608019209,-0.397438548258005,-0.513316255589937 +Ralgapa2,2.26230093586434,2.71815824864923,2.53984236776205,2.25127797008569,2.63914059309236,2.70054233971169,2.52689335226127,3.09847685335852,2.43901317061445,2.35453009801809,2.49373521860464,2.38214659494681,1.90543775592646,1.85027903569565,1.90210353680948,1.55346996963962,1.99093420165638,1.89042115297995,2.03207855706337,1.83666205736954,1.67764939347361,1.33229661805118,1.90271376388136,1.73535465289798 +Setd7,4.17828839753256,4.04980537441934,3.9343173620927,3.92829062669512,4.36289362271761,4.28081997656272,4.09983054204982,4.2702491110906,3.98415486879348,3.89765856380335,4.21060748758066,4.13260311039892,3.92453268598319,3.96318734781998,4.11101656237877,4.19284530592489,4.26063925617354,4.08852228688622,4.14346125611816,4.03768725262904,3.95337503376383,4.12414353878859,4.19374089689928,3.98280827431657 +Sik2,2.24975652475565,2.22443426175766,1.8404421461369,1.99695677053174,2.92236473004281,3.11210289110201,2.58262952671431,2.31493078033138,1.90507639691672,1.7603027268433,2.84930674145659,2.63581053187794,1.5173229046709,1.46641033524272,1.58540934513421,1.74000557952713,2.6667652924663,2.01938668638139,2.50639119167774,1.31662373405628,1.46430369411142,1.76411866871861,2.79863038807795,2.02964083144283 +D15Ertd621e,4.6687523441141,4.58158650392417,4.69304257429613,4.56875627646671,4.47470730983719,4.41875260799947,4.35842288767145,4.69031754701205,4.6368122830291,4.52101389323086,4.34691959300333,4.43180651132941,5.0739192597653,5.13745812195472,5.17568064599539,5.28761401299088,5.18451564278424,5.07028584623469,4.96694863668228,4.98826336031991,5.0012107391704,5.21559193166819,5.14882204088943,5.1319008125656 +Psd,2.77391863790157,3.31041320435674,2.83236463554023,3.30176253412324,3.83877445721622,3.59485795086978,3.62805854996347,2.68322161981174,3.0800467201448,3.59740927003331,3.73093617079024,3.32068419071008,2.33885060866444,3.10833968389182,3.01348308218143,3.25434580058795,3.69527370968421,3.02383291117666,3.74660301244033,2.24478199022006,2.79089802712163,3.45659336498636,3.65834587849255,3.40051256663416 +Prmt10,1.8697950995663,1.8874004389526,1.83284288348048,2.06475474291375,2.04080823715729,1.87001773618729,1.93216855226413,1.80374491778301,2.05949047138324,1.8580249535007,1.78126250645555,2.03875440634308,2.44532748152907,1.98739560014666,2.01099699886799,2.37549857229066,1.95384717431103,2.25867665860408,2.02979563763232,2.01754092614117,2.25391973211103,2.20841021321988,2.290646078009,2.17923759179946 +4930529M08Rik,-1.45009974586889,-1.45838743031227,-1.32618116403555,-1.46369827373598,-1.16439313941974,-1.01416823979422,-1.62029159686618,-1.7416445214959,-1.28102695995172,-0.878660788781058,-1.42578512725118,-1.39101529854016,-2.008624087281,-2.1823548086636,-2.21933639048391,-2.59503110706723,-2.56941148509764,-2.0857432760232,-2.90420098458643,-1.87704214626218,-1.64449396811066,-2.72331127777097,-2.30472510105566,-1.89756521783002 +Arhgap10,0.789216783555802,-0.229431989881366,0.152085357521793,0.0212738401357577,0.489960264394566,0.58624894631625,0.635067045432238,1.06232593375961,0.227014587103296,-0.0973192851083406,0.337592085754602,-0.0407247823223527,-0.506276663747574,-0.244385109410427,-1.16895885365911,-0.202532593365042,-1.08247355358165,-0.258579872885414,-0.305055349113946,0.003020720019726,-0.555015866482471,-0.460716903939898,-0.292809825266407,-0.0704018146922358 +Ddx1,5.45791348277831,5.30716687813863,5.30660632440161,5.40752721022116,5.0676858251885,5.18517594578807,5.32186746508365,5.23984629574428,5.35307133640447,5.44257606798784,5.32883793297566,5.41654868290468,5.87357811790025,5.55242031162897,5.63874453092682,5.63883808938262,5.5283488954729,5.7095404711341,5.58205911669069,5.65032330754434,5.77246719128054,5.71937807481452,5.78060068932116,5.81868531456593 +Lrrc20,1.93016075483467,1.26373158281313,1.51170940247938,1.37642551246666,1.51913123446289,1.65489694480423,1.41919954196793,1.47578962297045,1.35769667710614,1.47712248760597,1.59018503156334,1.76647083362954,2.02114778315715,1.70431706744023,2.01720093803769,1.98345396198999,2.17026219719908,2.08359316028806,1.97942132678477,1.82789679503095,1.67748743711654,1.79795826495877,1.84908553171077,1.7693375375367 +Ndufc1,3.7887983487858,2.89983403725897,3.38795066369158,3.36864092726214,3.12092495950338,3.08269784391484,3.25030291541547,3.44865396289626,3.40748488804391,3.27018761023511,2.92406116367116,3.23185706989895,4.26372342433801,3.52695608856053,4.10044428919255,3.47697659857399,3.33054536183733,3.92248212313079,3.24538588568295,4.17725744789254,3.96572651796484,3.77073063703266,3.22336515049683,3.5960677176629 +Mycn,0.957221020689767,0.857434953686421,1.1235320945895,0.839090135033346,0.749208629316326,0.915772622724859,0.962335459469655,1.40712802789786,0.404029822741796,1.1635805327702,0.488893867257175,1.09808694036606,-1.96589261281336,-1.7884129215937,-2.50456740208088,-3.37697673426207,-3.09464880529645,-4.08037518618047,-2.11356797755194,-2.99191142479745,-2.74701828097146,-3.09115505741824,-3.48525376213642,-1.96657443828759 +E330009J07Rik,5.00035575019986,4.92146005648037,4.99115698278767,5.10554095581819,4.9463235577477,4.96461257753688,4.70804498633043,5.05486273335933,4.91135864348533,5.08045327796956,4.98495546152136,5.04441922863296,4.76736356720823,4.61093113468177,4.60686894430015,4.88621069254673,4.9363342544521,4.82168650123843,4.60346878130094,4.71339631526788,4.60964878982201,4.88911429170581,4.95458010164146,4.82543843424429 +Elf2,4.35954481639917,4.31973203537165,4.52418720504588,4.53867020657176,4.20631492451781,4.30524197104166,4.30714954734572,4.32137562358152,4.40603240624485,4.54962483465258,4.23011836231662,4.31337181929081,3.94985305942124,4.0974760112018,4.00053929201394,4.10789811899335,3.89370121239009,3.87338122586073,3.91749971696982,4.0832995554517,4.22343217790638,4.05334554323399,3.80939123870406,3.89864811203072 +Krt80,-2.74949842058037,-2.31907247263432,-2.64337847274318,-3.25438466569426,-1.52103908254354,-2.67074648968986,-1.45094778975768,-2.29585887523428,-2.75742798469754,-2.27550449793236,-2.33464165932544,-2.31731110011947,0.469312768513703,0.754758031171302,0.777092817636169,1.30755832651777,1.98446445933754,1.42634834327853,1.93504663681588,1.55479284171913,0.222328186952027,1.15125297643085,1.2339496233568,1.21023381753216 +Cyb561d2,1.93189656813777,1.53543414273852,2.08928506094598,1.89592370995408,1.58670174180162,1.60861231932663,1.81100131163949,2.08058033371542,2.09951820061501,1.5714348719226,1.66759357041856,2.13885698061101,2.69459137655059,2.57557045496448,2.69845876671254,2.66750796334021,2.00599314762276,2.64844378821008,2.54284269998054,2.8810952852799,2.45306512645889,2.38381325548788,2.20967404099326,2.52177168878579 +Pacrg,-0.394470484578146,-0.309064503816735,-0.139777973184057,-0.652801915679043,0.40144650035615,0.281805786971681,-0.0281742609710824,0.239830513864666,-0.308397300699505,-0.56911844682808,0.0857640871597893,-0.238502069001078,-0.235658781185156,-0.342048318016739,-0.263747642244447,-0.207221943981355,0.180929365950865,0.0158075109023175,0.256902326208256,-0.451490475027122,-0.0301176057664261,-0.527168223733666,-0.083251797262915,-0.0508376495534946 +Rbm17,3.28455880725309,3.76616857762885,3.64413700679524,3.91984782915637,3.57472863285494,3.41639133786525,3.6585226464802,3.26286235720336,3.72122565632614,3.83139211571241,3.66000876788447,3.72534049746298,4.01547626257537,4.31766910702462,4.02814085506026,4.46090328230046,4.18958682422947,3.96337353821919,4.16623948458971,4.17628398215086,4.35646988140113,4.46387162429024,4.20945774379272,4.19093730641313 +9430023L20Rik,2.6906433770498,2.6201683228091,2.93862847113347,3.10642267635608,2.72948542041094,2.168983937915,3.01871370363417,2.9298786999101,3.11791816180906,2.88323934824022,2.85054195957038,3.03376762667724,3.34615230949953,3.42186370545389,3.42441069870446,3.48449322329186,3.16972147701937,3.3272456676974,3.34929257135718,3.40383874551601,3.61606996997833,3.52803792165601,3.17701549607214,2.94594789287443 +Fam193a,2.85274997998942,2.94421352032346,2.65565994488349,2.81492174186259,3.56842705087,3.61983697735173,3.35135510003314,3.01206546261898,2.69918852636181,2.81435665199932,3.47996393839959,3.13827032420097,2.04711363900009,2.33396370371676,1.99457853146816,2.11556806051183,2.9058953513502,2.49859011974521,3.19333838205328,2.04789386439829,2.09065062852129,2.09397939909264,2.80474817069692,2.67755776044623 +Spry1,1.24355757041658,1.61376875353719,1.21844318560278,1.86604628894984,1.98523850764297,1.57140073373142,1.48077868811613,0.900956732769717,1.42390349746277,2.28639541194061,1.61016557216414,1.89191821047984,-3.26347734652189,-2.91910113322123,-2.90730613898863,-1.85022940831564,-2.11352501257619,-3.27030388116435,-2.78700624103666,-1.96831368133035,-2.89091526854097,-1.74732422907331,-2.88523386884613,-2.48677003717532 +Thap1,2.33873289209519,2.03219825025909,2.34822274188869,1.9998435412552,2.03513027523744,1.74909245714366,2.23524350181449,2.23516792478063,2.02271884213638,2.31729697330483,2.29757086296386,2.05914380916541,2.66177210762741,2.09993676953104,2.21601185265732,2.24800385091946,2.24591607745587,2.6430123561037,2.08365877401776,2.48383993633906,2.24774211245398,2.06642576814575,2.30308492878347,2.3747033686738 +Lipt1,0.965571754066629,0.386292011298817,1.17258422882372,-0.125362318387972,0.527876381714396,0.990206975043761,0.371199626150518,1.01613023781126,0.438644710643383,0.64190825033371,0.293886543343927,0.419447260166449,1.07420648882541,0.619775525702342,0.615192743296548,0.564702773324676,0.360033833292317,0.375108041755832,-0.0094958700171896,0.484374066196201,0.531149464843276,0.461851034513917,0.0858108032772846,0.392594030422819 +Syn1,1.64478444218322,1.15155463260968,0.847300862239897,0.485205872123715,2.89073634432688,2.89672966582516,2.2706066377355,2.56838976370407,1.12908597951423,0.731010727181818,2.65828598670097,2.0807066245447,1.56615437300059,1.61995280636036,1.43930643957093,0.916621233806226,3.00541454748172,2.39219627142272,3.04870752031926,1.28495066670604,0.981362280158756,1.16627307671484,2.98067433658088,2.25748467366253 +Mospd3,0.382042548066803,-0.49554496362687,0.232047736083473,0.0252328003262813,1.40001968764051,1.26901864351368,1.2138199171019,0.790850714341246,-0.619150440355073,-0.313793038851642,1.3422450296585,0.702364629028864,0.373505085841251,0.404560215109585,0.224804483047496,-0.220146752470528,1.44238055006102,0.896038282836853,2.03396754141631,-0.4832596735736,-0.261096756981677,0.065953771127185,1.52922774789476,0.511508669654649 +Zfyve28,-2.37301388197869,-2.64877090212742,-3.18002613027627,-2.7358865719585,-0.94520704508619,-1.71804535076478,-1.16988955739338,-2.84704679495846,-2.2396064580524,-2.94999056186952,-0.723945085179963,-1.60187357296092,-3.82374750594496,-2.56925095683881,-3.66216912507306,-2.64661147029894,-1.87159227439795,-2.67007795137937,-2.24128996828315,-3.53622843512774,-3.41702648823531,-2.93333548419031,-1.96294076507107,-2.79497124033348 +Fgf2,0.43066033326973,0.373967187807195,0.0766339420353619,0.735014623824769,0.269997416628074,0.451652702689346,0.431140019876033,0.569754281461783,0.41800101846996,0.330598299443827,0.650521667533878,0.711383711491029,-0.260626699824221,-0.275006506831327,-1.07885990637749,-0.244610254814094,-0.0256243153740057,-0.502371228682875,-0.0813427438919536,-0.211016077020361,-0.644564504978799,-0.397106394155021,-0.0136000993033063,0.125175781345812 +Hook3,2.97677766936928,3.08290498704363,2.78749110551239,2.77557083914038,3.3764614350302,3.28002765946192,3.17539336218379,3.05872553279486,2.87265166830955,2.8244190154722,3.20535871565823,3.18314083343388,3.30121676186702,3.50364652847745,3.064851165665,2.90937029304599,3.53228178243807,3.29896566033732,3.56510514798539,3.20896808009673,3.06374304090932,3.03654793420877,3.40448339021666,3.57920949461993 +Mxd4,5.44462406120376,5.64093871269906,5.60552692044423,5.75393177335448,5.49903202374549,5.35289219625143,5.37211568239891,5.57855232664368,5.65510200571239,5.73071056229461,5.51530754830298,5.58040971716145,5.16431344466753,5.41906396506509,5.35455237818146,5.51779558983875,5.15895057353292,5.11687338295382,5.35543271050617,5.18874366965141,5.46480756914716,5.62955640550842,5.19985200259748,5.35987373607263 +Matr3,6.0843551306408,6.05356076989941,6.19055514332248,6.10793492112676,5.9049011878179,5.89102036430138,5.88307771286117,6.04907733380911,6.12511664856004,6.10933421966606,5.98760791451639,6.15677825473303,5.97089897024311,5.91486008607228,6.01178274709874,6.00915083959405,5.83486314911832,5.88810042674651,5.65026621873856,6.16950125133433,6.05603157120374,5.97124999343053,5.84776050510782,5.85859504900156 +Spred3,1.11579605691775,1.53805961326206,1.1743709076057,1.30350903865052,2.15004922846082,1.9391484028671,1.79933885258237,0.842017761220783,0.946621463274633,1.33426257105127,1.70444173526452,1.69504398547011,0.0072930494172602,1.18724597490458,0.326350752046997,0.901098287238261,1.00339811021528,0.706677699904487,1.15215444978616,-0.226157141256873,0.532348815365602,0.69135046089357,0.942077360381641,0.70883511583789 +Clic4,4.26666079356906,4.07662366688832,4.25981605991234,3.92593765974397,3.8878697496906,3.96404723865963,3.85022444311224,4.41845237757363,4.22095157696578,3.95124586326724,3.81262511688354,3.97491762481485,4.62928258720068,4.51319472025785,4.27484587041878,4.25831931555695,3.99165175935138,4.41221889617307,4.1263039004371,5.16135510948688,4.25750662187819,4.17328081005838,4.10221571011616,4.14327780085286 +Zfp692,1.68460190205539,2.10588839331219,0.947697557513972,2.10547134268239,2.70191007851022,2.7701345174332,2.62013098989797,0.943127013356236,1.78327157161692,1.94598290859697,2.79713525448746,2.30745843513987,1.3017177064745,2.21372837994908,0.900429708804889,1.76574176241905,2.7033607257839,1.72364201352865,3.07117754843336,0.633082417055638,1.17554103413199,1.71062798993418,2.43670070252475,2.13371832558093 +4930444A02Rik,2.22445845362972,2.07725232542593,2.32553513890124,1.99856286610441,2.00876664653576,2.12611408723991,1.90025982469109,2.21476231777803,2.08135104983944,2.08802119010561,1.97582326071738,2.1467876851343,2.61192314034222,2.30762955782565,2.19445173812486,2.10383655371276,2.31639876542165,2.1868473539141,2.2540529714244,2.45205880873757,2.34814543277983,2.36868826161237,2.34369258238627,2.26916286815866 +Mex3c,4.19629349865887,4.00092600321693,4.19656474995266,4.05214208635369,3.7088304535619,3.8922312139382,4.08510051630763,4.0339493307674,4.30989299202612,4.03375243113393,3.67237954149591,3.87716240808374,3.67101819958895,3.45048762867866,3.66513931053565,3.41285004713265,3.27383965395496,3.43321569810431,3.27106829887731,3.54031658050605,3.45566958448035,3.35141586798255,3.17155199022661,3.12838024607358 +Itih2,2.55180104945765,2.80613575155011,2.96874449440277,3.01792722986777,2.04471285497454,2.20027512804804,2.37175971141315,2.79763825885058,2.87758469137208,2.87858884054506,2.33860741394056,2.58941362651819,-4.09041972075879,-2.53038532245751,-3.51002731687827,-2.91622293795326,-2.78563699369257,-3.02317067856018,-4.09041972075879,-2.66296790481627,-4.09041972075879,-3.51263484371303,-4.09041972075879,-4.09041972075879 +Aagab,4.67116172746407,4.35694559615867,4.47099950151797,4.46415248225139,4.44111788827712,4.41346178273612,4.51787637430249,4.42885104002699,4.43020770136633,4.21204687492106,4.44851661511728,4.4937072621272,5.16534365098814,5.09911986524551,4.81050957572581,5.1377206105903,4.93189702938839,4.97245239496975,5.07061439856219,5.21779527111056,4.93902478580951,4.8823473282796,4.869579812784,5.14258166750345 +Dzank1,1.59156569432115,1.76284455115641,2.04428529031328,1.58103348290529,1.9298207645357,1.90370795346323,1.55028738583379,2.217878437867,1.83202705007239,1.81160891379129,1.72133927308521,1.60718548360919,1.23843744210961,1.37706544017204,1.30466544832701,1.30255083382465,1.70649290894077,1.08952228815419,1.3056897290358,1.32759138005347,1.02832345248266,1.26338173606918,1.54013429920566,1.39900233744717 +Hgsnat,3.77055544644846,3.36614408123074,3.78909709160454,3.67409130943874,3.52221430396184,3.55723835467446,3.45778727761092,3.82662412199139,3.77233672242139,3.8111827538679,3.35197072170674,3.69248976489987,4.22185457689186,3.96741372339182,4.12503854095453,4.01651695002088,3.81770765999454,4.05860342738097,4.00428760130223,4.12265857197377,3.89401064163613,3.94018915592333,3.82064918267735,3.92054957644597 +Kin,3.61605591277255,3.78729940680135,3.659112509519,3.93212685920054,3.57243177722346,3.9201531594757,3.93751143040308,3.71016706694432,3.75392241381881,3.82660133110673,3.93355977227125,3.9308406482673,2.95971304686896,3.10787712239258,2.89966695228985,3.21625296845904,3.1351173765079,2.92899531765031,3.29413241144289,3.09347706783141,2.97500070021603,2.84751716110425,2.9539140585109,3.45994757758896 +D4Wsu53e,5.06239159307506,5.929984693357,4.56201360526321,5.73637838276927,6.03935155932424,5.59219339206454,5.86856296185379,4.36741894797123,5.2462757128223,5.57345569102911,6.02953502078412,5.57926469918749,5.59900755130382,6.17587581833073,4.89515202226655,5.98068261822875,6.47582792341876,5.81085359868962,6.46424807223005,4.93205982780316,5.78420135560946,5.62395017206175,6.44964480629651,6.29900371884241 +4932438A13Rik,2.98096397314933,3.18931796098771,2.63835300462319,2.70748061954446,3.6324058492377,3.53426348638599,3.2346905062891,3.24629972518518,2.84371412515523,2.65795591622229,3.38862660747211,3.19920938433702,2.97688959084845,3.30417246379398,2.78455621014909,2.88917532707704,3.54480842188597,3.22440346311256,3.4088818089125,2.93450180333819,2.83798006833014,2.8724828764292,3.38719534087614,3.27869253450011 +Gemin5,2.29434035949508,2.15465345636947,2.10193772922996,2.3116452988448,2.32805802311953,2.28233524277791,2.082600101672,2.25418313492575,2.04193942616792,2.06800991608331,2.46221968900914,2.21378709426902,1.96172967986792,1.95409055888911,2.06430781814151,2.23199714018003,2.48186197251974,2.32096326394212,2.36371204783918,1.99388128946254,1.96492481519409,2.2808442197969,2.55773118840487,2.17938207888261 +Tmem97,2.96189315262525,2.58888280854958,2.8542899150668,2.51690187095512,2.41697670780512,2.5328300302432,2.53135539519901,2.09768766041249,2.57570569383166,2.837874093761,2.28524136101729,2.57692026776339,3.16024466416822,3.10799490555862,3.46935924977081,3.46982764423764,2.99646157263641,3.21545430600505,2.6963991447611,3.40381718844356,3.2959120888485,3.4151894685306,3.22018502974426,3.02668129526223 +Ovol2,-2.60626004065203,-1.98636372707831,-3.48441480447575,-3.48441480447575,-2.93351811505233,-2.48640174770496,-2.31753625222153,-2.92696888009175,-3.48441480447575,-3.48441480447575,-3.48441480447575,-1.98397928858825,3.43316595387687,2.4444225701411,0.146792587759631,1.22341040184408,2.2556112413819,3.05499918906305,3.397526660773,2.59158866808491,0.440215036296781,0.449546634778442,2.65394018763551,2.68558532232611 +Stag1,3.40290671453639,3.36444922840431,3.39477015825452,3.23050492091202,3.33579427248008,3.33772796226751,3.18826533694275,3.56050342149044,3.43305620890208,3.19863303488509,3.26383680668357,3.27812625971754,2.97731018167048,2.86979384090543,2.9711905112817,2.7985795754117,2.76455131822086,2.98771942350395,2.65137906426747,3.23306952800447,2.85640640317966,2.78945922520095,2.82515673327907,2.92270783048364 +Tbcel,2.70713688406738,3.04079720412791,2.95529563304213,2.90121674649552,2.87369419700305,3.00744150368789,2.67353571171881,3.13249557323891,3.04347965393363,2.73003688036518,2.77633443633194,2.90233179075067,1.5864943592649,1.61322268980474,1.51896184063935,1.52279597759947,1.23506373185396,1.49168068944709,1.28106205511856,1.68721103164739,1.38045620166523,1.67764488031899,1.39159015245092,1.67317489795751 +Ldlrap1,2.66287879591403,2.28477434893797,2.56560908406101,2.46610028015582,2.30530961166919,2.398122869827,2.41842362733433,2.36644435327975,2.35293871773796,2.30335604682773,2.33884769888264,2.26070539252218,0.892382481571047,1.26476306653599,1.45630541283675,1.10999974196048,1.03119020823366,0.686764407634949,0.891052791901144,1.1360096984006,0.807527147882368,1.03806430457922,0.920889933065078,0.753584032163107 +Lsm1,2.04436065107472,1.64576672211668,2.05996825969406,1.45427308435038,1.44789551884942,1.88776724825443,1.79532361838725,1.710005964973,1.79635045288184,1.94311080421762,1.54276555849986,1.74983496042554,2.85248036506353,2.38519978811157,2.72606894470754,2.75832775090704,2.29045453734542,2.47177414054909,2.39607456302643,2.60256526290249,2.64736733866167,2.36718940948433,2.14374187993026,2.53606749463816 +Ttc13,1.42424973304077,1.22958726056819,0.88115132470251,1.28730427465439,1.72453968270902,1.62540496006485,1.68421917952181,0.871520571959178,1.2239512407413,1.06751466285505,1.6988298990581,1.43311800600984,1.45591973093918,1.66580251421997,1.56586020041477,1.65579165605508,1.79624871206157,1.50754786655849,1.74994687371279,1.49900873728,1.74302415801439,1.66031330912787,1.84708632279177,1.81351221635083 +Man1c1,4.64962712947909,4.77526644361254,5.00529750529353,4.76362409174788,4.68371741147551,4.88130997439413,4.59367275577769,5.2003605276317,4.75181456937099,4.85599848778935,4.85334271207471,4.58504328420998,1.93670489939083,2.26965091389968,1.99717556629414,2.23035630409038,2.54062905635759,2.1654180524055,2.29904680000552,2.04727161982703,1.8343722719766,1.94610839374864,2.4559254845113,2.03877112698867 +Tacc3,0.293830355313425,0.327343713403174,0.527988375799048,0.53532846035383,-0.0407139243982984,-0.148977398202209,0.759249217370455,-0.139584608877004,0.64591614916463,0.576706848423548,0.0111879706491882,0.241947455903461,0.863186232744076,0.751295540861067,0.774328415436588,0.742604221791733,0.483227708817785,0.718648291705666,0.829061297941626,0.590262121092764,1.20394639267083,1.37413957205078,0.72225589693571,0.81325261223174 +Phf16,4.75244372798653,5.2504191541804,4.51680983186036,5.33554599171733,5.28508761954344,4.91267959154538,4.94710125425349,5.03278447951116,5.09206687911385,5.16708434846532,5.34907376569984,5.20616610705745,3.90997212785495,4.48132760034742,4.5085651824665,4.52126153941025,3.82414511349425,3.95606657519543,3.90522479711596,4.48370718071506,4.52263362910146,4.40997292317386,3.8625629831828,4.05285988962903 +Bag4,3.18996955110004,2.85306962596597,3.10620943438683,2.7814525742875,2.72023505136387,2.722153570023,2.75948954048832,3.08340191091956,3.11362742790288,2.93338753322368,2.6082057808675,2.79470615730302,3.68842901691973,3.53139968402447,3.92644834283362,3.63847819783202,3.44389045158014,3.76924530941999,3.32495592608183,3.83625686639857,3.73594661303509,3.63186463394809,3.41099612710487,3.47848036229055 +Tap1,1.76586232942889,1.91842992763211,1.87617524865827,1.76400420563547,1.74004316376664,1.88196808341926,1.6476461351552,1.69464561329932,1.84854038311167,1.97618206275866,1.85464862935566,1.826162511678,1.2406801618207,1.125794886894,1.16061505482771,1.20983681178476,1.08798912602667,1.19748037486187,1.14174257365696,1.46345678066976,1.1814450428333,1.1183737514386,1.19253581073664,1.01902465611062 +Bbs7,2.70022112191286,2.52285230002752,2.14792171556422,2.35538925619455,2.36421841355061,2.38495246799725,2.41029574630655,2.33235590355158,2.28169503752067,2.31248356447385,2.3042756427576,2.50951639679121,2.53825729062892,2.49346725280651,2.13243477295985,2.58809522227879,2.5386220040649,2.26000509652212,2.11804350564198,2.20776025621747,2.41447069877296,2.34699434749597,2.44572190895896,2.37994332778426 +Solh,2.27841007192768,2.44403748075091,1.88676069580947,2.25586690585626,2.98366251254832,2.75522499327574,2.75452204117199,2.22352689659129,2.04727520584145,2.14164106000293,3.1059622616657,2.47464485226515,1.49390930900966,1.9722407634939,1.43089317669811,1.70805526879221,2.5738958403515,2.08186050779824,2.84597271845458,1.10294516688243,1.6423100421859,1.58105317087177,2.71548201951524,2.18952252747355 +Larp1,4.29969028794594,4.33923335875237,4.26998956945193,4.00697650740197,4.6334560597986,4.69899290078034,4.43239631175263,4.5209324825628,4.17125101792092,4.1463569490179,4.56681942526476,4.37860524291218,4.51527862904584,4.76382618050295,4.47797382388344,4.53925499490638,5.19909406571479,4.69088091064114,5.18468314806452,4.56305162977941,4.39467209679101,4.5492036359444,5.1975082754029,4.97514780563559 +Fam53a,1.55545103217402,1.12731788525965,1.13446319694349,1.45847836246736,1.61391977813223,1.87344937514529,1.68010465244455,0.96776818355304,1.37584855313923,1.29159365196211,1.46203183874734,1.49827202392387,1.45235752159283,1.14186189500137,1.32624400992791,1.46438315757115,1.71725353002095,1.57033526854697,1.63966986268873,1.34934468802242,1.54681190883657,1.36041324669005,1.63093893839451,1.457715094065 +Slc9a7,3.34104086116806,3.17590407277767,3.31850011824908,3.01205605024586,3.1378415812855,3.11809641986593,3.00958980227426,3.4884208842804,3.37537303998379,2.9141477757035,3.21183521315653,3.10753435314288,5.42582803784065,5.18685509385438,5.3008509110751,5.05457967770822,4.90720034900781,5.39880224148302,5.16305164123825,5.52525352411848,5.22049586798406,5.0509310460084,4.98083115131826,5.01661171263155 +Taf2,3.14601038572772,3.03333636800401,2.8713557739408,2.95946581371813,3.19157284487666,3.12657874601458,3.42754592088633,2.69108964933076,3.05981124823098,2.88688813905452,3.44854226009821,3.1126885569789,2.51208652980591,2.84724301365151,2.55560147313132,2.62881924111391,2.96512186756518,2.80423331311494,2.87325914260535,2.75871432974056,2.56921797898176,2.62105501269883,3.01676919927342,2.83117576490711 +Slc12a9,1.80003412708378,2.15113712111231,1.56654111159771,1.88943928805523,2.0836328176121,1.7745757036653,2.04468305149452,1.711509643766,1.94440273052166,1.69511518980845,2.21305389367046,1.88391232168735,1.67885807415735,1.9390569574442,1.98378252647119,1.58994577773901,1.91186120340969,1.85878601374939,2.06648321982343,1.89867361700871,1.57757896873233,1.61146150797544,1.82464754364919,1.5138659921843 +Paqr7,1.28620541304661,1.09080359799602,1.82349103935029,1.22172505241522,0.694147187867327,1.32552990670261,1.05314131757097,1.81368965504149,1.25968450486465,0.898866303568405,0.557611481530306,0.744641384998397,-0.222195420181321,-0.239552455173486,0.557113440357998,0.110017411902851,-0.777948449156592,-0.374358509544174,-0.605783826923821,0.41408575547048,-0.224494737420307,-0.114951253595165,-0.29409032422829,-0.100361719369756 +Nudt22,2.24322469054964,2.4623623217609,2.41012307492112,2.62556574548564,2.44980724185466,2.33192666453959,2.3874880302933,2.40843718539359,2.19620118609086,2.58808866344128,2.1290502508194,2.25705670197608,3.02095792604498,2.63040046682339,2.67195515158742,2.9702992330921,2.92335418392698,2.83186350747636,2.95277994166581,2.45487476446181,3.12814086506974,2.96029997414169,2.85409802072415,2.69736846007479 +Actr1b,4.99544038250372,4.59630080608607,4.53725266406243,4.75078269992261,4.83676346493374,4.78305402834847,4.83327160835992,4.53393409200239,4.73802686652399,4.79474643974503,4.84769073512417,4.7542777718787,4.96899206192215,4.69590359645846,4.52108142133817,4.77338257513971,4.83303165113189,4.96071269936233,4.80881553467744,4.68897270681666,4.70347250156494,4.88188442219069,5.00267381351605,4.96184684210111 +Letmd1,3.14811243476668,3.51957560171277,3.67899157374935,3.6428941682282,3.33774646842397,3.47239889108162,3.50870564575071,3.69982882400461,3.50326497790072,3.72930840727747,3.50417777873996,3.48817838192307,2.89661191033184,2.87122878481898,3.10363364195217,2.97287044787588,3.04424726697774,2.84477795667046,2.79159357380232,2.78144130470143,2.8297312591809,2.96458963967946,3.25016673239827,3.06403310475836 +4933407H18Rik,1.32599506637146,2.10261133167847,1.20688100802458,1.98075264767279,2.22346286452996,2.15259453791694,2.29781203530058,1.33492580322905,1.59663572538525,1.85630203855118,2.37021855547757,1.93858625775859,1.20409937698262,1.78086342328538,1.18941687446009,1.76959004121256,2.37763186509126,1.45483061524646,2.34845104000835,0.65856125222961,1.59769445585287,1.6568861214052,2.20830794530014,2.09881636526003 +0610009D07Rik,5.47545155667681,4.85768904232809,5.42835236913268,5.19049933119988,4.65830455202112,4.79952179556958,4.91141195951438,5.17912301198943,5.32739324646612,5.41070760379281,4.70536454463012,5.09491822836276,6.03697462418358,5.39542831816911,6.0011585195132,5.60098560782236,5.23434699101691,5.78503971376954,5.06086100732643,5.84015677935438,5.89065616634686,5.75229572402264,5.1769984651392,5.44772115789939 +Letm2,1.03368226152386,1.45627944443306,0.475816351269105,1.37560877181824,1.82123466319313,1.81520737617227,1.92085370323584,1.48165461314857,1.13241977692964,1.45595188871042,1.79531850571247,1.67561848519631,1.10077841263176,1.24234343625221,0.0695160915645769,1.74780821395165,1.53542040637167,0.980066702451188,1.59151217625771,1.01860030766089,0.80058840820166,1.33424812390129,1.30769124141258,1.31381354645388 +Srrt,4.96882517269134,5.1930291336179,3.98585127560998,5.05531628379218,5.28188408764333,5.00394663214615,5.30636279073173,4.41558238071815,4.69743393266937,4.99118426080209,5.40850599855192,5.16865670234939,4.55654121210041,4.84386231143182,4.06185280568615,4.68369526013188,5.13373108683377,4.5805310031364,5.17918052317599,4.31138685558938,4.53680945121416,4.69119986810308,5.2510088287527,4.98767373730889 +Pafah2,1.34158192438176,1.28393717110961,1.18101418489023,1.34571822937059,1.51427864924038,1.38021279034718,1.46297734144558,1.17769837129759,1.19475878587796,1.29714846822569,1.58753424712821,1.57655823569749,1.86329383659541,1.78064269183442,1.72485971180617,2.00365955028646,2.19046778549556,1.91373175991619,2.05502876274435,1.82360271538762,1.2621951104162,1.59582606513866,2.41406317424473,2.32464008053704 +Kdm6a,2.9107655508374,3.28240206352764,3.10687725274549,3.12162978416572,3.22531019693843,2.99442618790859,3.08905231055617,3.1846235760291,3.08066964320334,3.20092417943604,3.05105954050897,3.24184916008755,2.56134159497724,2.87443487037595,2.86579116547027,2.71012210949002,2.73913220025826,2.6270409599308,2.60941646644791,2.83142586893785,2.89375289079091,2.78356401456307,2.69580813189858,2.76245705425357 +Enpp1,-1.15760648199019,-1.14659687303092,-1.25443281455023,-1.55292376410051,-0.938337844831011,-1.331417365937,-0.830433440943215,-1.01961557818862,-1.59484731408543,-1.23706277310174,-0.730520328797402,-1.17097527226012,-4.64262573375379,-3.42798550932663,-5.13955537003287,-4.54575099110786,-4.15404832082136,-4.04599889721774,-3.98563201809735,-3.41465957529427,-3.7056758516424,-5.14216289686763,-3.69718997398538,-4.03339473150422 +Ctbp1,5.9481088973955,5.77581007545908,5.92629501046803,5.85024217676954,5.75780347773944,5.76245978764852,5.86720750104854,5.87909733349798,5.89929865004158,5.91376047059731,5.88032662044247,5.87819938504501,5.86644346749264,5.91380227491705,5.91760242789488,5.90929565401487,5.87118072527101,5.87958644888909,6.01814891381356,5.96368986659317,5.87604227657846,5.98608629478284,5.96356941019521,5.97781664389838 +Hhat,-1.77407095644245,-1.10839107422059,-0.790203845554754,-1.89831376672209,-1.98864783318401,-1.29229588018903,-1.14936534338994,-1.40650123274347,-1.55420153197723,-1.3288110397224,-1.05085700535583,-1.44846662301533,0.226039957108094,0.0414742416848868,0.204933111783071,-0.30981333795439,-0.121536725360794,0.293066781344633,0.350591526599379,0.123607787938994,0.0056932945945869,-0.0818739075801438,-0.440996785438376,-0.0864594800796685 +Trmt6,2.35750086120483,2.06727416671377,2.34680831035194,2.36193168653364,2.09474041527554,2.1543335879411,2.22868097118645,2.00298911355372,2.26525764341508,2.2866090383896,2.16486777358457,2.10459065570337,3.23345438903778,2.82000336246743,3.26767052376625,3.14903571971558,3.22572474658365,3.16422545153294,3.01617667526728,2.81123902619033,3.25397587569923,3.0892278780986,3.12574512153619,3.16322820638647 +Spon2,5.61051893631166,5.52724410613002,5.27470763837274,4.75786056777005,4.53759927655799,4.91600220509822,5.1618379984408,5.67491707051533,5.2495651562354,4.62937469675543,4.62067207007376,4.9128058390455,3.04391161463414,3.87847946969921,3.8812032709555,2.99241448096183,2.04884420664963,2.61780368111244,3.02402415049934,4.02290226673291,4.05051037709355,3.54300615236897,1.71593223814142,2.23864990479523 +Rims2,4.40826281588756,4.33026591445803,4.53412532627568,4.33584168426876,4.95348234545997,5.036001518628,4.7841491484564,4.61692660680038,4.4100079185601,4.3696912054463,4.93411496904041,4.56088800143091,3.73575951334973,3.87720809249547,3.99529710363236,3.87039614269428,4.28837585131632,4.0203477971198,4.40518682671182,3.97146974118994,3.82878234478012,3.92168558006868,4.23355733661853,4.11034530805388 +Rcor3,2.67134367405336,2.85869652755351,2.87511129495956,2.77257448826572,3.04684155910423,3.05359690555525,2.79519271488694,3.02133019294439,2.7862029645721,2.80310333425646,2.82609797262631,2.64469491937794,2.86758205796339,2.81818737813362,2.87670278336758,2.88686836528337,3.27439458794569,3.02100670637696,2.86677050055842,2.94837373051549,3.11963368884057,2.96872427587378,3.13932246345786,2.8042873115971 +Atp11b,3.15431879794808,3.56353010085946,3.09502876661659,3.19739572508826,3.83465169176014,3.66020658663045,3.21093981530558,3.5360203129758,3.15702514569778,3.21005976570781,3.72071502866131,3.45842852133516,3.22523158540614,3.4601359374635,3.3644814613916,3.33919438842841,3.68166668665563,3.26771365851494,3.37611954693931,3.36932792475817,3.16038371918552,3.21523759450866,3.40224109776059,3.38843931547877 +Cnnm4,1.77908155057086,1.56150172034561,1.49502356164229,1.74250294270512,1.81779642841307,1.9173480637589,1.83195604038659,1.48968578886346,1.63466979268353,1.43415278448837,1.60351461859774,1.69290422190128,1.99499685152691,1.91638483839809,1.87470817792629,2.02732746281307,2.13262067342334,1.97599700425227,2.20925557991702,1.86174692468004,1.79436432912158,2.06887698845103,2.04586426000705,2.15657160940363 +Tbc1d2b,1.68844371029757,1.87141654291432,1.78988950162553,1.87853799536194,1.96843360608283,1.99540109961043,1.83380435331188,1.78192473982154,1.91519860314248,1.87987295875772,2.01150925982258,1.87133484702353,0.395481618835086,0.969690195534989,0.42322094214833,0.681717904907618,0.993332099401065,0.509668860624754,0.629826928863915,0.4035187673983,0.433097583847674,0.678435319287532,0.757165319629758,0.980404942492779 +Serpine1,1.436615089937,1.48249042655729,1.57662435562931,2.06535314399156,1.31507511774019,1.56180290440084,1.54719790790024,1.06898966404062,2.88651252948314,1.70084757283931,1.48040615885581,1.23869797532766,-2.04128189840711,-2.17723934014817,-1.64693354676175,-3.25447053806152,-3.38240652711033,-1.85813554610995,-3.29629802230749,-2.86940522859689,-1.48287497533898,-2.64888644010391,-2.94265730543436,-3.95786898997991 +Ranbp10,2.25065521655859,2.50812282261332,1.94742862047359,2.41576405993394,2.94241657219431,2.95448049198345,3.05640357742314,2.44669468018277,2.40338522751758,2.66086085686529,2.95948515641935,2.74674905951681,2.06829508325677,2.28660514178225,2.00836948884872,2.10533143521021,2.77933451299241,2.46958141647837,2.93229327936299,1.89636570896556,2.02206028638864,2.26666002278957,2.87009853877008,2.76424432220997 +Dmxl1,3.34884707193606,3.24280711319412,3.21852293041859,3.17202976262838,3.41521885698502,3.48817492552217,3.31773839781363,3.37922199569668,3.36605001756364,3.09568459134459,3.34067442478488,3.4095816926991,3.35713974914261,3.15787633649764,3.21217380476199,3.11564810616459,3.25576049801977,3.31339291439011,3.15072938306313,3.27065713086184,3.08155850471845,2.98373455286283,3.1937340044223,3.35277131954645 +Endod1,3.21599305236021,3.12461029516124,3.30961740204319,3.10297430823088,2.91334699769152,2.92144373758895,2.60386478811631,3.40849398133186,3.225442559939,2.8023448094543,2.78978795471413,2.93525467958537,4.12448279989538,3.77403208401303,4.22114864151669,3.88097020078948,3.59438507999139,4.05860578773849,3.65900251846924,4.0569199406125,3.91088492527848,3.88509688443167,3.63000494333604,3.70709622319063 +Depdc5,1.35542464348113,1.65219872329961,1.21737395615751,1.32545560518628,1.52399263055214,1.48360496481466,1.44290669897326,1.47786427424732,1.39296192570758,1.47034402661116,1.63320880380674,1.37638885469189,0.953780996009224,1.52421469191307,1.2606166719501,1.53164152913672,1.76566677379727,1.20585438544019,1.65340353798627,0.947329101791408,0.983362970123024,1.43621234554055,1.76870824496412,1.59805251443762 +Vgf,4.08778760092531,3.39330565491645,3.56722156398801,3.07321122365325,3.1993323894874,3.77028120321767,3.21955164405205,3.69054237486186,3.9743346202857,2.67060901623947,3.14486650739504,3.43930875601288,2.57462559732425,2.74111584900518,3.03432025743108,2.93424387962042,3.09716258256562,2.67364203693114,3.00260377634818,2.56438568952054,2.97054359796652,3.08512662044622,2.99584814246315,2.42266081648024 +Slc30a1,2.48237577172847,2.56751200116727,2.83206701489376,2.46718214872031,2.19931033276081,2.01876826274626,2.20054675956453,2.90898326034868,2.83147311103721,2.61501298031254,1.7917119689043,2.18629186306533,2.36327037558095,3.00819842494443,2.89601385378092,3.00627300799478,2.42888073742282,2.43376106216692,2.47057200349177,3.2613808923123,2.80985010901869,2.72225638690889,2.23214087677627,2.50523765060251 +Adam32,-1.4001039799411,-1.29719763606491,-1.34260543934604,-1.19743277252712,-1.90266677072113,-1.29474072787195,-1.41142591073903,-1.36227852570303,-1.6378340349454,-0.571017364005356,-1.32490759942736,-1.10380689110108,1.72573331919426,1.16149472920771,0.994861527859832,1.18557601668917,0.110431706538597,1.01806232839265,1.15086029627862,1.26268961154158,1.29347794166337,0.511052426922085,0.463319413962136,0.960270565232568 +Vnn1,-0.341361332122143,-0.169971025033213,-1.77143301495204,-1.13194096786977,-1.25969742471297,-0.315681680648095,-1.0536408939197,-0.461184375881078,-1.16843077476689,-2.65515113732202,-0.967122582608024,0.200102221579824,-0.250536761447805,0.0317767070253274,-0.0028239128485414,-0.539789765769428,-1.48637115972951,-0.6124946121382,-1.13464892708435,0.333522135196731,-1.15903729044299,0.345689906215239,-1.44051247771554,-0.330182088066738 +Ccdc21,2.40138408451373,2.36222167827394,2.70539259842334,2.34496591435154,2.17609470155407,2.36123320028392,2.48984902569749,2.20193452004049,2.76461324980931,2.52969162670278,2.34373988962332,2.11338824396474,2.45139347699952,2.42292826782242,2.65783868170265,2.55703079565644,2.43173308424983,2.52142418546994,2.58749878333371,2.10479611508448,2.81837858167755,2.81198908007343,2.53791667086222,2.7253922052996 +Arid5a,-0.575102386973636,-0.78928937204548,-1.37669136140948,-0.889658535947632,-0.762785399875392,-1.22254885882867,-0.919178303086563,-0.772201902464497,0.595958338960288,-0.887429396039135,-1.00414449021294,-0.905588471369914,-0.993606643988505,-0.669908181592836,-1.27479181289804,-0.404028902616264,-0.748789793606091,-1.13801027754335,-0.812701831120535,-0.895077203536309,-0.287861186668719,-1.19738176973303,-0.992139112761619,-0.99444863383671 +1110021L09Rik,1.31464317144834,1.37496196225285,1.27620779467761,1.22622981879498,1.7741719775779,1.84955497478879,1.43966944359579,1.53860911505282,1.41327503020514,1.14111267778387,1.47316218522688,1.42333432025373,1.31030996582769,1.59821822311633,1.46030457261024,1.0348153313597,1.55034829013842,1.75016296643568,1.14685499189561,1.78976947381536,0.859861914502362,1.18031441666162,1.59361865033771,1.42075783209432 +Azin1,4.66854424339745,4.14538537826599,4.29008040994642,4.20904146763187,4.22885705234131,4.29779403550984,4.27112718588612,4.00522080161713,4.25963722572791,4.1390406767378,4.20046984779008,4.34936052253933,5.05130689236339,4.44745224691543,4.74527560357247,4.51805355452868,4.58610213638384,4.82657456316117,4.37976815206413,4.71761837342298,4.868289848809,4.51957832533137,4.38249111336125,4.62852967745878 +Ints7,2.69726119588427,3.14588190532462,3.13902900348474,2.83453709379263,3.04011389776941,2.86208315495895,3.01051834262277,3.10879805562195,2.96936524438871,2.76296375939387,2.86609941249159,2.81395354952877,2.43041837019737,3.32385816680137,3.08062443610039,3.18456946028904,3.16033551406264,2.66887068363871,3.18083235335826,2.8667670903174,3.041044181954,3.24225818546444,3.13220504562197,2.98719144118006 +Fbxo27,-2.16274270167593,-1.3866791262134,-0.908498228822973,-1.84075471404359,-1.60155125288768,-1.51970630254964,-1.39549472209441,-1.24037624811635,-1.62190284630078,-2.41915167804271,-1.21108066617518,-1.38360200813188,0.841627221868516,0.660475981377002,0.843735750039288,0.288782268520998,0.0415742324454846,0.576024316017552,0.590343152312259,1.2786208001862,0.0863627113367569,-0.24102431861356,0.140079551316016,0.559463141341462 +Klf10,3.14957986764531,3.2885790952431,3.98817441644803,3.42526997479751,2.61499156281223,2.86740886066022,2.89501386966889,4.07498539877654,4.1794403535196,3.50552929621438,2.26985375813059,2.88748123397022,3.20412342801889,3.74631196963012,3.82580958543609,3.77788342647554,3.11219147174404,3.56804916545968,3.19747616128447,3.79931438278938,4.16742089513084,4.09539471964391,3.07898857111141,3.4384276611848 +4930427A07Rik,-0.216671705949638,-0.143678658119319,0.323799166430226,0.365936477210175,0.151266792727836,0.348772652098528,0.390391327549759,-0.0568117316498165,-0.0161703297622455,0.437344073768049,-0.306658687401169,0.01940995374101,-0.108075647432187,-0.142042811013054,0.464920922117497,-1.24225911535105,0.480338892519416,0.445046115723555,0.528541042204604,-0.088281689311974,0.496310584094255,0.572773860320842,0.413922713379824,0.709793854251476 +Uggt1,4.6613499551973,4.3859707686507,4.16678896209071,4.43968880487038,4.53174500707554,4.28722963004532,4.35946518414989,4.57667961487035,4.31458309258351,4.21557726189292,4.52521936149333,4.46650789567023,6.37619722797403,6.04628317879101,5.91900811231936,5.88032158776028,6.08692338042218,6.41592747818189,6.13393720847561,6.36515178237018,5.85357855167945,5.90293925784329,6.17956498477725,6.3043008127687 +Dtl,-1.65298343089092,-2.7184565081357,-1.78327612987467,-3.54637230629199,-2.19371002354852,-2.1137393415621,-1.85209660126767,-2.32760328148228,-1.2927824518236,-3.45360684466998,-2.5546113289886,-2.7158905325561,-1.72086479723265,-1.46529431433278,-1.74367670016929,-2.61964211967009,-0.935097381561977,-3.03022821246848,-1.33429424802362,-2.30174574304816,-1.02297015865343,-1.2817822706326,-1.82226008579012,-1.04979410672652 +Thoc2,3.08913703927363,3.25638331048865,2.87621827254276,3.18716331570588,3.4898046678583,3.39065135242983,3.35127207753585,3.048957144054,3.12603726350146,2.98599612091088,3.41973234585157,3.36474146442291,2.95304514833757,3.09669645425117,2.91456382241492,2.9311072603509,2.97903905991142,2.99735954104107,2.94010339002341,2.97108871659283,2.85589235116999,2.8109089525293,3.02208994782084,3.14804634612468 +Asxl2,2.70900614296445,2.94580656928651,2.71476023986042,2.89433610937373,3.14953424281161,3.12969701490611,3.01284767341304,2.93370139214138,2.92974401616735,2.87859329559825,3.10010099080212,2.95175786092379,3.01867800342759,3.00255436736665,3.13838196731161,3.03042402804893,3.31408529093286,3.17948345625966,3.21333887697782,2.90928875898572,3.00922100092674,3.05752920255946,3.28532017420687,3.12528912790366 +Ubr5,5.03258022796315,5.19221120952684,5.09845117926681,5.04234717827145,5.30719304182008,5.24189271790373,5.18084371757077,5.16917042518333,5.12069545997398,5.07356600077697,5.19391847992161,5.16161693231599,5.02921884616893,5.17706183937914,5.27977456446764,5.2450396477144,5.27311581704644,5.22616392672803,5.12138845342589,5.16442791405552,4.9485974816537,5.2342653606002,5.19051493950665,5.17277748795401 +Slc2a12,-1.66495039758177,-0.439680911056142,-0.327835901340014,-1.2652893426155,-1.53565192784668,-1.74737838509143,-2.64101710318615,-0.936462236320352,-0.353760975332352,-1.16076705245902,-1.77754525664684,-1.55644454832056,-2.52786688754992,-2.0156765186533,-2.64690991030402,-3.2702571963172,-2.65753343830724,-3.8143123068954,-3.78288301145031,-2.313712709739,-2.43018205685174,-3.45523385036051,-3.42924229457718,-3.03077846290637 +Cib2,3.04836235484847,2.95513918157893,3.48998039005198,2.98381013697936,2.86221820790332,2.74501097779101,2.83298494058569,3.07012020911078,3.25907029942075,3.00844225124599,2.96824659125561,3.11170436503455,5.10568440082013,4.70057410108409,5.00067241623979,4.61201079450264,4.37181777584858,4.78953594408285,4.75059369405499,5.1172003353259,4.93936382956091,4.72007213865835,4.49835959389573,4.42319296611096 +Nenf,6.61244770115706,6.04832238244389,6.75114734921592,6.52218402820663,6.1983685951643,6.37119570196867,6.35210900698215,6.62719061778088,6.66277212608607,6.64504000685533,6.27507125992729,6.42657966215213,6.1850197305862,5.95947670856997,6.54923788928742,6.26162720098474,5.84143802382544,6.1773816251547,5.95559134251937,6.60016949452515,6.38495227877883,6.38514646156975,5.76455108332606,5.74562685299503 +Fam168b,3.65699314824261,3.80046119349892,3.64422531679728,3.78440036778826,3.76876766518956,3.60399812404218,3.70979900527963,3.52405153768761,3.80007959030954,3.84172798223092,3.62142727015237,3.7792719708635,3.56237127441348,3.69107296186907,3.52419451310315,3.6708030658027,3.6270910424994,3.47331891857149,3.44702900140436,3.63553683091647,3.61137733351192,3.63838063112643,3.59104745716981,3.59397617707372 +Arhgef4,-1.19019130885426,-0.304857167039316,-0.0677581002251504,-0.492273316192813,-0.861561184708213,-1.37441191391504,-0.790977680900401,-0.817170084096451,-0.570850317457052,-0.530609399847253,-1.38318493105171,-0.909689067580132,-1.61978468413741,-1.03986591549357,-0.959359132089769,-1.21893961925762,-1.55809587325838,-1.36498692935505,-1.60717446923521,-2.21598172268633,-0.742244305242396,-1.17979089683952,-1.26787787367262,-1.22833086372021 +Samd4b,2.37660745632865,2.14091099341014,2.34956049147631,2.30843908122133,2.59014892582453,2.68538118925474,2.55701212631559,2.42123350091468,2.31461698416705,2.23230879986637,2.61834999025418,2.38431899622155,2.63125758298398,2.61551142437003,2.57371181680448,2.67457053205557,3.31530746882269,2.91208185169164,3.22185045647453,2.47426335819989,2.51357260586128,2.80826838684818,3.37841026695872,2.77222799043471 +Pank2,2.53147999026745,2.69338185104905,2.3475932797397,2.61636785309695,2.66847425586672,2.79709964494613,2.74014209450939,2.38341957451285,2.33645172080619,2.57873886733035,2.67650835784473,2.68511579148266,2.64188316608285,2.40407672440306,2.36428374270935,2.55728835974401,2.47857139650821,2.48120397507031,2.45898569186506,2.72159630065951,2.60290025514867,2.55783423543141,2.40797447234027,2.48277053040932 +Ppfia1,3.88054548567611,3.87726768317405,3.50341552311186,3.91931356065846,4.09520042712386,4.00538992440064,4.10897340532435,3.56646885421181,3.74648192255938,3.81827133808561,4.18308240264935,3.94506455528612,3.62176331132766,4.03922982104651,3.53621599158159,3.98342204628652,4.40330210141905,3.81351088204004,4.30764025221517,3.46914310802694,3.83229296905573,3.91182109031807,4.41885571952785,4.25323977668116 +Mavs,2.63818340833641,2.46594268665898,2.52713801443912,2.51925110162546,2.56765156677128,2.78138316480406,2.44446253691148,2.60760340858913,2.47527561424635,2.60931682721624,2.83064935441836,2.47650670012167,2.3942640547976,2.3592936316138,2.45283005853338,2.50781064114229,2.76295431625501,2.49427008361987,2.41639913606271,2.53417210832273,2.5736055697693,2.48987435884589,2.62699930309497,2.54467882687358 +Bcdin3d,2.34850979230261,2.25174820501948,2.61534575764908,2.41892417330124,1.8070510569196,2.28877292814153,1.94079758394344,2.43957734479368,1.92788853751606,2.64341700311378,2.1328429205596,2.21237027388466,1.96066158005789,2.23355687087708,1.97984231533635,1.77569437494415,1.65763187176382,2.06294752805206,1.92802949499343,1.66511126563354,2.28830378658802,2.0266790549822,2.25264482458207,1.95980984621255 +Atg14,1.93143112351606,2.61556264335102,2.46710926682042,2.21702807247051,2.27202483017148,2.19679317462737,2.12579897982193,2.64507116161114,2.56681619530123,2.48228803174682,2.51483994550013,2.46599432655677,1.75493768031685,2.18122056397825,1.98818058610324,2.09558547730834,1.7064370199678,1.9239646382454,1.91255615515386,2.12998286537477,2.08018911026552,2.29003126118049,2.02138391326533,2.14955750374801 +Mrpl47,2.19000022954214,1.82168081942158,2.14000944412737,2.17670918590111,1.40590954631568,1.58861178453108,1.82881866919764,1.84779908185094,2.09383511114768,2.08938668927267,1.4707429775421,1.81467849643067,2.04653928128608,1.80492100837864,1.8844728467692,1.87496850810482,1.53689981600633,1.82677860157325,1.16468259321371,1.89159342798208,1.82579843781248,2.01317973092109,1.58077634250793,1.8574291625236 +Rapgef6,2.16913786769619,2.31326196845991,2.02438175856067,2.18446621078017,2.6804979881694,2.47661244376074,2.24159118717372,2.23926946749799,2.15622437769538,2.15916383847429,2.46116413192231,2.28889443364251,1.89368227501579,1.99482271152966,1.93700863226026,2.00917936389648,2.0036551752288,1.94081174872376,2.11437272791107,1.89846624998396,1.95558540178279,1.95134708870426,1.96962942043729,2.09998064339512 +Fbxo34,3.35140553147666,3.15618453481071,3.20529410385518,3.3119315911232,3.11664013077344,3.08573743272209,3.21191279524217,3.33668825502529,3.43464334162002,3.14159971226193,3.07254309391351,3.2958878736312,2.50492024589528,2.54294196776145,2.68151527881733,2.82272621577065,2.86729304791865,2.7293610417841,2.69237059757676,2.52583257695618,2.70817390364827,2.75840536827035,2.91056505499159,2.69686854930017 +Shank2,-1.5447134158658,-1.56700721484755,-1.55540828398606,-1.99390722708793,-0.782009455452843,-0.264442575573781,-0.285554322959339,-1.40794194686816,-1.79988550613808,-3.09211867443667,-1.12759357529029,-1.50598106151968,-2.05616587705251,-2.56564237739126,-2.48259383025815,-2.96071202385845,-2.17482232698895,-2.02496405576727,-1.52459829413923,-2.99800832612767,-2.64543670939449,-3.07387152853938,-1.9389888785983,-2.16082265760426 +Dlgap5,-2.97305623122459,-2.30191428706689,-1.70357035024,-2.13396869826817,-2.48242316830512,-2.39768959700345,-1.58670229990744,-2.46522739483453,-2.25309351484091,-2.80677884373162,-3.21688950759147,-2.20675576023258,-1.31169315491705,-1.22289580644314,-1.64783173263569,-1.89810017470327,-0.951921121395422,-0.926506172349641,-0.425978127782313,-1.61731150612745,-1.07694723984478,-1.30749457573924,-1.36636646528596,-1.09680864810209 +Plekhg2,-0.975712045954236,-0.498707123355259,-1.14764898061631,-0.653509162472837,-0.227629004953485,-0.42969273179549,-0.502218449307379,-0.920644536140506,-0.641903964313375,-0.643423972423987,-0.584394188532387,-1.43809200685842,-1.74281442959952,-1.51696765850053,-2.13833649325815,-2.03206743392114,-1.45233184208305,-2.01060356169989,-0.875655969721934,-2.2791916924214,-1.40832376613566,-1.56117151080027,-1.70658204888652,-1.53004933290889 +Zdhhc18,1.4290790129751,1.18692735179254,1.45910344603008,1.25506847846144,1.73316645352643,1.57659431056227,1.8667792196579,1.35428883130779,1.1144204814914,1.27551456128941,1.52514719532196,1.37092444751517,0.851169889597052,1.30900316089122,0.816644919866581,1.27117338047015,1.47817511402716,1.1488515032778,1.55253501733063,1.32415821639464,1.0498792093017,1.02158064441246,1.44948303380205,1.42637073941953 +Rps16,5.32566987627587,4.82787343353359,5.55806662243682,4.84853424021344,5.07073324329672,4.93099469866854,4.17493942573826,5.25637077969242,5.24099140712072,4.96470079957793,5.27275527485577,4.8555264940817,4.32387009577816,4.46453359822631,4.76545741605887,3.80574416290787,3.8616526089307,4.2538880489668,3.95561973284216,4.61781060172953,3.93883405877049,3.93800755495431,3.73575695414357,3.77023965375494 +Mcrs1,3.08573080421034,2.97985348438889,3.11693327249304,2.80674196008464,2.82680086445478,2.71969720568462,2.75833470685726,2.99315206294085,3.08056582609502,3.03425098302835,2.88687646809534,2.88709708910852,2.64378976845703,2.97705067270126,2.75378624571859,2.83293637109943,2.77100993109584,2.80803075375789,3.32685270455987,2.97923483511534,2.77524137979273,3.06356925543769,3.0165276084598,3.02901296963392 +Wdhd1,0.491339211272298,0.231474531117494,0.0602318215060875,0.42551438195059,0.243468856697002,0.415997776363952,0.805891489805313,-0.155950762487585,0.33241122606107,0.0920901006081207,0.395334975651625,0.173801310100957,-0.147213784433011,0.339180150424331,-0.171213718140795,0.307114126894573,0.0879140114851471,-0.008697524207458,0.218043235799954,-0.126729609129488,0.169621176729982,-0.572322175207858,-0.194632999509451,0.188947408602033 +Tob1,5.26555964598537,5.15316964110194,4.75942099404738,5.12188520908614,5.47312781069386,5.49581539137939,5.17796340027718,5.04528525880839,5.33049131664729,5.02044404669774,5.22652005195746,5.1088727245282,4.52536274175928,4.88481152833762,4.61814762694128,5.15693210183577,5.00834433308654,4.63622970276652,5.08668317595652,4.29500688779807,5.26273938024774,4.70601954880322,4.79660124752023,4.61891857819381 +Kcnh3,0.197450060282592,1.06062383910654,0.778579415907253,0.0946290982334688,0.124018457085946,0.574948989634908,0.560318955105183,0.715951235501142,1.06129104222377,0.663197118205945,-0.110709085062249,0.198101930888976,-0.10693491892378,0.805412194169271,0.484638302130575,0.729661538601969,-0.705189263099667,-0.437310397898675,0.561957603248838,0.130134171656624,0.488104147960025,0.683397422505833,-0.174187297620942,0.0683726385234984 +Gch1,5.43901780387502,5.08107460873125,5.44363466334718,5.26100143493027,4.83477889706504,4.90864834399347,4.96017693040672,5.00245704075519,5.30979976212849,5.04547791826893,4.64695384864188,5.08475656514056,6.42258994378702,6.29912986712835,6.4697708704044,6.26107154077501,6.121858572067,6.32746099152316,6.1650159321962,6.45216334740339,6.40122309432872,6.2219640175563,6.14834895615259,6.19382435715476 +BC022687,3.06385883973232,2.36574438180737,2.65938192345186,2.39867179076072,2.63161497152551,2.78478953122756,2.61669632158771,1.95905733890812,2.5935180439281,2.21419875382856,2.22589781774562,2.5404584618091,3.30152937676451,3.23394526227937,3.36005162857475,3.22651066734296,3.50569906400928,3.33120365544314,3.54715638718416,3.30581423196664,3.24359957891738,2.99276105422611,3.48611957366973,3.30065189812828 +1810019J16Rik,3.0689679792374,3.15371988770917,3.26212477068854,2.85025310222137,2.93840263061825,3.20463946685041,2.9701121027561,3.34818091031994,3.18041192522525,3.32058042929075,3.16309331798146,3.14670039402541,3.17258246711984,3.3455764661851,3.09018905314677,3.07630826946002,2.97543044605277,3.11467969419027,3.01938609966668,3.1480826473118,3.11054255231644,3.15877261959586,3.25536262017366,3.2823542798873 +Nme1,4.80707485923618,3.74329473866111,4.08811139485312,4.24785152432325,4.32093880762721,4.21584132837601,4.19428379637614,4.16931707254997,4.12059037239895,4.26484192798181,4.3124079572213,4.35070627551409,5.21951588395617,4.41309227814722,4.56011428583898,4.51425477138128,4.80735594798195,5.20658235060043,4.71028253516031,4.76452992031328,4.59454899459807,4.37813385200886,4.91250139375849,5.01608344001851 +Lphn3,1.12092348348091,0.544165055784456,1.02397568108979,0.080810821408436,0.943646669387027,1.22055500870933,0.756784668781377,1.03002515628484,0.6576471032627,0.173906661432922,0.682099532124371,0.547819704361707,2.24300128953087,2.10134209592877,2.30776474989963,1.91342953574987,2.21918941136654,2.29681841586744,2.37252085748211,2.11120381954411,2.1486287195036,2.28384816036551,2.12292288181249,2.38877693834772 +Osbpl5,1.80335815529498,2.09280274278169,2.16565672930821,2.04260490493931,1.888819747888,1.80507165127549,1.91465418619511,2.26352059068531,1.98680061316364,1.97169297707177,1.78527955942492,1.90746175723894,2.90489601393373,3.31800982599629,3.98588947065376,3.84491166443922,3.67034820981658,3.16228941024057,3.31395125979467,3.10856519435513,3.48961136968764,3.8453368137154,3.87341694660161,3.39450857888102 +Bclaf1,5.3861999892421,5.53114237760243,5.35343981573995,5.73851859194448,5.46872951572912,5.40828401016475,5.47128915569567,5.23065086248942,5.53794628763162,5.68887805179165,5.52599819694198,5.56895137414488,4.87803884036671,5.23390534743986,4.96053439262603,5.4586915880198,5.15908643518697,4.782030013078,4.95746736888868,4.78701998823456,5.39202966542205,5.54197095691239,5.15298466284977,5.09665528551601 +Kcnmb2,4.15496834407675,4.44061427806503,4.91543787982701,4.57656167591785,3.84617774539683,4.12893748349052,3.75662131001235,4.64577770187159,4.27825369764643,4.6443864676335,3.98606563091414,4.24440805164175,5.51452977906274,5.51903964396878,5.99989349316548,5.9084748222208,5.12835896898447,5.33409216658428,4.89971255334318,6.01985713268428,5.75463406386904,5.79828024041964,4.99509717958911,5.24357504573602 +Tnfrsf23,-1.16122128077603,-1.41224464771428,-1.45765245099541,-0.738079211126484,-0.448663382916805,-0.940472569756557,-0.889370134715755,-1.01151528800125,-1.10849288243238,-0.97470115370779,-0.796845713683572,-0.63944741751575,1.89935814193235,0.664294269132141,1.40324506803867,1.25818195935887,2.15943663262565,1.79051544717724,1.4103782802667,1.32752487545698,1.30400267710803,1.74223315936853,2.17093470494344,1.63993567513544 +Spag1,0.391873613730401,1.09337369209778,0.485506864753452,0.562100827658441,1.02437648003822,0.927704089819147,1.36243128410959,0.710507068510516,0.749196773193302,0.729827469526626,0.998067787731381,1.12761255723064,0.760396056777624,1.2167492646685,1.24004098307555,1.02652916511295,0.884549749393507,0.940838379675877,1.32379346630196,-0.154695875796296,0.768172133863172,1.20163515626118,1.28313802113718,1.2223969121461 +Atoh8,1.01548835620751,0.599294742088973,0.0583432045915513,0.388668650137695,0.9748302123565,1.28166349290844,1.53366688163473,0.907255665610722,0.718771676310241,0.170745080620314,1.33022207762367,1.08629438373209,-3.59713791025899,-2.61579349008853,-3.59713791025899,-3.59713791025899,-3.59713791025899,-3.59713791025899,-3.59713791025899,-3.59713791025899,-3.59713791025899,-3.59713791025899,-3.59713791025899,-3.59713791025899 +Wdtc1,3.81999199827436,3.72532922628684,4.00286388050325,3.74785748852181,3.77496973089109,3.77460190452869,3.60170599533951,4.12129188400811,3.91763885266229,3.59053027426435,3.77682761100417,3.71073726291045,3.25691010405396,3.48533831289383,3.42524753468321,3.36904658733403,3.42378778942936,3.25466537220057,3.34810827052673,3.48334644069592,3.14265783361856,3.48841775941795,3.47448612410152,3.32239985225636 +Kcnk2,-0.555825588383114,-0.441982238630122,-0.724402451161002,-0.495789036969698,-0.461734848476025,-0.277552155894901,-1.16657818657969,-0.396979688102711,-0.989498519052036,-0.450997533319921,0.223703816230745,-0.0144206387378418,-4.31821096847251,-3.01869869343578,-4.31821096847251,-2.78963560200331,-3.33248458758849,-3.25096192627389,-3.65664000080008,-2.89075915252998,-4.31821096847251,-3.32899083971028,-4.31821096847251,-4.31821096847251 +Cldn11,2.52746357847111,2.84436647348199,2.96072689484777,3.12078577859406,2.90039638953371,3.1441386951723,2.93355973729291,3.26492940412788,3.06946058345948,3.38604573787037,2.85018208253516,3.07977631268011,-3.24424950618818,-2.6716972162479,-1.93055803769904,-1.71567413971899,-2.6687870433186,-2.17700046398957,-2.58267853851576,-2.59971261517626,-2.23471922133746,-1.67367814119391,-2.64912808214413,-1.32831413292434 +Slc25a43,0.25832550391929,-0.672926770939814,-0.878472044590129,-0.224815096124304,-0.0340949176055634,-0.943385107115252,-0.110499996092232,-0.526623892842761,-1.16119960644694,-0.974146430681911,-0.405655375097487,-0.669849652858298,-3.26213277798504,-3.26213277798504,-3.26213277798504,-3.26213277798504,-3.26213277798504,-3.26213277798504,-3.26213277798504,-2.61759588697313,-2.67080976406019,-3.26213277798504,-3.26213277798504,-3.26213277798504 +Zbtb42,0.69700827232074,0.614455159687626,0.954250852138603,0.489194558764859,0.462665097123117,0.0015316993507892,0.0717505018810898,0.819860367642935,0.494303308649784,0.494908483088324,0.10450410031266,0.105353562443232,0.021766942053949,1.02763951757898,0.951285973341318,0.987483933381148,0.39284161576652,0.605684521960005,1.092201605439,1.02455239283873,0.80794749949169,0.943627070828953,0.449340831711,-0.117442399642016 +Zfp60,2.42451439404454,2.50141894353108,2.66319967981611,2.40480320083887,2.25033573011867,2.21701321472233,2.31934304901313,2.66843495612413,2.5627493540169,2.31546286239261,2.04940660952427,2.3842568380269,2.40993306320146,2.24678946928644,2.60334054662057,2.56696281965911,2.0727665538277,2.43214826844938,2.01116797120418,2.43094674380168,2.42172359886708,2.24882198342937,1.96194468797652,2.21080393143006 +Prkci,3.35755288016676,3.3060149895396,3.39552720271641,3.31558259641406,3.17190896400128,3.24758644844406,3.17285674284953,3.37576739319799,3.44436740726866,3.32589922136328,3.25866650289087,3.22468239577233,2.83297003606719,2.91418617975816,2.71775844036032,3.00277635746806,2.90933544878296,2.8015070863381,2.91277921791088,2.89440756850747,2.89000413945242,2.97688754262209,2.8647780669216,2.92729682960536 +Vps13b,4.4047517541146,4.47845801660256,4.39086106639343,4.24608103946804,4.78478180673371,4.74386960293422,4.54016480968824,4.71790884255767,4.46641153989311,4.25375810015222,4.71505549953042,4.52688756121504,4.35295022769088,4.33334226263084,4.46700116305027,4.22421042958632,4.49088150900851,4.48263954186467,4.35860602451957,4.40818248504436,4.23769019635693,4.23083965995382,4.38541864115617,4.36353459919282 +H2-DMa,0.8935237287889,0.263585186422491,0.750115040271049,0.702525430024986,0.152051771106926,0.242363535163271,0.918869289832497,0.0193619562788174,0.616192296679186,0.971461503173882,-0.627378102836626,0.506050370238324,0.453347411246968,0.212186301497488,1.12046014311423,0.61759950851374,0.541496533341383,0.746255326863163,0.648433546822671,0.326604558298969,0.799690725166624,1.07350884161131,0.810192599153052,-0.492839851848321 +Phc3,2.11504906684357,2.52951553137025,2.27913029964226,2.30163157206422,3.05691791806633,2.92849459445322,2.64426608351107,2.66278096475908,2.1899257171453,2.32497610554278,2.82765959692724,2.64795415605856,1.80264140948388,1.95518213747929,1.79174982918944,1.77496037032953,2.52958344241564,2.12369434502656,2.19360161714422,1.86271982912975,1.79114553540885,1.86635074716345,2.33313513348955,2.13230639041483 +Kctd8,0.733428157452747,0.765997765730447,-0.0561360783566893,0.0043379215660426,1.35429539503422,1.18983301579864,0.914492643926272,0.314931658269764,0.329435835916223,-0.168074761749617,1.0507054115836,1.12133891502868,1.26664858595433,1.44971257649288,1.47301989804098,1.47921702226396,1.48752774269893,1.08704590078935,1.80076398769359,1.51568591161177,1.83298761162074,1.27691283731573,1.34430148762726,1.08344027887081 +Slc20a2,1.45546465649177,1.83939401030485,1.74708612738338,1.59677524263151,2.07357721641035,1.93633523573764,1.93176378619321,1.3643269436064,1.61740973032198,1.51354046063642,1.94423784138272,1.72415831566602,1.79794200003982,2.49809502308125,2.30748523890096,2.2857086880336,2.33446314410395,2.13675581092723,2.31974205806259,2.18846551307741,2.12701018391796,2.46851164584777,2.30327666664446,2.33150125254433 +Cdkn1c,1.17270755138375,0.989528765079715,1.82985865879655,0.986448977493555,0.545717105286988,0.592420403894002,0.925629374027454,1.41551222529053,1.85735526319662,1.2922701908241,0.489445631441965,0.32534432150224,-1.02228096197756,0.298582300025615,0.483828740894225,0.311005533624042,-1.3322227522627,-1.21102557083953,-0.54140167301702,0.012870231450732,0.230158861009981,0.424101799935577,-1.48172189565549,-0.727612777285259 +1110057K04Rik,3.64768892014303,3.46223540335835,3.39086301384892,3.24808414187822,3.44247750929361,3.54694198639267,3.4011678081614,3.51016728512914,3.38781061162544,3.33761981102026,3.44224639304021,3.59136642710974,3.80989539961834,3.4096851741441,3.24870422180445,3.40215480746503,3.65550265794924,3.53003436979751,3.46338718862299,3.57976062142026,3.46117705785628,3.62221415209431,3.58097822777643,3.50895778227376 +Rfx7,2.43090525534328,2.42144548999077,2.3749967185353,2.26505363648622,3.12468043843211,3.25847894599218,2.69921961737895,2.90742219840401,2.54684322191811,2.23468183189494,2.85288758700374,2.63627423845765,0.754596352554555,1.46114704988559,1.17368195132193,1.08469688474287,1.93381296669577,1.56517923983269,1.68375925588037,1.04846642560924,1.09380169357681,1.16588038871666,1.73652396660204,1.36615488994162 +Esyt3,-2.27412468643975,-1.64362875451812,-2.00591054795758,-2.13861635669824,-1.91610554980878,-1.53192652108509,-2.90766269521734,-0.961849664022876,-1.68677589634457,-2.56024440509071,-2.20277269756033,-2.81185109266263,-1.49005503990117,-0.563627049998842,-0.183975544507149,-0.465945822707744,-1.74564887096339,-1.16230884379276,-0.804027936443189,-0.460581106754424,-1.05173471989213,-0.419560046042977,-1.59529111878833,-0.581470054484104 +Atp8a1,1.35018466698343,1.6056720609005,1.43981153207735,1.00292991144327,1.68570270644468,1.53325783837405,1.45529887441432,1.5522755794071,1.2291988999377,1.04655134981412,1.52164926098906,1.41593105690984,2.86850023414728,2.69408807225976,3.0634129033668,2.82634236478199,2.80226797843788,2.95658544754775,2.95272986151152,2.84835533958861,2.72496164921455,2.62399871652582,2.79564723739371,2.95518409061386 +Ahdc1,3.06625548792616,3.30812741504388,3.01874306344939,2.77713263653769,3.50736631346323,3.71403985342831,3.48123447872944,3.57335994850103,3.06892938909728,2.93608791869483,3.54420458319025,3.2234061347894,2.55309915016513,2.90259963369736,2.51850723050996,2.33566439086454,3.13567353531952,2.91333105708197,3.48614178290691,2.44595160239722,2.14561503600487,2.35929711121065,3.20556066154488,2.92189413503704 +Ddhd1,2.59810502943779,2.5801408733266,2.51438046970282,2.52575394694227,2.93894505760958,3.04296163723294,2.85318183006145,2.54563934798054,2.4706795548007,2.64042498297055,2.86790489678195,2.79303435672669,1.48985207351546,1.52703274451216,1.55560039392952,1.54073936060395,1.77224650823297,1.44749794688952,1.78154312071625,1.53372691000361,1.43775231988025,1.45105349273468,1.79260628386964,1.62657894764953 +Prosapip1,2.22853036769796,2.40212418051261,1.67047028354038,2.0227384162355,2.20828948842805,2.27442894714297,2.57382837580907,1.76199599785944,2.31522851591622,2.18074279676861,2.02358763638444,2.13725156980477,1.91840384146438,2.24795883303175,1.70681053003621,2.08552164696926,2.15140697071672,1.74616208260861,2.0425576200861,1.62645102527072,2.09280237419859,2.06819989977131,1.95539075273122,1.8171629026063 +Cd81,6.0395538028369,5.71589298387199,5.96719472314034,5.69681541583669,5.63684985097104,5.67340387805733,5.58333400585529,6.07259325103955,5.82937049859426,5.64433860721514,5.59354604580399,5.62011363964622,4.09995623612425,4.06729248854115,4.32743129364199,3.85747344306678,3.80688691934517,3.62628886455139,3.7300693201721,3.60924515282071,4.03032072334843,4.05175025812093,3.62947100807755,3.98799215906192 +Fam13a,-0.146012042659187,0.384663732468295,0.50385086615353,-0.30705723769633,0.314007389421892,0.0855481547947168,0.164294495101456,0.619358348979161,0.139908575250444,0.397500000032416,0.463595665884529,0.148598656965448,-3.66639154738653,-3.29101637437257,-4.00717085485975,-4.40878185615381,-3.43531849360493,-3.48324519508938,-3.61617143033081,-4.93844174794742,-4.57344835410862,-4.59375851019711,-3.56022083903132,-3.6670432656955 +Cisd1,5.65182494937416,4.74820894511869,5.35352747676,5.14688438294769,4.97268090388885,5.11818113454194,5.1160574945041,5.37798055206978,5.38090920962353,5.10924567379404,5.14567589920317,5.30993796008602,5.85979537826494,5.43901855713247,5.76825879275118,5.49059976366604,5.43909590864479,5.80556987378112,5.42634532611874,5.8381252061171,5.55795783474218,5.58014888398232,5.48310363185265,5.5962744582796 +Fermt2,3.79610648022617,3.97390174923978,3.72423168190547,3.83431556120044,3.89010871927172,3.89099018692698,3.78676714686484,3.9515143148286,3.86471576267578,3.76567190789539,3.93712244933597,3.94691308658548,3.26189335217814,3.59076040401677,3.09022445992084,3.35263051788608,3.55087926351246,3.24278327622337,3.34948046972465,3.48569639982607,3.34751434807691,3.48006353766965,3.51317100055721,3.41752209251911 +Tmem33,3.48013992696688,3.06719495815062,3.10443284577338,3.14417445253716,3.03772078876911,2.91050223718935,3.1525882545217,3.13452354591626,3.15021716268943,2.88252120337384,2.98632379698689,3.33383993256144,3.99641259331644,3.71180791051849,3.86084353555484,3.70606113650047,3.6621314761171,3.95366271928642,3.27466620704964,4.35887322982031,3.75791380876315,3.56437251794905,3.56246944209156,3.96915215098748 +Gnpnat1,3.14591026206772,2.43532274483707,2.66864733964186,2.73689228716264,2.56689213757627,2.56207625131732,2.70625443979505,2.35091039040896,2.69973531380257,2.97010205111241,2.61210492034339,2.8445418752266,3.64651166287683,2.71473214427275,2.93781242785197,2.76934091753723,3.04852931420355,3.35757715413708,2.86115731037044,3.03629648427398,3.18773019213982,2.80762371884915,2.92509331402146,3.32346873198343 +Ckap2,-1.36471084340321,-1.67247191141465,-0.585074355152083,-0.86048911886625,-2.00713166655111,-0.936530193319044,-0.88722626111819,-0.906251424047668,-1.78492850078457,-1.4524909023987,-1.2918692632659,-1.14819412457509,-0.702084717064593,0.131392134889782,-0.752504769724348,-0.875873031500262,-0.243087618831922,-1.17257829190856,-1.39774362331074,-1.01095188190835,0.135199564737345,-0.0600021701594022,-1.91144013064783,-0.0795198189674586 +Mynn,3.33374607273577,3.42446585047094,3.28687470400967,3.40349845936576,3.14594361329882,3.13924791752296,3.2243798624303,3.29865766499167,3.56592115503779,3.31061168361,3.1448810698217,3.2800210412538,3.30459485506014,3.10201836983406,3.1256911129109,3.14605135168869,3.00334211032289,3.08184546725396,3.05944957460143,2.98433618188048,3.22939401043833,3.04707939133769,2.76965527842137,3.04204692849675 +2810032G03Rik,-2.85237521879353,-2.1249565621575,-1.96885284256644,-4.02680362146282,-3.07820880889949,-3.02879056469203,-1.91554627952115,-1.63587350724863,-2.86736792387229,-3.04792345370092,-1.8355211073997,-2.31020714158704,-0.805565761667449,-0.476229439548711,-1.45329362225826,-0.199486919062858,-1.46570954970203,-0.261535125391918,-1.52742124346325,-0.969858384417543,-0.922564874249848,-0.876098879663535,-0.751767477361243,-0.989189762137308 +Limch1,0.265213454212594,0.992446023401893,0.421233578642769,0.175687249197114,0.446652623009129,0.500323848607573,0.568305394819591,0.170172015850677,0.327211726773421,-0.076832202266421,0.183687369653754,0.027184252831709,3.01739214230849,3.41086910316982,3.07932413214457,3.35507969733732,3.27304166436504,3.03151666251709,3.40580878568318,2.99051736931877,3.22451561699386,3.39644112335843,3.35328405987449,3.56602420484632 +Arpm1,-1.35734076272437,-1.6189698816548,-0.683789503393778,-0.830910048736841,-0.614923422750463,-2.01345695153056,-1.36745904274317,-0.597491500808708,-1.37745163703372,-1.04501403864786,-0.771116955159552,-1.4284501483557,1.3661959199399,0.387147224899507,0.823938221695463,-0.349013330158344,0.849328586650097,0.69698912145469,0.391419250144235,1.25752579594734,0.207917489768483,0.401860428694078,0.981129797515857,0.195523306187754 +Nek5,-0.337744975694087,0.229540221736436,0.774693437723662,0.509866260756654,0.298305750274878,-0.30210152664399,0.377265830139771,0.317555079888977,0.21433082302567,1.07552153756386,-0.256585493650249,-0.484215036947146,1.15481354945762,1.50145588279534,1.31821749902768,1.73874470393557,1.23561935948053,0.894388187744645,1.27513886894788,1.3333782174047,1.57560726219996,1.81157346019495,1.42602483557952,1.12583566616461 +Mrps26,2.24518082337518,2.04921171319689,2.34587982297984,2.29061338328558,2.0037950728635,2.14034316926239,2.37778990134668,2.03155304112655,2.2353833991643,2.56014987258421,2.23380590898764,1.98005133297595,2.24910392717344,2.28506199528862,2.31507302915102,2.44883609113558,2.15894248599869,2.13688133732324,2.32388184120145,2.03347731799947,2.3666454275024,2.49907627659939,2.41529632222121,2.15501730517291 +Eef1a1,10.4292999237078,10.1085156694667,10.9711416837318,10.5982640232697,10.1146048626157,10.2361053640414,9.96429682090302,10.5951168303866,10.6266724823436,10.6187700268664,10.1934066013647,10.3282206877797,10.1860267147756,9.81404790265953,10.3409782846131,9.93163540215626,9.5243653803243,9.94892685373272,9.51978325022228,10.3953097787799,10.2192862907543,9.9772820208362,9.48137725931228,9.5762582801642 +Phyhipl,0.733085002262791,0.501352727901645,0.560829230338677,0.311673122493247,1.02692145736168,1.00296751620719,0.465921103942939,0.87989580907689,0.52040092914991,0.068986433379211,0.777394864941606,0.577508847541977,-0.0209232523873824,0.225821869706427,0.397589113274384,0.757904592177369,0.497490363741521,0.185375947179204,0.140037044672191,-0.118736231923267,0.396928278386516,0.553673094670158,0.786642441225853,0.761202562731146 +BC017647,3.15002417705533,3.00326839980257,3.11374865695498,2.92007829835508,3.61125456322141,3.70870743736668,3.20243823134597,3.61152836591385,3.05780039613795,2.83555781322927,3.48662621518147,3.17629478663245,2.93773166961704,3.02736461185084,2.96776488887822,2.67956176110771,3.51704804923495,3.31197710457823,3.3263202991636,2.85712375584695,2.88639986757822,2.92621342667145,3.46534147555046,3.10143745529656 +Xkr8,0.11793482424103,0.260574301507933,0.581898468900282,0.0303264067542037,0.102200094104139,0.0499904257380748,0.22539491384584,0.557090625509191,0.212468606721157,0.396007983664176,-0.416124924812416,-0.0690872036527934,-0.283363199601542,0.376608669246589,0.447668391629997,0.0532770426554592,-0.287439055910259,-0.346142456602612,-0.683203982047443,0.5791887984182,-0.0593515966389546,-0.0309865550930173,0.0185662605397159,-0.15794736611959 +Actr5,1.70512386200734,2.21263078106819,1.70835595846896,2.15980663192106,1.90362841758154,2.0357702029636,2.35565393481418,1.6725616580564,1.66134511437789,1.97325541939995,2.10655548190518,2.07955411472154,1.04290869141364,1.70867667936083,1.25664133477351,1.32164837176739,1.75640168978664,1.46646172848649,1.99093514843812,0.952194393711082,1.5632720227501,1.39260254096965,2.01206767403274,1.57363994484227 +Slc16a9,2.47272801528665,2.51533100344,2.40649857630992,2.06643359433097,2.33112127836725,2.63688021789788,2.71918645720457,2.4673823217846,2.40708886683699,2.19912319794178,2.40551137666033,2.36646176807492,2.85860492736937,3.1884362200701,3.01725541871385,3.08550650475008,2.85289318740516,3.06997192825827,2.67816723366456,3.34939640218691,3.02743657818433,3.18080650497693,2.80413567908246,2.78949994670126 +Mrpl23,-1.06914557197735,0.148716743907526,-2.15196320152993,-0.487477248495923,-0.472777568586992,-0.287409712282964,-0.0392217498947082,-0.675693265849384,-0.957855789290164,-0.0586923519426836,-0.426050064704072,-0.835871416191195,-1.27426744021471,-1.05005451677477,-0.879919088569353,-1.14063838671148,-1.40393399097203,-0.76278297146504,-0.550178732577866,-0.885566333168393,-0.590043019813291,-0.508705139372486,-0.706613913591627,-2.11399886739144 +Pced1a,2.12530154221291,2.65223400745541,2.23013252551796,2.34555379926577,2.56701802180069,2.35278353729908,2.42158487404759,2.17833587581461,2.27818615592479,2.65461592348416,2.67862176270402,2.45819009576864,2.27837848608307,2.83987809984576,2.40650082670137,2.35078051933764,2.75534599112194,2.38071924060828,2.9014455881484,2.01301047960965,2.39170821738657,2.78230794479865,2.76075415347421,2.71171988537395 +Dzip1l,1.06436634287777,1.87380152690327,1.58293277372848,1.74724313966089,1.7172621906573,1.81675791615863,1.70901052734502,1.58469948585524,1.67258172537803,2.03589355751875,1.95668711813244,1.79241762111976,1.51070361833434,2.13079916891083,1.81560754180327,2.19725575432958,2.28617935933768,1.83510041432504,2.35072575548596,1.95598053019873,1.96216280328354,2.3349830049877,2.28901482936467,2.33650945686569 +2810002N01Rik,1.87472992281543,1.55142829138771,1.99757271430332,1.68691037920217,1.70338260165109,2.00932292139943,1.81272168677672,1.65374555417057,1.85481329805976,1.97852541562188,1.82747042842767,1.67112456739664,2.474318380425,1.97609333633221,2.37527725822567,2.43314020826065,2.31411298991142,2.37553654704037,2.16925715762718,2.64262332837424,2.48548096973022,2.52399347850749,2.28768275873529,2.27550137943868 +Vopp1,2.22270670074161,1.50750274783479,2.14570251839297,1.66449459031013,1.40845959928445,1.45918791283363,1.61333320050242,1.68295725943881,1.98704049740255,1.49210472029109,1.59493056867487,1.68593943174061,1.32577131612393,0.870349775488563,1.24899294841715,1.26106033190232,0.845190181698655,1.1035246159934,0.65146865574878,1.28406307545851,0.899276896992062,1.20396958939011,0.811370970940538,0.815411878854538 +Phf12,3.36524524945028,3.81287487683204,3.39690494044809,3.5820814697411,4.10904683958175,4.192501521487,4.05393267859096,3.476021085536,3.6261615802102,3.67577605036682,4.14837189558901,3.74618206920681,3.00483820818456,3.4806617556406,3.1998298079533,3.3259411212218,3.78622695067936,3.46285224227007,3.93619374006968,2.89770906445048,3.36770911912214,3.28739058414293,3.85514028764878,3.46969839158399 +N4bp2,2.06488989491988,2.52357108078617,2.39799992398071,2.33536240445206,2.52909391890882,2.57042560958065,2.36585664088542,2.70952788914879,2.48013322782304,2.26245986009385,2.51476132571472,2.57043401857671,1.52542111262046,1.64860698711643,1.57916047007524,1.71382367289255,1.90531896950955,1.72353093454345,1.87293422991879,1.64919536742565,1.48241061824786,1.55751974664307,1.91618516276049,1.92646251634387 +Mat1a,6.64829319738984,6.17167632096031,6.48328780400803,6.25677008667934,6.03717374678463,6.39277213191759,6.20084106157341,6.32761402676569,6.50958617985674,6.34902099972263,6.20859755971081,6.3216403077619,5.31683654393286,5.08307546696922,5.09926835581008,4.96880068009092,4.82158760776495,5.3965582686184,5.09247292960617,5.2198684736751,5.40529240293997,5.09644407905029,4.99134179897298,5.18596002766842 +Iqch,-3.34296816837159,-2.39397404163043,-3.36731301721843,-3.0952007172561,-3.35851406558689,-2.51333643220242,-2.92009857725319,-2.96775325827003,-3.80343644141575,-3.30930470716712,-2.49629401669705,-2.6227977022327,-3.48280848110315,-3.16851359400082,-3.60759420607824,-3.54707490939421,-3.16129034994143,-2.9019275085093,-2.82793371277778,-4.16983923852773,-4.26393414926125,-3.61349121791796,-2.66413460072017,-2.66058688229351 +Rpl10a,3.80404240143451,3.90054047168928,4.10863443435535,4.19513579756918,4.06388415566017,3.78629394675131,3.90755731306128,3.83459388378162,3.89748601763464,3.93407188785682,3.99365564979894,3.91873888283204,3.31748404653623,3.42455536346211,3.04397767859213,3.30290116746699,3.40598059224255,3.23727560586588,3.56012895995582,3.35824391270787,3.60033552706563,3.49880112660399,3.35542278657239,3.48000652255752 +Fam76b,2.84227313822392,3.51550758818414,2.76199920707359,3.50838668342312,3.59648053796677,3.38920818371416,3.63763075579415,2.67110937162267,3.21094800092881,3.60243199092873,3.40570311410234,3.43659663483688,2.52710844287079,2.92734459334688,2.51224302743249,2.63417566900211,2.94444842126932,2.36354738768878,2.75414838779366,2.14706280416111,2.85310699304243,2.8353004204496,2.85974484942303,2.99223245559728 +D630003M21Rik,0.305170900422806,0.582810105946248,1.07322214539709,0.595233862786769,-0.166107343814086,-0.121567498363091,0.592329859620192,0.195384812341169,0.436839443624119,0.918468194077223,0.0118208919404639,-0.0899774274221499,-2.95603876031909,-1.51424485198048,-1.07803809628819,-2.82240970681586,-2.89408958944512,-2.17726230593095,-2.23195005268225,-3.17087737784699,-1.94925589184174,-1.03478281109788,-2.67910702452353,-3.45895033567554 +Larp1b,3.71394508976846,2.85733968226952,3.07379381136557,3.149799396743,3.35020085052343,3.11282069229804,3.49152646861802,2.8193870794614,3.18996670755855,3.35029527643459,3.49956665155397,3.38529615570051,4.63350686382995,4.40131770084778,4.24316324718207,4.56733147127333,4.93563050844462,4.499471214748,4.6825639162933,4.30167168155615,4.46136354761361,4.51261983564569,4.82673702175293,4.80916099277096 +Ctnna1,3.82147078167346,3.90417657980965,3.93328759317885,3.80194150167234,3.88825074367928,3.87117167850798,3.838679900777,3.90025625361587,3.86556915084097,3.86097792893855,3.90212303761776,3.91242168074976,3.82888242247662,4.06933691946898,3.76748257728137,4.07168575766158,4.05184900401694,3.86710523412875,4.15840314547488,3.77421540228311,3.75364161145347,4.07475250827767,4.15179256102158,4.13490201638942 +Fbxw17,1.01134335425083,1.55283874410411,0.710818018667368,1.47226388917875,1.55700905988414,1.57222820837249,1.30031001106152,1.14704103812991,1.03012109769167,1.33649050880317,1.38906068297205,1.33442751800743,0.606059521606786,1.22361465714124,0.33642696769575,0.883164385429643,1.10402065906605,0.6140565493227,1.04785315036653,0.455784657850118,0.873985447457789,1.05969588380698,1.03905903280381,0.733406376897281 +3110057O12Rik,-0.312869815019409,0.531739862891122,-0.385075053994577,0.436349435533423,0.867295374863688,0.232361859702014,0.380612582408605,-0.0134899017673304,0.375796026718837,0.516190661552999,0.63512713769647,0.584798498712821,0.178821278305294,0.0448723221204128,-0.1047813931845,0.232520446294581,0.502576233455377,0.023499233554181,0.192552137950801,-0.10365960825206,0.424937139755443,0.0352001931309416,0.579047101298224,0.0838000315975576 +Tgm2,-1.03118315764209,-1.45399726203643,-1.92017095639121,-1.61440390122425,-0.847317265062137,-0.843091966481952,-0.761632560399145,-1.41045442790473,-1.87142103319502,-3.23683508251556,-1.76956343066792,-0.959435011067736,-0.521776297770635,-0.274917062621172,-0.283159801201852,-0.843872188632094,-1.57128389943041,-1.35276174760877,-0.681659545535326,-0.501756202135625,-1.38405168395303,-0.644073606847611,-1.5185323936299,-1.4897193207143 +1110003E01Rik,4.58867193476836,4.47597157474943,4.61699132283789,4.48441230277643,4.39970003315024,4.29386288693494,4.24271798033074,4.80823214043462,4.51098329778975,4.51229130665969,4.3325958437313,4.37820163623427,5.68364612592507,5.24877785241291,5.29362474644715,5.17072926012322,5.2010932988859,5.55865287165545,5.18245410169788,5.72451893597912,5.2417103162391,5.21414220525059,5.23164788646432,5.37496689008185 +Tspan14,1.98775288894336,1.81628507985137,1.63474617386096,1.54249075359366,1.79859090780448,1.51711765137143,1.52876171254812,2.2706852753557,1.79646627369079,1.74901999723,1.62932277144952,1.41552511940361,2.17955561507504,1.84900323469085,1.84126902597812,1.67404137500979,1.69547794198356,1.98349014751594,2.06891151164812,2.22783668701216,1.63507685312078,1.21713694086224,1.5504290680609,1.35879495444688 +Ppm1k,2.72678557225836,2.87404593997731,2.73969879443996,2.72802452536287,2.64432239648924,2.7482629616234,2.65456740455224,2.81105505874382,2.67084483127646,2.61304383205737,2.7405460988843,2.73239729533192,3.27364128721024,3.12327709831832,3.53133470372842,3.50039631523851,3.1122093040559,3.17098876386827,2.89670066048947,3.67020809882916,3.35486438104166,3.38748791616898,3.12438350559565,3.30994997150008 +Gm5884,2.16665341196242,1.80933853210515,1.82315073285682,1.77006888178052,1.78698318339143,1.4590526877534,1.54150122836153,1.60985710440555,1.72677481504142,1.84762019828803,1.79340032077333,1.26932669753101,2.49383029875088,3.01070810524028,2.41515631018785,2.75357499214394,2.80088841743001,2.77258179841448,2.97354469282222,3.01648305079708,2.62118652398705,2.85937149215049,2.992684445339,3.02044395505362 +Vstm2l,2.58628766735286,2.66216016082754,2.85196955713805,2.09090818899418,1.64629657209144,1.61427691803878,1.74113815863379,2.56902777945648,2.39254771184334,2.15059911749659,1.8655806102884,1.90068689011367,6.6664707862561,6.73643964776309,6.67092343628261,6.26723989368745,5.79436385361412,6.46901633909971,6.68387689136008,6.58734941509413,6.64748592146156,6.50670297625868,6.01479100059967,6.31575853750769 +Fdxacb1,1.45642684272385,0.929153170546113,0.880320040336106,0.772766643726494,0.920113531724977,1.01820078025493,1.54156977697726,1.11179974883968,0.836038444209999,1.06908773324565,0.966557357936242,1.32003123521039,1.40508376610147,1.23613845967209,1.64728109620451,1.22963289105245,1.01225831864591,0.975485814553963,0.930548295548029,1.01475851930954,1.29148110821442,1.15658203202155,1.17412858800365,1.11229689662131 +Rtkn2,0.803519730206959,1.28969701588609,0.258014908142384,0.678996607807457,0.459577280705588,1.1691293687999,0.939482980590064,0.495376618665105,0.719706465834262,0.370159154701196,0.913923395384522,0.810307694645537,1.49761415066221,1.76509881448825,0.910954610250115,1.82326838436974,1.15511467288576,1.39336400529083,1.50842856582001,1.27876728487421,1.33964706363913,1.54050095546574,1.55163937642147,1.31039150268487 +Nmrk1,0.324964000115921,0.855706024495619,0.17875151945132,0.644499763422899,0.74956843555812,0.21473349874001,0.568441951506685,0.308107267379729,0.773105254447392,0.89973172877711,0.619905624282625,1.01932605793248,0.0829877676221404,-0.0942743644221002,0.168939735340558,0.296215689712566,-0.272128902316472,-0.226367406946327,-0.145028763937826,0.10294167988406,0.499756856359216,0.23355726542635,-0.075025464939029,0.324492186138172 +Iars,3.00033180433631,2.91678667692595,3.10027963870963,2.92992113721572,3.1789110300887,3.05991638019796,2.8086835088185,3.51443315890033,2.90255589994803,2.83710485176564,2.92345365056277,2.98935925741842,4.03498828693025,3.82287952241317,3.55284234812504,3.59337812611066,4.23753337492914,4.09935184636672,4.15344341839356,4.09674889867592,3.54417967089966,3.41026604085211,4.31994637319752,4.03753936909669 +Cpe,10.9036381114356,10.7582733466967,11.0825387578759,10.8094336347404,10.4071139783957,10.587159030944,10.5165428175962,11.0252811594944,10.9375341096905,10.8129115346972,10.6007455018485,10.7289229036882,11.0776957092359,10.8004142264716,11.2292961635495,10.8452708822425,10.5723546920773,10.9752948173549,10.5574564359609,11.2240348943563,11.0621047058465,10.9464265197031,10.5411119402136,10.64485749643 +Zfp365,2.42744241223343,2.62290130448948,2.38473694674091,2.242054352628,1.97512081786391,2.67680234461556,2.45944036187201,2.25197242785192,2.29608429508832,2.2608588042948,2.44324979536137,2.38823534220275,1.82557870750647,1.97637518753005,1.41505396338053,1.9856872378372,1.07599502774902,1.47580678959121,1.268052723397,0.981644411871959,1.70373429152831,2.09521903779771,1.40746571770553,1.71960611766608 +Nufip2,4.36952011588882,4.35963771387869,4.27442980834647,4.35653159238943,4.35829954413981,4.27632389889765,4.32085719910462,4.27335755364192,4.40214273644354,4.09501138959401,4.15768949608266,4.23811310719468,4.40315720679817,4.02236212371902,3.96647719902325,4.01796705361004,3.98018201193114,4.15889091227915,3.95070965709326,4.1213220264019,4.01116740514167,3.83417034034245,3.86881376845247,3.98017123293634 +Egr2,0.776545689731658,0.527884299665071,-2.06814592404668,0.0064592203468303,-0.224034810024717,-1.12957565148974,0.522075761764177,-2.59670240107401,3.99586459268794,-1.57650766684237,-0.633544852921433,-0.783199891545364,-2.20950961137025,-2.56606230464178,-3.54570429906254,-2.95189992013753,-3.14037032205905,-3.49595503071573,-2.66907382704265,-4.12609670294306,-1.02185795573009,-4.12609670294306,-3.53097527889901,-2.7124211867267 +Jmjd1c,3.44165083350083,3.94624783805548,3.65879511193123,3.72778088587941,4.12105206289398,4.10976100722213,3.874380879302,3.903447814067,3.78775354843539,3.79544150190088,4.09685901388994,3.98897080286583,2.98438604202513,3.43357460803616,3.15254725136139,3.48262643876421,3.59589255403703,3.27291432116907,3.32483818103745,3.20532227513405,3.1852510097179,3.47846065854446,3.66865629639444,3.47397080881393 +Stk35,3.18380707857813,3.09470586846736,3.27134217979053,3.20114858885578,3.61384057153188,3.45060287670302,3.11271730715229,3.25896746855885,3.24599899356867,3.35307762389408,3.64515024675319,3.28430022376405,3.38412908981688,3.17462942421572,3.21294580989813,3.56010891466035,4.20525556514267,3.63249411649414,3.70530226107541,2.89963122728015,3.23830753271339,3.61160801243164,4.13572694704868,3.36871643135623 +Dusp8,3.36742061665029,3.02700594347464,1.83142357653691,3.00086705273431,3.44508494141301,3.31649096355625,3.41797788565593,2.02618116281547,3.32164849767463,2.51208004286865,2.6981806203502,3.10303392686,0.407489820795343,0.777407918816738,0.24826460482859,0.980577070866124,1.05444459508863,0.412780414025121,1.29736085186936,0.328040773271266,0.621096161110914,0.50355702203994,1.43976402545273,0.993177945332794 +Wdr19,2.83157804666138,3.26611629803001,2.8617869564702,2.90048681177583,2.91954447381596,2.99200276684825,2.9230061516592,3.01628579540981,2.99762706007891,2.80654194753063,2.81562002164367,3.0620289200021,1.8777215869364,2.24425231419519,1.84406888134103,1.71956738376476,2.0566767488604,1.95196094271438,1.91561760236299,2.10467177984207,2.10386622042208,2.12973003876678,2.16669054542911,2.32801668602503 +H2afz,3.9995643884592,3.59158450137276,4.17164221905699,3.80775483935746,3.78819798511648,3.39098492161405,3.56052045637948,3.87105217363884,3.86530447167529,3.90726174018223,3.65729833603774,3.74832796693698,4.09920355554172,3.84949941928526,4.19289041095943,4.12022809600606,3.58242745841684,3.97392329480691,3.69899826811387,4.39867757539546,4.12804377625332,4.08766312102479,3.72871270709985,3.73326774464165 +Rcor1,3.43972415399978,3.55996993368021,3.3245188552116,3.39868240912545,3.65660353726824,3.55398229882328,3.38752367753401,3.50718435503556,3.31002822456183,3.36539286718262,3.50606892495173,3.52099608317316,2.80909367733587,3.154965463997,2.82535389669858,2.89838329713363,3.48894175121747,3.00406462741781,3.32676278368199,2.80244834194769,2.78358073508418,2.93986027190979,3.42629244559362,3.23803516501094 +Sirpa,3.29315004164139,3.44663359919087,3.37903571837416,3.03978159972598,3.42558701681646,3.20897743736427,3.12501151843392,3.69118900082733,3.14655685354318,3.07500313512457,3.29170336123475,3.38924059688178,5.74878393513386,5.97569635876719,5.79235253568304,5.78500543877084,6.04564278822006,5.94210096903006,5.96723328763965,6.06406397907724,5.58796679220016,5.80274610935364,6.15089705113162,6.05835579557139 +Bri3bp,2.46222439951994,2.4595125152008,2.82573676013781,2.49476113474576,2.25191400554891,2.26707055134203,2.15437213461246,2.71546322367377,2.6718912519373,2.54892992181749,2.27196791293938,2.26680752082072,1.94014762997278,1.90764051794677,2.18904794840631,1.8636077481091,1.70881533617694,1.73492919153305,1.6227201524996,1.7615979005463,1.94801282624252,1.83173168447877,1.55985814491544,1.4764902846849 +Ankrd13b,1.33028182409105,1.8709808963701,1.11262331282714,1.88958560399856,2.47671181044306,2.25616652501609,2.19360476686632,0.805879908678272,1.32795966009665,2.06520408113319,2.40447588370773,1.81883338001195,0.650803462036095,1.44235437069423,0.750606297974072,1.52877067491176,1.84947743759868,1.01573803516849,1.93570771400358,-0.140485700892065,0.693537256746026,1.45797378837426,1.67015068030052,1.42967662995498 +Ndufv1,4.91134111462168,4.55197498166363,4.68945793371718,4.78705724890281,4.47635782493114,4.51494893316802,4.73201052505115,4.75203265553065,4.7512773502123,4.66730844484406,4.63168932936848,4.68799129453881,5.2862959918568,4.8873539865836,5.27385996558332,5.07422220536841,4.91802738601101,5.21224189455254,5.03241686155481,5.13064211818796,5.14532333000131,5.09517794651518,5.03868943202798,5.11406037616256 +Ddx60,-0.378490316250748,0.208044397361836,0.224174309861157,-0.0817084722842507,-0.500280017667007,-0.0708710381581681,-0.482615356072812,0.172778573773688,0.184606453708479,0.230240950572795,-1.06260455995983,-0.371825944397409,0.435885519781244,0.96837345871845,1.36330253437974,0.611287442651407,0.44677765744505,1.01951662947725,0.65985539074644,1.25359841031626,1.5225482621898,1.11878321468341,0.141798705282215,0.258434466455528 +Ssh2,1.86717610245767,1.57909303463375,1.26001622050884,1.55032566750807,2.18332684739416,1.97120522344366,1.81445935052752,1.71293678873999,1.60759256775474,1.38330509109243,2.27942939988835,2.19474566003606,1.64681168397717,1.79764342958677,1.40194928653,1.744232464701,2.36413629220077,2.10979608686278,1.8937568244167,2.34761712350694,1.4890371807141,1.59615273078269,2.46839103635675,2.32566599257709 +Bicd2,2.5851394701573,2.62772250001049,2.32400912444199,2.67469891295307,2.85884399217242,2.82562691207649,2.74312347358522,2.49889739762137,2.46584330028454,2.86586614214575,2.78719512488487,2.7014433833885,2.51807054442738,2.93137821120045,2.40087434492796,2.7671534018828,3.00371996561226,2.54117511716489,3.08417603040714,2.35177892699041,2.59413271192743,3.01344107201497,3.09187253900815,3.16254767146311 +Smarce1,2.40647433294884,2.31272620475081,2.11074547317596,2.3968356524648,2.30494888603988,2.31490946655924,2.43569953122138,1.94580126248225,2.14459672144223,2.27232632525838,2.43083732298382,2.37711828593188,2.04917533823942,2.11110435680857,1.90839585676945,1.92548014918994,1.93204523074438,1.58228688276013,1.91642749436992,1.81700222963552,1.98478738590667,2.21015924344944,1.92394830442632,2.20887723509719 +Scarb1,0.933822665779646,1.23825114614002,1.44487024139088,0.950943863064621,0.990687445995018,1.00375223567919,1.08667234256065,1.03164447412399,1.27645928721197,1.05189657034276,0.951838711455207,0.679136580086093,0.833694778111625,0.648915464824097,1.40633381985308,1.07767544322387,0.945750863608279,0.921911035904193,1.11941169207725,0.999785114832568,0.992685249924687,1.0829136561268,0.847928927685728,0.746925799036598 +Chchd5,2.66562784266975,2.55322919501606,3.1834930972716,2.91982953803022,1.97732304256178,2.33828602497471,2.23154530822005,2.91711243013195,2.96437060889987,2.80844226940494,2.24338714121306,2.3824730159464,2.50567702833724,2.42825164492896,2.43676487155666,2.56521371664433,1.97219434024196,2.318566827323,2.25318283196857,2.98532641230901,2.59688340040893,2.74790375918757,2.47988091312958,2.43981274369518 +Inpp4b,-2.2102760796744,-2.28143293126462,-1.774006009975,-2.5897041542345,-2.07028238897484,-2.21287095776514,-2.56209049645706,-1.77445413994028,-1.40534311806828,-1.73500125968002,-2.91553662387098,-3.12852423084201,-2.06872699579612,-2.46595947973007,-1.47511080843049,-2.4703537786512,-2.18524550267299,-1.93896659087917,-1.95400507885776,-2.77643903035317,-2.2985484545442,-1.86703873076031,-2.40380445662136,-2.3555762309098 +Ano10,3.35170503230506,3.12366041395421,3.69008376239308,3.31935991033869,2.8984042277001,3.20505536407922,3.12349946399038,3.47162917421654,3.44394977384435,3.31642635954005,2.90430674514392,3.14975690245232,3.24929585814085,3.37309199865377,3.50435672867829,3.32895119290774,3.13305191930865,3.29194965323318,3.32296302911923,3.55022285122305,3.2681666113684,3.23916195278793,2.91264489833676,3.18394269251955 +Wdr20a,3.64125449720185,3.33129826403463,3.33641785855284,3.39966728909035,3.23284673629121,3.09694261627562,3.56016441690766,3.25320665076696,3.43689423971517,3.44645306526426,3.27228388649837,3.29778544013595,3.2636868093062,2.93695752450293,2.99685028345319,2.96134049296661,3.04524663441594,3.19014821072694,3.21984675933941,2.85113202976401,3.00757903390597,3.07944489216016,3.24116940703651,3.00751092925127 +Ccdc55,2.58750715205298,2.8629813944827,2.5015052403982,2.81232453598537,2.56987794777246,2.77954569306241,2.6091157058963,2.56145509320574,2.52475447289139,2.93386159970423,2.74583602522355,2.63447584469049,2.58830695314384,2.59012895300197,2.61960891068443,2.57179491190146,2.59302097117167,2.07798243128916,2.75306651954233,2.35260326487875,2.57993743151758,2.70817989916288,2.34274838875986,2.58742777232157 +1110007C09Rik,3.71392742706946,3.70590056932675,3.86166137660404,3.96710570175128,3.27740004760559,3.0155531709096,3.2456538336273,3.75325711322072,3.85554937825099,3.88873357532601,3.44975291748466,3.47114501137912,3.52696454945138,3.6030053298154,3.65407651758692,3.40376926547196,2.87976262418226,3.18970097286048,3.07204025515064,3.69157828929728,3.71343393748503,3.8627755824864,2.9133414484081,3.36623057838492 +Fam101a,4.4053497333412,4.4628219825939,4.30415784005841,4.22319374573732,3.92057553147298,3.9708328604147,4.08657710366703,4.07275257851113,4.33185107947315,4.21229464726576,4.09786732770116,3.88779488633095,2.30798911394779,2.80761302322352,2.56606125255574,2.39965784557,1.78618602074691,2.13505017174122,2.34164338867064,3.02425378711656,3.09585594316624,2.84333410259268,2.07185119186574,2.60015933445758 +Zc3h7a,2.7397513416065,3.06317211843527,2.37723184914484,3.1563923166253,3.57826236237197,3.23158185853651,3.45722299040044,2.30530796345232,2.62374822193798,3.92301119392054,3.55578196757114,3.28896804154282,2.91021196365313,2.98992798180118,2.40932120543213,3.06861091800333,3.88814580037395,3.08126287648073,3.72921314488053,2.26653028257193,3.0718082587387,2.83863373768567,3.71766710665857,3.62733778116933 +Ninj1,4.9674320074392,4.41456800503147,5.09220585241703,4.88819560563568,4.57363848778043,4.7652257776452,4.46886686508463,4.91521168842583,4.81289259742253,4.87618547400348,4.60145607767047,4.79334259569681,5.36687610739232,4.92769993280824,5.41290231684073,5.0337087093994,4.87214428861614,5.24299782920192,4.90936038497486,5.50787083865204,5.26650430200823,5.20942963576324,5.2176597130714,5.0825143071027 +1110032A03Rik,1.31425214647993,1.52778337224332,1.67428541100309,1.6234477268319,1.09614260759939,1.34358181819751,1.10399936547585,1.61670919227241,1.51583885957744,1.79598113335797,1.37741349907852,1.27100800955993,1.88412781886105,1.61583678771151,2.15277843733597,2.08432657946046,1.61260669312657,1.79546744839043,1.40768370832584,2.13974076558408,1.87799060205401,2.03609570236111,1.39219967215468,1.72165176624432 +Snn,0.38223850499144,0.67489253105689,1.15320812758604,0.628423871460451,0.324179799314152,0.557177615825568,0.0583381552341904,0.664684781592605,1.14926368297521,0.815474333311729,0.749892789793545,0.860018338582174,1.20182416716842,2.3682483664413,2.3453561595857,2.1670985034954,1.88072403682573,1.80025125086282,1.69029027996954,2.70611110471222,2.23920914298952,2.08024138094904,1.63894254140446,1.83335967073518 +6430571L13Rik,1.10135329755726,1.58616903307905,0.875367935006318,0.826009248748141,0.954030074460282,0.682196363404032,0.949575824963025,1.12790323163503,0.915667232332311,1.41709610494327,1.680537303351,0.47014609865591,0.704666631596483,1.33126349649061,0.945748084271393,0.457076868592685,0.880744153138904,1.03540616078258,0.802459319799379,1.12524431665869,0.611056634971503,0.962785660244269,1.10763806274495,0.565663060840921 +Ccdc92,3.12101203046429,2.93444373943523,3.09815566482535,2.72217405211575,3.14054870421728,3.17956787751159,2.88300774935038,2.93863391405785,2.79246914758131,2.94141128350567,3.29183975523151,2.77596385257058,3.13948563250375,3.23403409136922,3.29962625807549,3.27760090325039,3.27961949129989,3.21442350580899,3.41741920643982,3.05985627356535,3.25240899340221,3.48053901961034,3.36387105626682,3.1579022038713 +Wnk2,3.23956341516757,3.19704559870168,3.05716390471485,2.96312070204528,3.77399482766906,3.848447032489,3.55192658632829,3.41140263155856,3.09484637577449,3.05494892474755,3.91389113289029,3.43151801605827,0.769016398464455,1.4240068385551,1.19179000805199,1.44308386595787,1.52024558579598,1.03304240945336,1.85893074464081,1.21622202437552,0.858513023092142,1.07984150797967,1.31225730106133,1.49731132707915 +Rara,0.982772773250276,1.24240278148893,1.50742074938497,0.917611327305368,1.38586910611348,1.35640287587186,1.23604756565744,1.71650406434996,1.35991873843288,0.990622957797686,1.26944330920745,1.10632443256817,1.71373570145123,2.05521144481087,2.07138705698935,1.48804464503489,1.8156524999799,1.57294333641408,2.153399080098,2.25515204683604,1.73482172571971,1.90748834368698,1.67744258889801,1.7547409017381 +Dhx38,3.30973886456153,3.53272186331697,3.50053782899356,3.39335630281604,3.4074766986649,3.34990696452741,3.54723285668871,3.54066286235543,3.5074734241275,3.59830014729361,3.49209400920112,3.46892923316323,3.00442519528828,3.39911680615182,3.25598289200045,3.30649546402148,3.35765293542716,3.08799989405353,3.32201756883854,2.75101679437639,3.17684530113275,3.46355945132527,3.51525069584815,3.39078158310377 +Igsf9,0.27895353319268,1.26645405141045,0.345991688657643,0.777762021949195,0.970181988793164,0.582029218702899,0.79887777816649,0.725600175706366,0.519443600889906,0.544220886914792,0.880041348980642,0.594536418954808,-1.55716407453163,-0.341310497448726,-1.57548835614768,-1.02399582522049,-0.622047054596416,-1.05650806764547,-0.792411203258843,-1.0679159308105,-1.54557969933168,-1.29922695975563,-0.928662318970266,-0.734933714111732 +Slc24a2,2.51326536113983,3.07301721536035,2.95142770798087,2.72739872384709,3.36408651372955,3.22469973829951,2.98615316446081,3.17255805553117,2.72940946456118,2.63637667156013,3.24541424089624,3.0766998308982,4.5506939035748,4.61594835781872,4.53807834542778,4.77817712251134,4.87791379702573,4.47375802920737,4.82932696592272,4.3498254771293,4.62983948408783,4.73406340727541,4.78551304845291,4.71956339206843 +Parp11,1.8413993897649,1.85553722722426,2.01245226166269,1.80006750524319,1.76706686014472,1.94518094739122,1.68319782457497,2.12118652044445,1.93564033700485,1.73865957829916,1.73371601988513,1.8837297895171,1.84163237656607,1.63231978251187,1.80939264460485,1.51386668174659,1.1166976775856,1.61887441926463,1.25668590722924,1.69335030599326,1.60078916044268,1.30090207342817,1.3521034649559,1.62821282391682 +Arap2,-1.11396856892947,-1.02676058277233,-1.89126852956324,-1.38783290103289,-0.80448341643499,-1.40135660947495,-1.45314106954241,-1.01098046979361,-1.42963218815141,-1.2774317500653,-1.21593505970623,-1.08439622201619,-3.19659899414282,-3.51315166715514,-2.91156704767019,-3.95650168040555,-3.33741690152034,-3.58258476765034,-2.84440124766509,-2.88358574977625,-3.30035423525501,-2.91812600855086,-4.14491408318507,-3.79852400446557 +Acd,3.85788510055162,3.87903224007016,3.89715344599853,4.03147163146077,3.81831127139002,3.65507511330013,3.82724802996689,3.94504312538425,4.10507859999996,3.99232423460169,3.93532211097989,3.62232208972134,3.98432620737256,3.88483027657463,3.82825040642981,4.06893535047131,3.91937273415531,3.75758612831599,4.05164936246311,3.5452369190888,3.90133799398699,3.83411247167529,4.07053265238728,3.77572311846294 +Cramp1l,1.85021204739174,2.28319290588089,1.76459522116665,1.96807839785722,2.87200696024521,2.72447107404736,2.6679222388286,2.14458076144572,1.99886842872561,1.90533704426505,2.68275981403475,2.32826433571866,1.67226812271728,1.8660655566959,1.90952937771921,1.92588436260382,2.60975584138909,2.10703502153101,2.54590444155622,1.71899200426342,1.71306346122394,1.67274995519029,2.55622371133382,2.14411762701581 +2700029M09Rik,3.37473477892335,3.06345374579174,3.43194800167327,3.10518917715599,2.938928700024,2.86829160100268,3.03337586416926,2.94911305906271,3.02011688516099,3.15212040285367,2.98534467597648,3.05805834025745,3.22063995228309,3.02499612768978,3.03855175092382,2.97780638927093,2.96287408712514,3.09990456261516,2.80118799799521,3.15019608626427,2.95701150431218,2.99042570788969,2.93543634479767,2.90225837274583 +Acer2,-0.859572552587745,-0.773103667806316,-0.91900034937858,-0.843024629533662,-1.29910703719922,-0.713115488610744,-0.842985329398676,-0.581575290962376,-0.690499766670577,-0.919636528153402,-1.76693290212832,-1.56506559390583,-2.06845897261899,-1.32929954552595,-1.21405940785221,-1.90887241444374,-2.64007485835677,-2.77309736979509,-2.701786552118,-1.58472323823423,-1.86213139289836,-1.4663081154725,-3.00765010274919,-2.49029794933327 +Dnajc22,1.15109283308965,1.85116314810123,1.43948096696513,1.16767463911832,1.1746301092949,1.5021222323663,1.1664944043687,1.37065751799267,1.5228935851436,1.23394887964913,0.842933687744812,1.27157243978146,-1.56177184551176,-0.580210168828675,-3.24893612116252,-1.19871997608647,-1.68303666807048,-2.61879444893518,-1.51462036534647,-3.24893612116252,-1.23466419889153,-2.67115124411676,-1.90877315747284,-3.24893612116252 +Ccdc138,0.119424636301821,0.623532588911768,0.183140385756033,0.303701390628063,0.428275296587125,0.440759693612223,0.800263335166553,0.185520903834792,0.222037981051638,0.486808115318853,0.522451765829717,0.726140777253843,-0.93133852858833,-0.428589219018905,-0.954150431524976,-1.210441634176,-0.420676105486496,-1.36973765987946,-0.360956634392497,-0.240370096216048,0.129526071113131,-0.414380790739803,-0.616444636167785,-0.185510616731891 +Wipf2,1.93438180346474,2.12075704382573,2.03717137065916,1.67878129551432,2.68264520204268,2.65139626094216,2.14027292533447,2.66144087510716,1.98686974283288,1.97657283863673,2.37373577449585,2.18269699177102,1.88966248350094,1.74968389107681,1.86288250626549,1.54890107859094,2.22391467824544,1.93798066009513,2.08895426842635,1.8117660954026,1.53556450534617,1.64229771945492,2.18646771548928,2.03503946084234 +Fam120a,6.2714536584121,6.18396404107845,6.20574952757481,6.17337810796776,6.16715223655077,6.19297158671386,6.11928067884077,6.27534487571357,6.17570679498715,6.11297039783275,6.1583789188692,6.18385120959346,5.56267346007506,5.84626862048139,5.70756244948712,5.82549087629919,5.89281759334719,5.63845364757061,5.91876283989824,5.59277543837372,5.56775569108953,5.78272155282709,5.88107254680493,5.86266282220038 +Rapgefl1,-0.330013689159635,0.0712705478331701,0.090328863258522,-0.0960300536727541,-0.0849296629513372,-0.741005670494133,-0.171376649676531,-0.192621365564104,-0.27983043024444,-0.206993222089539,-0.324624807330468,-0.497438070992305,-0.63680943190586,-0.230178477398087,-1.02135977921236,-0.555466607000259,-1.13819710752306,-0.936687890962474,-0.165124849848836,-1.4639489444622,-1.38982673938743,-0.717044661149849,-0.708704335952829,-0.331191317433627 +Fam188b,1.57207365159787,1.74621515996916,1.51689880386861,1.50534610023395,1.79952561026772,1.89901397281596,2.09640520053337,1.85372199574214,1.53637265698977,1.39951748272247,1.74833260813861,1.74985584786015,0.827280066297702,1.14624141249309,1.00497015791219,1.30933045167232,1.28980817810681,1.13118559988463,1.16750396448823,1.27901002716045,1.1141930475576,1.11878191274644,1.33476655789389,1.34418372458285 +Atp6v0a2,3.6575385474369,3.07152922132295,3.16740208621684,3.32068380397329,3.53812019650679,3.57567574397248,3.35711077647953,2.77918489560245,3.15288775844101,3.02228900183081,3.46706488361372,3.14670056534195,4.34340927534506,4.06430159516323,4.0932515700438,4.04431511355302,4.32297656244964,4.28177647550962,4.3787195713501,4.02752868380105,4.20223950533737,4.05901959452595,4.47775859539942,4.28985752809798 +Dennd4c,4.26867387996427,4.36313705188326,4.09202172735838,4.04113385706484,4.3623254188976,4.32579867613955,4.25048659843667,4.4146795012873,4.18936104305773,3.99516905008615,4.31548999655809,4.32457177205041,5.60276939277376,5.76956224410119,5.61348652493298,5.64407731253722,5.72776019323761,5.66922380487087,5.53616528090006,5.97831654945217,5.54366396658954,5.55571044958431,5.63555904791432,5.63743276312548 +Phf2,4.04574925628582,4.08580380655825,3.90693341543154,3.87844555291542,4.39638173560659,4.40571973739234,4.13412971722853,4.33940879275769,3.88552470716232,3.86641519580396,4.43390167194355,4.10517184782379,3.44898061843113,4.2158732148091,3.73958531614129,4.01315552404728,4.40471065656627,3.8361516828972,4.44614970793345,3.71403510544149,3.55938057121997,3.92237758391925,4.35854423147842,4.18093021671165 +9630033F20Rik,1.99765994378609,1.47383212111691,1.67956537522833,1.70098533768307,2.00576890525384,1.92201274695658,2.19127860677876,1.57820800855752,1.72038728536361,1.79767619073429,1.72529233690724,1.67273258507283,3.53456111832362,3.28486987018184,3.11591731866811,2.8097247044241,3.22489903699788,3.15124384371931,3.31847054212003,3.09670763775053,3.11991487316051,2.79323155347345,3.1228495998759,3.2500345944107 +Igsf8,0.357253374281693,0.643556684305008,1.16843213939494,1.06824916167623,0.900288129954185,0.644492926379542,0.428778847728946,0.733280205664565,0.700321421477933,0.937448278217884,0.659936845889728,0.536565189568679,1.51170457948709,1.67923778610399,2.24276764322905,2.14136575270187,1.78462059984571,1.49733653686748,1.75295828806988,1.70220294647506,1.83553477633747,2.26013011125266,1.62720574942792,1.65485121382228 +Socs1,0.29735005456751,0.404547328011913,-0.125754973628253,0.461691772789291,-0.15005143814338,-0.481458980933485,0.692535344336823,0.0872168869331926,0.949036987666606,-1.09155854299317,0.725171339025849,-0.169785366112777,-0.961127722558334,-0.676366618489479,-0.337356554990924,-1.1197166317399,-0.349269974687614,0.272497423197026,-0.48131156225934,-0.517550728825362,-1.05063639008823,-1.07772063321482,0.964437206813729,0.179909941963188 +Gcc2,3.48067270940015,3.84058979777184,3.67530630608874,3.87022088670459,3.78021960530138,3.69687925118781,3.67087557030311,3.64675875092642,3.65173722646922,3.85603543565685,3.713845418951,3.79709801375054,3.28796354548283,3.57673456022324,3.2581951188151,3.85242845067611,3.64961003136903,3.38187221372014,3.4991300964105,3.13303520858567,3.55743670012752,3.65664768174084,3.6444425627871,3.69555611142518 +Ptpdc1,2.39171702954428,2.61374115631575,2.80190948187887,2.4244904099257,2.55624992461668,2.53818277770689,2.41926638944238,2.48080972306372,2.60398109901712,2.46597047883885,2.1551443437376,2.33991468540099,2.69172868928888,3.0897320968926,3.11340850245632,2.9825169551838,2.77852275232114,2.86612254502367,2.98177793918888,2.9731305690008,3.06943270326649,3.15322558918408,2.65897938792203,2.81926631851469 +Rnmtl1,1.89707246728394,0.809050809050676,1.31442155795123,1.56470799637785,1.3927740912872,1.70476929082993,1.47104299959096,1.48765786937079,1.96548464239978,1.64505111327003,1.11325158353999,1.3951388858871,1.73907802673327,1.43144266081182,1.25803983887951,1.52655693309812,1.72451963093128,1.27146529259353,1.32165995896662,0.80177868869783,1.43246168148421,1.39335769966303,1.00038576667623,1.03781944414881 +Haus6,0.223881991759351,0.776764838405086,0.81392764936446,0.530747313282913,0.622893748004816,0.772383708210281,0.730969421017052,0.681131342414238,0.749370902634229,0.631444288422226,0.601599320480578,0.362274827086409,0.0645416259747633,-0.187260580559082,-0.0506304295341486,0.144953682923197,-0.22675419780309,0.0683084940230758,-0.515461030083367,0.107500964040328,0.294400313176125,0.306573668245232,-0.35213730805091,-0.155690373345005 +Cntnap5c,-2.65298736900671,-1.57580766601234,-1.23745215143858,-2.4935165730183,-1.63317342705627,-1.72520217272878,-2.38505057047724,-1.79442116657917,-2.16304646191631,-2.34066064493021,-2.18003900579741,-1.74063756143117,-4.62864699223334,-4.62864699223334,-4.62864699223334,-4.62864699223334,-4.62864699223334,-3.998505320006,-4.62864699223334,-4.62864699223334,-4.62864699223334,-4.05086211518758,-4.62864699223334,-4.62864699223334 +Dexi,3.28799934851447,3.1321849216874,3.52574776179006,3.20645779546448,2.94431525939176,2.94199803727155,3.19439546678574,3.28121764806735,3.24391686130876,2.98071452070167,2.94465800605741,3.21758433484728,3.3574767015068,3.48500292818936,3.38937636871673,3.58787472001057,3.49375802037904,3.53278408581519,3.17390428760238,3.11476923787455,3.4024557396975,3.41930737347589,3.33393367583683,3.43125790015601 +Mll3,3.76772303116391,3.89700826819066,3.52428777827096,3.6222440695757,4.54856744008891,4.44481408589683,4.15129430980579,4.13940929248858,3.65388703475268,3.64672006307751,4.38218918527387,4.15432361527714,3.30844573359825,3.60420629597089,3.24274604938378,3.41722596339889,4.20917745790266,3.68770968817597,3.97276965251151,3.17791811240959,3.20160977577954,3.33357793227842,4.10773938353922,3.92810743273699 +Nod1,2.44769775581391,3.00108423443253,2.7572988935143,3.0735669775355,3.09242756439736,3.18221634009417,3.01035368112169,3.14372650381886,2.90221674504792,2.99301325353002,3.1390689765277,2.96805918867196,3.14594066840337,3.74414431625991,3.39835836199044,3.74044263961065,3.75066721619145,3.28526733533355,3.64764192592657,3.17092377640717,3.46638219475872,3.8583043873596,3.6684413996122,3.67335967363918 +Dlec1,-0.542369086385987,0.106146942868863,-0.507640607526702,-0.500325732423251,0.436606343538597,0.685800609289981,0.642562755751608,-0.457698762004402,-0.376981839786826,-0.560502970988511,0.419942682007591,-0.142016168769336,-0.752303314831603,-0.748137812063089,-0.9082641459224,-0.467983152180905,0.359096638793236,-0.423977369336392,0.448727738045502,-0.693518285617027,-1.6279975256629,-0.425073184435717,0.539652773880916,-0.0527478355370756 +2410066E13Rik,3.47623217871261,3.71626945227045,4.06493986899432,3.14557481088127,2.33202310788556,3.07983816837354,2.83837872798188,3.85787426626544,3.72438067265479,3.45183217324389,2.64470828026554,3.3147075907227,2.91980628330534,3.11292720406911,3.60585432941099,3.09617214664824,2.34433431237927,2.77516799270557,2.38183443828723,3.25340054417432,3.36719573598551,2.93073538062396,2.35360826409784,2.25859387172115 +Cdkn2aip,3.26015648041628,2.97592999343513,3.28048390543087,3.27418413305302,2.81337985890283,2.98118311426926,3.06537890964642,2.86319481638413,3.33445977411681,3.05649868786579,2.87666835372674,2.89922305195696,3.02171418423264,2.96662191307275,2.95242574387865,3.01389442033268,2.50493808710776,2.79958224141237,2.9663146777464,2.67759028836679,3.12203958630077,2.78245176487194,2.78487026122865,3.04116734460315 +Cntln,1.60752600842731,1.97040587062532,1.94592527930863,2.07568518925498,1.92060818398395,1.8788854610726,1.96802170227232,1.57688399357417,1.90579284721941,2.12241277666603,1.86044109606705,1.83173855525194,1.5221135329504,1.94298633489113,1.61052846695373,2.27084789312298,1.88469413200897,1.54615777724243,1.90299220475572,1.4258970468007,2.21575687262412,2.4182065437889,1.98561385628177,1.78343172818111 +Galnt11,4.12029770818873,4.05971102924901,4.16330667833365,4.33992452745661,3.99570500915861,4.1577855874515,4.20130845451397,3.90704329427427,4.20609379126317,4.29232760141351,4.08024339649,4.14019681391753,4.6090919214213,4.60214171947526,4.53446184417271,4.57354668788832,4.69865591160722,4.42737598554599,4.5945627617386,4.45374029655456,4.56133623315152,4.54762907567925,4.5511405788726,4.58963988447568 +Fkbp14,1.65366068488386,2.20415965698655,1.45501234348436,2.1191752697065,2.18602953626727,1.96057173635904,2.26654977237588,1.25909531911683,1.86479858895374,2.20733348030093,2.11282373846193,2.06658061841198,1.46410410759707,0.927821448899321,1.15193770238163,1.54592920537038,1.94441146680741,1.26520410104494,1.71422104188799,0.178010177618312,1.51753743641892,1.46605130656018,1.84606292392697,1.73534605166501 +Kcna6,-1.93104300909144,-2.88508492906948,-2.89513948846028,-2.3468488191863,-0.298895916156511,-3.63354683293624,-1.67261243813923,-2.43792900141853,-2.59910798039882,-2.18213233553621,-2.39120683656523,-1.74648378266431,-4.95309026735667,-4.38053797741638,-4.95309026735667,-4.24969181543827,-3.96736388647265,-4.95309026735667,-4.29151929968424,-4.95309026735667,-3.94355998250595,-4.95309026735667,-4.95309026735667,-4.95309026735667 +Tmem237,3.01632648690472,2.84519307743157,2.62794076284056,2.74997465250479,2.10192526636081,2.46599426854765,2.752895450754,2.68192159005876,2.96151655407799,2.36618025324204,2.5209027560296,2.6769757669204,2.5176312183011,2.66735711396535,3.07718312093073,2.32409013704327,2.19083195169569,2.49873814844264,2.16383485706804,2.58957153468207,2.63819236297978,2.76319329491437,2.24860793450266,2.22957314633543 +Kdm1b,2.23185264901111,2.28156203441436,2.31588967347857,2.17204134242641,1.88371064439483,1.91832538716346,1.86919664081466,2.02595132842962,2.25421746888231,2.10564621832823,2.0520189680267,1.98183597122111,2.67412689587333,2.72467655215523,2.6632046883737,2.4748419757356,2.33085461448804,2.78104524323963,2.69702895639923,2.84770467081251,2.43707942532669,2.50775590346658,2.52986499900147,2.70221616763849 +Opa1,3.96802784096376,3.84313097999384,4.13777222717966,3.93489023308537,3.85483440398467,3.93694958763909,3.76500863751627,4.11349708984002,4.01272616536701,3.86200103383912,3.85388504876804,3.75801838718075,3.83688401066346,3.84902467502691,3.90378656219961,3.88359914263751,3.86508845733993,3.87605934242881,3.78035704761286,3.95307105353037,3.77830489457339,3.81463173446261,3.81305362339725,3.85252162462352 +4921517L17Rik,-2.0761158073868,-1.53808284067523,-1.83940444393234,-1.83243428938639,-1.82097727700075,-1.20261619414193,-1.5751371752317,-1.69166785357934,-1.77145679447288,-1.40864254037434,-1.20337327073129,-1.63027220934715,-1.98529123671246,-0.760964006976534,-1.57419802474486,-1.05771279531512,-0.8113062777262,-1.54654436421286,-1.30625719756216,-1.75234008846524,-1.06535373079669,-1.25989825385314,-1.09217076350493,-1.18321885957938 +Sbno1,4.12328431169808,4.32927604874414,3.95483212106677,4.21107624138669,4.33364910211739,4.32414796166807,4.2484571040647,4.10605197652067,4.15084193940061,4.26281282056922,4.2845580238282,4.27885521265994,4.09815316122344,4.22684647871045,4.07890881444174,4.27239489526986,4.3413365990071,4.16806547038673,4.23565349526171,4.07759257274329,4.11967062508677,4.22109368021336,4.31522510648525,4.45570668955005 +Trappc11,4.41631120328198,4.25701921089671,4.32028956051939,4.26337618282844,4.21264320756429,4.28247553641408,4.35873466188375,4.34593479399557,4.400324506188,4.19887325683179,4.30949942250222,4.28630723523079,4.32384310069558,4.36715077203611,4.45099649767766,4.28381226575297,4.45168816453541,4.49342929925383,4.44120018469007,4.35925100553565,4.33071697018587,4.17084345253172,4.48905884120726,4.44710725053825 +AW551984,2.41019203097768,2.81285091400443,2.97590813226585,2.5182649330405,2.27777456032711,2.44637964671662,2.16248397767044,2.83994827101406,2.69336168393647,2.75888320301717,2.1178725619402,2.51389252766295,-1.25642192852675,-0.524131765820811,-0.600897959916475,-0.580486611734485,-1.09998812655071,-0.999330109225764,-1.69811525333964,-0.647406297108514,-0.676687313182832,-1.1928487474392,-1.86591964154403,-1.03314184468041 +Phf20,2.74888105710505,2.67821878238633,2.83788370669849,2.57142228673291,2.72770812744318,2.85745919769436,2.67815060404226,2.87105963369892,2.751409701548,2.61582317895087,2.68305458456805,2.75607935318809,2.6731892112641,2.65381760113103,2.7076922257296,2.69673771654319,2.71605244639363,2.68549307603288,2.5915184181605,2.50080766964084,2.66151301270965,2.67836076054663,2.68618729812735,2.67962489245599 +Cdon,2.00634294496682,2.31058626447923,1.75658953732081,2.02363931033916,2.48849097603731,2.40239070134758,2.25989854667045,2.04963591350246,1.9423328562277,2.06677351399653,2.31934739396831,2.16088400127591,2.49886160732287,3.10387285897434,3.04772400380267,2.99786220962684,3.26211590682836,2.97712494094879,2.93079095500542,3.0124137673756,2.77414948462684,3.05244153966811,3.14739137997487,3.06929180417571 +4933403F05Rik,2.07589803348367,2.23991931569147,1.96328753385773,2.09605872332091,2.21403133456116,2.32292757688142,2.23879334412612,1.96057519105667,2.11837716087554,2.17804215973572,2.1877602219747,2.23249970943825,2.51086046424596,2.11386410157766,2.39628169316258,2.44033511576265,2.54412029708851,2.32660221677448,2.4258156209024,2.18024770854983,2.5674000809606,2.31102451941581,2.33982402159348,2.36655532771653 +D630037F22Rik,2.02330454972807,2.1818184146836,2.35965746303174,2.35054456839594,2.35259500890895,2.40580938738694,2.31469795733023,2.39737892876647,2.12619784800097,2.16182740938121,2.20812496534797,2.28719558463452,1.93899900217756,2.14057374843132,2.12059570026145,2.07740860124531,1.83245727474994,2.02841260461074,1.59830222622018,2.13146814673954,1.97169910408248,1.84768506204369,1.82356005272462,1.80182812466077 +Mphosph9,1.82749229145276,2.21971112984298,1.80965927149501,2.09941754602655,2.3467882278102,2.3569020871967,2.45864931633315,1.78680965184304,2.01686472144555,1.92507076576942,2.29523652205554,2.04766673064893,1.88315310171349,2.19031903887678,1.64093581503868,2.14041141205717,2.52104270355879,1.95241950551433,2.34671189305587,1.60099876098991,2.2363594673013,2.26613500058162,2.40335572161171,2.3389066562059 +Ccdc50,2.65732538193376,2.95792126833088,2.70224576564198,2.81052740535955,3.17982232948817,3.03551176233111,2.89837851572925,2.55499786428034,2.81642929526556,2.78908879559119,2.96841072350722,2.91703831362166,2.52956415350277,2.7917860533742,2.51120444236445,2.63735274001382,2.80062299257949,2.51666645263993,2.5624140621915,2.5661247464926,2.67335979743194,2.66097854096491,2.69999051335376,2.80374336571454 +Camk4,-0.588961086400158,-1.03862236707983,-1.43245693407239,-2.68944037085751,-2.05149418019377,-2.14346648217255,-0.955034807212988,-0.407797586967571,-0.950023400062312,-2.13053201771053,-3.0550738698658,-1.69395512312845,-3.16878170310976,-2.70957306209307,-3.54955729491397,-4.46917008639392,-3.8500853075087,-3.30238190690216,-3.00105851197361,-2.7576508215721,-2.89350670565014,-3.43079441453922,-5.40262402881906,-4.08181007959927 +Rbm24,1.64587359181772,1.65667854032968,1.91190757804887,1.59100518292934,1.43628380878392,1.28974210858287,1.33499465353366,2.08021856871385,1.74252966050565,1.49707892625151,1.21885797373856,1.41281197832806,-1.93174701460705,-1.49249510295199,-2.47042180387456,-1.79223542559324,-2.74144686090793,-2.97898054577554,-2.93279027561913,-1.91548831859042,-2.71287268276515,-1.89310826365577,-2.02347178804613,-2.63255407175779 +Tmem181a,2.14510694695895,2.65040356517343,2.1688118442048,2.78749433093775,2.73122934146163,2.75477502875179,2.37960111224214,2.02927309355575,2.17451718339972,1.73947137056078,2.46883679341667,2.58701485189807,2.52802374734711,3.0567829584256,2.53017031026905,3.26158849041012,2.96539928854281,2.72363741417884,3.02873531854713,2.89426921452482,2.8843339776176,2.73738490417562,2.82141922867728,2.81454844409584 +Stox2,2.34144193300802,2.5209073810898,2.14914538926466,2.30316688252505,2.84087977113523,2.6932739965381,2.66517646777588,2.44791969613191,2.29092489865474,2.14078836975808,2.7896355548464,2.47891491570939,2.09393077458,2.07940118880348,1.66158692841273,1.86793066240694,2.99706334760982,2.52178576976667,2.859748553866,1.49238921320329,1.8937309855813,1.88504984573034,2.93364844066564,2.69142773390506 +Snrk,3.58880575399621,3.55714813587844,3.61247948662862,3.55785475375771,3.65298880356333,3.61757843226371,3.57695525525695,3.59957347325576,3.57367667899837,3.62391939660525,3.60159648547512,3.64159062113985,3.16877325324761,3.41195308270918,3.18287446619331,3.38562528557845,3.28530147460875,3.13148444450471,3.4170914560968,3.34096797147716,3.36910939945068,3.43449122866302,3.32928310710587,3.2806346707367 +Ormdl3,5.01554498431565,4.53703607788248,4.93466205783284,4.76865074916017,4.59710283097801,4.61356262920961,4.68481187281176,4.70384419691168,4.91164271093029,4.66888208601066,4.58296801421807,4.69392985569368,5.62926652189525,5.50755634501234,5.50210972024826,5.57524225924743,5.38083262681738,5.38429207722289,5.50947947594671,5.52228141921993,5.55986542494566,5.63849039932662,5.34755788798099,5.35283892393102 +Prdm1,-4.81874247590594,-4.81874247590594,-4.20773628295486,-3.93262776976605,-3.87014766334261,-4.81874247590594,-3.01530559996936,-3.54672845098782,-3.95284983441693,-3.83986230814404,-4.81874247590594,-3.31830696001844,-0.248439252931035,-0.240036021141657,-0.4395210730877,0.0834979177062611,0.175826793153809,0.0895420265795375,0.0643114356875336,-0.162291394856515,-0.59131163301707,-0.0846885401599433,-0.0891904683025966,0.184146347105612 +5033430I15Rik,1.57731150373924,1.63301328943037,1.70432650231184,1.88902950429788,1.40843178680338,1.35488798054289,1.76842879161939,1.03713644229415,2.30206529236456,0.881475916820793,1.28460547540986,1.84903155600176,2.71414003898232,2.98112075163714,1.95569779782169,2.51015073600057,2.47552473752796,2.4049458981873,2.44676825754188,2.66691650400014,2.85672408327516,2.73360517527907,2.49687295247907,2.38146951749341 +Atg5,3.52588448083781,3.28883494178177,3.3615439594714,3.15209884674471,2.97977379198815,3.0313172456129,3.25220514236151,3.21364752133761,3.52798419413771,2.99312100415152,3.07373158582324,3.2654452256099,4.54058056273217,3.88882714630882,4.14884334336048,4.20815068923665,4.09168689609188,4.29987989052143,4.01741163928026,4.34322165653318,4.06114848936908,4.09870304317925,3.92189055917197,4.27271510051662 +Plekhg6,-0.0387461432017906,0.282151064715367,-0.204672565153602,-0.396973928201058,-0.0943123564093973,-0.839069632781218,-0.165733231459516,-0.0333880264209629,-0.486110642448077,-0.799752701660064,-0.428876053500115,-0.39522266194655,-2.66921022509609,-1.52970514330161,-2.50763184422418,-2.55486426185458,-1.2013804616445,-2.40949075162812,-1.3140822866313,-1.95269835894004,-3.07390934347306,-2.29150929434179,-2.47823031641264,-2.66976411210741 +Leprel1,1.34512586849942,0.856120261903529,0.650302265065692,0.738022257375069,1.5623106299371,1.47590215342176,1.41062082902547,1.6761917569989,0.964440583305995,0.864254357138905,1.43336284441867,1.11451154670715,-0.124850327879269,0.110741810161201,0.133612180395879,-1.08718978029424,-0.258918665692183,-0.385345997019159,-0.829185379609048,0.102846065345154,-0.491357171108887,-0.715761974910251,-0.770673046024261,-0.659474110135585 +Pde4dip,3.93725497879194,3.98571875899989,3.58232069085436,4.10639680219636,4.40845011379618,4.28300844664994,4.27385461197657,3.65914304348105,3.80359463859121,3.99080424718987,4.32996534214488,4.20463183444489,4.1027478394589,4.24377628045419,3.92404829772688,4.45184689408467,4.75031320749059,4.24553131870417,4.69425461301126,3.54073622456197,4.22350646765836,4.3597697063193,4.74528043635141,4.51100803964393 +Ttc39b,4.84175930250698,4.7910042534587,4.85569840919406,4.64405970978961,4.82182703269361,4.83478069472114,4.6873892109821,5.0590261168942,4.96254553433941,4.61327949327655,4.74738398370045,4.68854196403481,4.40173994214273,4.1582446045316,4.38420251863616,4.15602191051189,4.35630061092827,4.36165463636989,4.07648035363769,4.31672396100626,4.27158108303663,4.14864765572831,4.17146001200609,4.09613463699048 +Fam126b,3.49447011681757,3.34729218338564,3.60116033849153,3.38339666633713,3.13995478301034,3.09898661760524,3.15518221771829,3.60679139870844,3.53193783983308,3.25182478096015,3.23137382382231,3.32652548590148,3.61226657070161,3.19741086007746,3.63219350477228,3.46812857237937,3.13929731371724,3.40857309828388,2.95008531116107,3.62512934011672,3.60108663025459,3.38320922711145,3.0429431410434,3.4049941013687 +Mylip,2.19868005879248,2.21536260395533,2.43086452102459,2.28927402282247,2.00846403088298,2.18006526958494,2.32855119023271,2.46444260353298,2.47977517292083,2.04829505875549,2.08038847365857,2.30636571829943,1.23663584786237,1.30943830433723,1.40300734107575,1.4109893276071,1.76414091259902,1.34199431251565,1.23636731292134,1.87928179484109,0.849793604799199,1.73080576245045,1.51313030637131,1.61360654372432 +Slc43a2,4.4048598915796,4.56730834107438,4.43003488381693,4.42553262599917,4.74051405732706,4.73095638956805,4.46609983290294,4.63931731166754,4.52972233255194,4.39449582687242,4.69251113953301,4.55436078498719,4.5079831311783,4.55008007518849,4.65894826434699,4.69348846879521,4.92201589691405,4.76888095939782,4.76688402928942,4.60740144444308,4.44893424950777,4.67371920603091,4.98003686262182,4.75735806470109 +Chpf2,3.85890919703041,3.94315558094339,3.97228639806133,4.12593588966001,4.05842069186204,3.91667737778414,4.12976600411886,3.85468814933604,3.93891599869281,4.11066082444734,4.05672889771983,3.81512495461478,3.58777718785611,3.83455393575438,3.84974659877822,3.94999054507686,4.08609997997715,3.68164885433998,4.13713635157811,3.23153781174988,4.03528590559034,3.91870425600056,4.04189222008007,3.75635628177779 +Btbd10,2.27183972394193,2.03908322417932,2.16398197340742,2.12281118493998,1.90176133666376,2.07313836696672,1.98696827176502,1.78637692565606,2.07870284342183,1.96340694544651,1.64929725404437,1.92776414961317,1.9429398558105,2.1432564356217,2.11090956449175,2.3101706430334,2.07517673361452,2.07861780960501,1.97723651758345,2.02778401949043,2.17423525278657,2.02854141971005,1.99564902925967,2.19328273432363 +Cer1,-1.03795982325526,-0.684189022956425,-0.776008049670514,-1.51790071908833,0.0683690773140514,0.158680841370396,-0.482476305848369,-0.233050325771617,-1.36581417001092,-0.0275066032205927,0.150348836803625,0.307747132971447,-1.24308169149262,-1.37903913323369,-1.58386099896584,-2.45627033114703,-1.59376932997339,-1.25717650384102,-2.04622947071041,-1.73221696712291,-1.14539686079444,-1.00654745874705,-0.549441856423664,-3.15966878306543 +Prkab2,1.49688239922861,2.00976029120595,1.45234866391834,1.82223808862474,2.22973060718485,2.04683517872001,2.32178190839149,1.53704103336664,2.11280430796009,1.63950189685441,1.97099249472123,1.96260758342153,2.06784418347897,1.91737904402604,1.53303840139615,1.9903169434088,2.46040345632452,1.90313712772141,2.32621203869661,1.26549846513156,1.59338212938817,1.72726234547709,2.5384560257877,2.23867022109629 +Fbxo8,2.87540628401472,3.07815011780027,3.50860926621245,3.00869165865849,2.72459466690332,2.96161765355565,2.8989198269487,3.41767122568924,3.19163023320496,3.16748785319723,2.9006073272253,3.06994962517373,3.74809960661047,3.40156112804522,3.88496951649629,3.62210683718815,3.30941667638213,3.54952743236531,3.09619144211896,3.82237059395839,3.82417091512259,3.58843424340034,3.09487656078369,3.25672182834271 +Pgap3,2.0882748188145,2.38550494513464,2.4243104233508,2.0356213510914,1.61766058526592,1.99040320596432,1.92232054615877,2.05571261486357,2.15237619283152,2.14497973163203,2.24337695218325,1.75501641788603,2.30699380581031,2.45647552483075,2.34329770512997,2.5221765728252,2.43422453680157,2.29768189270674,2.31467445739099,2.44870144530547,2.48139233854452,2.49505374454625,2.25432036808694,1.93187385511169 +Hiatl1,4.06807389619677,3.99944233949277,4.20187743818007,3.89261508575787,3.53603294069875,3.71992653377807,3.75582537437802,4.18742245054219,4.16599337899044,3.94089104614484,3.6150275297637,3.85726674346092,4.24245510941506,4.19259094694199,4.41206260591079,4.15938456084926,3.79717927737232,4.17639986326866,3.8407874585308,4.37643486094675,4.31055558348293,4.10988368262162,3.81239717708348,4.07028247900936 +Tapbpl,3.56720427961093,3.13267224052565,3.47762864888177,3.46981358430382,3.6708168362448,3.35309373939094,3.35721834743082,3.22193209314848,3.23711624621456,3.60016484972461,3.49668462426834,3.46283005543752,3.79223376514546,3.47962108295408,3.54305165776399,3.6442806609126,4.28846768749568,3.52100498312829,4.01742192802612,3.49334217722475,3.6751254645747,3.69308330921181,4.15865630106897,4.12452367495173 +Bend3,1.48815001227514,1.45514614009824,1.65424451377864,1.07013186661481,1.55064359500408,1.57435761564177,1.26549671739592,1.98021112231883,1.46837028267211,1.58976859020834,1.48338333200818,1.39543196407905,0.909136782440151,1.48551505319459,1.70571660378925,1.21687423824101,1.2853826796943,1.13057989294591,1.22805022266722,1.57430008325967,1.31358691597264,1.16512943195525,1.52804317496952,1.13693176118842 +BC088983,2.0124389564051,2.40598420030824,2.22002277358194,2.30228060530533,2.13933634683185,1.85477432455866,2.35495270793745,2.13835267517494,2.01658572490446,2.05676885636192,2.19100389071009,2.02901956067225,1.71807239225538,2.20546145664206,1.13110743562931,2.23680524166668,2.1048806620511,1.88807459034228,1.86636454895362,2.04110564849156,2.00858939152693,2.03004263923108,2.2295262340475,2.1119109560797 +Tlcd2,1.4969234814911,1.72129413103904,0.868875760482639,1.25180533221768,1.29251902828142,1.24583922005203,1.56513361216839,0.803173533705355,1.5519413021084,1.32227828045283,0.809364771769917,0.57422431193265,1.7697965923332,1.12565465453043,1.65970971006172,1.50249530626829,1.2385798291634,1.27242898451422,1.49720940996731,0.787603796310936,1.83630955678461,1.37374301255038,1.34565612044417,1.30852056574052 +Ccdc111,-0.276642327633512,0.898899663523472,-0.124930376769822,0.38785067940035,0.479268975897978,0.136617604245061,0.331847134592401,0.0040928982825598,0.110111203204066,0.459362470507267,0.735988570907558,0.494482700350727,-0.381841737184811,0.531972643914024,-0.168295206191849,0.515538557620141,0.280387395599416,0.118525353462327,0.0574853999828959,0.326056846462047,0.211511918348705,0.222449661516365,0.170020879394074,0.576948089576841 +Fam198a,-1.52953606261478,-1.01488038386918,-0.979840832071694,-1.95010309015922,-1.7199568366433,-2.41368180339954,-0.877370054163096,-1.96321267386785,-1.29604989217254,-2.66146394149309,-2.17512453250234,-1.86321428111268,-4.21819739670901,-3.64564510676872,-4.21819739670901,-4.21819739670901,-4.21819739670901,-3.1509483545104,-4.21819739670901,-4.21819739670901,-3.20866711185829,-3.64041251966325,-4.21819739670901,-3.5815455946791 +F11r,4.42260595235689,4.07381260833171,4.20887751518097,4.14625071620189,4.09280299024671,4.15231375189494,3.9609792567412,4.16406179281478,4.2368809406187,4.12567333352528,4.06940205356802,4.12799542151218,4.26438594683402,3.98905167264791,4.2061903999221,3.9064883942133,3.85520177759594,4.39548022205968,4.0761150928842,4.30055713500367,4.14230106736325,3.95219008426525,4.02053525686367,3.89422055762357 +Pdss2,0.660589397687553,0.690933349546284,0.749695916019848,0.587732746289764,1.18973194562385,0.840281319179664,0.859632860320656,0.565673585100156,0.472855991611761,0.825036018363402,1.00766699859217,0.8898338135022,0.809459826698889,0.736883856074398,0.897764357630922,1.04941460018373,0.988380135014525,0.950584975973276,0.964721088681482,0.679342840764791,0.78041336925775,0.703630796391533,1.03630594124776,0.83439618588417 +Cep250,0.494727513985096,1.53046569986171,0.369574413041402,1.16641029400068,1.68315440808025,1.46325347002706,1.69768512189772,0.393157199919108,0.589559987724548,1.37883560695816,1.74143531053709,1.22127448503022,0.762836526164849,1.7094207040632,0.608329841716787,1.79949430385044,2.01449773692975,0.913911079146125,2.1066845061491,-0.138191664511878,1.60783925179352,1.94334995418544,2.01417783039472,1.815118082819 +Mical2,1.99681620532282,2.12140344950052,1.63304873748523,1.88846387385768,2.76920200680832,2.8495865191087,2.69138207806756,2.1847193511441,1.83301875067477,1.84620402930029,2.6563080951502,2.43045113672505,1.69828393675634,2.36174182577614,1.87157198555411,1.89290775713146,2.76111123118954,2.30820085629871,2.85930584247614,1.41886125523146,1.97503935149031,1.9900691989603,2.84267045589759,2.57376102764827 +Sobp,2.13596342504395,2.16870045779625,2.12670989012259,2.01213219380797,2.91551405265355,2.86180967934242,2.53967412791164,2.34247511837355,2.00903615514725,1.89533015700819,2.98480964028238,2.39459788862614,2.27305893120298,2.67342199778556,2.41236749421952,2.39105181131389,2.92354622577087,2.55660905299918,2.99961718714761,2.51566946700154,2.05579691976362,2.36734413519248,2.92269575552307,2.66634159092938 +Usp38,3.89033748637849,3.6467987692861,3.84479569625013,3.75285094048656,3.54009252383508,3.59357042737337,3.45761909149743,3.75863754406312,3.86663782587055,3.91049046473154,3.62871624314532,3.6609508817655,4.08072401498921,3.75600834452169,4.19007596209719,3.82485683178006,3.78346246187095,3.91833324198563,3.6883576774694,3.93109102982874,4.0032267477267,3.93134775734315,3.76195642757548,3.75402518589281 +Ncapd2,4.38575479085252,3.40728042274756,4.19493992495657,4.38206736556625,4.36972054756684,4.41175149177787,4.14367739528587,4.2129607744006,4.59299103331463,4.21414979471071,4.14381269928451,4.33397908821953,5.23514283324438,4.52274898850282,5.5834681922997,5.24943281800106,4.95885039744523,5.45751228321951,5.23478452398046,5.74839968397113,5.47749068972853,4.99571160621194,5.16845827711129,5.30587365043786 +Bcl9,1.63412648977674,2.09661454480812,1.70319956054926,1.62833970013267,2.91831962553755,2.96998513065664,2.56133146090158,2.63607731184538,1.65675443441972,1.8945270943587,2.80274843906406,2.05624963553448,1.68600539455467,2.45457259617546,1.92756484751156,2.2241744046212,3.37324316559229,2.64091248734258,3.43006010409394,2.26283551683419,1.85013487936985,2.17758287780683,3.25671285892266,2.86152191861618 +Trpm4,1.55362890527463,2.16993942787659,2.18714576443953,2.33704435908293,1.83343795452805,1.70081487323489,2.04080182228111,1.85374707194147,1.91459041675331,2.09489112296075,1.97337832154227,1.8461828375382,1.48942087805681,1.72721656153838,1.90105658921009,1.64334909582919,1.38890313366819,1.61931898272782,1.84952028951768,1.88328226411632,1.80791925003458,1.83968035573765,1.46805908427856,1.52176374694261 +Slc22a23,1.77121794543963,1.97313568976599,1.59074600873385,1.36542077170111,1.92538610741082,1.94048512288089,1.89083036559639,2.01612326065219,1.50334677516428,1.30092383845737,1.84980013349647,1.51403900192734,4.36793567908359,4.79694882789109,4.62185574575782,4.22765991174985,4.5941894164358,4.29460460231849,4.63898539057976,4.74230999775866,4.46879497596439,4.3419518230379,4.54221078048539,4.51216131477042 +Ovca2,3.98469556084832,3.50799987452646,3.82948844144522,3.79593367089865,3.68366653433719,3.59717506439118,3.73919946991146,3.73421096590697,3.80220468762473,3.57177043438063,3.61202618124164,3.75190405208435,4.38871498247498,3.92246431013321,4.45359369576951,4.26763352660348,4.10307310331173,4.2656196149483,4.0317604769329,4.33835102697278,4.36996304434066,4.21421332691703,4.12225078274745,4.09882175325364 +Iffo1,2.56980202758125,2.95224955212663,2.67792267895742,3.01483026503627,3.22278374165169,3.06846103606677,3.32370078927081,2.52599666774709,2.81208016901571,3.07051779520949,3.41018106027474,2.84097536667591,2.54177915556599,3.22691312846676,2.73460884808998,3.24608379676979,3.60512266270895,2.9225667457501,3.64478349011449,2.36660190569398,3.24423301060045,3.19315476830497,3.60923457089216,3.30709093204237 +Fau,5.80131323774715,5.05959833382875,6.03255916170605,5.87946304145,5.48059918785435,5.51847588011583,5.48986421754967,5.77471026517553,5.80512579530862,5.82207806866403,5.60213183714559,5.51988048406664,5.19713565337427,5.07633309578083,5.34210857857793,5.02215825289723,4.74448415585429,5.1936046457551,4.50739874392925,5.35239370327123,5.48008991884902,5.25206087761117,4.73849535828546,4.76865873957642 +Nop2,3.81065264760424,3.20344071397619,3.45802721040204,3.46663202667708,3.56114892200855,3.55175886889527,3.61332995739228,3.22993116665196,3.3204511607286,3.43392447860365,3.40964820215238,3.52883084220534,3.29169596210781,3.04303951763692,3.23934948170078,3.28151615462446,3.3584383209082,3.44402475205046,3.47002188144854,2.83514317358186,3.41598357009334,3.30270754441403,3.45733851964414,3.3089025331271 +Ostm1,1.54683870304123,1.57598589024487,1.46429348313958,1.36692731024064,1.32139560427134,1.22740244737858,1.25056923976037,1.2050170813155,1.36708248312245,1.31614650672116,0.965156607619472,1.20027241856362,3.28295524723075,3.11727175621271,2.98900150675141,3.1937218508238,3.01009351530474,3.10681313143957,2.90701307139736,3.20759944473038,2.95452618446308,3.03360624197983,2.74630941901174,2.93200837585634 +Bphl,4.81161625266162,4.56414007806084,4.82479320403374,4.81148836940118,4.1618403392434,4.29156825571205,4.45998905804781,5.11702846651287,4.82572594312657,4.96629357474875,4.20651824285266,4.70441771386165,4.15067048806816,4.50240831594433,4.48554563093476,4.65780814501775,4.1818270384394,4.48397207798726,4.21796484620212,4.48947939207781,4.64574481742525,4.67418630861192,4.04579321139038,4.17140002984204 +Smg6,2.60211984829228,2.81639186177062,2.71768339314877,2.59634724751789,2.93202253494919,3.01507627247182,2.89587241556123,2.78874511087532,2.63612312972654,2.62133826521796,2.96407710252411,2.79369137324216,2.10475027830311,2.21006872644529,2.08373191227075,2.20100968956032,2.49354128222696,2.10085695751999,2.58534478700794,1.94654071078106,2.09398919955471,2.2284251295071,2.58097885045314,2.36393483449446 +Snx25,3.06119225984056,2.80392886224333,2.92971580511747,2.91455185221469,2.83906327188277,2.90863254829114,2.86061914104579,2.77370276615165,3.03721305034238,2.86639354494853,2.71306924620258,2.92448240145551,2.87253722469432,3.32650308269974,2.76951103202254,3.07677173098233,3.0379733012375,3.07782912180964,3.16830237840037,2.9792290062442,2.65052591555705,3.00265933929347,3.16123386335748,3.29680797002163 +Galntl4,0.836358009206413,1.4488912641855,0.991641303862076,1.06677061394881,1.815333439131,1.55554441123832,1.12254796463174,1.21487306408808,0.589926303852443,0.692856617472547,1.39865810644321,1.48846413101134,4.00140603159564,4.56525442708128,4.42521784355894,5.43903036076508,5.40650934455543,4.55228072201727,4.73750634915264,4.54327256285251,4.36440694308691,5.31850568946748,5.36221689880339,4.87670458793485 +Wdr36,3.97873359620126,3.56746090460762,3.95511011454414,3.82738318588523,3.53450623704638,3.59645343422634,3.61131679127631,3.9517265945562,3.96087164140974,3.87642290431846,3.74574292654756,3.77640304300695,4.1961830614695,3.87004195254023,4.2213559114711,4.07931158475766,4.078257784781,4.11618116102649,3.67334356438131,3.97516388076832,4.18656327572982,4.01923519102688,4.08646839097546,4.0567078485425 +Snx10,2.6548650085573,2.76902200344028,3.09109914932097,2.95760792037736,2.72601362602334,2.52815379549651,2.67147014282407,3.00669845777701,2.72717732918107,2.92199617618124,2.81453968652611,2.6819213977406,3.33471516814211,3.24151626016699,3.59301217864496,3.4387188151964,2.83730815049707,3.21802884199837,2.71933614936881,3.5687670002747,3.50076103907333,3.41347469894658,2.90376280170282,3.14603151313112 +Lace1,1.3508775549729,1.00542827742154,1.48496635823832,1.43477848427056,1.6782006954571,1.45223153421996,1.5175156152961,1.47621658701494,1.55186755958124,0.889417511184176,1.61878293404007,1.46057213743529,2.46995152731068,2.44156443104575,2.43490342643934,2.71246315958155,2.65225574851119,2.32907232704756,2.47746756198337,2.59549982269963,2.67988143642779,2.52305517227904,2.52355647880717,2.63453704547955 +Spats2l,0.140591119241914,0.380786637925974,0.453537629867866,-0.072369221540769,-0.114073938125696,0.309478758795549,0.314597236539666,0.591542683026641,0.355262761430542,-0.54176666905629,0.289760570491397,0.091537714048668,-4.81783379680415,-4.47345758350349,-5.45480200367394,-5.45480200367394,-5.45480200367394,-5.45480200367394,-3.99777912777353,-4.81026511266203,-4.86347898974909,-5.45480200367394,-5.45480200367394,-5.45480200367394 +Edem2,4.67960372828058,4.34386072869254,4.32611963848829,4.57677176111851,4.57498501914164,4.42002938768115,4.42103730856553,4.26844066807263,4.28129872668312,4.41145436802197,4.65895097637148,4.42552474308789,5.80447188212251,5.33458363666297,5.54449626505629,5.51668329027569,5.88129905468453,5.82185353080289,5.8682690821207,5.14479648698604,5.56684857958356,5.66257762770546,5.99119744881941,5.82516341772912 +Kcnh2,4.45215655289929,4.57342698228901,4.49847372959671,4.48935025269887,4.63537198499863,4.68261416418136,4.59003077166723,4.57021513487548,4.50982481478793,4.47710525608655,4.61941335376169,4.49379397039971,4.13437848217631,4.30678450749476,4.27967435892397,4.3905868535981,4.53454022027808,4.2333791480939,4.59191850328893,4.03428033362695,4.00815809267042,4.4205798284935,4.48371054047995,4.28951465898687 +1700066M21Rik,2.15579482966704,1.75269271086735,2.05605761497664,1.84960728696058,1.40697244883573,1.67524502037552,1.55485148044367,1.49105357385621,1.89122904850226,1.76291818664,1.41190453037844,2.06252124482757,2.42740386419566,1.95536207248241,1.91890789355812,1.83211185462797,1.63639580389151,2.01197035966887,1.47235054448347,2.06426990997268,1.7122612798268,1.7967280288266,1.48873530455933,1.93841248764545 +Trpc4ap,3.55898039961734,3.60279778315885,3.70323552231432,3.51906304738864,4.01274926296379,3.94149065514763,3.78497570263648,3.71476362543641,3.6943622981185,3.49986518044327,3.88809695704398,3.69057722682772,3.39898639007715,3.68318232739891,3.42897879783638,3.53192429253339,4.056455027897,3.63790603348556,4.15967055452612,3.50086746014649,3.29227991330594,3.39767349730425,4.18793915926014,3.82150912096868 +Sesn1,4.03612470077689,4.16253672041733,4.30056712203719,4.17335193545218,4.10833896755616,4.13402356292772,4.05666626451725,4.4314376639598,4.29381712026728,4.38940788322615,4.27875361331165,4.33250768306255,3.4678655642788,3.56743435613993,3.60492465578635,3.68350181926819,3.6071328007329,3.53102830309438,3.4436324606784,3.4930872908627,3.60626804894577,3.79570619302571,3.45016810448251,3.47542533993688 +Tsr1,3.85145660975973,3.609928237608,3.78558721794956,3.87327333350321,3.81063335949387,3.6912760053925,3.75048114863463,3.46787547244604,3.66908359470805,3.73174006881905,3.58864099905434,3.69189321009441,3.74726727279544,3.4722104013,3.20518849864932,3.48544402541698,3.94637596156126,3.66752336906324,3.8711045657007,2.76571955605584,3.45943151908583,3.54543413521694,3.9074024414071,3.8623813067438 +Mlxip,2.02677987796179,2.27269821015184,1.98091773264814,2.17433282121911,3.16224226456751,3.16478860218889,2.67841228807003,2.50546427619999,1.806979936489,1.81738717942472,2.97606187702529,2.45281966255319,2.10662889443012,2.49862125778186,1.88651355816473,2.28034973404234,3.25007280475565,2.67841695144494,3.2777588235594,1.95544003624602,2.29247134687333,2.30913228131275,3.2099567809906,3.02493651251942 +Txlng,1.00328784272957,1.34090280384273,0.886958091840903,1.16829326066755,1.52089873415879,1.27448788712162,1.27809908216926,1.06692952419407,1.13835552470118,1.26669215747243,1.55995740571628,1.26885482175052,1.85068694353393,1.50039710171808,1.3175513954988,1.58942838423067,1.81947244774811,1.2547270350399,1.50253302123404,1.80719283628627,1.55644474365648,1.60926468741083,1.78177443091866,1.47210162426757 +Zfp384,1.42459268090405,1.88511269526037,1.20143922288928,1.812901634751,2.29049892119231,2.19976823545192,2.2280131958769,1.38826191503234,1.77937158685265,1.61409263108281,2.42805224853255,1.96245222681272,1.01100460971486,1.43435120148043,1.0919789492924,1.29205089806427,1.85807611585704,1.47811400963308,2.29187758570716,0.906017838492211,1.3408826040604,1.43423704941734,1.93418050682375,1.62762877343701 +Tcte2,-1.69882877221075,-1.13292223141188,-1.14580243323883,-0.976027114236795,-0.314080035824207,-0.456629177956615,-0.514544117306709,-0.927404559932855,-1.43711351908226,-1.56421966929006,-0.638221333656099,-0.814737464180298,-2.20026552133772,-1.88100425095931,-2.48866200340932,-2.31423521183074,-1.20999568558901,-1.60289571614374,-1.04711096183141,-2.62734126336268,-2.32464544609737,-2.54329311305724,-1.40066725425437,-1.76281095448922 +Plcl1,0.253330443852974,-0.0643371446610184,0.384372737090842,-0.289069684711871,-0.0681606241079495,-0.168883994577662,-0.454566256984172,0.504205045257098,0.393707245666409,-0.861449055059754,0.0734606980963433,-0.0311818957933858,-3.88568540189365,-3.95010131882316,-3.94226120488292,-3.34845682595791,-3.94719114589386,-3.45540456656483,-3.06563073286303,-2.39191233937971,-3.93133059483858,-3.94486873171768,-4.52265360876344,-3.44579794436736 +Sgsm2,2.56441688637035,2.43439747724659,2.11646523400992,2.39047570803907,3.09969340449108,3.04613587064757,2.85923724682402,2.53311658919895,2.13344346222378,2.47833725866754,3.15002792164517,2.66674637456907,2.61264822918774,2.84307210720401,2.55589942462901,2.7758797277708,3.32856930180741,2.96648626185717,3.45704433069753,2.37045587128473,2.25793135197135,2.66351972911237,3.35108838211852,3.09210491690851 +Ankrd35,0.392876909023217,0.55861474117668,0.186412993794673,0.772920007842816,0.585334309308613,0.609892169884996,0.4964215284031,0.375344132967009,0.342459655601099,0.522093553015182,0.595968295135218,0.332636199506593,1.05217076300903,0.763741581950669,0.871674354008995,1.09863124443479,1.3714962382346,0.637477875576816,1.32695190410459,-0.0825937964744539,-0.0168186632993075,0.98261078638192,0.994658838771201,1.2419057801905 +Fbxo25,3.57455052216661,3.81417195878937,3.94271447110861,3.65436731660454,3.26384898787697,3.301317635312,3.52119498946807,3.85298304503038,3.8079600264968,3.89433049946628,3.43477106646066,3.57120027933631,4.14021895107613,4.1990962749267,4.4200377987899,4.30046802245251,3.66505298237713,3.94834362379115,3.99465929459763,4.3312437332328,4.38644891648994,4.36617742662251,3.67967152995433,4.00086631218562 +Lasp1,4.8343138122539,4.72734277649733,4.73189443547977,4.43334532696804,4.65644370186362,4.83313262728862,4.73103377266488,5.1417106952883,4.64414929097531,4.55853759825171,4.62673545222368,4.60915939205703,4.28939849455054,4.20211696981572,4.14711594165926,3.90475190324773,4.35666070442709,4.35364870682669,4.37184265394254,4.39042460225464,3.98197574306255,4.06486210655539,4.37355720381843,4.2258212526428 +BC057079,1.9532116851149,1.8197196978609,1.65805996412018,1.38814256322827,1.88564224274636,1.8429481623235,1.74746767649934,1.77416310478744,1.63142842111691,1.20565273617977,1.91336139544406,1.74080874451364,2.66871439480536,2.46506416200897,2.49937538248564,2.36328127199302,2.68716889104415,2.92713650395629,2.65181136075263,2.72775180535812,1.73471572092591,2.15282322531501,2.77019659416421,2.75438655243536 +Ncoa6,1.63914704914352,1.95714554301541,1.72898299901427,1.61976636463792,2.86757056157609,3.00028570868498,2.4354662150129,2.49408308208043,1.66210125848019,1.58880635705594,2.67059076617892,2.24416607425684,1.4878626757322,1.9533929065004,1.16128371853468,1.5490934651633,2.73326162386525,2.05227934961249,2.79144225466126,1.43223873688129,1.24069154061792,1.55196863791182,2.623854194952,2.34488296721504 +Pcp4l1,3.42958660086642,2.72172704287596,2.24594321494373,1.90087181066446,2.32213455499889,3.05430445281349,2.98349824671478,2.75670510967067,3.06952805396575,1.26293889141481,2.22966799801883,2.63648891598227,0.364901033086764,-0.243368841746985,0.290961943170244,-1.84439672774382,-1.23167296973386,-0.745370426641242,-0.519211132549786,-0.289068142755869,-0.0952235504991841,0.0497913350783921,-2.0033818260038,-1.10265813728551 +Sbf2,2.08856239864495,2.48378453179404,1.94750995012178,2.23222190363192,2.63846740713751,2.60516523861817,2.44708083501025,2.01356577196533,2.1578462959834,2.32045989583742,2.71316475005232,2.48241258237142,1.4966794478625,1.93428566311244,1.43478750882644,1.79531462374118,2.11157101514077,1.82853746186309,2.04593124293251,1.43849849043854,1.4329689249758,1.66647969503915,1.8870287186215,1.90595811315002 +Gmds,2.35049761827942,1.9113581680757,1.72118308147577,1.94263790950059,2.2869644723138,2.38059500988035,2.11855670133137,2.35598872012386,1.87708467379064,2.18485779355064,2.48151334729899,2.05022386781798,3.3873894283189,2.96089031043487,2.71746719564659,2.53276696456147,3.03329802221884,3.54931319920132,3.24388649830434,3.44244985490426,2.73029996235002,2.76244576210068,3.21845115531884,3.29036322555133 +Rbm8a,3.96404270449219,3.59790318553225,3.74357254568108,3.68692995959281,3.42064138365601,3.20811149817546,3.55314019996571,3.72104152894077,3.69846361051371,3.55542282716241,3.42909067954534,3.68060116894062,3.47896761485808,3.1275117739418,3.42907606982849,3.0920208230446,3.24620186258389,3.17612685988135,2.9820289533433,3.13548301321817,3.23090182450837,3.3024707020929,3.29351581219361,3.30735847329978 +Trp53inp2,4.2936329376097,4.48609825517554,4.05395075014637,4.17843696336546,4.85487272819121,4.7332329349682,4.35889287236224,4.67697660565646,4.280279641362,4.24627188569638,4.58714148210995,4.43324982672127,5.68438756134687,5.37987926894816,5.65896566422525,5.42928672033137,5.9609305682571,5.79624680471789,5.65384054157351,5.61324317557267,5.42320228016435,5.56535560810439,5.91121987277043,5.56460027153768 +Pigu,1.25617195637631,1.45398197236456,1.37151777496581,1.24708295827095,1.60942256295323,1.51555972574392,1.19494898408261,1.51173895060554,1.39672833792343,1.30087877005431,1.44595942880384,1.39692956422163,1.24338019043133,0.894803810394082,1.19429098697458,0.964671428745397,1.05163953663482,1.38896619823793,1.28960733197617,1.3588176239267,1.04873062456929,1.03735308291299,0.96966802032462,0.897370942964767 +Setd1b,0.819728140382094,0.50790214368301,0.611466836507263,0.318938735531941,2.68753877648285,2.81019732952873,2.42592369732987,1.82282235571852,0.283899885958154,0.895095430356913,2.65486049619964,1.52314929863873,0.28667395798239,0.46248505770994,0.513112910976345,0.0581944720640317,2.48459189972009,1.56006511437029,2.79098409685187,-0.314533691431408,0.191756661293094,0.185702687271028,2.57689042151811,1.75839467135545 +Rras,0.276659940190739,0.290007262617643,0.564543263085432,-0.677230473400647,-0.580655012553698,-0.920531006846062,-0.0262206944015762,0.331382184303941,-0.148861354392375,0.459991247386052,-1.27777395596541,0.0894394837765209,0.629866316148347,0.711527883418442,0.877035393538218,0.481143414442422,0.641607573885216,-0.229620557442114,0.384651497462054,-0.372102371966496,0.83619389586898,1.06229382108515,0.223245751219085,0.0803025960740091 +Mpp6,1.53488400739523,1.05320754808067,1.08121382574742,0.789680191560946,1.39071633334401,1.47860178105341,1.1137630828052,1.20724205409184,1.13637921855265,0.726471907579168,1.39668016346328,1.11117165979871,3.28356566066769,2.99591032590616,3.24361239866576,2.83222376925437,2.76234815787587,3.2928855384825,3.10506585194749,3.22333407290274,3.1738470371554,2.90394409266008,2.67747904361141,2.86020916192952 +Gpr162,-0.209290736128118,-0.202833645844896,-0.0100494354509573,-0.602324329893073,-0.704257007690731,-0.784967914946977,-0.698867612916374,-1.26632770046217,-0.859341461863838,-0.497802039736594,-1.01668449931685,-0.574882481707951,1.22225883287467,1.39143681468928,1.81974893336453,1.51601421449037,0.805713259671739,0.959584132451711,1.49713773201348,1.13920187394749,1.42681644457695,1.46422290454568,0.771034903323859,0.94735519349809 +Txnip,7.10758347762174,7.9927164953326,7.16673072189737,7.43524288041444,7.14145075120329,6.98683384575881,7.2511661073609,7.33484219488921,7.62708011046326,8.04644080827432,7.38758639121823,7.52183155921691,7.31162191820227,8.21115799682187,7.29971626567205,8.37868535315802,7.81060905180716,7.84224253929435,7.95734592286775,7.37104132521622,8.74527550358282,9.05315884955526,7.99237972201007,8.22698939886718 +Upf3a,2.61571163408403,3.07605632540011,2.79614546602267,3.1361960099121,2.73500068908284,2.86144753892296,3.36162592230175,2.84986156965999,3.11165590566053,2.96727477067243,2.89566537439587,2.79303225859542,2.72474560661969,3.30389291934254,2.90578672367629,3.04434973926743,2.79540633782409,2.78763492459373,3.22418759825735,2.99216364001046,3.2142089559374,3.25905637273419,2.78066264664788,3.01245847678191 +Pmepa1,-0.31641871198004,-0.922914359130301,-1.78461750816959,-1.28923096708372,0.369657647238888,-0.202379103858706,-0.663159710404808,-1.15002334670748,-2.30403280255201,-1.69518020077358,-1.28455175227492,-0.354224759775196,0.915627716879293,0.697652409108464,0.787976627606293,0.388351008531325,1.09518151333386,1.11482765200049,0.913186320782905,0.553277270702159,0.664285796348009,0.58769678143612,1.19189834749314,0.948001969350018 +Scaf1,2.80537484640821,3.00199363667605,2.7296764082405,2.97162971575534,3.3426720529179,3.20998458767475,3.28447899371006,2.87349400053714,2.80828632682491,3.03509756416091,3.32021880525584,2.96694983837127,2.67512261693291,3.0792845617963,2.76457033606019,3.02896433909977,3.42312892742385,2.90445356101899,3.71075581115012,2.57135609334111,2.86176982422138,3.12007893002335,3.46654396608255,3.17227101799746 +Higd1a,5.6894417739149,4.64574476330326,5.0741994356776,4.59992762844947,4.5207692555071,4.82730823940343,5.1360959264361,5.03733817085967,5.13852402250885,4.44577223917835,4.58826045108604,5.13235686778545,-2.18943970984228,-0.713027264979722,-2.68636934612136,-3.26676175000189,-2.69129928713231,-3.26676175000189,-2.15332243764687,-2.62222485898997,-3.26676175000189,-2.27754162123966,-3.26676175000189,-3.26676175000189 +Cdc16,4.62556223225943,4.31585458618337,4.43239736912558,4.59609287245351,4.19518212810649,4.26070508181592,4.4633176898623,4.1182613603449,4.44990834300335,4.27539077049517,4.27897872048732,4.35028666666891,4.66105318857896,4.57479776385363,4.4174764285275,4.71302688070212,4.59652904583526,4.43064835739272,4.62381006539283,4.46624174973017,4.49960389390651,4.73989129143375,4.70400149944332,4.7127919494788 +Fig4,2.67219074908259,2.41654906873266,2.94570628923787,2.49784573802219,2.40092087973389,2.41040257725523,2.37754439054019,2.60555296340721,2.66698300147732,2.66589293488446,2.36272724238131,2.23980268036639,3.10164266695046,3.04245109327054,3.38897553093048,3.4836603540517,3.00656166454879,3.1956434946724,3.08654460751864,3.43834556425732,3.01816161339599,3.12980174778852,2.98203595771238,3.04070985736393 +Egr1,5.63797490016667,6.32088394048107,4.48114872640162,6.03001457073595,6.65857893297397,6.30548411452961,6.64936569143609,5.21388561052622,6.51585311684886,6.30240767327003,6.59316496466089,5.96309188056603,4.23332501903537,5.11841039176832,3.31185778531034,4.67776468188879,5.37217993594386,4.52539877630621,5.93303199638971,3.80744376555218,4.85909451582017,4.76507921252076,5.52848588927734,5.08899128337479 +Fcrla,1.58162090444858,1.09829210868881,1.67813971097494,1.50077750571964,0.527563457175167,0.825472640848638,1.470826517476,1.52216853131069,1.37469702374797,1.5844609745706,1.09534400849851,1.3152052795039,2.23666814613083,1.61098114858964,2.01081938821095,2.13185983468751,0.875998534517914,1.97633291133891,1.21671656026305,1.97762001796808,1.93969412670422,1.75009309335793,1.44341560923921,1.31015634440422 +Hdhd3,0.951017046040459,0.711126970381103,0.505430372706641,1.1352938003667,-0.313127773983222,0.644448622651021,0.846542472570119,0.811547645802992,0.394128868907502,0.849836219654754,0.362719156360587,0.244716469456647,1.9481985505606,1.10772508158272,1.93027696697522,1.49970465098453,1.55363841847869,1.40018461960096,0.848109037098047,1.39499040712279,1.25087951054645,1.69150041477641,1.42672988545495,1.08276257151976 +Poli,1.83810477376775,2.67119777550238,2.1484379259767,2.13332743276936,2.30628580709789,2.14436771447474,2.30548686597319,2.24218689956044,2.0466480603089,2.38818458092308,2.71464765388744,2.56119574610629,1.19363480103382,1.47216414468599,1.30474929945253,1.56678137307081,1.36117446354766,1.37228213460561,1.1876644810992,1.23181356612891,1.16686811059945,1.55023913689135,1.60126746497746,1.37478598694536 +Usp5,4.61047681760246,4.41196371666084,4.40634613152634,4.32387815546079,4.39331093331404,4.32577269573719,4.45119924491983,4.40571489815929,4.423876716365,4.40193462225628,4.43286361286334,4.42084405010435,4.47257638028443,4.27555215878304,4.53429808729787,4.4422697323793,4.5527616993718,4.59644585943063,4.61869085570511,4.29529475812681,4.36223226577573,4.48024605313841,4.64050616237029,4.48529755708607 +Mllt6,4.07716538798223,4.56380528755218,4.45716376785331,4.50175564785236,4.57686931460148,4.40606833620785,4.53697718664108,4.36788886542254,4.38505929789415,4.65574713547543,4.62524515087175,4.41590646514801,3.38932092688737,4.06779191751726,3.81090593596887,4.23138039363966,4.01629181411319,3.69255844232606,4.11295633279483,3.73757165477307,3.83023894385856,4.1983143682114,4.08765428829269,3.99269506330707 +Cdc40,2.3113831597385,2.58253077463994,2.64643181069984,2.2474326599661,2.27037357862143,2.421678152907,2.33686973662677,2.51294269541826,2.41650309167983,2.41928538248617,2.44547458945304,2.29824407409761,2.33888495050961,2.29100245680116,2.28318268377682,2.41864431491438,2.38994955643429,2.51910914275773,2.45648655716658,2.41016392575902,2.51516667828761,2.37490316899364,2.23675697535829,2.24079171960312 +Spsb2,3.60483013430249,3.37807415157247,3.27957499281837,3.63368249577904,3.29749453652528,3.3314795735976,3.45061016228284,3.01598052553125,3.60692406431464,3.39062300885037,3.44602427908284,3.55643805074074,3.27710143149974,3.40338232138614,3.05545579747036,3.81309336814437,2.93617338764737,2.80652392347527,3.078671425169,2.77828156997756,3.82280232321968,3.68211653150707,3.21514770232125,2.79777304782733 +Dennd2a,2.12492081470172,2.34569017694027,1.9880424368751,2.00294827068768,2.33008541951963,2.45203835379643,2.32925144392833,2.20058092147877,1.93354381540887,1.95610358480219,2.42872228119505,2.4319821775146,-4.5544950998227,-1.83308230678107,-2.11612948311392,-1.42946317979661,-1.96917866839142,-2.27067388528637,-1.99843946091708,-2.58997200959399,-1.78194645291404,-2.21038127205892,-1.57873410166967,-2.15384944736698 +Fam108c,3.29345850245684,3.25203192389449,3.43709467464683,3.28059324871081,3.26832552222586,3.12417726725318,2.93982241369992,3.51658538251408,3.23653404601046,3.20702151692838,3.30588345871468,3.22758719784031,4.09017166675172,4.21486764716711,4.2924475139436,4.18638930732361,4.28050838414807,4.36789594428671,4.11935284300132,4.61993221755433,4.05435622401035,4.20920478478482,4.19111156341385,4.17031888477816 +Uqcrfs1,6.04980842439697,5.51511304027732,6.33720436220979,5.89877061919874,5.24986403311965,5.43813845608892,5.63306979993322,5.96890080223953,6.10758028640467,5.96952465364732,5.4554288355048,5.66334017795112,5.80153852252745,5.46951704680135,5.83807969247232,5.60779090561801,5.43467051937668,5.64934396154356,5.42643390786963,5.93873323461081,5.75571551453054,5.67603422681716,5.44596974301713,5.47040158131474 +Olfml2b,2.82724547825324,2.62571924407483,3.10164236382588,3.33852865263875,2.49003318033334,2.99905778217525,2.07470561666248,2.65999694156881,3.38285999933874,3.19520287676701,2.51046649074702,2.80584674910534,-1.27972804466123,-0.632969259949047,-0.196762504256752,0.124410209774369,-1.69232823633899,-2.08885798063606,-1.82436982391072,-1.03550764275003,0.236080583028403,0.197640323533322,-1.96859245993245,-1.70357729891571 +Chmp4b,5.51961192146,5.28318181403446,5.4999685470792,5.40734107083728,5.21349918113577,5.3768268418249,5.30841616345657,5.42094659052879,5.44766683550251,5.40015219371017,5.37024183008868,5.36117222350814,5.85847837862062,5.76662821794319,5.80272934472105,5.83849441692754,5.74288895869733,5.79079652901455,5.83745226319027,5.85549835892109,5.86221120022657,5.93859855002775,5.77615860597886,5.72878251203727 +Nos1ap,-2.28044301086372,-2.10199966019798,-2.05825305433474,-1.89242221819625,-0.831567864737239,-1.33439294851271,-0.904559467442295,-1.20674541606128,-1.77772277521462,-1.60716877021101,-1.1059097739218,-1.68683479471309,-3.68788748543956,-4.07553948605359,-4.06136029260118,-4.67165330917192,-3.80915230799828,-3.70110288439466,-3.40824455246179,-3.94759994514779,-4.78372874716546,-4.38583163232809,-4.03488879740064,-4.29819609669423 +Cdk19,0.802250730837641,1.92718542855397,1.55513900942358,1.72812583422206,1.53798393484101,1.11645726197072,1.3837896344311,1.84273462678536,1.62791187373355,1.87766545262008,1.28139257453999,1.37765327008815,0.726329487516617,1.38971419567957,1.2828362474547,1.44547555375977,1.1355050457506,1.01060203401442,1.07001305363839,1.32243471328221,1.12802554192847,1.17414961849025,1.02360609529919,1.52958018681386 +Tfdp1,3.7545256863316,3.59359082243718,3.48817088234825,3.63753319398091,3.74075316080519,3.75785462930782,3.85913121165199,3.42637383076731,3.64328090844848,3.76159225103503,4.09687350841272,3.65234334539015,4.13647287146764,3.96505361065666,3.88731234221673,3.95481914368722,4.22391692631687,3.92238101797463,4.38498798742611,3.92613914666928,3.97937648876737,4.1461731276979,4.46921503845236,4.14079462976879 +Socs7,3.94200202686607,3.80532730304747,3.75961915833378,3.79199527048973,3.88011451952477,3.82350578783274,3.9597058088807,3.82931363953231,3.79192027445882,3.81996083181764,3.82335011113915,3.79761694483027,3.81220389344496,3.69724938794459,3.5599430987654,4.04474302269095,3.96936338729813,3.7354004574738,3.91019645644709,3.68377073663445,3.61516475346772,3.85537301682213,4.00505667290614,3.85493537727008 +Sv2a,3.73375014223608,3.86919848373788,4.18703723946663,3.68274303907356,3.65895625718197,3.76604011701311,3.54823431105589,3.91918821678236,4.01013883842603,3.77560109370157,3.40063760205347,3.37429954110109,5.64707724976716,5.40430160527654,5.69273651048454,5.42117809127212,5.33368622060271,5.55426756646312,5.55998340449834,5.60158636674246,5.46149667976902,5.50606319707666,5.39258061141296,5.32941944265737 +Polr2l,2.19079598119291,1.31328925176531,1.57472916626036,1.7736234149156,1.40089378342059,1.81916982494983,1.67902097418274,1.26223780783509,1.87125191538516,1.7818991372835,1.68734629765187,2.16568004186051,2.25273158081568,1.49482957987227,2.32895528097369,1.87775244944812,2.07805148734609,2.36640810121129,1.85497396564978,1.78213446088764,2.2014173886746,2.00363854728123,2.28549809681401,1.94375745516804 +Otud7b,1.99500796788449,2.31159027191842,2.25006959827715,1.96284419846233,2.37514958497155,2.38372674009292,2.20021389281781,2.19578876211559,2.23669456879044,2.1240123149825,2.20734597679307,2.14122826680089,3.08778002627288,3.18128516439494,3.14524738125205,3.00947405388843,2.95557148276787,2.97735848937161,3.06880494045495,3.14293780116687,3.45323667391234,3.22179093645718,2.78636985205557,2.99562636083388 +Tmco3,3.59418447801052,3.54049615633661,3.45343899894422,3.57010590988771,3.35946015426071,3.33680628423699,3.30440758468645,3.55415485652258,3.52804523231507,3.56038038816029,3.35962226310581,3.57539603090608,4.36505831642819,4.36169244599796,4.42310688817065,4.61680617637484,4.423843372079,4.53041733944936,4.41603446575565,4.46088962840259,4.35513181345941,4.51867136112553,4.48973739380884,4.34570524260396 +Prr3,1.8682956749503,2.07200999965338,1.88218316512526,1.84221878728067,2.16240399681263,2.34447858932892,2.0082609187418,1.51899374335027,2.0252906963253,2.0520645987913,2.22087512379927,1.94071439143103,1.13283302339836,1.29698895140851,0.659946460277412,1.14862459876685,1.34915367485701,0.912893307728947,1.35920342500376,0.666330952568147,1.16388216942967,1.39827644167547,1.43524189123182,1.05480215709054 +Ptov1,4.89070990675439,5.06665638066023,4.7400569393828,5.0290292688434,5.22105015658081,5.20306629070185,5.13193428501273,4.75500800998036,4.97771719248104,5.03925857859567,5.24687100420427,5.06215245718698,4.23403990353117,4.45438424187952,4.32185085450876,4.61409268800743,4.62158338313713,4.28771758828724,4.75956654866719,4.19487013833436,4.5646116849749,4.61528584063749,4.75668742341282,4.53377110746506 +Mesdc2,4.15927717802998,3.64123254350043,4.03539017714223,3.82471604212907,3.56195941768225,3.76321700972184,3.7139196473208,4.01845802612915,3.98510565271065,3.83975005127923,3.65031040506487,3.91493561117591,3.6821174112978,3.34086964884078,3.69339118900424,3.4766798658319,3.40954744726436,3.50132918823876,3.41812727537748,3.59657111315273,3.72393027026241,3.56652597537862,3.51839596993903,3.56691115192728 +Dcun1d2,3.39880007497111,2.97810958064304,2.94935507301149,3.26621371136912,3.07149563208944,3.21545258069709,3.25503723181137,2.79588242384128,2.98209079148504,3.02516599675411,3.09326388952422,2.9503132536408,3.52845656547162,3.2841815955733,3.41153812604327,3.55185261557399,3.56195630066111,3.35965859219535,3.39762392853091,3.22188111546206,3.51330374447759,3.50044238820282,3.5752781573801,3.50586676717838 +Parp12,3.08028870389854,3.34463797480799,3.22849833651357,3.2557229779322,2.95838162693275,3.08352306584429,3.0667830300098,3.02023295403466,3.22084892638431,3.16792309805368,3.07596562672795,3.1953200447575,3.09853944486352,3.34784929604072,3.15027675577578,3.44001602804792,3.03393749528769,2.91566585579419,3.13381420059549,3.42976964136124,3.2061852016602,3.40675396633065,3.22124534288158,3.09765786903929 +Rpf2,2.81911331983648,2.37838949149691,2.8196000566374,2.74214691797828,2.05693650213158,2.28641739545051,2.71165905322054,2.62649266491396,2.37268667701081,2.87454732321482,2.54686095686739,2.52294556834287,2.85764113760909,2.05206893866561,2.43976039548675,2.31729315125144,2.23055251817217,2.55396846734683,2.1893114629897,2.48969892688733,2.71617143064187,2.4179574126992,2.17132772934378,1.95664415622123 +Grtp1,3.71149877705079,3.76601353832001,3.62691345780577,3.64830412506232,3.58029094971667,3.86556206629982,3.82282713985961,3.45920967469032,3.42878700511989,3.86178764526891,3.74034140786626,3.70683398150992,3.7845276907346,4.14437831880843,3.84889400260504,4.07237199277489,3.82708616641834,3.62787189894698,4.1274223838141,4.15373626836793,4.42850555423212,4.2682719519119,3.75285202139268,3.80806145139162 +Tbkbp1,-0.382855892756467,-0.120477471053344,-0.373705718198592,-0.0866190467256496,-0.203443424436407,-1.3558446593646,-0.320429733485587,-0.523884063195559,-0.408147120750007,-0.144720414008476,0.0444110625188956,-0.385727721789712,-1.90863643105561,-1.57714104201555,-1.36439323084044,-3.17816892801239,-2.05334368729645,-1.3308290178722,-1.46487057200564,-1.20094138599562,-2.16764289919818,-1.67021631840289,-1.32584960319814,-2.06459274987317 +Jarid2,2.43324258069008,2.7861898004445,2.40596285155599,2.63535288013624,2.91760384288852,2.84662009682978,2.79749954871989,2.68733848301527,2.58911348434585,2.59301563569633,2.92919018504278,2.70231000627067,1.85259428818222,2.03814347578336,1.90832958825382,2.02617314822966,2.39703603796091,1.92280600376607,2.14332184901739,1.79698936221613,1.87145805472929,2.15846889659934,2.453113967223,2.3165555488047 +Tbc1d17,3.73074173686826,4.1386745170208,3.9654798900937,4.15126349683584,3.83863038162707,3.53186670964051,3.97964622872647,3.97107141088125,4.07355496086256,4.07251144867128,3.91458297310571,3.90199069610034,3.50657636201609,3.7955640726851,3.64970861442433,3.80299286584235,3.56574189218063,3.46340782624441,3.76742443062196,3.65318273629466,3.67909806472583,3.86469469890125,3.82841635790094,3.57175911188618 +AI317395,0.324411438612791,0.965226248665064,1.33540622297933,0.551369065094618,0.54250485820362,0.942292945394297,1.1034926372234,1.1779775771531,0.888226952197803,1.01716251768239,0.766078807104536,1.02054083904247,-1.32581638960768,-0.0893383896052711,-0.575542983825666,-0.373487638335033,-0.482558056711941,-0.897152685393936,-0.603814042992607,-0.295737973858935,-0.338661573367056,-0.639332853127513,-0.776320391796536,-0.540413469500302 +Fchsd1,1.51918319358926,2.19948245897244,1.7779016145482,1.80892545594679,1.96511051408252,1.69802402427603,1.68200347050578,1.83760449446295,1.76494996856769,1.80234286875742,1.86802591577004,1.70992484750639,0.637120492390323,1.18270551304212,0.302181153230844,1.04867344365464,0.758077606501263,0.822789417396862,0.548884455440298,0.675945280159206,0.680564564961272,1.05980056711025,0.608126108354628,0.481813510393309 +Armc10,3.81576933038053,3.57748363898522,3.8352767059371,3.47916239939367,3.39163592835693,3.38969417321567,3.28949706984805,3.53450707105085,3.69776911117463,3.54883761513998,3.65683608570618,3.37503730802306,4.04815472139499,3.68131964323417,3.726757027223,3.64922173805471,3.53850450025848,3.73570910987559,3.12606823421577,3.81594949050556,3.83737604744232,3.32430222557026,3.54405828720111,3.45788191571775 +C1rl,-2.32120820846097,-2.04932727810058,-0.489232381226027,-0.414822846443715,-2.43516733545361,-1.7843413201303,-2.53956454618204,-1.43601307146777,-2.33945079625313,-1.9829711699582,-1.75989182334279,-2.04662409981061,-0.22747690319794,0.335099376490969,0.620609918264217,1.56016270427848,-0.453784706535995,-0.663780127405279,-0.359700940681704,0.460017755286253,0.900051323731197,0.910566745223866,-0.0649956489802994,-0.0041968193515959 +BC021785,-0.735737984980682,-0.652563135424083,-0.0974504284810336,-0.891804579128272,-1.05078902229494,-1.20164509865468,-0.996054390153513,-0.509701255219676,-1.21548819598122,-0.408643507892615,-1.24808885196569,-0.789283746784581,-1.56935637157717,-0.988030392673718,-1.50591745681422,-1.259265317427,-1.58646628043859,-2.25748736925234,-1.10670916182793,-0.791195205499564,-1.476138062567,-1.72427096216552,-2.75933208784491,-1.7324045778044 +Rgs4,6.75526452925966,6.15223833759644,6.14531494621662,6.01310194494338,5.89841561926478,6.25476105603352,6.08602358325295,6.51932166722828,6.87802012608966,5.64070839354311,5.76922596227675,6.03599361331121,2.91819361575886,3.15483326743329,2.59355336003092,2.93373206064084,2.47073716320964,2.47705196805373,2.70740497709365,2.85696600763628,3.21594531469634,2.42049138384023,2.18684189066326,2.66330529593339 +Cbfa2t2,3.0414271752374,3.26259537002772,3.01182178029248,3.06701713281899,3.17965312316314,3.14763131441729,3.0377570911432,3.28267989154837,3.18853069017269,2.9222518829068,3.12426122442289,3.11001371473787,2.72045089185465,2.84380072770681,2.78830404922558,2.84302134911242,2.84380190066908,2.71761662213346,2.77989511044411,2.99180886449512,2.79275247171342,2.71377514596871,2.86439821635352,2.84514311779143 +Osbpl7,0.92698513022481,1.24983873510105,1.2339321926709,1.17161641708299,1.15177050353521,1.24174738943,1.06325054763832,0.871278534703023,1.1610794329782,0.900623391154736,1.06376287032496,0.838976392061109,1.15915855714076,1.45894125730868,1.30561871019233,1.29048741298974,1.62521562792122,1.03657087475107,1.61389206779007,1.07628258761321,1.27382355692576,1.45873856671252,1.55738550923031,1.32598126412146 +Zfp280d,3.52447537304442,3.96166177555592,3.46296623602433,3.68879322724238,3.9892895103495,3.98700241918206,3.93524965303055,3.56074831319907,3.61587657764393,3.72486629094642,4.03490475144427,3.9195484365152,3.46724740235145,3.38974708272246,3.24353440436502,3.42906489995161,3.51668483849139,3.59490840033509,3.56547187183079,3.38581345636838,3.53488853227123,3.37083398038269,3.554166719422,3.52688846724287 +Ubn2,2.83067311754235,3.05144271625065,2.69188538666617,2.87555698520868,3.81055084244406,3.61552907276678,3.33566726337267,3.23699212672954,2.81366833208831,2.79604391947067,3.5184674052504,3.20618087538201,2.62788691195292,2.64659446510443,2.5392647188612,2.58445763006172,3.493315554825,2.97171540591059,3.21376373496908,2.4847250539078,2.56861485034291,2.42850573369996,3.30471901241122,3.13433515822598 +Atf5,1.54259552579034,2.18577546285391,2.53117562181076,1.90105635126806,1.46086937333813,1.21072452019387,1.59778612285557,1.826700536061,1.63394076099677,1.78398852046697,0.889791845672791,1.7338659512346,5.75232999344086,6.03049998596191,5.48555765794149,5.26183651494967,5.27647385385306,5.36854894002894,5.59537006226198,6.44088480727971,5.23187107462067,5.04278778562788,5.43924977104445,5.52083911178207 +Pcid2,2.27367750094857,2.28458756776497,2.21845111476835,1.93818769001524,2.34357380760945,2.39255367271222,2.25431160705516,2.5942072038297,2.01011691075441,2.29491179487452,2.35066108077105,2.27542803323764,2.43141509593487,2.23083744569823,2.3435193315577,2.43767874022676,2.78141905539692,2.28800896213845,2.52651245965162,2.31257076146856,2.16898076850515,2.18150771652668,2.75492841278044,2.43053624041436 +1110054O05Rik,0.859360619482066,0.611607408807304,0.8716601222377,0.970671640302255,0.596146117787354,0.635898228210567,0.846020521378872,0.382082338580423,0.672901092466153,0.183400104152262,0.30309090450775,0.498793538680237,0.903224386627788,0.772865770672556,0.656067295704402,0.820591207458142,0.794855441797218,0.675389224368718,0.376067602578619,0.649137330740345,0.731665124477297,0.788479722944437,0.576281446289316,0.222635201106339 +Cul7,4.26455834601101,4.14660599833887,4.21998166786245,4.23614222385015,4.04502938051833,4.07527477102429,4.1544665463474,4.25438582993841,4.29978689428447,4.29868832596363,4.07917991117151,4.10194409900702,3.6550081259941,3.90435885357712,3.90755337521889,3.86096573264643,3.7111022549238,3.66482930013324,3.9370690125494,3.55920660674823,3.46718632282573,3.84251288244285,3.71214143742511,3.67992087817533 +Ranbp9,4.09368235018246,4.18726853764032,3.99171393091042,4.10667184432122,4.19928584191242,4.14619829464608,4.03605213670799,4.25296323706074,4.05803679569052,4.22953330250494,4.36446957848061,4.11824896626944,3.72262654896991,3.86015514227872,3.67329900075158,3.88953293236223,3.9748297014298,3.75825625310535,3.65780612952311,3.72867529060541,3.7631427443384,3.83688929646724,3.88857601022887,3.84298952526384 +Gm129,-0.673408815316413,-1.18635637183089,-0.564721501005811,1.25438205415523,0.31810427748611,-1.37153882523477,-0.770466123762171,-1.79063739292548,0.777537744058857,1.81242004136721,0.476004040385748,-0.650362411708198,-0.82674962731113,0.674001282625323,1.71501965542872,2.88496032724043,0.791903114402518,-0.334269546223254,0.573537149685784,-0.214742596350147,2.00377778861606,3.04754118805565,1.29817771101775,0.0578877978163783 +Fndc4,0.083774829848047,0.245321749467745,-0.221573135754798,0.408290291905262,0.853590112951318,0.412104728739157,0.339155703202884,-0.704146016856206,0.946033166411893,-0.254684915846662,0.394110087741071,0.469861253571655,-2.46104980235077,-2.55702742233992,-2.22468037402123,-3.53837184251037,-2.96290937964079,-1.86442296581472,-2.08134896660996,-1.60623997044904,-2.52884155765965,-2.54915171374815,-2.52316015796482,-1.42457109461749 +Reep2,3.9709310449807,3.62230299078065,3.52393831625228,3.56583871143363,3.68709613451488,3.61385009747965,3.65524372476693,3.48605982032058,3.59306619726904,3.5576784506977,3.61648800868785,3.49609875119154,3.61056220475032,3.34229577066778,3.30141960884417,3.18841625541111,2.9500652481845,3.29880445865136,3.5094069905374,3.15735234507623,3.29674536151551,3.3994666877713,2.94201255540231,3.22480376840154 +Sp6,-1.76698558617246,-2.2386589634109,-1.38826001583104,-1.95355658305254,-1.84330489753706,-2.87333428576253,-2.65221004433011,-2.35076318931709,-1.31594235965841,-2.16766057296356,-2.12997204528861,-2.23576217073927,-0.507840254418632,-0.169373206369819,-0.220746188236793,-0.288524040007096,-0.838164297652757,-0.876184413390009,-1.17364281087162,-0.122933854640492,-0.0452304883943015,-0.22821317975198,-0.842917715243875,-0.561516014698005 +Eftud1,2.54482415020846,2.4437442612765,2.46813803963483,2.35643904199836,2.40970816997073,2.33311062301893,2.47877501303973,2.58340178511944,2.45390048066672,2.51134257876469,2.37187089678786,2.35865149148117,2.20716308994054,2.21612963516671,2.37332448903243,2.30215372923426,2.35849167182053,2.30650926047609,2.3050858608385,1.97953356413174,2.26686466442229,2.2047559804517,2.46055302163046,2.34165207302853 +Ift172,2.63317330049993,3.07188959670864,2.43987098340304,2.61137038696344,3.33063343485159,2.9071623515446,3.03434696356468,2.79948757288493,2.42733086917077,2.82675599962575,3.33369596349914,2.78648653763537,2.84151328597246,3.42135834314603,3.03555697666275,3.00744605990704,3.61809768421768,3.39548839846291,3.54057745483377,3.06128984889267,2.64891384072783,2.91014319637056,3.71169969770548,3.65234027799316 +Rad9b,0.62707121992632,1.66285179669538,-0.0056921371778944,1.08189944203412,1.42191779427533,1.4871106602581,1.59593115490748,0.0301917655023602,1.07612464273522,0.346262329967285,1.41112427401238,1.46249266482474,0.600926598284636,1.33191805161493,0.337086724631345,0.840313257622785,1.18660320153285,0.359157841190082,1.00358076854493,-0.254047354772736,1.40518413516003,0.997988525687189,1.22342164364816,0.763073754663927 +Fam154b,-0.303024534858638,0.234770458657664,0.0441135653238676,-0.169513656245689,-0.904110851013584,-0.192019145225685,-0.378104087091571,-0.0513493244103262,-0.0526873069980893,-0.195652575639185,-0.31236766981299,0.168155948641236,-0.774393134026118,-0.158504878914612,-1.37886493960825,-0.664796126729131,-0.997009853214579,-1.03502996895183,-2.11511009782895,-0.498969370340072,-0.596674524638543,-0.634771264529358,-0.631965030688921,-0.385601664912358 +Susd4,-0.172261070938836,0.217313700472241,0.566400064791995,0.0208353562110579,0.927823282229391,0.860685731459281,0.290639867462926,0.383290725233097,-0.0547519663571314,0.027792870624352,0.216924347151724,0.554040668812986,2.03480920659053,1.70208401731781,2.1284944529527,1.81639175283238,2.0013025981664,1.76960275554459,1.97796539081892,2.07704145704584,1.59368355123464,1.61907149966874,1.78065850393288,1.8623949543817 +Susd1,-1.2033481531332,-0.652751157564089,-0.573779722946446,-0.0976114010087459,-0.261120445721979,-0.319910397754226,-0.446861258537759,-0.899944698392034,-0.793291578850771,-0.1160000134612,-0.721903279706448,-0.80890839437717,2.21311695896651,1.92872059404482,2.22761466439883,2.97440740280828,2.42957594922764,2.34932342336823,1.81565245745859,2.06710510627434,2.43314692583937,2.96446442805799,2.41941647157752,2.03821012339703 +Sct,3.29742700637033,0.445524561858929,-0.417431167188811,1.04576783976775,2.0329521162923,0.540696060577001,-0.584345450164252,0.648561233503208,-0.0530908435919801,0.511880670001308,0.421553185996888,-0.519248931871604,-0.0420930942187109,-1.4563224974464,-1.4563224974464,-1.4563224974464,-0.880860034576814,-1.4563224974464,-1.4563224974464,-1.4563224974464,-1.4563224974464,-1.4563224974464,-1.4563224974464,-1.4563224974464 +Pptc7,2.8236941811363,2.58277065918173,2.83807869571874,2.66927360266199,2.46724451450774,2.46653722282734,2.41514504576555,2.45181206103574,2.66657522657255,2.48406075742874,2.33457059368943,2.35680863236308,2.94616584448654,3.07998220101965,3.0668467479805,3.315684520304,3.06743794519685,3.09494217067227,2.87878780442344,3.09056188024291,2.94190714223719,3.23166975582558,3.06004600149753,2.97156255966946 +Akap12,2.55620023147415,3.02406194932472,2.76948753957768,2.72827874619362,2.59583306859666,2.72347975578008,2.58684853639851,2.68382864486709,2.78139890898594,2.94808796085897,2.52172112628182,2.61956409647034,-2.29225917253751,-1.2313668220178,-1.76825385151648,-2.13927716953518,-2.85622124238234,-2.73065830382864,-2.00719444684725,-2.40239009063825,-1.66484385051755,-1.37992282672468,-2.17054666010427,-2.42073515031252 +Tctn1,1.21486040491946,1.85812137995276,1.32568435760487,1.8062428750357,2.0605196947981,1.85312558852063,1.77558497058264,1.41144110324855,1.51886487217206,1.84379094810724,1.85194843585639,1.77977521858384,0.64148002259007,1.21310287050311,0.518081992597862,1.04260363004981,1.43780399275445,0.971350376859543,1.25003888131975,0.753116311157494,1.00124134980323,1.10124864646007,1.25750198699643,0.897993696511405 +Gm9766,0.603967698036806,0.630664610986767,0.866843481876684,0.285315358788766,1.07213545997334,1.26423143718268,0.663667173153065,0.709414836050456,0.910176816040846,0.0850618466103943,0.582565217999172,0.618178515191356,0.0856581998849149,0.013332922360199,0.185582264899114,-0.208809084075424,0.306409892479667,0.0952458100796081,0.410822462939643,0.317102671687317,-0.0411711133126271,-0.167624336393557,0.564418918907147,0.413515210537338 +Atp6v0a4,-0.84688506471375,-1.78801066383573,-1.35614240858143,-1.48943936972102,-1.63830732579208,-1.17710536828125,-1.46967113291172,-0.748391768579639,-1.5801234508297,-0.997813080424352,-0.558312886093134,-1.2037740015922,-1.53050896772926,-1.70225105318014,-2.2326038419072,-1.93091692319929,-1.39923945502012,-1.54811943265409,-2.13089499864127,-1.88748730823977,-2.41105073400752,-2.44543254711574,-1.77838724893282,-1.59905824739203 +Slc35f1,0.429681994677142,0.008212204422481,-0.164331406349108,-0.092738114855456,0.928135458234479,0.229768505235702,0.381473588772062,0.128478198489414,-0.085932217165495,0.26167276931925,0.680553223980768,0.463004433085906,1.59110722474882,1.79711441789934,1.36614360647373,1.54646992887868,1.20539966230202,1.87587781947712,1.40068351226939,1.65236545862923,1.6254170893706,1.34765092933251,1.27516933016492,1.84332284796968 +Fam65a,2.22694633817212,2.06371846711198,1.61402164764653,1.73052325093996,3.30764028959444,3.5112262974591,2.89064843347607,2.94020248571375,1.74546754382001,1.79746609630563,2.80078836553745,2.34594207696951,1.25946014823426,1.63370410227669,1.31406167981577,1.16139293321991,2.79210050101948,1.89227650825942,2.9345016458081,1.37056788997574,1.14585749034721,1.05930510455319,2.7876063719495,2.26786719939121 +Samd10,2.81578712157514,2.78588743507118,3.19124563731565,2.90618873607154,2.94375929275821,3.0012598738777,2.89486518974765,3.35620152455804,2.90063429587886,2.74787196694703,2.84168643665122,2.78192885837504,3.32298261183765,3.16150846091074,3.41548266792989,3.13267304973581,3.14509949081313,3.32288478490508,3.1634111356882,3.4541156974327,3.10051601166481,3.2503366441178,3.21619243911817,2.87880791355235 +Gng10,4.52646333003066,4.09059119753997,4.83272856400658,4.33062781196884,3.6329732676987,4.01547067264568,4.08676276960244,4.45562053236641,4.4482079237834,4.41181557563925,3.73932471902154,4.05363727905512,4.388564403193,3.97560166666264,4.72279979250221,4.31968124750044,3.65089718758842,3.92937749641317,3.62026081425383,4.6585433425049,4.45331718316358,4.23995962576035,3.44439750141887,3.46915299185427 +Dock10,0.0447727750913938,1.11497789481931,0.460045049823371,0.224068486235244,0.765006679972087,0.424413626574354,0.71501347115725,0.629847082850671,0.758954702086487,0.428816481825683,0.453388555141293,0.709474049374804,2.75938858090467,3.42960356587171,3.05330611516089,2.83641956338133,2.22941150602665,2.48214651050657,2.90673013984439,3.3401786408933,2.88442595949838,2.77368228267123,2.12210546803516,2.78967966712057 +Phrf1,3.37607785719198,3.54443796863746,3.26763824066457,3.4492829063594,3.66323927289364,3.70466783432934,3.72885220319671,3.3852628886059,3.36907990111157,3.23895297886233,3.70995285724866,3.47319420058395,3.21807020075491,3.27976500189649,3.16828526036222,3.21177319262063,3.81765158321354,3.38666251018382,3.80942688759552,2.9882909123279,3.11617965850007,3.23178915096672,3.79792122844606,3.5613193161793 +Mcl1,5.24461443297138,5.14504823436624,4.92667200335258,5.2440723372782,4.99264101057549,4.89820406772861,5.11619681358628,4.83289940240273,5.42538677017724,5.08726756378896,5.09975455978972,5.18968590089716,4.92595795903301,4.83061481871621,4.70175682639291,4.95916444024645,4.64643189331662,4.64810649533994,4.66284603406203,4.72138636550718,4.90078689377499,4.77002986607872,4.6989366352799,4.73175587967679 +Nfe2l1,4.9803334559629,4.85199484582633,4.84123627656199,4.65879683953483,5.0414018296012,4.90327244113484,4.7274254001229,4.93161375456831,4.77339295784175,4.62795796708563,4.86413707511487,4.77523876402987,5.6627277016397,5.78198131357697,5.57650776429812,5.60819806669671,5.8850055552792,5.63104211901743,5.9377267645129,5.80208567123345,5.52033180734904,5.71805545144376,5.86068126724541,5.76650166483811 +Rassf7,2.74646808456753,2.83759758587293,2.81794154079582,2.97152204923277,2.50557971740291,2.512208712872,2.81804266933479,2.29078087434154,2.6501811371048,2.72360158507259,2.48394313956248,2.4301192111737,2.85539559726865,2.63392199040788,2.84073124109857,2.82641984120737,2.79336521431735,2.64523928786963,2.74446562348251,2.29584978111013,2.85129590851568,2.69764359223299,2.44720585743089,2.93578780596116 +Ensa,4.38547503469766,4.49612144412212,4.28511981073985,4.46816740922762,4.2991515493631,4.12794851164452,4.44999577939953,4.30605176531012,4.51407405375634,4.45054322134183,4.29183602969508,4.35402859260628,4.57168561017098,4.57521895322794,4.44284023004259,4.69109238873559,4.53051364929877,4.49815470258705,4.19796535292609,4.77623831556298,4.74754928504368,4.55361661684718,4.3692522853852,4.44300528778614 +Med30,3.44568692545702,3.38057370394749,3.97957924607394,3.71256925214321,3.24331417897546,2.98372718622628,2.96864931753602,3.90463588906201,3.72009430267721,3.72673623690927,3.11956415961003,3.56942182156708,3.88096507611458,3.78957271932137,4.38647923096223,4.20737529186478,3.59104112848601,3.94463052197135,3.31795806176056,4.61532761108037,4.13272340811244,4.01617259649506,3.29367726427788,3.71290075864473 +Polr3k,3.77198941251005,3.44093660072074,3.5268576099443,3.45239143713914,3.71114422179213,3.54582810233122,3.50937266551554,3.56250147954456,3.42895195532652,3.51511216607911,3.66044375580813,3.57447467577253,4.46286855709208,3.67891863892826,3.94439213810291,3.83097759652231,4.12899729306682,4.30368250509529,3.94755710528117,3.94105698445993,3.89675579745685,3.68790314185915,4.09143678080824,4.24516182516933 +Zkscan16,3.0479463275791,3.5481597695877,3.7600906127722,3.4553867337742,3.24704521030768,3.25034165127413,3.07463682853594,3.43016148643749,3.43053106598925,3.54858153203096,3.10601979926933,2.94750944708614,3.74493385452746,3.71508794545959,3.97861401086849,3.83278459546834,3.77876310743808,3.78691093325007,3.63563532279515,3.81500953951803,3.77507070833823,3.85239623338574,3.69018249696806,3.61806810171336 +Degs1,4.94734866680096,4.63289625116128,4.778337628665,4.4999454464564,4.45073601224921,4.46324085269331,4.39189698763547,4.85177299147691,4.78793724712309,4.44667279991635,4.31959300095138,4.69704636622665,7.32972721615416,6.95248717314865,6.91622636368449,6.65510835177041,6.63942368880174,7.25682606644137,6.6782693450822,7.37087178247351,6.8232242879326,6.58608632749617,6.68280129120452,6.92557006480889 +Lrrc56,0.529099447970516,0.994456058947804,0.894129661919788,0.711018696718526,0.817140773126115,0.648182546680557,0.922743417211771,0.446970014843028,0.737612175151073,0.550322060393843,1.03444292672302,0.74389503906234,0.576984114342228,1.18024630751974,0.778757512309038,1.15607304307636,1.02035463614591,0.8668911818706,1.37199293537463,0.77562461022918,1.10047421970099,1.10351062015019,1.10059840021402,1.07961544456091 +Akr1d1,-3.90441172782335,-3.90441172782335,-3.90441172782335,-3.90441172782335,-3.35351503839994,-3.90441172782335,-3.90441172782335,-3.34696580343936,-3.90441172782335,-3.90441172782335,-3.90441172782335,-3.90441172782335,-1.78992915445625,-0.690040203054688,-0.457478269424287,-1.65041756544244,-2.11749118700786,-2.00191944859895,-1.93760451919483,-0.847466490778078,-0.981041767773186,-0.923329693189783,-1.42017110962746,-1.46140605898418 +Ctss,-1.0444323564725,-1.58472473827497,-1.06877720531934,-1.47314207462158,-0.0008414407681156,-2.30074218580037,-2.13187669031694,-2.34022945211118,-1.19782207103306,-3.29875524257116,-0.973080367593078,-0.601016274733303,0.5962026664993,0.126575643779475,-0.40377714494759,0.0832258366169318,-0.0026222198144731,-0.377965821165045,0.487808803892744,0.249867643444543,0.526248969648473,0.587947325837181,-0.36559878882108,-0.470553302398883 +Pold1,1.31591116750673,1.61918745019002,1.07675485657621,1.47198867574179,1.61179876191396,1.5034594135131,1.80616379699297,1.82896743479523,1.48022251089751,1.38181302776213,1.70210708590586,1.46909657016507,0.879929745510316,1.23956927925092,0.514187715368124,0.484033590878697,1.14963470521355,1.07147696220122,1.3273644214024,0.633269656308174,0.716014777946416,0.936354278516661,1.1947174978056,1.2862261436425 +Fam103a1,3.26593260399307,3.10022756103207,3.29824340055753,3.05529495367458,2.82302211073166,2.44948742927649,2.66194687419926,3.27114371074497,3.17458655859496,3.20601843832903,2.70952338012847,2.96909650162113,3.39708923227062,3.2691528008672,3.42497430116938,3.09417979351495,2.77623091963856,3.09766180236522,2.29985787326604,3.47626211620045,3.2149927949872,3.18361853095815,2.81096503749636,3.1053882964863 +Creb3l2,4.87688245456271,4.61834525659853,4.54072548286887,4.35138841002325,5.36507517985195,5.32419147882539,4.70729562005272,5.24500622033045,4.5618254520332,4.47470465115505,5.12512528070263,4.87426396943291,4.82699179843488,4.47040814773865,4.77642753659164,4.37465066407016,5.52592267565738,5.10512425758109,5.25811200392378,4.52591830401703,4.37799225670435,4.46496839589863,5.50560942876755,4.98309069163675 +Rnh1,5.60589477057385,5.40187605254787,5.59784094307441,5.36662187525531,5.18854816327,5.29834752106892,5.24536079604064,5.66053962946194,5.52089120130266,5.41000121276689,5.29431104539215,5.32572029699617,5.84195329763446,5.48377379718142,5.77799566425239,5.63488170480396,5.68405638859251,5.73031755075073,5.71845000096043,5.63891594305768,5.75939706048476,5.73929913547049,5.80727293849364,5.59353236554452 +C030046E11Rik,2.46346433422384,2.75046797042423,2.29765797127973,2.53661123460058,2.77459259205089,2.90803852690522,2.69968572205697,2.42728929325547,2.49231709482331,2.42975396565801,2.81419625627081,2.60684117447388,1.87345477581126,2.37536188066633,1.84413608323529,2.12776246377023,2.38419708045165,1.95261849419801,2.32669653315288,2.04654848380906,2.14570170522142,2.03868251774056,2.34254437498244,2.39245278848494 +Herc1,3.46394216393941,3.81186517794845,3.51638564065459,3.68446077944942,3.92091057700303,3.90947880238463,3.88027380547204,3.5415466819176,3.69185441285557,3.71888196140334,3.78037422691152,3.7173442556323,3.32516969493784,3.60699278451299,3.48478338876437,3.68501328603397,3.66980276782407,3.39404158744509,3.65155991306708,3.13134767729277,3.48193579808945,3.59369401174713,3.50835533825837,3.57383092549713 +Dgki,-2.34246097604411,-2.92443567676272,-3.4255937613881,-3.41942327894284,-4.86065968221968,-2.72529987251518,-3.22886408361879,-3.55426977194185,-2.88710699024655,-3.03829656296256,-3.36064650834709,-2.92124506398084,-5.80925449478301,-4.82791007461256,-5.80925449478301,-5.80925449478301,-5.80925449478302,-5.80925449478302,-5.14768352711059,-4.72079073339999,-4.7997242099323,-5.80925449478301,-5.80925449478301,-5.80925449478301 +Lpar1,0.0849101282035511,0.157410736487146,0.18656111111908,-0.223860556030348,0.379253853244285,-0.54330545407359,-0.198347081965156,0.4781128499443,-0.184434366690913,-0.124631968292501,-0.503426865995888,-0.299737854571763,2.04259783570443,1.61600868900558,1.47747127911177,1.12986530460366,1.4827794725913,1.64083754395323,1.56900974899619,1.66057979437818,1.41596612012123,1.287145705118,1.19378976464914,1.67871883291297 +Arfrp1,2.46435269348125,2.80110442516916,2.24742799270231,2.8421440174185,2.77665884810204,2.49515649403226,2.66165993815303,2.23857830706712,2.54677130984206,2.65522927877349,3.02139273876913,2.80051052139309,2.25419732586038,2.57774486082112,2.2004385782585,2.56170264983861,2.74698610670895,2.37896767460516,2.57092344664488,2.425764429661,2.45928856508526,2.38874475772004,2.70226905798127,2.67626894427172 +Trps1,1.45254786889608,1.55744633039512,1.5756813370728,1.18944536065261,1.67115395088025,1.88984721304013,1.14342083266141,1.96312810506367,1.61707938696988,1.12804526801765,1.57060106612391,1.24570937667523,1.99523022163669,2.00290902894856,1.95869824628957,1.73220300748894,2.23836390300025,2.18113359269226,1.94407502733853,2.15381702584551,2.03579488891576,1.67175719376525,2.23333768388313,1.99814135520298 +Pak1ip1,3.38118392330567,3.10770177288673,3.20119902338861,3.17581458891036,2.85683384239977,2.99644916328963,3.06127143426299,3.06869734458304,3.15101119961484,3.20074109387496,2.87043487726445,3.14760434993257,3.16319878394087,2.89659018171562,3.07495318012371,3.03592626933562,3.05192988833116,2.94642466154969,3.14668761036459,2.9864893283269,2.95278578240489,3.00890179910779,3.14697724930176,2.98905993845994 +Rtel1,1.61993149957128,2.35080241948642,1.51996469620519,2.24630681534214,2.30037633478531,2.01720660070728,2.4103351672195,1.27239330337508,1.8470741526232,2.4776282447866,2.31436450836775,2.26444104896442,1.12729154784551,1.43771935433216,1.15644444448117,1.69831737325718,1.65899171114894,1.007904290086,1.71408330233905,1.04763526066666,1.37435448459097,1.5278327580243,1.73704059176733,1.97416110622081 +Atp5j2,5.87235331613273,5.12578175548601,5.62715624707079,5.51349043183009,5.16818325729795,5.19277992032078,5.24118515359438,5.74266376224575,5.56147134397568,5.44610412694961,5.25896844202326,5.46786294345844,5.94644200481496,5.48868542219761,5.68039772925074,5.55586599847902,5.37895471389691,5.70106373662113,5.18204522762924,5.8654298546457,5.83546173878641,5.65703478859014,5.35758980875577,5.37976608541177 +Josd2,2.66934225039391,2.99316057065769,2.79598680380579,2.8494720912603,3.00748497789727,2.63627087688146,3.10356789706743,2.46286450652632,2.89006505416868,2.87927520740332,2.9343372598959,2.98370925783366,2.29192347967029,2.62126441445707,2.10427335722697,1.98056712075988,2.41667083283818,2.05026047629153,2.54050846787757,2.17747718961824,2.05549109726118,2.12251968005089,2.27307235229283,2.52847600461362 +Mapkap1,2.17104206084527,1.90626660408635,1.96913549029825,2.23986092597534,2.41708294705949,2.35670679823489,2.37421546603285,1.92886608437772,2.27196809999556,2.25201411863777,2.45612702575804,2.23784430982811,2.3010790964268,2.46582576846528,2.23277567942016,2.34564130204804,2.5279027991534,2.39311695392132,2.67448512252688,2.43849836398878,2.17036150034559,2.53054364180062,2.7076815360897,2.34567717234159 +Taf5l,3.55896506412745,3.6099993897929,3.66495339953299,3.57955958808804,3.2869446625287,3.18364218715505,3.36703520557008,3.60155824544047,3.67899777957565,3.46313973670962,3.3614156772165,3.29363072790415,3.84962480666432,3.71127613038841,3.87589856549159,3.74505937947549,3.8037001695228,3.91022568403642,3.69822632343068,3.74794639399466,3.83483282120956,3.70630631081062,3.82952151185063,3.75296984096274 +Dsel,2.03593970841333,2.17238522311176,2.25631684822436,1.90083954032108,1.83681905411332,1.60993718941669,1.91379130306723,2.47742771584687,2.05331053883135,1.90473928827727,1.6715386278759,1.8444419294104,2.0048627858969,1.98367600136815,1.62398213917477,1.48355469472436,1.52029724217146,1.7833331196156,1.50973783036364,2.06572540498078,1.76218792131781,1.45896951286997,1.57020504228579,1.80147505619747 +Gmeb2,2.74250927016096,2.96313503329636,2.7362778735639,2.74207979984253,2.7971853717688,2.86306681212164,2.8666973470449,2.65431092398608,2.66908582456626,2.72903211930093,2.86652652693428,2.73515803553724,2.41804562683382,2.65348941413785,2.45112963788155,2.49893145748839,2.78745337023566,2.64552883939648,2.741928371352,2.59405203272525,2.43702002473091,2.49339246722502,2.78901155768441,2.62377011054344 +Golga4,5.06781025033993,5.52337720652449,4.85356158037809,5.40383087175626,5.74444170341223,5.52795956200738,5.67211608916741,4.96617856358797,5.00355027924295,5.40440738002593,5.89380029449547,5.59385661720737,5.75519884964046,6.45251586934445,5.31810438479998,6.33175852912743,6.82397021035862,5.93123631745289,6.78804154972221,5.32869927736491,5.96797344829297,6.37223242172852,6.8622930685334,6.75721925006877 +Fam63a,1.12410024261079,1.17200069108805,1.15338745072056,1.24062206357904,1.51936576953921,1.59216432771315,1.40320472592959,1.45728174307042,1.08152160905577,1.6461905929473,1.57480022759375,1.31829769953503,1.3208610083518,1.57244991073044,1.56880610940835,1.56053721798655,1.75262285307668,1.42448795679929,1.85311050265298,1.65305403493689,1.53084840245479,1.67962330127131,1.67953500383182,1.79149311003083 +Atp5l,3.88186680938847,2.94050264638998,4.10848087658252,3.52665927451735,3.26138830450369,3.60334176220886,3.34786498789482,3.91739762828458,4.03163955718748,4.32032755738002,3.28097097615599,3.85675087005607,3.61094175257851,3.79947135773838,3.6599416618834,3.31501915962337,2.86539153959055,2.94133985564674,2.51055034844437,3.96438895451719,4.0180599639642,3.11006270212887,2.76502920938443,3.07181243652996 +Pbx3,0.819011359889106,0.971169652099268,0.760181962904937,0.54992589064745,1.26524189115115,1.15860009047962,0.682509599583482,0.662040944654832,0.736201209055904,0.621802344788344,0.875733150534495,0.578124559700489,2.6360662061655,2.70017532579191,2.57492735753505,2.56988317582173,2.6712763236899,2.53478560751207,2.53109697148384,2.58118913050199,2.56565127356907,2.70105864893795,2.63520574036043,2.63222228873547 +Bud31,4.50217922856925,4.16191466462322,4.32094117694796,4.28330851071569,4.07773472180114,4.00344925511741,4.20416627150207,4.28922853750427,4.39792808858075,4.17123151224898,3.90517476218609,4.16187177905235,4.61483168798986,4.21868755075058,4.41776591324452,4.43572480711379,4.12498697213054,4.31264545608388,4.16936649604917,4.43080618635996,4.58234995501793,4.47579966339739,4.16302431472029,4.27778301565866 +Mboat1,-0.543618178906357,0.0356121685317485,-0.190686433320566,-1.78621164560914,-1.09453929197645,-0.538174123088937,-0.642646586696555,0.359299042672844,-0.337008235056159,-1.84286405767881,-1.36844798671594,-0.866588895655434,-2.70528881812874,-1.61722842497713,-2.81664530967991,-2.86387772731031,-4.3924530937795,-2.29271964990954,-1.89307071577993,-1.790961796681,-2.0553066163667,-3.81466821673374,-2.36969529385148,-3.31559742938342 +Wdr26,4.33196632896129,4.31208636641315,4.48187501542818,4.29705417093474,4.43665120683309,4.41968209158108,4.25448532602458,4.62451359752817,4.39721966799216,4.15904424727378,4.34591722098956,4.31165803369131,3.81669450114717,3.8049474669034,4.02103752473423,3.95962314931779,3.92533298034946,3.90736974531735,3.89570363793837,3.90251940616875,3.9295948507288,3.92426887470182,3.77328889225434,3.78014335330347 +Nudcd1,3.05932460305203,2.6527086468821,2.91241206603545,2.87478528718805,2.6977842916501,2.53581041208523,2.54129968615282,2.72396693788758,2.7876920884272,2.85541566911431,2.59033596034776,2.87521960993835,3.32499118375528,2.62338689303725,2.96371427347351,2.8092331818751,3.01951261748111,3.22232247330066,2.870932775147,2.71698399609069,2.87772354382134,2.97131293659259,2.90008950053783,3.12617198861617 +Shank1,-0.800678676288721,-0.759323940147085,-1.34122301938806,-1.68008237715178,0.571044221386387,0.742645460088355,0.921124694942116,-0.821660462241855,-1.221757635391,-1.64542195187592,0.690510506365611,-0.271748699489713,-1.63023290663751,-1.64079037703627,-1.96637148435615,-2.54870072455365,-0.332630685971164,-0.861395493479038,0.260114534793092,-2.9523267400986,-1.93659209010893,-2.04055333637102,-0.361594294483544,-1.0617410818158 +Fam125b,-0.11370796623516,-0.0670563748599609,-0.0551941846340225,0.0390314248465025,-0.249548224978009,0.356241581775781,0.213589180713243,0.149823378494286,0.0084424167931187,-0.393921624485423,-0.114198612337272,-0.497680721095658,-1.9254193608966,-1.6506229481065,-2.36478657505524,-2.32582731636663,-2.08911870972211,-2.40678692116237,-1.86301496155113,-2.37106800787581,-1.41714209732991,-2.29391237965035,-2.68915760506563,-2.06504220564243 +Angptl6,1.20620600835383,1.62708788143642,1.52407743792733,1.40714533279772,1.29225088463364,1.26587838845706,1.30135455470456,1.09008801848254,1.38901549052614,1.05935734891441,1.37393925381003,1.69757010159871,1.24328990516944,1.78581603508909,1.28823368347987,1.0888979319837,1.30495646768336,1.32973439622642,1.79652245567168,1.6438362827299,1.43992402627426,1.51187888269624,1.42157649792273,1.65018863965172 +Nup205,3.92027140667929,3.85164512421278,3.833941336135,3.71255156578575,3.72083764681728,3.8092285789387,3.75054853594486,3.90787338531584,3.90037974073475,3.63354437371296,3.77077702535123,3.92009291704951,3.71866186071721,3.54520365527704,3.66394837977343,3.45518468373945,3.36752052352698,3.62167841633685,3.30222090206498,3.6713832028976,3.22416166473835,3.16027175478374,3.48406770382245,3.54148035778601 +Abcf1,4.18022867618367,4.15034101411796,4.21218152553813,4.26389172327557,4.21754222563862,4.1457812190425,4.35581555746179,4.04630211192721,4.14602611176931,4.29199341196726,4.31379352879286,4.26068620560422,3.7727597051211,4.10169094075317,3.66844898521224,4.10500662367782,4.20153319015315,3.64295260434145,4.41971514039002,3.38616157539835,3.94864406023419,4.19519222329719,4.34752499186036,4.21591332974925 +Ptpn3,2.14408674594277,2.10278638409088,1.90494572947524,1.8899780580618,2.11822031147894,2.26619375180808,2.2141587031912,2.15073354376504,1.96618173989057,2.05302642296358,2.21522066973516,2.13429895038146,1.02453391127199,1.40288575121726,1.31040635871262,1.31069157772927,1.26510125244811,0.953041631024631,1.07077384320458,1.23830376941121,1.07823034075106,1.27207352302807,0.92617666594889,1.35422367930375 +Lmx1b,-0.794719164329283,-0.0981133585830869,-1.25235923840767,-0.696891944786794,0.209431417643358,-0.187918093551273,0.0971169553888531,0.108198057249917,-0.81985861817781,-0.0405248736688395,0.385816142041695,0.0903390157956525,0.256733395567139,0.963507322885983,-0.0717698235323043,0.653949101688249,1.5569610503354,1.11476365670662,1.4419444078958,0.10645853181047,0.544844590052211,0.778249674625894,1.35201558535426,1.14727647822543 +Gabpb2,2.36500011410645,2.80999133405655,2.51020476562165,2.54423247498753,2.71170473747919,2.66860314059997,2.615603075502,2.60400875681791,2.5676383596443,2.46265670258249,2.64488726253406,2.50549259631496,2.26863463164373,2.54179821074767,2.09003882915043,2.41352471998605,2.4264879093648,2.21379248675499,2.49895657060253,2.10642222865997,2.29611272743898,2.38342370344114,2.4112177942184,2.47411749416235 +Kdm3b,2.60261762939762,3.0793040618087,2.84640225240124,2.8264520630997,3.13114322840512,3.11254388431097,3.11893503460101,3.15304492913021,2.93438839584122,2.88601023195535,3.12475701808523,2.91093966609536,2.30744282972122,2.75942720935865,2.58669296119003,2.47973548648854,2.83920105759479,2.55192525413287,2.9076980078211,2.59707247469123,2.51949252828908,2.58102106447113,2.9268631335297,2.63098868726193 +Ascc3,4.69392262469047,4.53902350159982,4.46295250276501,4.45159432256907,4.86032890424369,4.76351339122034,4.69607043362289,4.63716942484408,4.50157742779314,4.34468158216679,4.84307468097173,4.75090864960226,5.13286847827917,4.92682321896669,4.83025910235859,4.80770319328835,5.14988576429785,5.06535608635569,4.94605763289814,5.01042922358639,4.76843205474133,4.72853027691396,5.079253676618,5.14381375758978 +Vill,-0.831438797410014,-1.44902300115359,-1.26350576273727,-0.636827075967133,-1.07359727369575,-1.50534127592126,-0.8921919283022,-1.57524387008078,-0.809683941422849,0.101166878158998,-0.701657681223132,-1.36855451290724,-3.8648941205048,-2.72123267754285,-3.18817085888545,-3.32766554456906,-3.51613594649058,-4.50186232737459,-2.53505511874607,-2.80011385332968,-3.91053931344973,-3.92407745032883,-3.48665064282903,-3.08818681115823 +Ephx1,1.36615382215371,1.52920268035317,1.70941062844101,1.63313777679144,1.14941285058228,0.801156499105521,1.25907743682713,1.30890513936849,1.49116968002462,1.40132997210224,1.09158212198228,0.904978362197964,3.54592852320615,3.21252939631178,3.64924485189951,3.82624972679028,2.90128687907715,3.01276218736603,3.0505022099576,3.18856508484789,3.36116345275887,3.55016193609157,2.77334190501013,2.98254512142502 +Sema6c,-1.04046725268512,-0.151565833744629,-0.431113601101224,-0.572514579704208,-0.708020711148372,-1.02747946168462,-0.662844247126396,-0.0812584514561152,-0.343949718498832,-0.113742878435486,-1.22589681704051,-0.626868550553447,-1.79794892278954,-0.644385166391236,-1.24291044997419,-0.86815713045744,-1.09937072131692,-1.00080717921687,-0.919260979265473,-1.31421318840477,-1.26931533349065,-0.996697441033921,-1.20226015453932,-1.54796597458274 +Smurf1,2.53509843337245,2.6729361891963,2.65872542902553,2.43916032391485,2.32625282187381,2.59676919294053,2.54383556672589,2.54232359760693,2.54301973947534,2.55473440147181,2.36529358773695,2.45431420530421,1.43680850343149,2.14229033232302,1.55386310194236,1.9014968693508,1.70148272754754,1.55629327393494,1.84982393759089,1.78906735582747,1.72854723427785,1.69504666523168,1.67741315466483,1.82391085699332 +Stap2,0.156917642184315,0.982670635333649,-0.172036581387728,0.840820411255256,1.4219587002043,0.916587862648279,1.47773941748894,0.3087029867222,0.558111064718841,0.723513445661402,1.07668477485383,1.07054198803974,-1.5234617048146,0.0295015900568201,-0.626755664824118,0.0462959477503622,-0.376597036281491,-0.664468024134174,-0.29701530883263,-1.23594263399737,-1.11674068710494,-0.495941455529025,-0.591500715072233,-0.494685439203111 +Cnot4,2.43767678421362,2.33782319439191,2.27079973485575,2.33202954299588,2.57809250849995,2.58080523253456,2.25439027935368,2.50423116968323,2.33637205452518,2.08223264973156,2.30517085534204,2.23164213859082,2.33577627027262,1.98030159069113,2.10186150652444,1.72008104808571,2.3080983079054,2.2004167739222,2.1348729027484,2.13922032774188,2.05564842013396,1.95201955079386,2.03311663354929,1.99219843618661 +Lefty1,3.46687484931419,3.1117148544728,3.72730549149739,3.15208923696365,2.33686871589389,3.06865736106617,2.79843998261174,3.4894769429865,3.39087911112936,2.76006591136153,2.74944626053185,2.85768405039577,2.05861171671125,1.97796513020872,2.84453410139906,2.41337478081681,1.72765130104883,1.75901566226584,1.58919057631617,2.22096191256001,2.58476627352056,2.10734582540425,1.40823257449123,1.42742599210634 +Zscan2,1.98196759278829,2.19808195409765,1.82899111934991,2.13520171277498,2.34387786682671,2.2176844193606,2.30930024574502,2.52546622626196,2.34714284768803,2.34709457459778,2.23604132342202,2.08382194591084,1.53584042681251,1.65437478523934,1.1859098208679,1.51960233899291,1.52880068994748,1.39306690564198,1.83937702291679,1.47486879166497,0.643616648648743,1.80738811239577,1.56860694281084,1.1769434270857 +Ost4,4.86957054699135,4.35958555894999,4.58018242489218,4.85368586425686,4.50514752259923,4.43098645696727,4.62515492791694,4.70193506084046,4.81783164173755,4.72594862167665,4.51364312773703,4.55738709948742,5.63509102444883,4.90548688984618,5.33486936027279,5.19796872964759,5.09213119718531,5.3575084420806,5.07095814909779,5.16881545366016,5.31747234610914,5.05175852362895,5.02482161256053,5.219739523215 +Sde2,3.14568832173684,3.10332682910655,3.09333102099286,2.87146750605192,3.06844268000897,3.11854016386158,2.93500390669275,3.05909236206612,3.17632567818809,3.18785827287361,2.8695053668449,2.89488275326728,3.05301541832478,3.04920292773358,3.07282962037263,3.0410603054623,3.04755029370094,3.21185750952659,3.09051540168115,3.0196944221359,3.08963396864294,2.96249700042553,2.99712479881497,3.07561315422684 +Rap1gap2,6.60446858360729,6.79026302677655,6.56708303917808,6.66990900646369,6.78781198965668,6.73092344589003,6.70121864808485,6.90313990838161,6.65238900696362,6.71483511716236,6.91010327372414,6.82125728524053,6.40714467929081,6.93617283853902,6.86514088707175,7.26745225942747,7.15002617460229,6.56905919391201,6.74836421284454,6.8270074161609,6.69176509298184,7.24079310407456,7.15539143881942,6.87371165813593 +Trmt112,3.17303574613716,2.80677292322992,3.44545930979665,3.2318463139966,3.00188212009194,2.90237916293888,3.33850810710245,3.03517511926777,3.31589879419089,3.24875562033401,2.92929935876315,3.31816757826813,3.43901258704302,3.10689499208356,3.35629637213962,3.16732843535587,3.08961295268204,3.47719613776872,3.18027462455372,3.64548335076544,3.51502172422921,3.55346895840688,3.27307235229283,3.23848944493809 +Ctnnal1,2.39852899654017,2.57761069949967,2.66624593212474,2.71939288488437,2.83272088281021,2.81083634342811,2.725796526753,2.34180397063278,2.43151979125348,2.57157151354908,2.78905272878243,2.65763742282697,2.99336675226126,2.62365559817181,2.37387008804792,2.90899611368271,3.31449078296083,3.08953595909096,3.34743310559562,2.43425661514635,2.72840978006089,2.71841742342331,3.32370052448367,3.11251096401644 +Hace1,1.20520333952865,1.28667749517826,1.14994530472905,1.27703323701077,1.22576404535221,1.29067838453014,1.23472964537972,1.15656209383788,1.16238389385565,1.28752655957162,1.3412176167091,1.26146349269641,1.38069120089432,1.63165155802574,1.44492835342201,1.38026827092589,1.33565193714868,1.2553348260411,1.39119234872671,1.59735784477302,1.39993347522194,1.38447523167063,1.35118576900292,1.43911266308519 +BC026590,1.23034729763918,1.13799624243474,0.949458763496299,1.08581724050857,1.62616459383068,1.49579868432638,1.47186945969581,1.32476765119758,1.16729490225449,1.11799734983005,1.39758298382047,1.55617762358434,2.45932505430217,2.01138488597588,1.92103545679043,2.29420593154917,2.44425146669539,2.34571574528487,2.20959113183494,2.06487908702873,2.03045979910061,2.04530753464075,2.31920987395713,2.17266356478886 +Tmem214,3.92528293745478,4.02553620388011,3.5188696142596,4.10880299962815,4.11201829397293,4.06209861168567,4.12852547297704,3.62924069081843,3.79024949168799,3.73333624720244,4.24921179468396,3.97603469699251,4.66699934751013,4.38105670058962,4.11228980354192,4.43220404142457,4.73259854137531,4.52347239871388,4.89830357775494,4.03950298396444,4.37175723595164,4.53206802810885,4.86027720902651,4.66305579150829 +Ralgps1,0.832656697069842,1.4951732608925,1.15320448035638,1.48551396379261,2.23289143213052,2.30684587707066,2.02771087681041,1.43818915359739,1.26432665146239,1.26274423368312,2.14029048632822,1.76943566864069,0.661420731300818,1.28677046514058,0.685204296886277,0.897656270884808,1.66442154462359,1.15263089894643,1.70960334948427,0.88099448059899,0.846152934278367,0.938438906726907,1.61033485442116,1.39536883526638 +Agbl3,0.0105320430018492,0.0058944082912919,0.346927461453581,-0.191101514631077,-0.195695667636127,0.006004780506656,0.129275248576436,0.206294384083788,-0.0629492831893899,0.124360214873586,0.0988996336931356,0.198153629619865,0.1584440681988,0.270331506109915,0.355225593345911,-0.224797708402548,-0.0293787136091903,0.286174530947021,0.0495824094074373,0.63031748388368,0.194911177843046,-0.102274286742442,-0.111102395651153,0.0782201354921601 +Vars2,2.03481587787278,2.8128047809975,1.97998329762332,2.50427437866211,2.68545084066352,2.59936285602794,2.95846305162046,2.12298958810944,2.40529705765732,2.62311079387905,2.86441327295099,2.41051891009122,1.47791818392416,1.99166869089587,1.48899102429442,1.91668445021676,2.16684836250859,1.81964709644825,2.09282341831507,1.5191073684253,1.59216447003201,1.88250046166146,1.90616257542265,2.01760257915471 +Gcnt1,-3.9611924025917,-3.12531666211923,-3.20275910038713,-3.95323246027553,-3.32334016446312,-4.25570899041102,-3.42773737519155,-4.83934716641542,-4.83934716641542,-3.86046699865351,-3.14806061173923,-4.29602919591999,1.05015239741593,1.07790714134946,1.21319432187433,1.89618114760719,0.542035551579907,1.30143262151498,0.230227468423544,1.73142913700243,1.57174358111292,1.461212556157,0.775255903332763,0.994210786711939 +Kif16b,2.88684838568859,3.13950631361784,3.13491663369897,3.01741814664513,3.14105186539532,3.16723642616137,3.16649888000922,3.12601133613368,3.03496047567612,3.01600960218198,3.09814891757915,2.99122540072808,3.13958683024004,3.35976406316589,2.92235408025851,3.40930851648916,3.19918312618723,3.000336463939,3.44798378338828,3.21712882476388,3.05723784203306,3.19506999189857,3.11577470521501,3.32056816138103 +Phb,2.37957681857167,1.80196522376184,2.02752521948966,2.15780920485179,2.22445695812394,1.84898045250902,2.26122884229081,2.12997651781872,2.37055667364049,2.30058859286766,1.92525346620218,2.19333660404198,2.1751409333616,2.00718313882096,1.99439207772389,2.03834593080274,2.24720840131444,2.20087015178007,1.92878168734694,1.95957820912884,1.9705020084134,2.2768979553177,2.35063700177943,2.0210522130299 +Ythdf1,3.97475139514132,3.82165165605056,3.83733224442804,3.77058222033386,3.98471877590474,3.96317518094867,3.76321535592967,3.93119215756575,3.82790591230897,3.83254872597651,3.84782641401375,3.89725099186466,4.01928216332536,3.68874192632695,3.73780174961874,3.78020433209243,4.18204330987801,4.17719218379669,4.15764180336794,3.59577462735069,3.80150679567763,3.69173282092957,4.17053130486731,4.02706703834137 +Itpkb,-0.518333844382636,1.25115094824074,-0.146399923743618,-0.736053746383602,1.46448803621746,-0.147658734402698,0.179389295694699,-0.0173021559770827,-0.946355551752533,-1.58100145257798,0.391265664024955,0.778609228570752,5.7854442395187,5.95819498723995,6.13483368633779,5.87209201649087,6.13033922589638,5.94261168320499,6.10353760865421,5.86818772043358,5.83616870798969,6.01685876695434,6.13272176442863,5.97250544982333 +Baiap2l1,2.79416728037371,2.7290627566781,2.61973706343176,2.55256385763723,3.35121689881584,3.42439708732632,2.98887678840538,3.13538912839161,2.65246222481073,2.60345527940912,3.38336942303471,3.02312090713729,1.82032197414682,1.93733848704649,1.93330077596492,2.26667931471413,2.25838856630122,1.91495878107399,2.34682923700703,1.93917779414602,2.02044955089566,2.06487462068581,2.44336078793078,2.08837580714843 +Garnl3,-1.85524975717596,-1.48345579730821,-1.81158167867792,-1.26976069021219,-1.64480479457808,-1.61763253144783,-1.14380745627616,-1.80309580060457,-1.51374830799353,-1.15448614378098,-2.21812967527645,-2.09173478258168,-2.13130280383121,-1.91925844312547,-2.59152311074517,-1.75468275541606,-2.09127090944961,-2.39193963875692,-1.59418533455437,-2.4227792596179,-1.90915430103822,-1.59968770639177,-2.55167522128449,-2.37514250530686 +Pi4kb,3.5964728487249,3.54579584617153,3.56374003963898,3.54429809868466,3.4675786996109,3.51204908437905,3.54315998208092,3.63582148794819,3.65444678612681,3.462111432843,3.50793997930076,3.47441738933508,3.92053341190351,4.07360394812416,4.02634499088301,4.08142564985866,3.97796342741415,3.96841880335056,4.13682846051517,4.07419052313188,3.89076121485025,3.96865140282521,3.9545808632159,3.96211608805337 +Zcchc2,2.65028087594935,3.13779771825498,2.54311414550607,2.83988011323282,3.31069226164814,3.13991052490769,3.13173113048678,2.81195899844596,2.77081481227229,2.7994012596092,3.24839085781631,3.00852533802627,3.46878773888922,3.9748622199548,3.59427617447456,3.81054074467606,3.87966847178657,3.70994645807304,4.02329439184112,3.69884831633369,3.77264231407166,3.81292368903514,3.98746762055102,3.9738278743017 +Bpgm,2.22967616290074,1.91274753929075,2.31425495531902,2.03650395054574,2.022964714994,1.98131173991605,1.91412115463275,2.06984186469294,2.16040580179913,1.79790414228931,1.88984084804524,1.75612752893866,2.98942876378226,2.76377431659346,2.99120204649298,2.71441773638725,2.69177036761818,2.93716435503715,2.71943139148332,2.90253936520609,2.78580044569915,2.74548564319221,2.76206734271618,2.58766498762832 +Zfhx3,0.698482777843917,0.914834548498971,0.582798566560472,0.553975758053047,2.09504035826566,2.0464955723592,1.69260601174097,1.83993060215829,0.663116820870528,0.526782035374513,1.88966799051545,1.43245349891204,0.794332555191341,1.2027506868663,0.722800750606417,0.744087707997645,2.21498297013217,1.57545634950082,2.28825156799663,1.19732307346997,0.684438803604565,0.917441797077319,2.17673579217327,1.54759165972932 +Rnf146,3.59600480508464,3.53645998063757,3.76415787596801,3.58534567271002,3.24585022061862,3.4282716668276,3.48998608757488,3.72727010657119,3.67591848237908,3.78185504687511,3.43181828726209,3.55697644946405,3.48808820518688,3.65021414215917,3.68582882960343,3.56541580604466,3.37486225819609,3.36152976327681,3.17452407999563,3.78539645676889,3.63558950342507,3.78521656130099,3.37722350598482,3.43764451204905 +Nipal2,2.55873472639674,2.22314751795078,2.14530691893659,2.32579756468691,2.73361859024678,2.46737363249017,2.4702809490029,2.36123016825157,1.99428890156235,2.37523272776229,2.4097466960873,2.45818979981785,3.22366178820436,2.74267125316799,3.01138991540177,2.8881761446713,3.01446839443736,3.04810438462522,2.86259923090054,3.14535869050989,3.11862019639772,3.09100769431687,2.77756126391149,2.77659348810234 +Mrps34,3.91118993874985,3.51728181586111,4.14139554456721,3.93535694924571,3.63537978931678,3.5844695010637,3.65066438260339,3.82563641743635,3.84243550765039,3.91152249624884,3.48961128241886,3.81786914915166,4.40819197548403,4.35322913671932,4.6497375666089,4.3968053413498,4.16352957275319,4.22510874196766,4.20288147408188,4.44526857697824,4.60220510209773,4.5225430007824,4.33899512188796,4.0948770579394 +A230050P20Rik,3.04715970739629,3.98892853132134,3.29971672195783,4.08232896745558,4.24526810588683,4.04429033620032,4.13728822046584,2.9064253553289,3.57095835469082,3.94240187591091,4.30839501946419,3.93971661503858,3.27302103594872,3.96542961154679,3.35600682758063,3.85578933827323,4.3686288067836,3.76165499356852,4.60747497867109,3.03640793609337,3.8066200345896,4.03904927392633,4.35547008450259,4.09197064546737 +Man2a2,3.83939826273258,4.00735867066454,3.9233938839362,3.68092559189168,4.12339201295027,4.03229485281624,4.08983592988721,3.82542239892969,3.84589087704114,3.86124578774569,4.09685192123153,3.9753624552796,3.79104829118681,3.9961641230526,4.09757875385191,3.93304172061346,4.07770279767349,3.7649945205832,4.14464282026703,3.80522023553522,3.7019443282095,3.88068399327195,4.06647471415274,3.92613536966108 +Ctu1,2.61061516720897,2.43898819923581,2.80791682365228,2.51449292081077,2.27248940955283,2.45652390079067,2.47549693951832,2.56999572733882,2.45375029953632,2.4591318837991,2.31812848450977,2.41370908836427,2.93144524372249,2.37098423502027,2.70988860635212,2.82659543340023,2.56963357143779,2.88746564790588,2.77587756885862,2.5116894444904,2.59783780771613,2.78549812671751,2.58984458420676,2.43288314849837 +Fam117a,4.17095634309656,4.35718368376074,4.33113823643041,4.26447823703348,4.23575206583068,4.32489774869645,4.32301395648017,4.22216996454944,4.31712834238748,4.29994683231726,4.30203216627667,4.22965337303901,5.01515930674565,5.26742600153164,5.3607559434482,5.47238910848661,5.25076349500769,5.00531909526,5.32111820444523,5.19137839101352,5.3534725984662,5.44001979946389,5.15540203346123,5.10056193740381 +Irs2,5.73991379818429,6.04405095591147,5.04756804254637,6.02830217679035,6.15740378600537,6.14954687899075,6.50972500203138,5.48691853910121,6.34778825562224,5.91835581260985,6.48820775191489,6.02929245009994,4.41330345262783,5.06616254739481,4.03830994884238,4.8926550005852,4.95335674110955,4.72265887509689,5.26928120223519,4.27705225392718,5.21593735843649,4.82510045073518,5.29862183037868,4.7567796896509 +Zfp653,1.99953250066687,2.29965748690434,1.60934738235551,2.59529291006874,2.38616067986029,2.33837306952879,2.24835806742005,1.87902674577958,2.17695463809645,2.47033549907715,2.47026633003289,2.3272874306849,1.76888130442687,2.23954610764335,1.58767137539324,2.16083336040804,2.3011716777639,1.36202363213521,2.51798662760708,1.37279793577118,1.74322907779063,2.20020661410313,2.02393910644331,2.0736721644695 +Rpl12,4.66274148734898,4.13836507155637,4.8807433894527,4.75965104012652,4.54565136042152,4.6114135033254,4.43696571341746,4.67530815872343,4.49978453586295,4.75789074182923,4.54401714035788,4.63880695354369,4.31643959188524,3.90606090734718,4.13758369992618,4.05711951944261,3.86151460940845,4.33279502845252,3.8887054742435,4.27316934148639,4.44978662243371,3.9461426984547,3.94888727840044,3.95324517485868 +Pogz,2.40894489868348,2.47962105986226,2.19001248789096,2.04321057915336,3.32399184812682,3.20165733702283,2.67223598527427,2.95009552120848,2.26963070120457,2.16656618998324,2.98355464748443,2.72997036246424,1.6606004737459,1.88060814583134,1.66839985977076,1.76707319766182,2.59536930406517,2.04875131403532,2.46240862071478,1.78474199263608,1.84962617652845,1.65581238228975,2.48665265040465,2.22710316805032 +Ccdc68,0.486168041411123,0.341518587143117,1.26012114233072,0.580312539989912,0.575828728621978,-0.0277998720785733,0.180190207418616,0.419077554097592,0.486597057550965,0.458812894915628,-0.178414050788363,0.0245903776108976,-0.565816049382672,-2.46403770759474,-1.12909400827245,-1.43270666702231,-1.87641196054162,-1.10328268448991,-2.28975635007998,-0.967126868850746,-1.42326059392179,-1.04299007126245,-1.67788171292597,-1.58106643705685 +Myst2,3.805658659579,3.82554867469344,3.86836899193706,3.7954000799461,3.77265422928093,3.80783024049978,3.66842899938985,3.98208342104082,3.86710239117416,3.72349311333351,3.71055383728159,3.75901818384895,3.54397811133335,3.39205704415098,3.60311407838978,3.51223353379998,3.63098389877606,3.49557551971142,3.61167374270044,3.29510327620018,3.47639521634609,3.3913502519055,3.74489410144282,3.61832469143843 +Plcl2,4.45105069804005,4.25840994642525,4.32841745962602,4.24787030708018,4.43056753818398,4.52958821269325,4.45071514140527,4.41778894159784,4.33507386613689,4.21484692866397,4.35514772910005,4.46662625996398,4.10408870921253,4.39857943368712,4.20313875522191,4.32876866957149,4.34358866147327,4.15481040006098,4.51473367218404,4.18860634040402,4.33136314338813,4.28207397859084,4.30370245430801,4.39583907371005 +Dido1,3.51249319819002,3.53956506250326,3.3693845486269,3.43621779989998,3.63225086682196,3.73365501592975,3.70015154514808,3.38345266112056,3.41381618505046,3.48159962276104,3.59745948320779,3.56767292601569,3.30431772454458,3.26904970533746,3.23783984693154,3.32002403478419,3.54022413454738,3.32800589895272,3.49492758817144,2.97429288434286,3.29883162876852,3.224460815277,3.50622991715078,3.43592368464305 +6330407J23Rik,3.49101644670232,3.58626958529149,3.40628772023475,3.52153277800567,3.87502469763773,3.75941349567307,3.70275526722981,3.66107255492849,3.35972067605332,3.58087074301586,3.6973886227037,3.80064263013375,2.92608825409635,3.49043891131226,2.70451265433966,3.42832439130095,3.75300245848888,3.11461582536997,3.75785586950556,3.05702063578196,3.305726482689,3.41728508224996,3.73474248728083,3.55482127108668 +3930402G23Rik,1.76156989119573,0.978409590985074,0.155273676276308,1.4819414751413,2.12405341746452,1.79767345025295,2.29866019479294,0.441409728031188,1.68551930928062,0.673354063819568,2.12622151922779,1.7172312568747,-3.23388513663131,-2.09022369366936,-3.87085334350111,-2.69665656069558,-2.88512696261709,-1.44278178317863,-3.20928237582869,-3.87085334350111,-2.5374964382921,-3.87085334350111,-1.26062641685934,-3.87085334350111 +Rccd1,0.81621580822828,1.62568629862493,-0.19525337886454,1.60024261955861,1.71994838652405,1.37463791987926,1.79002455978117,0.45253782782766,1.40872067206049,1.2605666648763,1.73483454356619,1.32495931908066,0.314816271639559,1.37118911627326,-0.710371179738477,1.34838002881313,1.63306383363758,0.633291816752655,1.33205771771273,-0.10585729315351,0.863143320731239,0.845082698030773,1.26763504098799,1.43310654042056 +Sccpdh,2.34114576359966,2.32225853796117,2.55923145213634,2.16281258868244,1.88998729510995,2.10677507895186,2.05335053985263,2.21437010333024,2.41758339522558,2.19403738609751,2.10071152538399,2.33083294197439,2.47469895620194,2.2217098519976,2.67155933527246,2.25810996085322,1.88877667337907,2.12399965202761,1.99892902240147,2.5381334558902,2.57705439588563,2.16824333866167,2.16549487306148,2.15565995365288 +Prc1,-2.30354873048632,-1.4734234776068,-1.35369105177892,-1.20854501782366,-2.04841020010027,-1.55555989087049,-2.03645772930288,-1.97330272359617,-1.31040917826326,-1.82833571256879,-2.16198267545885,-1.90800173707087,-1.40981387453829,-0.588227615309246,-1.52169711822928,-0.693978309835892,-1.45337463380876,-1.07839634769721,-1.30213233165578,-1.34650055999536,-0.448477003171607,-0.889116586994452,-1.43838344736721,-0.183309868125405 +Cnst,3.09508875663251,3.17792177827958,3.11103839498042,3.11864835788442,3.09780099670474,3.23062935287421,3.08464410837475,3.22444501022625,3.18880247695578,3.04519319911512,3.12587680824999,3.15418885628144,3.06380270450913,3.44548632834637,2.86790148748183,3.13980306130247,3.11925209835921,3.17143403750954,3.44935676978652,3.24967879440031,3.32418256852581,3.28363403932603,3.23416554806413,3.38745154847057 +Supt3h,-0.796893456938198,-0.386797304751979,-0.615003161174025,-0.389877092338139,0.401001943521652,0.666587414760245,0.409124840586322,0.0646670519111581,-0.371175497971958,-0.47943978773174,0.705980989959643,0.0217982181365333,-1.22882902802783,-1.47271355977252,-1.99827477227859,-1.06532053620765,0.192081219394971,-0.433499643638388,0.0143296576436964,-1.20963139963388,-2.08627357256696,-0.800382516132844,-0.134561214817025,-0.375264422149428 +Edc3,0.916848406131928,1.15094946323853,0.849262149124301,0.675963036624498,1.95190360602186,1.54882162440555,1.15863157960283,1.34935879155619,1.09039641325444,0.99043334144139,1.38950920488506,1.46616673543174,0.533979734907587,1.13064303915983,0.982837687092247,0.963957780795389,1.65811607373055,1.20832762650347,1.2826821201983,0.970678057406569,0.97819521026768,1.38395745538425,1.60720316173967,1.20326415428596 +Slco4a1,0.519858460333226,0.13077893451254,-1.03033614616353,-0.563098327390018,0.797066403899504,0.179375843132354,0.907056563429321,-0.0045510243198472,-0.166490825834963,0.192771338377589,0.405225557769086,-0.0198755823689227,-2.50966209010793,-1.56976800124047,-2.82660059465632,-2.37015050109412,-1.25776002870034,-1.42004236718792,-1.43112081769962,-2.02265336637654,-1.51990591626206,-2.3195032384927,-1.13717364113199,-1.68744049129829 +Ube2l3,3.83554139568168,3.43726096334897,3.62281556785939,3.30747362536388,3.46297774266743,3.52671292781432,3.30156431941961,3.80074912331079,3.4953894349512,3.25276131791983,3.41968848026477,3.38657905881536,3.3202760779788,2.95643685609418,3.17136073072726,2.79252256018888,2.94525053484167,3.26806923654098,2.78874658292147,3.2289308186633,2.89751959215566,2.82910189030272,2.86183913486074,2.94875594709921 +Pdk2,1.80204698192933,2.04685036910008,2.13813431019325,1.77544259627015,1.82404228797802,1.93280702238832,1.84775463709544,2.41308129312681,2.18519363802143,1.51076680428113,2.03016607497767,1.84670622451059,1.88460702638998,2.17969117355081,2.6278451087341,2.27187084549094,2.27817134154169,1.93921533492559,2.03543809794755,2.13431629229288,2.16446477395848,2.27057765987183,1.88962427832246,1.9675101096741 +Lmtk2,4.3177148521302,4.12979256396573,4.25134433430371,4.05602951365161,4.2381081644792,4.30943231529699,4.08386247932648,4.42283443961992,4.18360086618694,3.99564563054738,4.17167347133987,4.19869728988344,3.99264811755611,4.35545078057248,4.1102524581365,4.15552016828647,4.34273630318623,4.33916634924443,4.40447008576866,4.27760531233761,3.79701221444381,3.98995782960667,4.41741749187346,4.30793603256263 +Rabggtb,4.70163082352785,4.77661153104449,5.04284640218556,4.99760954232671,4.38648689732976,4.31956794263672,4.58378676483595,4.58011620900836,4.85835225369277,4.94542372248669,4.56774527357809,4.73458929865588,4.88229662032316,4.68846051695903,4.49561221132567,4.76115599655933,4.77494584563722,4.52028469960162,4.54935913130732,4.79439053748066,4.8314787480218,4.70110818253345,4.64314924392679,4.74829139444968 +Ppp1r9b,4.67222488445804,4.60052665967358,4.59234041539603,4.66395745688704,4.70798322230961,4.67048121340964,4.75774835669078,4.62460150427238,4.56881543742847,4.69336102391597,4.79410534161594,4.64718181850121,4.07625352698491,4.24694995475304,4.01558930043939,4.33434154201791,4.39355380978268,4.020276354312,4.30709754848944,4.01503874289352,4.02266833428177,4.38635099352435,4.30610795383302,4.21719434472161 +Bloc1s5,3.49027117873838,3.37353729775877,3.72075521899233,3.33115954801467,2.8024529707343,3.07156707536365,3.07634756234561,3.56757788517467,3.5441793511707,3.46247012634265,2.71077355313509,3.08329998120054,3.27078188166426,3.13856418452229,3.55267125407349,3.3135386156061,2.87730284809357,3.01381833649124,2.8011667673864,3.624914630238,3.53040642665131,3.38914587773577,2.96687853824385,2.78558517680616 +Tspyl5,2.34300822554735,2.35624306026704,2.5062105914827,2.25837480395907,2.1245787607842,1.89856826981991,2.1446638505604,2.44100509511866,2.37849753331634,2.17856549861095,2.05724867668483,2.29610393072034,1.72660227758528,1.74843399749839,1.73067741781677,1.8429548910335,1.40195465199648,1.55935858221568,1.32547989611147,2.09084576364456,1.48726353001846,1.72290616669151,1.33780927017141,1.74903553066686 +Cables2,1.97338199893827,2.2075105116425,1.82660052633153,2.33148561308536,2.42144775548371,2.14131709460145,2.31611634235669,2.06190876485555,2.01658915895837,1.78817450829391,2.53588840809927,2.10480159609264,1.65255811619998,2.01543896683726,1.83369604343262,1.8821997217414,1.78459512373638,1.40008226052971,1.86321148453762,1.58441807341208,1.70457366675366,1.72941278022163,1.90244308362756,1.91686780153214 +Txndc5,5.742173922713,5.40897176386306,5.64434854083984,5.5573404540618,5.55443238745269,5.41893337588407,5.354797820335,5.65722485522418,5.48503338160875,5.52721035869904,5.58171652979205,5.34665107458075,5.98530045716515,5.6208770137684,5.37058979647269,5.35697747123468,5.85221565764767,5.88851206897754,5.92578083205272,5.82423601146724,5.33607945213436,5.46313152709261,5.94454419929045,5.8476434817006 +Ube3c,4.0084436056894,3.88417288730019,3.88157729450907,3.84994022446743,3.92893522803172,3.92708550905806,3.81575383407115,3.95281938631377,3.82841378851427,3.86091845847333,3.75892234095903,3.96502188711626,5.248067352446,5.28297448009561,5.52464927774326,5.48037914653086,5.31879792132447,5.07695124586328,5.11516385124076,5.57027250837206,5.33177476801251,5.33675914611224,5.27991927049202,5.14769267437905 +Rps21,8.05980415059092,7.23365147937258,8.16603637581762,7.93452131681849,7.52480478897163,7.52948289816661,7.387359699149,8.036872874465,7.98781617822255,7.9862264272786,7.44582573045545,7.84447634886124,7.31353522467439,6.99246478982999,7.43065107648581,6.99236696173165,6.4936737270713,7.1588205454604,6.49271986625319,7.50444114840769,7.32102665061758,7.04545284840975,6.47457671507625,6.8050741234063 +Pgcp,7.1083203106359,6.83203133326245,7.37401532596735,7.11311692316971,6.49406420828312,6.68910997125402,6.73693495518369,7.21226732832966,7.21152881055812,7.11806275118324,6.63928411658971,6.90599993694795,5.77410680165558,5.58328015358989,5.92168254005772,5.62378628052855,5.31090140171823,5.71624202928011,5.25216917570195,5.95870869777207,5.79521214765194,5.63691080370408,5.27006239283932,5.34001133076803 +Timm8b,5.04510147113194,4.51980227755762,4.77796659867823,4.92774956738619,4.50404306776995,4.40429695927509,4.37537301927525,4.61931853007061,4.68530395775344,4.73019770142658,4.55978914533284,4.88674010147223,6.13043960498307,5.60758853849729,5.68860969195035,5.7352479532226,5.34806315476292,5.82260174323633,5.41590422381403,6.23348002955325,5.79590433023315,5.56914645328089,5.55852360217856,5.79363601411632 +Mtg1,1.45775501379136,1.50150500320077,1.56520581909789,1.67366781738713,1.50604542753905,1.24256705486884,1.56691216007939,1.40705119240243,1.35463978639219,1.65593276419653,1.58796751439056,1.7336421318299,1.46618160194237,1.56058994679926,1.34617980072667,1.59931157409328,1.29012578086516,1.37539757665846,1.58802844285611,1.13941260048373,1.48330946115492,1.45598087683353,1.33385520130787,1.43696665746036 +Ttc16,-2.30731226368517,-2.0728751714601,-2.77128092485625,-1.9487908583219,-1.24416558742434,-1.33124347936084,-1.30054706277386,-2.80142656636852,-2.87107995298093,-1.66972201635822,-1.40782572966423,-1.30155374375826,-2.31569759171543,-0.596003699869923,-2.15705641662236,-1.52973414049747,-0.920610515321137,-1.2027895491676,-0.280095959215952,-2.68981817069657,-1.47468760691542,-1.38744052062693,-0.89318390053832,-1.00158717691071 +Arhgap18,1.80450274707667,1.51663459042188,1.38565328212439,1.56616043845225,2.13207979081829,1.98090047586511,1.94709190677825,1.57552500521831,1.14635159812593,1.56993766008894,1.87548843051727,1.81146950385303,2.26472875501325,2.15960599942497,2.02501252485873,2.06149870378411,2.2376203923781,2.19474670820189,2.01567082020248,2.10812991742994,1.85965132321285,2.21422584268736,2.30345724620191,2.14196108043367 +Tasp1,3.13149679824653,2.77571527156902,3.13259349884084,3.01796846061573,2.97550710070707,2.97144115410645,2.90618728367621,3.0602016478594,2.78769635303352,3.07170445825428,3.10689128164078,3.00476516019547,4.21244531103026,3.50482000765371,4.26771507579896,3.58591318175089,3.86994495420557,4.07712668637285,3.74024994468802,4.23349920323916,4.17943465108953,3.79115681906203,3.87511217631715,3.82291177494642 +St6galnac5,2.27930671124419,2.81515066908755,2.63284901479754,1.69697529018947,2.1175280949965,2.57047817029433,2.31804297484665,3.08363708245898,2.41005645370916,1.87325703224691,2.2680156874517,2.4119875483964,0.618218114534655,0.981239618524142,0.720478053149797,0.563906829442213,0.330516308780191,0.445976355678878,0.645975727642095,0.528251903466828,0.66135257330866,0.671815023957361,0.37812127487255,0.453226032561599 +Adrm1,2.06921492555633,2.35118640438756,1.79669216402651,2.44149742607136,2.37301126283275,2.20649758306142,2.40089588833275,1.46572244601155,2.01067848791608,2.28582829182414,2.21356140301039,2.04858021285423,2.20915567729855,2.1526838166897,1.90355022105818,2.08444164050509,2.09797224994751,2.32017455948758,2.35015351444894,1.9283640805478,1.95250961395698,2.20927095522559,2.44327266842515,2.30336899959036 +2610034B18Rik,4.63403256291897,4.49444750907244,4.70038493892073,4.57445316118252,4.20208239153722,4.29611844766716,4.2474301806658,4.61549138747532,4.63796942390173,4.49120981312041,4.26989723087539,4.29481150715123,4.47807264052787,4.55614103465014,4.54888655644709,4.6806964411954,4.30858388097684,4.52496083836829,4.26520136406821,4.73381963817441,4.59450654805578,4.71065483908127,4.42996548202953,4.38526748256951 +Usp6nl,1.71838845249208,1.75768051318617,1.8780418596664,1.54203526011024,1.85491667493143,1.8166803003074,1.51610680707983,1.72290215596956,1.88080053271921,1.72103623043102,1.55974179430442,1.62570928316163,2.1045868628919,2.352505829077,2.14749175915179,2.26539148718406,2.34546183267276,2.12341426636308,2.18064718780049,2.46973807026961,2.13498511637113,2.37778847978988,2.16891568459077,2.24980109498732 +Pigk,1.63601563592177,1.44203273134738,1.57058020906614,1.54561171125342,1.3622918624198,1.38629353790778,1.35177429685886,1.58727457179609,1.53331738149129,1.31488357593995,1.49575506912365,1.56158412340757,2.33011366780119,2.23022365683765,2.26105484826283,2.20945794299994,2.06959501047938,2.38638474869429,2.03944269145324,2.30900334363524,2.32693479407061,2.2210082717731,2.06088747107974,2.16326588409622 +Foxred1,2.0569290271008,2.33622516669008,1.92986472286699,2.26298129416338,2.5005184231137,2.11160200838381,2.65281359131858,1.71261684360151,2.24320170072121,2.27399022767438,2.40022987561074,2.3146997857095,2.71360668989132,2.39225254927964,2.4785693519601,2.87952745343058,3.24892006489054,2.67096890627255,3.0569383797592,2.0892327236927,2.69524132441041,2.71314577828592,3.21565136881695,2.88342897402169 +Osbpl2,3.92947164877176,4.02745983760343,4.30567352833825,4.21526652202938,3.94197354082475,3.81900710015383,3.79481827029972,4.09419818646824,4.18768761672147,4.07712872063535,3.8836543266355,4.07364559124183,4.72028155848659,4.66575511617108,4.87861202745486,5.07544724967709,4.54544709560991,4.64496658259504,4.58198259521868,4.75679817431477,4.87704223068776,4.95514065359601,4.51576408080436,4.63059196204402 +Ak5,-2.23609063705838,-1.88231983675955,-1.70858871431134,-3.47168489072866,-1.9834657164976,-1.66072400283724,-2.24654225492688,-1.96686948265436,-2.0038173099107,-2.06981324956542,-2.31472673266188,-1.87929296477224,-0.128069436740692,-0.0359483136634864,0.213984658801573,-0.664213999082256,0.287071782495247,-0.234174024959814,-0.454443201727714,0.0533924958236089,-0.252449361500343,-0.248912070373112,-0.241834912293904,-0.696842166134175 +Anpep,3.33301167692156,2.96915484056997,2.75908194220678,2.94265215004695,3.59542201588309,3.33715894301556,2.59134843084896,2.93465526007543,2.76038357233489,3.11632696915485,2.92383533232229,2.88144927712133,4.14377628254085,3.93087297826433,4.47975283507492,4.47315586222352,4.62005674154603,4.18471449994168,4.37869897275161,3.87368581858355,4.3493137599592,4.60235544472413,4.46296888064846,3.89289052780263 +Echdc3,0.456710136353893,0.955106308080349,1.77471089865578,0.946522799897832,-0.395721684784292,0.5984865921397,-0.214316339390744,0.849931488006482,1.09237411596672,0.45754566350103,0.190389144432985,0.446004710835955,1.83136922316187,1.34893904262645,1.86296476715728,1.30241401666755,1.07901048348795,1.18589191183277,1.24558789637583,1.6657012486624,1.23883337027395,1.61429944419035,0.597168466469925,1.20364759159693 +Fam173b,1.99967601727157,2.25494317818283,1.45179783065902,2.14041055928408,2.7972864294718,2.55575280268303,2.67321081320705,2.15767846310062,1.76206967403015,2.17039773075183,2.74065633120187,2.75539925545645,2.32709521962434,2.39440269160477,2.02109509701645,2.11241651394632,2.3782055190628,2.40526647308729,2.45818846203265,2.33018096600192,2.3263740065645,2.09573159948614,2.60332895408949,2.78811484580097 +Psmd7,4.87486856947558,4.43334557329833,4.77253953701894,4.73331317203136,4.6253917275547,4.73553785518527,4.39821496293649,4.47760270086637,4.73318930046188,4.68724818848755,4.65180062848713,4.49869500769067,5.00331016261418,4.85475691702632,4.74862712926034,4.85933132474413,4.77834537358805,4.92526034890906,4.77889150657344,4.92692030592671,4.63495959791538,4.73753783204479,4.84017686308114,4.68792609059278 +Zzz3,4.29136154765598,4.29762664065531,4.37262209217764,4.31160012057782,4.20659629335697,4.28771710993612,4.3040132438141,4.27429837613314,4.38897276301623,4.2770688019056,4.1884358811623,4.21424561156881,4.11726967366941,4.20823862089931,4.0300269711192,4.05699239320063,3.94452241426008,4.06893790205317,3.89479045868266,4.19185311762806,4.07985453406635,4.0552022774324,4.02451395554644,4.10888303642731 +Gtpbp5,1.12738985143353,1.27509024085693,1.25014432332029,1.3857380630635,1.53979765710776,1.39293168905304,1.24375121477224,0.764700740720611,1.04542441564373,1.43328746303013,1.40247808362128,1.38170900810944,1.32310087091881,1.51262725050588,1.1816684473969,1.39093865800223,1.59214918666193,1.33521191260239,1.59487655356776,1.48355166007826,1.60043355382721,1.30197390887998,1.627264268142,1.60638758000222 +Zfp503,-1.3416500160945,-1.23294175348127,-1.67060423966654,-2.16816445977131,-1.20822090594162,-1.53281394681654,-2.07144933306511,-1.70074988117881,-1.77040326779123,-1.8866697302204,-1.41225365925753,-2.36544290795215,-1.99252948655878,-1.14808637555105,-2.44656191792908,-2.18226460394018,-2.6493382255056,-2.33652532245113,-2.26927833037135,-3.00880695037857,-2.42198684405011,-1.0635071599369,-2.09006837335104,-2.32245801842822 +Ss18l1,2.5795944890403,2.71926236985607,2.18834107215327,2.61934842228579,2.69201219637584,2.73511581584934,2.68353702183509,2.36716876495857,2.44460765437475,2.58618113055978,2.6225771165429,2.57697438578106,1.83854317903275,1.96658247600199,1.75425258528683,2.01533200580067,1.94274956702579,1.82957411635367,1.88538990112046,1.92796997597069,2.1009379143601,2.04538393907811,1.78816985070608,2.01670150799868 +Rreb1,1.45799043945189,1.5737845361677,1.50099333724149,1.06368853115729,2.24344860819028,2.22907656346201,1.81963364447945,2.14056126092195,1.57929021433772,1.24928551231995,2.14516821366482,1.77807972099082,1.2993870188022,1.6402618829804,1.15388394382307,0.966491756981009,2.21929872086041,1.84271390881566,2.39887320260442,1.35171109771733,1.14105824371547,1.00542675538273,2.24387976774318,2.02310426451989 +L3mbtl3,1.69297187092236,1.67741871820536,1.89251490033685,1.56524638806219,2.04154077908929,1.7614687238979,1.68719748441673,2.06853176211344,1.69659026596383,1.32576977509409,1.94102686448667,1.88505280224996,-0.379911897041827,0.861433014758229,0.443105651410177,0.664625638874672,0.144081112469734,-0.0577326078935041,0.123678753137449,1.31405776831106,0.73081214998722,0.227449708081834,-0.295511873702837,-0.145023573943261 +Rsad1,1.08687509830492,1.25661844137914,1.64577433554626,1.68737191153857,1.36685060601869,1.08510844738561,0.84150231293355,1.34015878441221,1.44541170738254,0.921898987957796,1.26055076396554,1.21056659018283,0.840648070822317,0.990872918638592,1.39740656910792,1.31893787278094,1.06091580811712,0.917717968324089,1.2099833441398,0.758545548559446,1.29087562242597,1.42526771699156,1.17756134234436,0.799595832474256 +Wdr93,-0.458996265477675,0.36675672767166,-0.0916630595243952,-0.184820893278132,-0.737016055559816,-0.0336734572964046,-0.401972233811462,-0.307210920939789,0.227569760991986,-0.132806057806378,-0.886696293228377,-0.210708204306576,-0.841982800505033,-0.884879063370433,-0.395899258061403,-0.356939999372791,-0.331320377403199,-1.45387157183431,-0.784247674011802,-0.597762398593837,-0.837073810181021,-0.251139061495063,-0.827515623134965,-0.0961548886485939 +March6,5.12640288831818,4.98332332972883,5.31008385659955,4.87440633755941,4.87707177005181,4.94528033210172,4.71273074993743,5.43299598666657,5.17257385407979,4.87730024083953,4.89088112866044,4.98180612811864,5.69932952276057,5.46277347296706,5.90977581471554,5.39540839727421,5.35354415517135,5.71669774207901,5.24980309821767,5.9039744106269,5.59721248804958,5.42549156657155,5.30025517473674,5.42496424946008 +Atp6v1g1,6.02175423187275,5.56711563944794,6.31384836979612,5.90373574967167,5.42036965255747,5.51802427433355,5.53479436606713,5.97927331745149,5.96904351524938,6.06450253015338,5.43338047741743,5.66743913066689,6.66973434473756,6.34915659611651,6.77196071405433,6.47828009605464,5.96256046205533,6.53697185924574,6.04457673803989,6.88719089850687,6.47485801592718,6.40152577787509,6.07479834498716,6.21822511681497 +Lsm14b,4.20558254847089,4.0460865933463,4.15452900320544,3.88400353034067,3.95353514442345,3.87735021319928,3.98878490443346,3.98269551251133,3.95236940432267,3.91590414428958,3.92781096811487,4.09722368554276,4.31468616265445,4.27121905283293,4.19085016437277,4.3597291881254,4.1654010980971,4.09546322448309,4.09898755443368,4.46265525178763,4.25473523396446,4.30895529594977,4.178331734559,4.20996728111018 +F13a1,-2.08051556232658,-3.79267728912888,-1.95117771503032,-3.15069266686423,-1.83659788835953,-2.53032285511577,-2.71405357110416,-4.33483844842524,-2.93160679457082,-3.35595828066333,-2.64355189374905,-3.79152047792981,0.94105996811945,0.757975703313722,1.54645760849259,0.962664732465438,0.281486487764428,0.519833766969371,0.548215463168237,0.474339058988157,1.14316219016499,1.41210499783784,0.279140270141618,0.234615485834368 +Mycbpap,1.15049167580234,2.1323502700275,0.782710368417966,1.38330987528072,1.7625792301691,2.07427104330932,2.14806227412079,1.14272845272015,1.26725263200238,1.25892034897864,2.02241895427897,1.91635264870385,-1.00947107676546,-0.140164133516838,-1.62530684578856,-1.21987561873666,-0.386742441310256,-1.11001486176404,-0.0200307862588405,-1.85313895539454,-1.39074719800098,-0.748979695615781,0.107038046881906,-0.367139639996843 +Itga9,-0.951078988957906,-0.889104834431804,-1.23277889459221,-1.33730140920928,-1.01097932459373,-0.35094222434215,-0.338335629923637,-1.42616895352267,-1.03192978675651,-1.01570565486181,-0.66332238250725,-1.27097838662244,-0.455975609464391,-0.637876678024216,-0.5171091349098,-0.502305122479597,0.278773086843106,-0.077579934599004,0.0074591074694674,-1.51989157791461,-0.634874286817945,-0.622531587117645,0.477854437917085,0.297272485509625 +Taf4a,2.89940536838883,2.94784071321675,2.56540962139696,2.81067393211112,3.36860758517406,3.45521778806678,3.43007244355359,2.8083513582847,2.892826551257,2.87805161610294,3.47087568573017,3.06859063872433,1.76708485466637,2.15948984341968,1.78124781504596,2.35499210586512,2.75755086399284,2.08220968293559,2.46550021738762,1.83658482985929,1.8396027982042,2.19497102119299,2.48091411532255,2.34521352574655 +Prune2,2.14011446263504,2.3848745785744,2.79955498035666,1.98549070048427,1.95243975238912,1.86283310389982,1.83702866275103,2.41720530174065,2.3774809638155,2.44676985106809,1.56701765729776,1.79295620994068,4.0104114638738,4.01989769981827,4.68523534761475,3.9528521123898,3.81487699890769,3.75495964653108,3.68740258579118,4.12355359659049,4.18100238411802,4.35596817650952,3.54124181593263,3.68601298852202 +Cdc123,3.91892630469652,3.72591862322907,3.82086045717017,3.87899311351444,3.63105827764742,3.64350789212101,3.69024678786116,3.67862893236001,3.66639271406683,3.94882416184905,3.60685652751904,3.70421650599769,3.88541598784741,3.81758757833631,3.69085337177159,3.81855708272083,3.87326825992753,3.72231701517132,3.79553633973629,3.85056121546426,3.86549106221647,3.98739329673643,3.85399248389173,3.86305922749429 +Zc3hc1,1.52478817693341,1.55609763442691,1.87808757794416,1.81023029685412,1.25256839172562,1.48487615247742,1.39404942332866,1.91051028899476,1.70004697456402,1.62612524348347,1.09708476543236,1.60519661930344,1.08811929541211,1.0227405433117,1.00256927844353,0.603559201667802,1.01707712310148,0.637710608476953,0.900128387768675,1.06139550314954,1.14789371237539,0.919318120449906,0.970110622669962,0.756756797617305 +Gipc2,0.342005083228165,-0.455767468652472,0.025003710199996,-0.479238472505706,-0.055514150278114,-0.0522313670839036,0.389080477582218,0.0513596719226399,-0.0296156451437364,0.505894246445924,-0.374872298973437,-0.171183287549311,-2.09655552882841,-0.820137197740226,-1.16040577370228,-1.67568059038915,-2.39262466323632,-2.63779252936632,-2.04090243059116,-2.07930660593411,-1.7166305949003,-1.38958006679144,-2.71124768953672,-2.62434943532688 +Whrn,0.114111407454517,0.688352389588852,0.0475921126460208,0.160425386851222,1.15174825819915,1.28302747691806,1.31127846261842,-0.0331541449862081,-0.443216296338575,-0.190422080544076,1.20728069083098,0.79642883571729,2.33533887935971,2.73161589527965,2.11605088018834,2.39948581690813,3.42302954946926,2.84567815191211,3.63792636267249,1.81035165823165,2.18316464555629,2.55563606230002,3.53337406550793,3.04199685829806 +Camk1d,0.113580577785389,0.505099163108745,0.568799979005862,-0.136902194321928,0.260604951066258,-0.010980768608182,0.0729283805349401,0.607755953099219,0.476791198029124,0.615825371082142,0.201323728337291,0.109309778051171,-0.109572837953531,0.0416090844208248,0.916389565722613,0.543765461028103,1.0163886645469,0.408189473600737,0.152588345909717,0.342832970611397,0.0289293355410272,0.712056189983,0.763206181182611,0.537419827190161 +Sart1,3.16598027602256,3.49627779535003,3.16796643196668,3.49885858710995,3.35873408237259,3.35814062311089,3.61906961306984,3.14639624315983,3.33831289725853,3.33039503899321,3.53742211539643,3.41502367162444,2.90406335780916,3.27282186785452,2.78078800974608,3.2982902856455,3.3627181123626,2.88903785099206,3.60916870353475,2.84086032548332,3.15504610056382,3.41882307931863,3.43193208412554,3.47058622849543 +Stim2,2.81973987702468,2.89583990894786,3.0953800956941,2.96649872849474,3.00553534916502,3.00022548200225,2.86427668682887,3.03421977624557,3.02669450349584,2.89202148807027,2.980594939405,2.97610633991518,2.87386222406882,3.07517078565897,3.22004918105116,3.5799217245332,3.28621860996066,3.11427708596435,2.96997800437724,3.17829617779843,3.145183146709,3.53864357732951,3.15912768580629,3.33423985845879 +Fam102a,4.43430375300275,4.00108136780442,4.32027201147935,4.128261050925,4.38450000004805,4.43795003876412,4.26158394822449,4.33209266167603,4.20546732784564,3.98121732800992,4.33535101999629,4.03089565157998,4.8259044469057,4.63514700098951,4.86881049361674,4.71351289425025,4.78808524218677,4.82472101270273,4.7856051347516,4.83698779059291,4.64365692308849,4.68245359304461,4.7866056291082,4.5116254775248 +Akna,-2.36074662356146,-1.80067892940738,-3.27765191497055,-2.10293252324169,-1.19399893243308,-3.14323164707903,-1.68580703991531,-3.39251575551753,-2.21810270056596,-2.59066116900173,-1.70601417711318,-1.30611667843868,-1.68199414858907,-1.85207781433238,-2.06491638152385,-1.8479536894286,-0.845563855090335,-1.93614790881531,-1.4158305690072,-2.08330496805715,-2.1236132953884,-1.45977512556,-1.65327918275938,-1.19327268704812 +Ube2h,3.76577564955269,3.85500123874919,3.71783958721242,3.6741706546021,3.82982692058179,3.85334652126618,3.58352999955723,4.10655987205875,3.7568045541353,3.7098429672866,3.76176859350082,3.8287474374882,3.53172934104541,3.46569310221539,3.69429711800839,3.79224804910752,3.63607003585917,3.49557772216131,3.50923336767922,3.77443795515448,3.60508372289642,3.78206596787685,3.48319420364634,3.34775424983894 +Cmc1,1.2411602862908,1.67964604224284,2.29313098049899,1.51505838528761,1.00541634542313,1.03258860855338,1.17607365546999,1.59734912383832,1.86334044337992,1.72499804940425,1.19285081836029,1.07949981922616,2.0154274500753,1.85174477545719,2.10832619807273,1.92947084966948,1.58181621631868,1.73693203112127,0.690216895390242,1.9118799341471,1.98273522310156,1.51591075961912,1.35174136002705,1.65653045034849 +Naif1,0.978745885914192,0.799784949657822,0.540247172352862,0.616078558876934,0.948197492446297,0.607315460343006,0.427267932278654,1.01130629925394,0.775022116612826,0.903305496876659,0.470292854926584,0.251168239629576,0.567589374987421,0.742282595392963,1.02259633312323,0.323598826970605,0.802741151353727,0.571356243035734,0.587601787927482,0.964304527478087,0.548333755416324,0.6291175504529,0.877191171993991,0.266137729973633 +Akap7,2.7746343262359,2.84120249266436,3.16477268054342,2.74044898968752,2.57393342391191,2.83518793492248,2.60889135781901,3.14962147914955,2.92751651796535,2.93056467174884,2.77051805368293,2.70706207229854,2.73733912945048,2.54539168389732,3.14572945941321,2.48963243861025,2.21747160089717,2.71825026035409,2.22652710846711,2.97242333705972,2.83727185769367,2.4957285497871,1.94925299193151,2.28462246121018 +Dap,5.48310171009104,5.45568339155234,5.61004658148914,5.32102981812425,5.65407170978447,5.57584646223988,5.26785506885305,5.82565880642105,5.41288908665855,5.45165473991348,5.56541924378034,5.3012567229706,6.42215637959693,6.23419900098066,6.08342964442641,5.83540206466163,6.21455469971667,6.38072244337277,6.40399892138615,6.26450066321468,6.03642108850175,5.93000615401712,6.1534346438191,6.17137971596827 +Polg,2.75255731703736,2.95257359774285,2.42865577956165,3.00921589226677,3.14795263469992,2.76337981632885,3.09635674575699,2.46364681973992,2.82008734124907,2.79984192855953,3.01619425026276,2.878271991372,2.22476941969805,2.66648890526103,2.41911000765608,2.70378471373603,2.6967784254271,2.48705642072176,2.76504608725845,2.33383775405304,2.29011994029086,2.61595956110878,2.78560690964574,2.69310416880278 +Tbc1d19,3.09864529844817,2.9388192133054,3.08255996189914,3.02086787615244,3.28800399340229,3.39298209584206,2.9681696735005,3.35727636625536,3.1847916348538,2.73981271059513,3.0705269070234,3.05594877785537,3.96936218844918,3.7708868280903,3.98626715024006,3.6636716863815,3.60979935774145,3.88204141556623,3.63385669840291,3.8341562812222,3.98251051452208,3.7101701855743,3.5730515065013,3.69638824689432 +AW209491,3.23373218392758,3.19145257762952,3.2137371511974,3.12843391334201,3.23266239220913,3.08576674794515,3.20787225876076,2.85188960238604,3.30839585065502,2.88386670809875,2.97446177857554,3.1881568539086,3.76036018655237,3.264388527785,3.34317825478644,3.61413091861698,3.58231579432939,3.45282599931979,3.65908099639463,3.3313239312631,3.61822098244259,3.22272509594035,3.52246619877883,3.50528892513244 +Nubp2,3.67103426533021,3.63540351022094,3.57347419884431,3.68825076592071,3.56591962619625,3.76249338618525,3.67683978483724,3.43174687583709,3.61823179682451,3.6196436777686,3.94170788658051,3.73657554144391,3.29344843905712,3.25547180070461,3.29883390836348,3.27989335746043,3.73079995050274,3.30746765435433,3.47785063683731,2.76647791591102,3.47225443499937,3.24079370188732,3.55336361449853,3.50891596204719 +Fanci,-2.27388801948324,-1.78033950013187,-2.40418071846699,-2.91826118180917,-3.13120297222768,-2.24944454464142,-2.37619912380715,-2.53823033508607,-2.21171992483036,-3.49665814580828,-2.49150817023277,-2.83350685149679,-2.9389090276571,-1.83902007625554,-2.89415276609609,-2.31894767088258,-2.61739089649538,-3.98614255882559,-2.16589646221193,-2.92265033164048,-2.86866878940446,-2.48644056270032,-3.44818228911307,-1.92146714793524 +Rbpj,1.71612156255909,1.74852092002773,1.61715954141034,1.59790887344951,1.76938247347216,1.57819748812799,1.57401383767204,2.0260367959823,1.67078616718877,1.57979171151817,1.41077006263997,1.38901702265668,1.52330047261304,1.66106332840804,1.62386729609604,1.56328767854948,1.43629738399514,1.53200522707239,1.44330155092163,1.63448639381694,1.36499102874252,1.60047188539677,1.37611188390927,1.26831397221507 +1110008P14Rik,2.84808163215658,2.34357570355779,2.14334443329561,2.44364872672659,2.31068085434869,2.43629028309801,2.39094456588008,2.52016006345929,2.4710371529765,2.10205929599283,2.49298852754759,2.42114003344006,3.15443287060507,2.97346248990856,2.90706574024838,2.982994983372,3.01104768244904,3.14700945993689,2.94555562840556,3.05345063254558,2.91455189953079,2.94194631568615,2.80759485837637,2.87027143498515 +Adk,5.72611505890673,5.36154092129815,5.67021666812073,5.46212294733649,5.27847556966949,5.41682627393319,5.49280679127227,5.68573846391495,5.58571362546289,5.44810344375611,5.37438754418252,5.45647816830448,5.50296819721398,5.2054682854354,5.28685021184764,5.06866427793221,4.66657439176841,5.097342581932,5.00414541197043,5.348507889729,5.41020429500004,5.02476100660383,4.63093821748601,5.08863675062897 +Zdhhc1,3.49025142174378,4.09411305388726,3.51789507108191,4.06125208023168,4.12163595853777,4.1644690663698,4.21157570241364,3.53996280784288,3.61764296552132,4.01889629405221,4.08716879134488,3.94298418871185,3.00170818142027,3.65025670637835,3.53572881575963,3.66818583399291,3.86336875329515,3.53440567170856,3.91682807767394,3.11998147321727,3.64872117063947,3.88120974713446,3.87764750664885,3.64144971212538 +Tbc1d25,1.67461055619852,1.40222156095642,1.25308465530081,1.65150420778422,1.69757385067948,1.67592902321245,1.66132402671185,1.41406971031097,1.34077857784401,1.36276726089993,1.20519155039988,1.50628979926528,0.824293589653389,0.6122447257456,0.313195736478149,0.512289419809884,0.555179153846283,0.805846535399519,1.20061746386301,-0.227297179284966,0.846940170761299,0.595038602250025,0.770235847398552,0.8546009554925 +Abhd2,4.85160272955034,4.51962759023214,4.58395546253495,4.21828290161271,4.61823467470871,4.82486476244482,4.4599376945594,4.93980527955798,4.67944237315102,4.19267180086351,4.62018500655286,4.41632717025693,5.94744901107265,5.55438860302739,5.93704247585633,5.7388691163809,5.74127435772275,5.90236573097037,5.6004990405362,5.99603415748019,5.80829606597413,5.78745743609068,5.72637090327693,5.65216647181398 +Ciz1,1.66013183960882,2.44228572997405,1.54945858800012,2.15111350927922,2.44212246814982,2.38082310893556,2.53927957936496,1.58027376022467,1.75438318133602,2.14733494497,2.58359888434858,2.36367362860413,1.34562639846503,2.12596142271857,1.4325352799791,1.95342795043098,2.37602853384584,1.63566634031543,2.54734053369765,1.46706142510955,1.83430567794553,2.08761297841817,2.32674699156116,2.10544542953855 +Daglb,1.16749483958751,1.41206913492633,1.18631496353393,1.3664435765445,1.33390532556897,1.26909161638364,1.3439835300375,1.2888366850971,1.39399344408042,1.11393904695804,1.31909211863279,1.36393021472129,2.19587158310823,1.96659473305018,2.05645720467995,2.16760522061456,2.22909955580697,2.21231205910823,2.27520785167688,2.26976332897861,2.16912097369429,2.2566318377509,2.30306398765835,2.22464079103268 +Metrnl,0.595343050895597,-0.43759761441759,-0.0531532799582608,-0.323426338171224,-0.788026632579455,-0.329728027431515,-0.783207199706718,-1.49740931959377,0.112900939145465,0.105358558382016,-0.261999154379372,-0.434520496336075,0.696893812745146,-0.251578952660453,-0.0388311414853348,-0.292359691321191,0.590679001151118,0.795437794672897,0.759760425001085,-1.5993518055203,0.312233915756384,0.123901120336465,0.701595104285975,0.501720070675925 +Gpatch2,2.28111067813748,2.36430203957932,2.13204872510186,2.21658721254796,2.62675048575487,2.66168695107396,2.47196490445191,2.3758710795166,2.49673150733326,2.15295479713451,2.61563835690836,2.3842315317473,3.03908626806972,3.00940379821932,2.93375728640178,3.10873983317736,3.27529344623434,3.02242932039688,3.25585407716746,2.86846908383271,3.1376614083901,3.16965165219299,3.38549717503243,3.10159533524484 +Il18,2.16928665533404,2.4579018632985,2.19667509357922,2.59739298097486,1.72865299969969,1.82136254543399,2.04229956707632,2.2928995152411,2.55499041649871,2.3322384670215,1.92479781636352,2.09123115924027,1.65392667073158,0.416555434798822,1.19992699379063,1.95190987261202,1.49097780498676,1.2402985817478,1.40659727960713,1.36468780150307,1.60130602285835,2.0112957386204,1.15110927783184,0.567598839051232 +Srrm2,5.23090639525014,5.50896452727158,4.7677208789378,4.98954335170178,6.55691061667562,6.71880142518091,6.38785512628725,5.68610553501539,5.0147197760175,5.01155703773103,6.52456565878047,5.8996039765125,5.04899573383128,5.32300059209295,4.95144297653853,5.0513687325002,6.5077604546611,5.81808006487627,6.73551832039837,4.70530961563087,4.94105525012533,5.05947603481605,6.41132263529095,6.03727040485336 +Arid4b,2.98990888609193,3.32819396630119,2.67909659477926,2.82256864053904,3.00855571015802,3.1628767897939,3.28794206651303,3.06245611653859,2.95010492260397,2.77696622898737,3.00411991424314,3.1243966886841,2.63169793489783,2.73550747663121,1.90240740298517,2.29455261573003,2.53689128535429,2.47228748360028,2.78704283133571,2.33253144398923,2.34003923896835,2.3135691023545,2.46753443403047,2.70645624152535 +Ppp1r10,4.34030662785746,4.32618068093463,3.94030824941763,4.06928669128795,4.44835406814357,4.34223752742752,4.46646321078695,4.18656971307928,4.01354597149967,3.93819361455112,4.41113354503734,4.43497799898286,4.26397030308524,4.23180860040729,4.25037724415008,4.21646171834076,4.38473458950427,4.44646436660433,4.55831380332376,4.09892813697824,4.14400283689985,3.94315340621274,4.47833204328493,4.17686671925053 +Rpl22l1,6.12443713234293,5.60539370911233,6.50865118870665,6.28912904025921,5.6960314236409,5.67236169061235,5.5940047580027,6.39424852654784,6.35574176338803,6.37652304572357,5.67658004488274,5.96059922920386,5.75095656929019,5.56417639734021,5.79145350523165,5.3185310470753,5.33575981126872,5.72000939404746,5.09599778040219,5.76002177650592,5.81882900592906,5.34969123940796,5.30055148170768,5.38124183416221 +Tbcd,2.41437179070296,2.22745695567389,2.28544287062341,2.23602887810842,2.06117255568228,2.26175603532273,2.24238833876883,2.20106642203983,2.48128274350728,2.11267826262294,2.17878052109287,2.20597072215384,3.37692303720969,3.09917745093375,3.45803283150233,3.53298978563807,3.02774573692226,3.25463609216424,3.20432224587404,3.38047444089114,3.42197198291203,3.47305740258764,3.01633364524879,2.96091849473562 +Suv39h1,1.44519579231751,1.3478592802756,1.5718403457294,1.42438625319514,1.15883592372528,1.17444188876929,1.43925945632307,1.47203328006712,1.27681799160911,1.07039109445463,1.32417411387244,1.40297306900539,0.783427430135221,0.920865946605237,0.94424631374948,1.09424277465179,0.424145329967733,0.449824788462624,0.55427455428254,1.06249657937672,1.09675019564113,1.16776757835452,0.696486031211812,1.0276640305816 +Tbce,1.70548806705737,2.67637267611307,1.41772764665989,2.43824965414857,2.8193527312214,2.69488005400124,2.94158394168299,1.38799238258961,2.26949891266014,2.38051354412657,2.84328646641691,2.65351246671284,2.19272279012223,2.69354900212912,1.85334130697102,2.35743066294119,2.93263898585925,2.27838103733293,3.0066895222274,1.99315791901827,2.49936338643928,2.63621423862382,2.93269952605854,2.90353621408806 +Sec24d,5.62031194651298,5.26715384560833,5.39026502526213,5.56968810564337,5.38125866966098,5.25793294311188,5.34896499477342,5.34956383656653,5.50652693253836,5.3871047970027,5.41767667512893,5.30184488923054,5.82615516849053,5.3344161333633,6.00136715733559,5.37623167159393,6.07668798582333,5.9722019522555,5.95207789576086,5.15731300607655,5.42250304913015,5.42325989504933,6.20423260095432,6.12940320230846 +Isg20,4.23053677534661,3.90517634891793,4.14997163257282,4.25468772941982,4.13341147972487,4.08787874039303,4.14671085245344,4.11668125430925,3.92018868319188,4.03140300343283,4.23489992211716,4.16547267511734,4.96992073566924,4.56540370885197,4.24406545418368,4.06870430068167,4.73001127960742,4.92606187038942,5.01009524397695,4.72888686928583,4.18966816539395,4.22816389765232,4.90858297470895,4.77397922580982 +Tgfb2,1.08439381166699,1.54888057296198,1.13339594754009,1.60679369762316,1.9886519433346,1.72002669047604,1.22260329837139,2.08800822404616,1.29900492801594,1.94487218452401,2.28642898637348,1.70615506718373,-4.00539895738219,-3.66102274408153,-4.64236716425199,-4.64236716425199,-3.65664078336797,-4.64236716425199,-4.64236716425199,-4.64236716425199,-3.30901025904298,-4.06458228720622,-4.04724574020793,-3.5655114998559 +B3galnt2,2.1316754870719,1.86183339618933,1.63924563420757,2.15434780592261,2.11961185274526,2.0586437075313,2.22807341861737,1.64383518636006,1.88198150161332,1.76832747224124,2.22058855807534,2.14367571823467,2.46151595672488,2.2457820380403,2.02839973332724,2.48183946298964,2.5682560518725,2.42515684485252,2.69649172740562,2.24642973376865,2.4142148900398,2.52262209883174,2.43616663636847,2.73147660050804 +E130309D02Rik,1.99884016028437,1.53260287824031,1.90153150265678,1.61650231799568,2.00761994475609,1.78716915811935,1.83156859737924,1.70797171654477,1.82531996306046,1.49137208631068,1.74530289205683,1.73223600800258,2.32234625034311,1.89543244004096,2.08358217453723,2.26685935765742,2.26669779897144,2.23453115363365,2.14098346790546,2.20964640504798,1.89476872871979,2.0254075696488,2.01696541790175,2.01590547065066 +Lyplal1,4.08919148792354,4.14816738744091,4.21660213447158,4.03921933879743,3.71593401931897,3.90728529494772,3.82784083973412,4.48922194374927,4.21985385670468,4.17662922334259,4.03074651667438,4.03756913322149,4.01873697159749,4.19111419604652,4.0275374387826,4.10835488690188,3.67999587143883,4.25065411139956,3.5803703054953,4.45962371233721,4.11309585979205,4.18781509070095,3.64708018435255,4.03601947003251 +Lgi2,4.26059761229317,3.34484534091668,3.83878980332115,3.53749355668961,3.38515135488634,3.69907490938346,3.61316306078665,3.28526314208712,4.28015713993301,3.66631422298178,2.89567149623299,3.14769202535434,2.12597822496084,2.97787912843907,3.50068555297955,2.97731831793488,1.60155590672421,2.03208064605633,2.26386367539932,2.66423930739385,3.41503333422351,3.25361173716568,1.53721845033757,1.97067124296382 +Fn3krp,3.65528635240596,3.14540075156317,3.27611655906634,3.16227589972746,3.06557357482243,3.26700493032425,3.0557283043423,3.33535720803318,3.24927820000277,2.94953173560384,3.07798881255685,3.24353581489981,3.32501641831355,2.99588921530351,2.92817496945619,2.94394531892745,2.9841119437806,3.28732833457122,2.6501531213623,3.33356441512747,2.93868068712782,3.03192018245097,2.85080255112238,3.05343374021403 +Pomt1,1.02851089136202,1.03695312694169,0.202648422487518,1.06353694351599,1.46914745489247,1.28502945862208,1.61081741638087,0.806021278350722,1.07208928304782,1.10590234435316,1.49491887719763,1.47451848623108,1.04893537739952,1.05031064755263,0.712723664305941,0.804789851323078,1.34754125893024,1.22730968217142,1.45944443047211,0.934314334006892,0.809596629832702,0.76967133417288,1.51936203771104,1.48986206286403 +Prrc2b,5.28765342788839,5.53231357260256,5.31372781493789,5.16169287117942,5.94389928291042,5.89871147904278,5.61107665391938,5.78321495987794,5.27060932284656,5.24218053505001,5.86959035478604,5.573512593405,5.1606762522719,5.81714571997905,5.39436977528062,5.60026644624572,6.22353864722354,5.61286471376665,6.22458695267106,5.38808125199119,5.11267774182315,5.55856119391228,6.19173084606273,5.94821731800148 +Npepl1,3.77517330399659,4.19408771374728,3.85551083573179,4.1216493329362,4.15237141241441,4.00773020562481,4.22362916999547,3.74229879889714,3.89008408559336,3.88258459487511,4.19823694318502,4.1718618088442,5.14017135908107,5.20197392346223,4.87691540918781,4.85707361550935,5.30555610121186,5.14873536057391,5.70021240209818,4.99256073610332,4.86633453080453,5.06365669538297,5.27955916172079,5.16702286359502 +Megf9,4.18846869630388,4.0891280776238,4.18483224606887,3.87296732822022,3.93055642345623,4.20545134051569,3.79993345316171,4.40457760210613,3.99188346885244,3.74079418359434,3.98701727975594,4.04539055422986,4.86141822821232,4.69786742047099,4.52276753933435,4.36220864110912,4.6113948518243,4.73329603131652,4.48297784494659,4.85686385579171,4.46912471977487,4.28758963347948,4.52041490504159,4.69644457044959 +Foxk2,3.98573973305305,3.50634606129097,3.72753345550715,3.61901537733995,3.70901110848742,3.90900765244896,3.79919486300272,3.50494592521834,3.68157528282819,3.33714051170668,3.79290799939945,3.70182624681826,4.01532047105185,3.79274595716419,3.64980204285969,3.70558126884575,4.12830851589143,4.0033717635363,4.01075122263021,3.85551074160004,3.60121680544754,3.61677528865604,4.10198127450214,4.03240681607106 +Pcsk1n,8.31268761012995,8.51604646983173,8.68768186312387,8.69786133110197,8.44812300908934,8.53340886463459,8.51523390348034,8.45529503660443,8.58804346338539,8.747962652513,8.85887741034141,8.58293455387201,7.4474753871678,7.47937346735901,7.59882569673348,7.32994292095543,7.31542536933951,7.58439382257925,7.55390005920192,7.69840037095074,7.45762460238669,7.41109080817787,7.50315928670495,7.09834790126136 +Azi2,3.32054676444909,3.34370717667755,3.2303942931869,3.38576414067867,3.45735316420998,3.3447077941675,3.41780101305213,3.12115895524366,3.30971785792807,3.28712684009471,3.31962696404749,3.3246169396356,3.71056269370811,3.7128821195065,3.85387800049826,3.69449977180572,3.64500710178637,3.7011999648174,3.61529303430817,3.99198513865259,3.72703605325727,3.68795945376872,3.52497374865362,3.71622220002048 +Fndc3b,4.79683896902321,4.52673792098782,4.60039503647719,4.46646923928624,4.77016390283323,4.64382296437546,4.64912479548308,4.88947478796011,4.52566944862196,4.37780915503997,4.80399347054695,4.70792723053136,4.80635713569969,4.66157119203741,4.56915999145081,4.38792519720473,5.18033216585348,4.94301565791399,4.96100443641441,4.6571942933778,4.29810111628408,4.32043162485002,5.25709718585223,5.1493139718604 +BC017643,1.6785011289007,1.98739183439639,1.80938930569076,2.02912454232118,2.23480986173785,1.95212943503938,1.84526614104127,1.86430715129368,1.935917817714,1.94795463808433,1.84345267582391,1.92033736876232,1.71221340387294,1.87538060697734,1.66912718568908,1.72106058856393,1.97001454734849,1.87341815324531,2.01806217212649,1.75542996257991,1.87711956256535,1.79031471677793,1.94236651374821,1.89150944588398 +Cdk5rap2,1.28995407251346,1.59079038507348,1.28067293901927,1.27085180755272,1.74596817385425,1.64362982642459,1.72663008611854,1.52995597436826,1.29507188782903,1.48306519661977,1.63842077474846,1.68375748291175,0.946422616355287,1.20301839019477,0.926788774200762,1.05595503289579,1.12963765448714,1.01524108870824,1.26804326629719,0.949128659166203,1.01293625603244,1.15994500033025,0.909065366840143,1.24457116909502 +Tnfsf10,0.297766301261507,0.222007381747245,0.198750083487336,-0.231236130518867,0.162877317924643,0.168772894172188,-0.0174473372136243,0.759404497457799,0.409995906101212,0.107657640370619,0.0131048007389896,-0.296279950976337,0.798611371708176,0.562805790229656,0.767583655089692,0.0501868366505116,0.689576211903626,0.745391756982306,0.180732468736899,0.496387561639925,0.368856950253018,0.103622710824868,0.628967624422927,0.114245320896572 +Hexdc,0.930368079914248,1.25733976814993,0.759131468099336,1.52204602817948,1.20287522930616,1.18939660168976,1.49150971903786,0.674374135086776,1.08767349522512,1.11201921816708,1.35510055629874,1.06700217650202,-0.135649427690211,0.931986464269116,-0.569636902578976,0.499098399734656,0.301882836041674,0.110104107250141,0.821451576010542,-0.394755644737682,0.60719102506785,0.804016453130177,0.618154057764674,0.588784269242074 +Ndst2,2.63849183097285,2.70153496050255,2.63380903335808,2.77631740893153,2.79308081942651,2.71089786459766,2.86656417339123,2.57203964432389,2.44851511239221,2.69194653751317,2.75568221570673,2.54800728165003,2.03965542366416,2.43137688562087,2.28405471454675,2.46843153605161,2.44779803506889,2.10965340774466,2.54802238268418,2.42360280609559,2.34210578248818,2.50723029797966,2.40329477220463,2.38391035051062 +AF529169,2.38875804945075,2.35954142807286,2.49449070466823,2.64018860469473,2.6885985518755,2.7201606946412,2.5260199811804,2.74669210264748,2.42415275213716,2.75984283861732,2.8737351583285,2.63582425714085,-4.44581533335528,-2.88578093505399,-4.44581533335528,-4.44581533335528,-3.87035287048569,-4.44581533335528,-4.44581533335528,-3.80127844234336,-4.44581533335528,-4.44581533335528,-3.85069390931122,-3.80916353132537 +Rab3gap2,4.27466530748645,4.36856153689925,4.18888510078893,4.47919441250958,4.48491254226507,4.49770598049808,4.49837120582219,4.28359146325256,4.21834128383087,4.39963184631119,4.41046195741853,4.42022096019561,4.6608965229724,4.65015353118179,4.72357819102049,4.7280684871567,4.93220751612836,4.76602675449883,4.97918971966032,4.57604723370107,4.51629306220638,4.6812771903268,5.08251827648458,5.00481432290578 +Rnf122,-1.21565039266775,-0.72684374662678,-2.11777330629355,-0.951576286677632,-0.927030084448739,-1.23468363947967,-1.15322423339687,-0.565566571574013,-0.648696493404886,-0.471227507591886,-0.486397677122484,-1.05888692343557,-2.24768518619729,-1.17601751386364,-1.6128004778144,-1.89286369505538,-2.1229821973834,-1.54106669982475,-2.08696744632093,-1.3825057926263,-1.92022272264387,-2.20407817609563,-1.76543328638009,-1.80246730502384 +Mettl22,0.580761193417472,1.00698235126562,0.53905746215816,1.1979017531963,0.93774342471494,0.761884024954837,0.417120627902248,0.189108840693777,0.815995657445165,0.894664942302618,0.515102635627364,0.914625334163382,0.322470251287599,0.668391976404796,0.167841761430653,0.703777310332109,1.10717312028533,0.392285192815199,1.03505701028883,0.591924331857461,0.980403507398502,0.619513712583632,0.49486242263215,0.321633874845298 +Atp6v0e2,6.20231193200387,5.9125905349353,6.16824439992544,5.77835491991631,5.6465158723711,5.811049082256,5.79517832731519,6.12406158892426,6.06292218971215,5.81280786624718,5.59462328801561,5.70144059694779,6.42347762237868,6.08302327099737,6.41321085326146,6.04546716947005,5.92882212342519,6.29736563174817,5.82725462021613,6.41552727405248,6.27999655884528,6.19167626986376,5.85742440032203,5.89770525879401 +Smarcal1,3.08572323796909,3.24834049976965,3.00434052399363,2.97936139607962,3.04416979579727,2.95894872479967,2.92727117935048,3.11618676146298,3.08040767206334,2.87261460727492,3.06185847347245,2.98104910555978,2.88524711047723,3.22524383352251,3.08127324299124,3.18009757159393,3.17678290051727,3.02297427328032,3.40179967107488,2.96753744780965,3.03125991730781,3.1917537670525,3.22752697613214,3.02794672135212 +Exosc2,2.64195841987505,2.72414634651345,2.8664627167188,3.09252383109638,2.67882586021222,2.6841448787221,2.92512392086088,2.63125179729501,2.69712508008268,3.05207838028691,2.82689415905524,2.90540851600872,2.54318328632213,2.6598048697126,2.50569023412905,2.67560423896985,2.52049951613449,2.52423814356193,2.7743930799723,2.49729112581181,2.53799126096661,2.48793139823619,2.5688739541635,2.65711496591727 +Fut11,1.96748545266211,2.2008320599681,1.77979540250942,1.98462935579432,2.01292994780165,2.01203604358776,1.85161631528326,2.10856274730966,2.19572989804559,1.78590601342725,1.71182752705931,1.84709997412304,2.07896075897846,1.87127577853063,2.28430332424555,2.07951408667331,1.59679151997745,1.76763256853337,1.61894926524766,2.1324989225978,2.26450888789242,2.11406691072883,1.96024463838017,1.58293281709641 +Picalm,5.43881532785971,5.48858798210798,5.4977599665426,5.48832553837082,5.37040793785757,5.4327209951692,5.30044763031633,5.52511097451855,5.45596195424591,5.4771635032055,5.44067989080424,5.43298669284867,5.63986079379876,5.47995531212794,5.45140131558549,5.49040572521773,5.35101749319065,5.61015078733629,5.28030375091205,5.70082321852113,5.45877366083815,5.49805431596404,5.34885519755087,5.44620185382211 +Sec24c,4.61828313289293,4.56905405848083,4.43086029706486,4.57104576735716,4.84062075429776,4.67145595822439,4.62894563725194,4.49342638630332,4.60470627706327,4.48125704851131,4.77935985329786,4.61758714814104,4.79171741050841,4.71871688892455,4.74522620409307,4.74481008940723,5.13343376941805,4.87471759984318,5.07430830573975,4.52092951443124,4.60572716182091,4.75096380699568,5.14608234401757,5.07713162887333 +March4,1.81558579549868,1.90354243777352,1.68189681709498,1.73765273494793,2.08421297990862,2.2722412009489,2.14054166969422,1.98459512879116,1.80194038157316,1.60871791622105,1.93041898367945,1.86620331047213,2.36158276182401,2.97006390456028,2.46935803365679,2.29233454751766,2.92998155860305,2.70000855521355,3.30204502126798,2.74937134198339,2.62041075040053,2.58002846572987,3.12422301567563,2.96972156956248 +Wdr17,-1.39932116028989,-0.542821109999166,-0.129267336168578,-0.69497436729168,-1.0255179060233,-0.667004289373502,-0.804931996208914,-1.41967442754067,-0.790502237522965,-0.335120740545386,-0.94603126914751,-1.01277436741049,-1.10641806304074,-0.330288470911906,-0.132232214965863,-0.345915681550834,-1.02739412974706,-1.07989705647792,-0.792339080437437,-0.410281806205232,-0.77058457084344,-0.568518881289569,-1.57643318016852,-1.01926526424688 +Wdr45,2.53698000103717,3.32245573272521,3.02083358031418,3.18957658137641,2.90018895091302,2.77760193774219,2.92471831471409,3.14648302681821,2.95588937275955,3.09688672232015,2.94567307560521,3.18776074687268,2.76346230547128,3.34415584600088,3.17161413146084,3.2850156517937,2.79023068687384,2.75287960753824,2.67932975967423,3.13508714842713,3.07339089411328,3.27312491479995,2.75789688087003,3.06614757066907 +Dusp10,3.803285868224,3.97702971435982,3.04703584394853,4.11609927897963,4.21740093292255,3.89112636119387,4.38141530034092,3.10622048694666,3.92784063135854,4.0358608838283,4.3315670564857,4.04808153163251,2.52618558948541,2.73761234785698,2.55244338968086,3.01257788311365,2.96877677754078,2.76586695534517,2.69138327050255,2.37531134218065,2.78349295873052,2.81842479579791,2.82021930462848,2.68484550431464 +Mreg,-1.30352732695172,0.443501492590948,0.092145797699003,-0.142942242288151,0.469628553131173,-0.434923737707787,-0.596672379766413,-0.75267527595653,-0.292707653107925,0.0885892576289591,0.374349370448589,-0.981554765412485,4.42503534730609,4.52406781413438,5.15716909737254,5.28256725682323,4.89386177046188,4.80276293282964,3.96439663058616,5.17336508228236,4.66382595114636,5.19392893925373,4.89392244156034,4.57329980814644 +Prss23,-0.636117250959218,0.0082294093817032,-0.015736271648459,-0.889479800891493,-0.448861109903809,-1.1743093010498,-1.24812173927768,0.120926247633501,-0.520901204085569,-0.83746496541974,-1.23425881625407,-0.622160587105903,1.21079202247815,1.79220278839574,2.00428483799787,1.29228372686405,0.206186597137104,0.596408292076974,0.272091345716085,2.06101505047379,1.72621638056157,1.12999906058185,-0.0201657038137566,0.408920803658719 +Prdm16,-1.92136494281842,-1.73252364571672,-1.6864286463955,-1.94314973766799,-0.985984816849739,-1.15142841446019,-1.45846400441666,-1.25503807159506,-1.87351143934133,-1.88150870561824,-1.33284199120489,-1.32468721695856,-3.34507135936269,-3.37522181304251,-2.94098381808719,-2.73229128173319,-1.91149693236056,-2.48814950794197,-2.2694789269177,-3.46797809540806,-3.10530208437425,-2.9478742634311,-2.99579984431459,-2.89134243873916 +Heatr5b,3.41731254051172,3.03942168198562,3.08667358112033,3.06639341729144,3.44396113577124,3.39944654324402,3.22750088267533,3.55648502020958,3.11406835012556,3.09467098572269,3.37986817245284,3.27094642322437,3.15493955086339,3.29630215635705,3.11840347223526,3.19047623586931,3.56924159374289,3.27803099383843,3.31474741072661,3.2371730144763,2.80083847966476,3.01544847892789,3.47423523197067,3.29383019913353 +Cntnap2,-1.26388285575094,-0.298615298443235,-0.516035187019897,-1.41202380727807,-0.738783458224759,-1.19081011638219,-1.07408743691995,-0.76778894192379,-0.816851192045605,-0.72766372871534,-1.08798452148456,-0.810686635569885,4.42694866115964,4.37209937486215,4.95046096457889,4.42671133837852,4.32913579289922,4.59031822300778,4.49716904328066,4.47880904467188,4.47299027651734,4.56243766187958,4.45071771159522,4.34738685036512 +Alg1,3.12279943721433,3.01307022020606,2.80900148059723,3.0266217818486,3.18282785999694,3.012063392716,3.1759341629325,2.96143215408268,3.09597257126094,2.75341492813779,3.08351352063623,3.00601094345167,3.89007414245446,3.78848393280674,3.73694842383844,3.75300289821486,3.90326117893183,3.79840785785702,4.0401940711872,3.91108670185158,3.70859458279358,3.85987774228649,3.86263908023887,3.83879311934761 +Tmem135,2.77371383793983,2.77664455457619,2.9090589245211,2.57739464723255,2.774363023118,2.76820895882564,2.51468006996199,3.02316824963598,2.73314082725624,2.68359204831743,2.65875979694449,2.52564383185493,3.42721534913821,3.20006361942933,3.21197080228404,3.06755268106929,3.09891105986556,3.20682756850715,3.09637504569172,3.55423039928338,3.08943781410902,3.13360573719835,2.92675590606408,3.02482374566878 +Mtmr7,4.72578889245171,4.85310323395139,5.05400106680522,4.87289877583825,4.65158305456668,4.69262189388154,4.55527032686273,5.04237414065319,4.93828414403218,5.15351262561442,4.64831293107204,4.71691274995371,5.06653230078929,5.25332941795562,5.3113130495335,5.38446119065651,4.91221981931458,4.96573677270117,4.83872380464569,5.26980586144739,5.19856103599671,5.36499814306521,4.95768878366296,4.97738785306517 +Prpf18,3.70196375666348,3.88012525106784,3.88156172281415,3.77194615349293,3.56156648461564,3.62340480731835,3.66576455715384,3.83902286586157,3.90025665844287,3.89987910563074,3.57742184670863,3.78036529313386,3.43315971613734,3.73451437240771,3.52170877392824,3.64692749443325,3.50218291770382,3.3491139456855,3.27738451643378,3.56823082167554,3.70381530782404,3.64649472627224,3.36463318124818,3.49966593510946 +Dcxr,1.75597003843265,1.40768677289608,2.13291918559041,1.22301361676031,1.43362936937714,1.34768151606626,1.4764380747951,1.82369226841391,2.05569264103866,1.10570665116646,0.937053947484399,1.13271906383999,2.98411814781087,2.47417106154659,2.3853901845484,2.57090285259345,2.24971862195608,2.78205699416346,2.29882686858629,2.63369237715735,2.65280750844003,3.06715340493373,2.05848081602963,2.07983987197619 +Morc3,3.18931074781893,3.27686197505187,3.16782965127124,3.29056719823401,3.18925901593116,3.20481528845816,3.3168283344234,3.21311050596001,3.23758609877413,3.42214867915485,3.35375964232109,3.41048898135296,2.97347230458538,3.05018222166239,2.91965897399232,3.2567283303568,3.16928569095771,2.85104886654242,3.08310420782073,3.10415569621719,3.20570293829096,3.2160215282645,3.26410451800485,3.25230545254872 +Ppl,1.96425206331947,2.2012501971991,1.89750977000756,2.38527228915791,2.40795610916978,2.33770849463902,2.34719372252182,2.09968625951026,1.94700912733407,2.07555196483232,2.49301595894514,2.14142708483692,1.42279023321896,1.75865298282144,1.50629084390498,1.95902866690135,1.74144718801489,1.3567554762135,2.01909634787953,1.08840849385196,1.62937216500033,1.66057065280935,1.76669281426528,1.56294632524745 +Mtmr12,2.60647345640589,2.85939139443593,2.86578306947332,2.854571569495,2.97285114334621,2.94216864993254,2.63671264316104,2.71003036457385,2.77909819698378,2.85345259963468,2.845067762728,2.57411635602371,2.15869053636188,2.38172296851165,2.32642920251344,2.41421503751605,2.72659433638649,2.40533389520088,2.41065263208922,2.57854951925313,2.35891858131341,2.57774417678012,2.54454801637298,2.3230267862581 +Tcta,5.14282036938689,4.75200421624666,5.00347824474841,4.88865994857029,4.77373446228456,4.78327810313082,4.74754124794941,5.10189541570323,5.15223106271523,5.01203142407393,4.76245501743973,4.72320201717365,6.28071099942998,5.88384987172629,5.97024747136188,5.72573993848869,5.76017078733549,6.12880190851414,5.88323670668615,5.99570497759835,6.00565984027572,5.74836636578837,5.79382368748903,5.99490895143905 +Slc9a8,2.34930578920573,2.53831463256787,2.67211963680185,2.59396533395946,2.76697564269623,2.74646775351177,2.67365476664154,2.70945693312124,2.61745324803471,2.47181974423896,2.76044077512153,2.68933550794893,2.55784459225874,2.59351091259158,2.47048154292892,2.46468369835143,2.93468014214773,2.79891387022402,3.03782834724568,2.59335058539391,2.40317352344996,2.44876708549978,2.93077757054471,2.72694997818614 +Zdhhc2,2.95395363689428,3.23115823411763,3.06192532058472,3.00117488578631,3.07492510382672,2.78077660957287,2.71202073838121,3.26062306329743,2.99674483401007,3.08746929029265,2.8224153468498,2.90080037648107,6.04759750937702,6.00284344976818,6.39933539451655,5.98238962674847,5.64191723472117,6.04822189728988,5.37377035630548,6.64609939466833,5.79571898153817,5.90095040205318,5.52474585650461,5.78149658840926 +Ubn1,4.05449615795791,4.25247363568857,3.9389523409532,4.22620247001131,4.27192008277873,4.32753071864416,4.14596944714867,4.13136667722657,3.94196554386222,4.25678474735894,4.39311442699203,4.20933583053762,3.96642603668779,4.27043940694055,3.90486029863782,4.35790531717858,4.4880384185434,4.04559297578288,4.56671015354927,3.79609905670091,4.12186402516015,4.21437544425627,4.46126063623261,4.40138815823125 +Wfs1,3.35875269076892,3.0828854686829,3.22568932721053,2.95280437726083,3.57736092468,3.12756948355827,3.10797728577285,3.22918655110896,3.10217973835013,3.02020845726933,3.37538011756668,3.16495851643297,5.9156599801919,5.44442134432998,5.71244920330022,5.20829469788143,6.16228600043959,6.12877968737635,6.2720511063077,5.57568094477772,5.50706146238613,5.29226600765123,6.25739939983403,5.97922559740596 +Tnrc18,3.17751220181038,3.62039118525571,3.35057621283926,3.38741994133732,4.27125488816859,4.15370646367783,3.91454705957549,3.76652788448658,3.43596662737568,3.39494048255278,4.20095268638247,3.62407230073511,2.37234515669389,2.88754500391327,2.57720113280536,2.78418194340952,3.66518198448295,3.00400600094215,3.87846317981893,2.20179991949712,2.4637951994292,2.77420771414014,3.70015987020548,3.31161588226572 +Efha2,2.47449763036669,2.41701723035846,2.32718374785837,2.2690399019335,2.70424236837649,2.43119833220605,2.4155655665808,2.40528653991337,2.50824273844583,2.13491903080392,2.47865115507792,2.31562327152057,2.66706411373819,2.73814254544115,2.67249809795282,2.57376028130172,2.821626388141,2.60341252206603,2.39939725488656,2.67605156772648,2.57535452083462,2.5426693144179,2.60199334465167,2.571424114073 +Nt5dc1,0.0658099723261252,0.0530318337342659,0.269756492190028,-0.0503120320418069,0.380215210243362,0.263113671734976,-0.0384400778560265,0.0678567631016604,0.143033979504173,0.141467285984004,-0.0678996811310761,-0.0667340052000593,0.709294687272139,0.702169582433231,0.845129278935632,0.442283780680963,0.57273673095888,0.802040716464228,0.600042269624936,0.894770179407963,0.772720045372545,0.810099357197406,0.469105422720796,0.569088675145391 +Nrtn,1.6866483297334,1.34088373487539,1.67786492786299,2.35369982920639,1.09505761823453,1.50896242309932,1.35558951157877,1.48138468950918,1.79733031186005,1.65323059694227,1.57979291736852,1.18781946400671,3.24516239916776,3.26939868189652,4.06791775294798,3.89645311779169,3.38496541114715,3.80149753439438,3.54847647909374,3.58205759764253,3.54333227619234,4.19169603506185,3.73364245358805,3.27607132862374 +Asb6,1.55786180607933,1.61121181400612,1.14109572106484,1.66753858730129,1.65392903020221,1.52223744153773,1.82402084971717,1.39758471171434,1.29206382545197,1.67672558988081,1.77310698323921,1.6148582493068,2.10618933408312,1.82340289581702,1.6814923549546,1.84309599156222,1.78156335191687,1.89528219063101,2.42909420494027,1.57432557581641,1.68976710411997,1.58325425816886,2.00002589693859,2.07844381922541 +Tspyl4,5.42770932753803,5.34172014732531,5.41176067244398,5.26248842278384,5.30119740274363,5.21571769117581,5.11875040013199,5.49860404400515,5.2308219538229,5.21071135316142,5.20103087096648,5.25835788541025,6.47764005907791,6.31710356224039,6.05652364555224,6.17758523431688,6.25544290067115,6.28163371663802,6.23730308895624,6.46598251426953,6.17427913430195,6.13214829886191,6.30039320809833,6.30197492422616 +Cdnf,-0.587734069463989,0.0059838227733661,0.566499273497497,0.329208604369509,-0.394729415805593,-0.144510274602661,-0.439028271148007,-0.123187560279878,-0.133790520454015,-0.0386460053189903,-1.43690581450178,-0.416752785782345,-0.540533188779873,-0.573458358942587,-0.153609432471866,-0.30520364750693,-0.501399614423313,-0.632650516547573,-1.22943190360075,-0.0841352681566891,0.511222812063783,0.228644495221491,-0.972273137673438,-0.337831814558849 +Dse,0.968763681345657,1.38399784875829,1.23511169900773,0.771309444089539,0.724874066534286,1.03182560200581,0.602689960532827,0.953483214354321,0.913642998137129,0.473014649500357,0.208330474501836,1.0633301626758,2.55493435883147,2.06972509481916,2.24679795691215,2.02495314801897,2.06298413692954,2.40452980346952,2.05208938225875,2.4513573916295,2.07861466669004,2.23203602703397,1.92972417464634,2.0743988763085 +Znfx1,4.090913442577,3.96353265804874,3.96463192992092,3.93280769877999,3.90442938649309,4.01032202714313,3.87205228824981,4.11982051350586,4.07316251908492,3.80797227484995,3.77532016508899,3.86224228312027,4.59937710868896,4.63616000636697,4.75166173217348,4.75356469412152,4.60345464594629,4.59968137357508,4.62821818863936,4.67590420954391,4.57078704057854,4.55698001576141,4.59730951815649,4.57394844142505 +Nup133,2.43951045657403,2.63415379050655,2.66473291844195,2.4455589351407,2.30940362744529,2.4140086492771,2.47374860556991,2.6534317418742,2.506588729588,2.38917935308051,2.37510524765774,2.47241404025081,2.0892110386173,2.0967055562763,2.39976361346585,1.99690642748343,1.9729670997851,2.15582785504896,2.01067887346596,2.1413423662352,1.96487164719193,2.07343123805959,2.17497955838312,2.04350425763573 +Uhrf1bp1,2.36561082016762,2.59862091003439,2.34755082592567,2.24264121656226,2.80846484977975,2.70210931150082,2.76028611043471,2.36906334631079,2.23830591785535,2.33806578771059,2.60896457758519,2.42146132558439,2.33158845798614,2.60553277964357,2.1246157587399,2.56213186099019,2.87781319564083,2.74532352867731,3.11578776833285,2.27968031461119,2.12386235683046,2.29883542023711,2.93874067704218,2.86280279729125 +Ppp2r4,4.43304442065586,4.27717478381344,4.52491927427945,4.39149391788876,4.38649785589144,4.49186159071477,4.34185503745119,4.59721381653879,4.4916423769384,4.45454864454132,4.43382897336997,4.40636832478632,4.42227131366804,4.28932130855065,4.3660255794733,4.30484329321466,4.43444242492327,4.43770215342737,4.48302845343079,4.50772742341162,4.33358206029026,4.45125996942104,4.37975643937226,4.20407559273669 +Cyp7b1,1.79829982043221,1.73197439791805,2.32659882824132,1.41641005859208,1.48648790518113,1.29706059786694,1.30777352766969,2.0222657640367,1.97463184748124,1.73431072202829,1.52434302477503,1.68505556582275,1.79396661481156,1.55168515602136,2.1190139692242,1.4646252927407,1.29742549863567,1.75581409140021,1.56093581288139,2.27342612279924,1.96040882582594,1.6639710656455,1.17531368990089,1.71381541205915 +BC046331,2.88843178678235,2.78958093740219,2.59537614465358,2.51395422517107,3.36038934374582,3.54724333442767,3.03699185844429,3.11159920854629,2.76187776351216,2.50892559107831,3.20041217360731,2.86844623883287,2.77619707927358,3.09877390391844,2.99942069360778,3.03387250594092,3.9170630673055,3.32060377106337,3.81606185716894,2.86042475333033,2.72889139115509,2.85703781215022,3.8402630643712,3.42652558605853 +Atp8b1,5.6740083193576,5.52310236161213,5.57272164156696,5.56509933203372,5.56798208423153,5.63711549999338,5.38967843711566,5.64012886708175,5.51991357348247,5.40984670533105,5.55663658556574,5.60136975159523,6.78584747677447,6.41258597971052,6.7162663043971,6.57247763181125,6.58773918500956,6.65876535452633,6.47953033447831,6.68314489452244,6.4535798723521,6.47654820068914,6.58795734918156,6.53305899886546 +Tusc3,6.14941824119875,5.90104933813233,6.49694531373653,6.00933436890672,5.60220149157361,5.83028073983153,5.64709789715266,6.23051268118291,6.168841402618,6.06400785189194,5.79109496763065,5.75700591555161,6.52449005955106,6.24876669778924,6.7521554229147,6.37352682692905,6.10852632697847,6.35676598627535,5.99592430560161,6.58969600220208,6.55491194064227,6.37572728780525,5.98767319869743,5.95579360448022 +Zufsp,2.60501764130738,2.99417446186933,2.13085124618281,3.11027853580137,2.84070473768447,2.84463910829476,2.95798293606319,2.6451762754454,2.71106920371128,3.02765435812218,2.79620998448299,2.94942896026398,2.24575410475184,2.7781010137699,2.37250746590808,2.11225176399572,2.53899664850242,2.61447491760045,2.3936313870981,2.18057452955646,2.50354240395003,2.58546620170508,2.6940212990086,2.7251273262687 +Stau1,2.48492285190288,2.839926432485,2.48071229745387,2.59612294095509,3.2690981504418,3.17622603070114,2.97023471422387,2.7966334016258,2.54215754717149,2.49561253505881,3.17488947077968,2.73013287656171,2.71157542772133,2.52036953179923,2.48383768994484,2.38222079410687,3.10752946919294,2.87979036321548,3.11690112365673,2.45200097281936,2.54481441606553,2.63860310291262,3.11535683172936,2.88766019856821 +Sgcz,-5.06650407015582,-3.82255682966689,-4.45549787720474,-4.55645762345769,-3.14431544135929,-3.74696063573539,-3.44571919283475,-3.7944900452377,-4.2006114286668,-4.08762390239392,-3.58957467970312,-3.82042389217309,0.146016910965177,0.14486881614637,1.2145387634764,0.648388579776276,0.938671391352713,0.691813665753229,1.18242411696249,0.290690931057836,0.974571378927966,0.854724031721119,1.25799975720226,0.555851221908595 +Ncam1,5.52717160755195,5.58293312470218,5.71284831889275,5.46914027027337,5.48046779859019,5.62523688844709,5.34344016454748,5.75150681902652,5.60467795683907,5.4519698581579,5.54630473015141,5.58661965884705,4.52976255095486,4.58474661895986,4.78062936291361,4.44108254414012,4.44017595982194,4.60526239123664,4.54562357654995,4.62863278644415,4.50451662282594,4.5093122700591,4.4556403359744,4.53300612032919 +Ttc18,-1.67940420121266,-0.748817524146875,-1.46964335943951,-1.44588161748203,-0.722984361070913,-0.928276878767329,-0.52169131592771,-1.61159769786071,-0.843871477292998,-0.857163263109957,-0.970482679165601,-1.2185469005265,-2.70845916241645,-1.84982158518689,-3.31135478550012,-1.64105919819661,-2.47738610863485,-1.81257129972362,-0.965568882842279,-2.49430498460553,-1.60840934427523,-1.55666140836151,-1.42818815890197,-1.68834208181252 +4930524L23Rik,-2.71147002171473,-2.84338507326223,-4.34143615065966,-3.15729036909866,-3.39284133809633,-3.34342309388887,-4.34143615065966,-3.06942212574154,-3.18200045306913,-4.34143615065966,-3.80947921290918,-3.79811818016424,-1.51247240090631,-1.46703686137662,-0.96155711577122,-0.959455071471569,-1.66523517001488,-1.52896119639403,-0.9756223997542,-1.10134151936865,-1.00239861344046,-1.1128561976119,-2.51239903160566,-2.22763540276678 +Rsph4a,-0.607160642055166,0.664908453040713,0.488317272165277,-0.243500754016901,-0.51892568959865,-0.32612789581009,-0.524717093349016,0.596293644817221,0.987479092824044,-0.461424323534282,-0.339584268963154,-0.262669325385374,-0.230519628293145,0.842764020341674,1.21668440270257,1.06819586647709,-0.301932597672687,0.355902394970558,-0.270919017063745,0.664302808754551,1.07460891432037,0.878957643271225,0.121387182171648,0.406030460099832 +Ppp1r3f,0.645201439080075,0.820259287174075,0.590340249556734,0.785779372980416,0.648383975778053,0.692397670852757,0.680405980792286,0.391523063374784,0.583317329584101,0.300588592867656,0.543832145584734,0.516466548885497,0.851616600961156,1.30534245630647,0.97580885417141,1.19062796923237,1.22397396757732,1.12944803960301,1.49312343987297,1.02356640173851,1.29066785590153,1.17564592954607,1.14004092311753,1.27596559400405 +Fam100a,2.21068149557998,2.87976576922124,1.93176037331192,2.77201792888559,3.05078448232596,2.81272575636315,3.02070376904795,2.15178392055002,2.81926673681332,2.67379604502321,2.75633730944421,2.35875738230837,1.84976756622401,2.33159969187018,1.54795207783952,2.04257180980727,2.70292995987233,2.03425556037848,2.94899829165553,1.72280226782324,2.44076378906079,1.64766999441414,2.75391828348575,2.40014582738661 +Nphp4,0.959603596219853,0.449038277714538,-0.209775542482082,0.443572202275222,1.55905871944735,1.65198427740104,1.41723702138346,0.646624710226623,0.491196623567389,0.416771034303919,1.68989036559605,1.00760377564891,0.851090043362484,0.652860345518645,0.11127315058646,0.781574081248548,1.63432789799679,1.46571770591814,1.80246129660609,-0.227301760256533,0.257124856643531,0.452810712556868,1.77860357054577,1.28238217931181 +Fam190a,2.65210187762906,2.72458824900572,2.72053232858131,2.77963198217784,3.41469615010421,3.48154530108114,3.20187375239255,2.87846490374144,2.6894404580631,2.64918020583856,3.37767725467349,3.08610237950969,2.99804013907988,3.07408074604725,2.76156941582247,2.78525566561811,3.50299374102111,3.13181134202965,3.48149789776343,2.98328535425534,2.87551953452093,2.78359631632289,3.52985068589239,3.30093557336522 +Myo9a,2.59216361129663,2.7284869548607,2.62748834076343,2.7862894377749,3.2474878702856,3.07102682981588,2.99031915949884,2.76396273648666,2.78386030651959,2.6923829938988,2.97264160995517,2.87726709866064,2.17233983453207,2.43312864404148,2.21786780428163,2.25485777169772,2.4474669600523,2.37993615203883,2.4233336940642,2.29961873454031,2.27841208685825,2.36005055470412,2.44462972999512,2.36572789705867 +Fam149b,3.55790848416617,3.39256187461104,3.32813322635634,3.27640925048488,3.49562441282608,3.39474513641947,3.44925506923335,3.27210544999172,3.19267394502785,3.48190802065016,3.60852198514136,3.51522512324358,3.48805170039596,3.68240316018828,3.41433944424102,3.34032494118261,3.36594198832088,3.67049311555055,3.52433565614558,3.63979611074033,3.32587863621186,3.39818383891992,3.36829876597282,3.57701919392925 +Rcan2,3.6956701742781,3.70775243970839,3.85151223714196,3.70169805270568,3.59496544427689,3.67369626029843,3.30884828169665,3.916759737831,3.82042036662375,3.71983587406166,3.67017294588013,3.41253399164701,4.36686211929183,4.35189265035792,4.64198782977734,4.41190499791438,4.03174520890236,4.35144318589762,3.96462597250044,4.74620237001643,4.457336937077,4.48885765756437,3.93410175197692,3.99390005244319 +Rbms3,2.45716390595705,2.51228626045976,2.54918904631936,2.20220356239391,2.48321646406109,2.81288322199736,2.52404593659905,2.68714570450894,2.46869980662807,2.31716153877952,2.43638273979924,2.63969937607547,-1.35141968419559,-1.44845022659648,-1.48103696693434,-1.69829610475534,-1.84556385509034,-2.01662463319369,-1.57402191953154,-1.76776405870509,-1.6958655275585,-1.83887321768235,-2.02428552052778,-1.99934856942243 +Tmem246,2.88097293162664,2.70469560497345,3.02582420163458,2.62397489112695,2.39410692870349,2.69570992301654,2.37419036001619,2.98656956443816,2.77520289445768,2.61796869746915,2.20141153746643,2.62942587676358,2.52193236748751,2.59595860841487,2.73709107446547,2.39058725207145,2.13431151701205,2.32975604649919,2.09789675428435,2.97656055786581,2.58938279509773,2.64534608929543,2.14454804612318,2.31058454239366 +Stub1,5.42358974648934,5.25641938893535,5.27094687693289,5.41321901054835,5.32469425714183,5.29644015051461,5.47950648197583,5.25327221143869,5.3714230201711,5.32918598456381,5.40014892131456,5.18651645933898,5.14452797062143,5.20499401364645,5.1290848508063,5.16397790098335,5.12320902666596,5.23359880851147,5.26546154269246,4.82026902304825,5.25803155201852,5.27231023172769,5.16936856371003,5.0967260247517 +Mocos,-1.97023274940096,-1.25127368678924,-2.08329408249571,-2.120279204678,-2.42988537067529,-2.94787931585679,-1.26869989541052,-1.11166654697342,-2.33416883147481,-1.97768920517988,-2.0680166891843,-2.2292958927518,-0.348819400826068,-0.0740229880359675,-0.314684980392203,0.0613089383857541,-0.448502741757671,-0.658498162626955,-0.663888263232508,-0.143237954524683,-0.343505493791256,-0.211031557982513,-0.16296040294757,-0.284934941893208 +Gm7488,3.04457605387334,2.82329607656021,3.30198573829858,3.15111160694155,2.78171116338284,2.63088587547503,2.72382371466781,3.02881374803923,3.38821401080249,3.48434382919921,2.88834257432143,3.0295734742996,3.27389174844989,2.99729769843442,2.92218474400659,2.97667014891624,2.47573229307742,2.95832039408616,2.46507346704831,3.06916872062619,3.08397352568698,2.808914372813,2.66414337315755,2.80125731452207 +6430573F11Rik,2.35957704187981,2.87625465886624,2.72148616059051,2.51414299742861,2.38102439772683,2.78572699904894,2.53778674805082,2.77785205973379,2.60004110984402,2.38071955178142,2.62071258010343,2.56029549622143,1.57109132523247,2.3076883934817,1.74636716933218,1.80946927046651,1.40730823370066,1.31882570343958,1.53269766660393,1.6898987451999,1.96632404040316,1.92618117798186,1.24902029662809,1.59535284601323 +Prex1,2.09562539284693,1.99020093882762,2.54905067544503,2.06336749343674,1.63850105881336,1.94927972354172,1.77447085133783,2.32848134683293,2.37494006712929,2.03075913416353,1.73725256562804,1.55478824807008,0.144610814599095,0.553087655189532,-0.0301706373537849,-0.39798009993381,0.0324494808951017,0.287117289757605,0.65986238367226,0.027573464294556,-0.657879238741613,-0.718391464126808,-0.0272346500996807,0.418109645981737 +C330006K01Rik,1.61497767392266,2.26158345419168,1.79297946813847,2.06374321000657,2.26784556522523,2.22577857552439,2.29815035101172,1.73175402027708,1.72276188843729,2.13981512216846,2.25681888468195,2.13344722836091,1.17520590882139,2.0613647148198,0.842532366036866,1.81175034371875,2.16159960001459,1.64276121150638,2.32323226577292,1.28353964562885,1.49298597033695,1.78285942091821,2.47084299080657,2.34624431507326 +Hs3st6,2.7898576199211,2.20215395810713,2.38143556716901,1.82569083438375,2.10990220917058,2.32632073110861,2.4314873731344,2.49984324917842,2.74943918651083,2.66894255094972,1.77988702395155,2.1355394480907,4.45664272095648,4.34904888365184,4.20344183568658,3.93603007939016,4.05918283331812,4.30983419825818,4.28380879731191,4.52906953536464,4.11990632182188,4.08633950390471,3.67739485097903,4.01685806681532 +Fam40b,-3.29767195924809,-2.72476223321991,-2.10258221230269,-2.30939714805988,-3.04504703868731,-2.25299015526219,-2.7421884418412,-2.78984312285804,-2.57770924286441,-2.45654603032198,-2.75247219658236,-2.82709779393151,-1.14758867909741,-0.783019804422628,-0.20394770162877,-0.319168133414196,-1.74540378790567,-1.20782796540836,-0.818150010731568,-1.0081888263661,-0.40097280949851,-0.440340601078358,-2.0701862284603,-0.991471671632422 +Hnrnpu,5.94634927495115,5.9933008488286,5.74353106513429,5.89107403984426,5.90060416270849,5.95017004584143,5.95186317957743,5.75777133595858,5.85390909162419,5.84375250442379,5.94873079431726,5.96434557078456,5.42152792079214,5.78223914454243,5.32372986219527,5.78789167749476,5.7546546823886,5.36640740928892,5.68846559060022,5.22430011103609,5.58632672097248,5.73987104199531,5.71091255557622,5.7152069863674 +Ccdc151,-0.719410792629901,-0.446075047949861,-0.849703491613651,-0.795537090879267,-0.270876513791384,-0.180564749735039,0.495941004934188,-0.326067444968021,-0.293417171214429,-0.94932533807017,-0.474909267107301,-0.442829570665284,-0.915029435468883,-0.444537711936293,-1.70137030535215,-0.514927318378217,0.118568248443074,-1.22569129026275,0.512483526851774,-0.543071757060427,-0.233976886085529,-0.270334421123097,0.0523055816751667,-0.195065157153682 +Lonrf1,0.664368557037949,0.343946307440244,0.669105808925337,0.75489173433003,1.13149012051285,0.809942497679174,0.42695768616995,0.440850625739365,0.599934876472179,0.944513768917168,1.01045418310444,1.07738801958092,0.939958253639878,1.25662935201041,0.91745133503428,1.95472995039105,1.87415845746615,1.13230559770596,1.23526124738795,1.3079637504308,0.852458506349827,1.7407692949878,1.62457076721317,1.41085884578326 +Zfp189,1.01277602456536,1.39717779358187,1.41098999433354,1.6379489120371,0.880327955821587,0.953790840166642,1.43196838183261,1.07760279434533,1.41884475354707,1.56369813672451,0.821967312868688,1.26519155405292,1.7061001019498,1.64331365524001,1.51303414149338,2.18243575399539,1.53048562823617,1.38829903702549,1.28546235018757,1.69464805366041,1.56117579147485,1.92428741440137,1.43783013655263,1.72103246445271 +Coro7,0.758865691886181,0.873406425475908,0.840071553419163,0.879005084453729,1.25570445405069,1.1652826772288,1.14470203071829,0.765515831856665,0.871798810733991,1.08451727552512,1.33542302943706,0.936170268817583,1.59589089759877,1.89139320448112,1.55555283876105,1.80313467353527,2.41509852822689,2.09459704304546,2.53757893563859,1.46033796242198,1.47487889621111,1.81601046124912,2.30885419004075,2.29125475471411 +Mrpl12,1.86786246577051,1.61561901815155,1.8193239533163,1.89902046521496,1.89586067649434,1.66466245884144,1.48350551167895,1.71689068078684,1.70742363610845,1.70303381825822,1.9976377388188,1.42177230884741,2.79765090329807,2.15016071431405,2.37628801997255,2.41207775747344,2.37337382933317,2.17292222576077,2.28824766240867,1.96673812760888,2.06264537540967,2.30817459222872,1.89802882130337,2.0975886673689 +Vasn,2.10308211847,1.98073177759588,2.25923092412527,1.85604465663051,1.60754167149451,1.57434073088782,1.87830254506721,2.28038742698794,2.26077261148499,1.81473782861133,1.65596772285265,2.13510751705925,3.61647452311583,2.6938114107034,2.94664057935587,2.51907859165561,3.11928293048289,3.4022466584296,3.29056602938633,2.98189477481555,2.70066641369917,2.35982076861804,3.19324736233427,3.24922817727067 +Ccbl1,1.42696117371414,1.92672796203502,1.76627170456013,1.75275317685844,1.99933946515061,1.88165030803427,2.34938307618802,1.7767371440226,1.79138343159205,2.09363420340252,1.9838090669775,1.73306877879999,2.47835730378982,2.31146888536921,2.49539950850909,2.35846273973409,2.61734653580588,2.39082009788614,2.47684966585223,2.09299985184574,2.61772457138476,2.40068613369471,2.60488507868127,2.04577412244663 +Cpeb3,2.29449270982954,2.445726962193,2.52841631187691,2.11754888007236,2.50900327485045,2.29567134525398,2.24867687778971,3.0003075514648,2.36030763801647,2.25725324665177,2.33384392646448,2.24265087798565,2.49859381482923,2.12123383072623,2.65043707952286,2.27926597734362,2.92442012229802,2.51846183229176,2.64057814468732,2.11843207992771,2.28606387083486,2.29260711529994,2.73237671866084,2.52013015946802 +Rxrb,2.97015089826407,3.40142105054106,3.07128610212809,3.27372223372602,3.17128609334866,2.95246543946664,3.31750516649342,3.03887889600322,3.12247368701826,3.36055702184906,3.62892431220632,3.23483403448815,2.88441571233786,3.0676678850501,2.92800918430595,2.93064769791387,2.97600948840074,2.89359902055221,3.20751011352027,2.65684686472834,3.00912169538273,3.03412176970682,3.24137001643616,3.03508033670374 +D2Wsu81e,3.08281388623844,2.95351311072145,2.68416557933164,2.7646928031342,3.29505373188421,3.19682214766324,3.35262570052054,2.80802022803672,2.69726994931945,2.874133074957,3.3287958672595,3.12759231146862,2.7573899322901,2.70225169145253,2.38991929700926,2.91154780529574,3.21221748757972,2.82725573959405,3.4430676196905,2.37537189096385,2.61164333787781,3.03570809307451,3.19494296431737,3.14882424687582 +Dusp26,4.56126286509632,4.63275708280436,5.1361036882683,4.78192009383411,4.24245239857393,4.28784393148853,4.3781831001611,4.90829692666662,4.93227972874529,4.8912341428064,4.37773801287871,4.54633553346244,3.52588290095783,4.05109168217703,4.28740637058762,3.98545992786407,3.19980942631625,3.39076557356169,3.38523152120169,3.96659621118414,4.14621620389198,4.21641007710862,3.21869721516535,3.35052387399515 +Icmt,3.7384023658255,3.28659866779035,3.32942116376235,3.20160308432744,3.37496228613539,3.41457125724865,3.3500448179696,3.23443259377849,3.45487529660243,3.13040058549355,3.29307030684825,3.36288582560191,3.53863149414197,3.56064368139852,3.37218165059938,3.48637334481037,3.57604408832899,3.60084436275918,3.51197563147296,3.50011856007095,3.40481851150896,3.35923421280303,3.60838684399794,3.57282693041617 +Oxld1,2.24872983313601,2.36532715447738,2.71158524955795,2.59109433778685,1.69800350005169,2.18142234850895,2.0053492439454,2.50040504358432,2.61949852739864,2.14490718897558,1.95163777506225,2.20725334146522,2.36601657999114,2.9232443979965,3.09381677178624,3.03747467781019,2.66453234922785,2.87162347533422,2.14313323852266,3.10400621253288,2.95567000172588,2.77435365741765,2.1357867271723,2.50671582642574 +Zmynd8,3.17004092687049,3.56363300742294,3.31093980657684,3.14855635189301,3.57402368136338,3.71913022802534,3.52320949693992,3.68137421673126,3.23049219248098,3.18470562951149,3.61910457963303,3.59790274744852,3.55630310814792,3.96092467014466,3.66920432656075,3.7558354535247,4.03844447564352,3.71474672524356,4.15204901850004,3.74476264087856,3.55135486349887,3.83653446167132,3.99343752453993,3.88367416372047 +Capsl,4.5950121192165,4.63715905737349,4.94465935109289,4.68256780105323,4.49140809311084,4.32945091150542,4.52380943222352,4.83476285849511,4.86478080423219,4.84634850248493,4.19903992659742,4.61889119517237,4.07690519858082,4.23611506867653,4.1313485491633,4.08820782712425,3.64465079744164,3.96731103880367,3.74101056983802,4.22834098915125,4.10376851408474,4.17301456323245,4.02467962047761,3.85494226554797 +Tbc1d13,2.53485070795711,2.48779412205103,2.15562028568871,2.69144674976373,2.66674154691445,2.4836234725566,2.56374780315214,2.51619377569766,2.31009350957038,2.40227579634474,2.60660982689929,2.62535483643101,3.10080125658775,2.8262923483882,2.79582625249752,3.00859075704695,3.13973534921274,2.93174600029324,3.15678123688733,2.9372632167611,2.81987375924133,3.0224322870237,3.02640759873593,2.80166325610102 +Mrps6,1.42143996880309,1.16807747995212,0.676876323256381,1.08583002526986,1.81125504260996,1.66418754091622,1.35539066074108,1.24691286061872,1.12285670317877,0.60860781522651,1.54128332773056,1.66265976929275,0.848316701837014,0.863634442286458,0.351530517561818,0.656595780182861,0.952583656984917,0.946404414193883,1.1237113246033,0.941964502307608,0.662535478266228,0.360708108778963,0.971548355753717,1.29299213232725 +Lap3,4.27698898268328,3.64252751608356,3.99672663649497,3.9526951488277,3.77935320918009,3.6004175475218,3.80727982724167,3.94119663222529,3.96248333254805,3.93703285784463,3.69098424705138,3.87706067747376,3.53119442728168,3.17194051607825,3.41512920791321,3.33538175930876,3.27167816938957,3.21066756955859,3.23643075065637,3.39469854680173,3.41767396847692,3.40728922606309,3.38040642855891,3.22886381003044 +Sdk1,2.43121928963156,2.32223075838837,2.67093828452014,2.379498200647,2.88809380830327,3.00413779482027,2.62937773606547,2.84894336967466,2.3062638565508,2.33635638342384,2.76804223481038,2.59828233735161,0.65358542875125,0.720375016788084,0.622889762854184,0.895210457481832,1.12723235312671,0.965459649011283,1.16888279210978,0.614929727347402,0.385606519549557,0.588238558710922,1.09978217445642,1.30927813124483 +Gm5422,1.80330297972266,1.58467890207287,1.15122094401995,1.20822890990829,1.14764767546578,1.07298415409598,1.56451015812041,1.52507680205969,1.33220671188195,1.4503463304859,1.52291676234686,1.46567323426864,1.93398347636827,1.38487788420418,1.88046534354201,1.76171853594203,2.04860438004822,1.88677741288539,1.88373866197778,1.83781099284337,1.67273970545467,1.77877251509201,1.94946788361132,1.90476853188626 +Zer1,3.09377089607323,3.45319166844765,3.24812866620757,3.199890049589,3.38063884337396,3.59686007946355,3.2773614861303,3.49535405763686,3.21521955606644,3.10336987824942,3.47322019843186,3.23372239748035,2.36554040768883,2.87295226427636,2.58475459593379,2.77209219139208,3.30252571640724,2.80120250366295,3.16801875201527,2.54726504767071,2.37831687284686,2.85405994320887,3.15479412697712,2.93011800540183 +5730528L13Rik,2.53652092858805,2.11363415135575,2.36280552682002,2.43588610260754,2.26980096322415,2.52465435505287,2.50247102169168,2.44586777796301,2.40337861180291,2.49901960418437,2.46153796881984,2.52027842502612,2.09063629825077,2.11334100765212,1.96671778816601,1.8103200137546,2.08959836119186,1.36941668667715,1.48321008172969,2.38115161933518,1.98049907937547,1.90391006446358,1.66479167864805,1.61028508065342 +Ncoa7,3.39470618287578,4.02550451789917,4.09441222927573,4.05464996748059,3.81769762469432,3.66737727582783,3.6645165617689,4.34001775706013,3.8306969417454,3.9943815918179,3.83044881318965,3.76794240491432,3.13886354499102,3.69740220747819,3.63100582333478,3.70364650068977,3.51997501112742,3.20512144878742,3.11223200701933,3.83047185824288,3.59812133607386,3.6679097164898,3.33892895169764,3.15095441830507 +Usp53,3.62270414552804,3.8852551620497,3.77072616759329,3.82092925826217,3.65850946423996,3.78187074525843,3.64906139204354,3.86252795351863,3.88574812754501,3.64643987724295,3.77035649942494,3.86936852912516,2.65955697149594,2.84890788312478,2.99056548818472,3.03778797783191,2.6163105292792,2.84627218393777,2.83924054459976,2.85942761718093,2.94244480402482,2.8312224847909,2.91154364737032,2.7990808151334 +Nploc4,4.3833328175201,4.04834663278564,4.21926375260753,4.04816387884724,4.31032957857814,4.31103258989709,4.32299689483968,4.21018222258772,4.25997039009528,4.01629549429441,4.38651957358282,4.17469381585462,4.76447928474861,4.27308684164043,4.71556732249854,4.55410275558849,4.81868320790535,4.66381462432875,4.75838339869316,4.4731298910977,4.60265087377665,4.46578377682091,4.83612324634916,4.63301272177857 +Lmbrd2,3.33897477522104,3.31198405457278,3.34266657050868,3.2821876806392,3.55325784384923,3.36086735051282,3.03287847985646,3.71091448682957,3.23163853363794,3.21639692363708,2.95509156824207,3.28869966198428,4.47946362657996,4.0480295928259,4.29903004064002,3.88449192086301,4.24709275117252,4.27739322198598,3.93460150611352,4.37001306848927,4.03423618863852,3.91522581058065,4.05666144182363,4.10032200769322 +Plekhg5,1.24144633949174,1.56820801710835,1.64679460399269,2.11388237338234,1.47726452431658,1.53814917881026,1.7180813713364,1.44929372640227,1.69039921689436,1.91985797737068,1.79120375306752,1.54540668150788,0.566576266208183,1.55294819352879,1.27328386857489,1.41164721027003,1.33779409010322,1.20323689496778,1.39318199606028,1.00866395048844,0.76056344094278,1.28860370932586,1.56214809097518,1.23469172369446 +Wdr34,3.19742690497522,3.53568769566269,3.690991073803,3.66016150733889,3.17926695205055,3.35647102081458,3.29885324539006,3.4716639059724,3.5999671349518,3.58696686762917,3.45066830344838,3.52050354385542,2.96730145245379,3.16409927407653,3.42568385747369,3.3563990620029,3.22372376431323,3.1960133076401,3.39853362906038,3.49570750856262,3.39080491737895,3.43963208260539,3.42479690149315,3.09560869889205 +Dock3,-3.07559347947871,-2.4414525431664,-3.24829209067063,-2.8485060854982,-2.06308242485053,-1.7900324138678,-2.07121812977673,-2.80953072853871,-3.41588111058952,-2.20511625334378,-2.5541667250565,-2.60698129225602,-1.09178206762976,-2.35216694732057,-0.731964731862196,-2.0035793996,-2.26588670989197,-2.45665914790227,-2.64050690192259,-2.07545656261579,-1.61032059029249,-3.04687711018216,-2.28812382030178,-2.9581249631692 +2810408M09Rik,2.57135162692798,2.28384379168073,2.76086296128477,2.73077500548069,2.32339665225411,2.47083898932197,2.30315969430962,2.30612039120439,2.51643966567881,2.2690201643253,2.26399792518373,2.28746385617361,2.99939308353861,2.36448261509213,2.67161303635457,2.68757817391942,2.6150856017497,2.5921833353121,2.24565981531434,2.71383319427764,2.71416820538779,2.62202911640488,2.57436417571235,2.610226736916 +Fnbp1l,2.57931989169326,2.46850875682345,2.21038016951428,2.36836342786932,2.969612857271,2.78073874731567,2.43246055485178,2.51215119403996,2.49680455755234,2.09203184577791,2.68658232355146,2.69750588835664,1.84446608283421,1.78103648137188,1.83373442640063,1.53975374514582,2.1234059726141,1.77649457817749,1.99740263338898,1.7996890982637,1.63166090260105,1.82592731463097,1.92695621023717,1.75251165631163 +Prkrip1,1.8334507164851,1.69994858515999,1.79227547252752,1.89970161397103,1.40568310302927,1.60082466193278,1.8610638741671,1.62294997310471,1.50229525565446,1.69608511990597,1.59635730085257,1.64269457715141,1.51276780189269,1.49627298969494,1.29527191482856,1.31270484142959,1.4297231587472,1.39418575657193,1.52333526607866,1.22793043469913,1.19269038322231,1.39748419835896,1.29490390428598,1.13669603847456 +Slx4,2.12419147801907,2.26006646737367,1.7666675470398,2.08763475877925,2.34244004778157,2.57743342422649,2.30798938337283,1.6351112819451,1.7346796742176,1.8979471713845,2.41075736909731,2.16624115855885,1.16360158153955,1.64183619759784,0.973635324243426,1.36762565699633,2.22016943152017,1.70260245091623,2.26346240435771,0.570946319501761,1.36447536144416,1.33859634342924,2.17484590490418,1.82778326203372 +Alg2,4.40503163305197,4.00079659208143,4.4063030592182,4.00539409544251,4.28867102358011,4.19232432146669,4.04169041924302,4.31879461359474,4.2056166405321,4.11335675783257,4.13846099152403,3.99049318510703,5.40975970028702,4.87655454920665,5.53087103791752,4.96720305661236,5.36346987748246,5.35725848913852,5.17875516387051,5.08149562478102,5.12362530627859,5.00031474599333,5.30847866073429,5.14749701208781 +Bahcc1,0.998166354256765,1.61924238848914,1.1208546108219,0.888677295506627,2.24464266230474,2.21390228877112,1.99625279100407,1.87050958002449,1.33569301228914,1.2732359983336,2.21473834745999,1.72645285507449,0.163536944271988,1.15708532343494,0.629619404708263,0.571530219575392,1.23275007319719,0.833874226507975,1.61743286803316,0.578990196780069,0.27493647420304,0.754383008954606,1.2710423206031,1.26742713712312 +Htatip2,2.21449324035008,2.28066659847341,2.39127403440569,2.23139941607663,1.71499146891052,1.916741588832,1.80578490327013,2.25371916764917,2.47008298915468,1.90460448678417,1.97213522876392,1.63666098658482,2.77447640166495,2.85816712717679,3.05143380049161,2.8197375889081,2.53538306864008,2.50136683814102,2.58648549402152,3.12709672849319,2.70621015718295,3.24625739188633,2.56020797428265,2.84931449654474 +Orai2,1.90288891414501,1.41071743114175,1.88985715503178,1.61107263126394,1.2074450236974,1.24592733514688,1.56020084952464,1.5666480004323,1.71184231231295,1.71941057891538,1.20584151245708,1.38906717956394,2.12950667946214,2.4328093209265,2.18942293225046,2.08652306607244,1.75442942840214,2.04421333221357,2.31231268964858,2.24880855885027,2.41448664440706,2.22841028076665,2.10884060928501,2.27803582025164 +Fbxl5,3.37212592040445,3.29188183633013,3.44691555274134,3.37262612357302,3.35134763371211,3.37298672631714,3.30387867236953,3.39184413432919,3.40857301716099,3.32514483069304,3.23315039409437,3.24181837366525,3.8628842587607,3.67488344173496,4.0412898871997,3.89756964419669,3.63769558109595,3.70786576836422,3.49894638595194,3.83355312138637,3.88987883636509,3.84266889667805,3.58343574131343,3.5077769840994 +Alkbh4,2.13940336342387,1.76742520141162,2.2016105460257,1.86373188316601,1.89729594578182,1.76215223976745,1.96624600077503,2.05915900176629,1.78922014550721,1.68513858844626,1.77057686273864,1.78867684617938,1.53513782582032,1.76794076653576,1.52053250644997,1.83083557627793,1.98796804790783,1.54171079847752,1.60092821526488,1.50384045960993,1.80388121655344,1.41830896286334,1.83397168595649,1.70193724601314 +Dnttip2,4.16273239001576,4.14398787474568,4.04751883068893,4.15522156942228,3.71794930436622,3.8945607170816,3.97805653111297,3.952983742593,4.11099348476196,4.19056744097381,3.87590881500451,4.00507550127308,4.13225992299752,3.96694695822555,3.96489718986559,4.13748590883388,3.7726970922898,3.80944127507521,3.73678316031799,3.95095431356081,3.93688239101003,3.94214074794716,3.94033231135374,4.0747646681747 +Thap3,2.75431294888023,3.12595636623674,3.05309467552468,2.966666109319,3.07406749610349,3.02627988577199,3.04610441066577,2.75513213974301,3.03289524816106,3.24701067507069,2.93094184799148,2.94193698821145,2.59853790316862,2.81539999797179,2.45736767563851,2.83026550704438,2.93614912495082,2.79438420888964,3.1239922534839,2.65721869206618,2.63369649371723,2.84548179052753,2.96677007299487,2.63573931837926 +Dnajc28,1.32425506050637,1.64149027473946,1.63616582560764,1.64900044212179,1.14662969868779,1.01148599267342,1.22959897772561,1.66564879698375,1.64734609907828,1.83008182515366,1.42519803551182,1.58631127218617,1.31066896216413,1.44151727417714,1.56058555658529,1.81627731677646,1.30140351757778,1.14345652984024,1.42911718418692,1.58911704863238,1.69494171955226,1.9138552056432,1.40539123978675,1.65342539745999 +Cc2d2a,2.88386966529907,3.38090235045664,2.93190023248194,3.07390726271294,3.26560011306099,3.27720243569237,3.32114326740664,3.06338681165829,2.93921887993829,2.98550101410187,3.27942814216786,3.22958941236586,2.57884855339239,3.05504693999866,2.52980531599914,3.21784817633601,3.40796297856208,2.89176814205089,3.16478331144782,2.44561348537098,3.02636891158338,3.09976032021003,3.34712546547984,3.18987311528727 +Dnajc11,2.13295942874905,2.02975077872348,1.94946103946638,2.04884256021752,2.16484415040241,2.08224620900188,2.11187726751713,1.89313225607737,2.00191098702412,2.21854935051506,2.23230791812568,2.14637146126016,1.6756042580718,1.9091577815707,1.68001871851989,1.87622020606362,1.95501449184073,1.88031770324401,2.19122750393944,1.65016341812088,1.80316018823717,1.84434390949603,1.99697845713556,1.91411148593963 +Ypel5,4.49680022541791,4.62622083181035,4.95118636163925,4.66081085419566,4.06358959414005,4.13921940335103,4.30773881302725,4.82359461242511,4.87695184596327,4.77255932955908,4.16284286157575,4.36910059618044,4.54673960238523,4.6971314012797,4.93404033731568,4.68268592388943,3.94434486035539,4.43646450532363,4.01865377369024,4.98817100164079,4.78084821337278,4.7421131580108,3.92295612940054,4.21565546242508 +Polr2j,4.01563078531733,3.65721123919796,4.3107676460176,4.12827065528701,3.65672414688262,3.73724104597487,3.52309068053242,3.90986503773351,4.00848600841353,4.06583478683953,3.73094460068957,4.01690531847917,4.4692347842956,4.53277961540066,4.49081819314463,4.49944841522267,4.0868938668611,4.33778825259327,4.25656652884484,4.4514887561798,4.59424553752468,4.75713884862368,4.0545600608573,3.95415289561815 +Galnt12,3.05305574027166,2.89504996007264,3.05103591123126,3.15583190899006,2.63039394018209,2.95789511528809,2.79755223252381,3.18032975835878,2.89053113712996,2.93929976459104,2.76490757602461,3.0019338235174,3.16304533685039,3.1554133738328,3.15639718199812,3.40899597860321,3.11278842407578,3.15665647081282,3.08315348873088,3.25837406546181,3.26118686578128,3.06645667659274,2.93127322363424,3.21217694074678 +Azi1,2.49020541295609,2.70473902895651,2.28138058715408,2.49135583548991,2.74221208996181,2.78125720201249,2.98048240043328,2.6380220392183,2.50028257472125,2.66843192626234,2.80134026132988,2.47527751315822,1.5692090006505,2.35698790747155,1.42094803146767,2.29591828450868,2.33829255488776,1.48182452874196,2.7411007901651,1.44947952351476,1.65074441190112,2.10430258151415,2.28867540540186,1.83626423482378 +Cpeb2,1.22259741706218,1.16203229449045,1.21336634100302,1.08882987511733,1.61573883472024,1.60783458357064,0.980401912377692,1.20971035452417,0.983038173715322,0.666135157531237,1.4665590472761,1.10231811847126,0.57412243620056,0.935919477233969,0.659133579454474,1.16652708995048,1.38360437289125,0.883333175125764,1.01371870386141,1.14260360674197,0.566869677089568,0.851409755738938,1.33063464689136,1.07156636116982 +Cercam,-0.306679834107533,-0.371821157002561,0.275147751002176,-0.847209666975079,-1.43743778578015,-0.911144753438122,-0.405708241897732,-0.478396822211437,-0.558185763104981,-0.609511233934251,-0.606912991823037,-0.573478289469798,-1.21803972444877,-2.37488509914893,-1.35994088237886,-2.34266985621888,-1.37271604740565,-1.7274431886582,-1.51483894977102,-2.22338287691934,-2.33456432804333,-2.0023934246623,-3.14030306443512,-1.11790088965516 +Zfp597,2.80049809982536,2.7888840911454,2.91725350231814,3.07875387816871,2.65178132726116,2.49486715939071,2.6376950510067,2.63391923943601,2.81549882413404,2.70199368161467,2.62598783082833,2.69601941576821,2.63837266631562,2.49579958154077,2.6554410407831,2.66515128804197,2.30470528403366,2.4601551717873,2.32752117291983,2.74111322812619,2.57565521799773,2.49456551487991,2.16285256415884,2.3215076662724 +Zfand1,0.21786195443573,1.21764357315867,1.32398618701226,1.07842921008693,1.16362931319312,1.18656405193245,1.24905791220581,0.728350379000842,0.883087442952152,1.39170053185142,1.13156633937437,1.07336262043034,-0.191673488419961,0.774110829129659,0.369706630787269,0.837564266915781,0.63511769404645,0.0956009699375566,0.269440854866676,0.307806319690824,0.854973962113599,1.02478353788218,0.649830261074963,0.69219533769856 +2410089E03Rik,2.20510233383497,2.60087444815586,2.20509333752417,2.35244860182206,3.18906552236814,3.08243556231413,2.93905326723929,2.41371249920747,2.25386452729235,2.49628048213226,3.03168369223051,2.73954395935362,2.00191397474835,2.33571585799414,2.14152712785921,2.27763008849003,2.72669489927936,2.25966142277233,2.6734524727506,2.17738016776375,2.05668596645039,2.07487609774674,2.67016932601074,2.60678280250102 +Ncoa5,3.44989856196025,3.55464487505766,2.98813254476484,3.55767181530447,3.60445311683762,3.65752592528623,3.60972660139789,3.45349295381442,3.19460947916816,3.4300740539476,3.69731301332232,3.70029603428195,3.11599868522552,3.38216211656325,2.92762462699119,3.29403509168195,3.65300654656257,3.28140057652863,3.4212655261864,3.15735805304904,3.11802774119729,3.25991619178043,3.43767661202325,3.3317547648326 +Gabbr2,0.746991425057034,1.23589905909942,0.879981776859451,0.530341526407901,1.70096872302676,1.47017451541577,1.16536558747978,1.52286992465542,0.29114328490789,0.881493206469627,1.80928211636289,1.38110233774397,3.27122886819211,3.58042371579702,3.44737436619146,3.80929777543048,4.68379788264139,3.69930731414572,3.96134551903879,3.61486559994863,2.93903695943382,3.79161740105403,4.77794517067325,4.19703814618305 +Zc3h10,3.29138184336197,3.3772841148543,2.72723290388583,3.29769924933915,2.95295733584439,3.12809373005961,3.2585463081622,3.20391892383658,3.36246788764942,3.24534391703252,3.22142479655669,3.05070332324348,3.24876664299949,3.61866687872771,3.3691631520373,3.6387615677019,3.1988879956473,3.24822559296486,3.39283463617965,3.47184244644652,3.68766482910296,3.73032500081932,3.27117500720054,3.21383022979089 +Tbc1d2,-0.684881599520397,-0.342717523875624,-0.442708764985188,-0.356055168395217,-0.201133153460045,-0.104417746537897,-0.596771674663407,-0.558954466274147,-0.426745197652197,-0.382194087788713,-0.374037987647446,-0.531042538678957,0.0446010831190735,0.391243416456793,-0.0863460806233007,0.351087832258959,0.662773029124375,0.0806933937869498,0.293321829629886,-0.0510213769651484,0.194644679373772,0.222379811212041,0.752141397020217,0.453183046155552 +Trub2,0.703519185999891,0.926531406098605,0.896957476922781,0.988308325854055,1.06228693923887,1.14235601164204,1.23582456898884,0.794739054652718,0.792634005719409,1.03641326113104,1.10308868234733,0.964915798020366,0.839903470195599,1.25376127905029,0.979208683786432,1.27447051216368,1.47891189212908,0.8479117435278,1.10228103319344,0.737530795449358,1.3569601373713,1.11822306125584,1.39682527638673,1.17757009752027 +Wdr70,2.09096907737389,2.10427298427026,1.77819030644542,1.87132596483144,2.07489834666588,2.21618284576029,2.20062653164095,1.86083456745895,1.79745156101145,2.21976326273264,2.16590556502855,2.14883984210338,1.26327897814509,1.70650740590768,1.45101804495944,1.63379441046216,2.07535727737203,1.68357943449543,2.01369516093637,1.28359423583099,1.48269805340238,1.32007415500672,1.69227334046314,2.12307330180105 +Arhgap29,2.93539629207162,3.36462768053918,3.32921243650074,3.37129225926784,3.26161176578564,3.13318997854881,3.09821995105795,3.39178569414714,3.25646317785251,3.48954914118765,3.69535336729265,3.35336149425669,1.53813215333448,1.63566787003898,1.5780746942204,0.706605260086789,1.33438854787673,1.37760872313091,0.647998444443012,2.18042032459957,1.55376200286184,1.81550963369315,1.07244539546524,1.04488511908071 +Zfp335,2.87022782089201,3.45316840418217,2.71212218486881,3.20170819511119,3.6222716683026,3.65461940537585,3.70592102033029,2.74722490934246,2.95967389781878,3.18181841323492,3.63012148131799,3.25214237635316,2.48300745475804,2.94902466659303,2.12811024832513,2.59836566242282,3.33698256025178,2.80855174169804,3.55334089586286,2.02603362318557,2.40779562181957,2.70352590849924,3.38933581770508,3.0289649188148 +Nhsl1,2.47796447943341,2.61153578613597,2.36726539015432,2.10010079637367,2.79529820301642,2.95739755118041,2.69838931647595,3.10602278971758,2.36444258965082,2.32418233742629,2.7467785804252,2.72115670891967,-0.775346022623211,-0.655242685057515,-1.31775972961747,-1.82096715513376,-0.271292273144601,-0.634333531609935,-0.593450256284326,-1.53635613055124,-1.10945680741357,-2.26303100371173,-0.0302691264720423,-1.06945545989555 +Epg5,3.06749952816732,3.11377014803407,3.09777620182943,3.00736919552056,3.29369524727435,3.19527805134882,3.03936650389391,3.30174559918513,3.11682167076173,3.00180689535054,3.06409366029052,3.02262624036404,3.06392456207003,3.14428733090975,3.00031155038951,3.09652437598895,3.38189952442763,3.2289972984337,3.20857556111348,3.17642886897492,2.81207831811262,2.91873040724851,3.19910357381857,3.3392431189383 +Zfp800,2.63628007574753,2.41853066864544,2.5651762036623,2.62664949310942,2.68120839675469,2.52354573776771,2.47615730953239,2.45139453079682,2.7478472288003,2.63715658753828,2.45909377264054,2.74698846045794,2.77347166099295,2.58610314120563,2.6862794192154,2.62395257644101,2.45242717538845,2.47538465139738,2.40167079213518,2.66757955269115,2.64594179003323,2.53244587299817,2.21932485094415,2.48054166847155 +Mcph1,0.358434453181386,0.166764184292041,0.216379313218703,0.273767799832948,0.758092147953769,0.627676176214376,0.709280419479155,0.355745563505527,0.288955384078049,0.348543654929497,0.991104041900488,0.425869655198018,0.993585970920317,0.151504360712477,0.539612958224839,0.311627550740519,1.16945961704983,0.668717922474193,1.15382533525074,0.339247574961795,0.433777707295983,0.231734518350792,1.21863152750907,1.03404632168169 +Rapgef1,3.19669215078596,3.24581139641038,3.18587575910469,3.09832875956095,3.53368167509269,3.54930516186829,3.32531662309988,3.18180525465417,3.09669147564412,3.18323465201203,3.56494383230301,3.30507646064513,2.98898235177842,3.44784422312219,2.87983763432404,3.28961624131001,3.65165691465975,3.1774143786007,3.90439611833993,2.86178292553965,2.74445761401983,3.21219167017143,3.84624598276682,3.53281174772927 +Pcif1,3.47014483237817,3.4880824494789,3.64523568133171,3.40745524435124,3.40141960066574,3.62835289740382,3.36623287694764,3.67732040291966,3.56446200453517,3.42901056035814,3.45534021918256,3.34115120084153,3.02398949505742,3.28757852211608,3.25232707010932,3.27090472849496,3.10194874605369,3.16537111185424,3.33119994635354,3.07686845594688,3.11225559181238,3.15714552656643,3.18016783615461,3.0776837134862 +Endov,1.93774229423296,2.04419866291778,2.08567815854487,1.97980174121753,2.06153615503119,2.29764025537876,2.21340541128738,2.06654644420496,2.02624716247779,2.24533401376572,2.15589665708263,2.11216914734729,1.62110512311034,1.9319402287166,1.3018633374069,1.58492530076672,1.9348807058171,1.75093950810478,2.33069625154607,1.39989835581524,1.42329677537274,1.89418058567669,2.0338419549018,1.86971454660645 +Rere,3.7868061522447,3.64109271974155,3.8768744391526,3.47736166571099,4.63178227357387,4.73911123530744,4.25261965250281,4.69893696240148,3.74530099295694,3.7033705106978,4.46966199562004,4.06600015261883,3.53418969550201,3.58705932818304,3.45707797684013,3.35391475514564,4.6909131194326,4.22939977906915,4.6607843224112,3.64366063265744,3.50311553543252,3.51345103067922,4.63720767016574,4.33527563863586 +Trim14,0.684305932528554,0.418174087745205,0.773239703564975,0.315668972708794,0.936733599827016,1.24527812166136,1.18408388657729,1.1366756675783,0.583457337665609,0.752881175522268,0.995962513653929,0.901827802954306,-0.647589776314251,-0.352430655182171,-0.192144219108812,0.0584174194710121,-0.528194142458292,-0.748699474904317,-0.195715931335799,-0.303801347504787,-0.482680924234617,-0.123160663302695,-0.0002327232083452,-0.172276443428748 +Srrm3,1.02386778533569,1.44096262278645,0.770291873430573,1.29990819881931,1.69847464629209,1.65106102515964,1.80901283826354,1.05970256531017,1.10492291834648,1.25605939115079,1.77203235332343,1.30418392280035,0.445958661957641,1.16202241892071,0.799188844423455,0.878389452832409,1.42982416439676,1.03244531363001,1.92287440598253,0.524523208097629,0.690847830818982,1.13779987064839,1.37164194186091,1.34742941151208 +Slc44a3,3.66523842737177,3.64786598012126,3.65553782066739,3.80386817061057,3.49832032129064,3.81261760917057,3.82596046539464,3.57530300779296,3.76530806941648,3.46882787647764,3.69137544827116,3.60311784816807,4.78324115003336,4.63263109168965,4.86611727509108,4.89620706742084,4.48047778193669,4.76971969192697,4.70017424666416,4.85792288229931,4.65561571351975,4.5595530023523,4.71851835564917,4.51849408347601 +Heca,3.40503943643218,3.9873505550333,3.95682514374271,3.78938748836488,3.43126540543826,3.72581246981429,3.69614209352008,4.01770261747511,3.81837262894284,3.83011636728434,3.60785421606697,3.73904298916093,4.03830710495786,4.24223711617635,4.18490310006822,4.21924692463505,3.85434431669937,3.97983674977534,3.8397007106249,4.50333312103364,4.30257173567571,4.18535413640755,3.61110433742935,3.81709972939729 +Tmem120a,2.14753444366212,1.57688222073633,1.36185654284671,1.50362575511941,1.54701521620693,1.72762540824323,1.57821738955039,1.53759871361783,2.13826064121163,1.82044732170648,1.51756314384654,1.46536974068243,1.50479556545683,1.84990801761179,1.16046992750031,1.35956361083205,0.677508451006444,1.77385372866972,1.42058343851341,1.25324946330659,1.30696336940574,0.443302864979644,0.938688555053109,0.532055011992602 +Alg14,2.7078209178243,1.76784030344984,2.28369393890853,2.08018459280733,2.0021504449287,1.64641006675351,1.92577921816501,2.2036518965721,2.03751302869056,2.06179598035488,2.07602663326315,1.92275817135467,3.30519450303928,3.0236587750437,3.11667683895495,2.8732805046732,2.58379605699542,3.25929914547151,3.00833463790571,3.15564865433361,2.8965568823383,2.68494135671719,2.84120033240651,3.23580756353806 +Fgl2,4.65004473858554,4.72964324582644,4.61552329882442,4.67111665595015,4.36591133130536,4.06191656128195,4.18741344665677,5.16350027750076,4.9911439565194,4.4593321512244,5.32442453782567,4.58446046641039,3.54311982377358,3.45455804607758,3.55208176142889,3.57654882360786,3.27357636393507,3.35971910004818,3.04281205194182,3.81311363637073,3.35444029616927,3.67001320503991,3.06915836780147,3.30078153550837 +9130011E15Rik,2.51382003268131,2.43331316195166,2.52348750932243,2.3879141538496,2.64946933453037,2.7492518450473,2.39267300057547,2.62317975912354,2.81621407715732,2.67114966660812,2.78525827736386,2.64521626913094,2.23942301544298,2.41043787824552,2.32456832206437,2.71584277206567,2.46701957743986,2.52813758121332,2.70391920777702,2.4992229083106,2.58309202814422,2.40165193998328,2.39405804588601,2.53784301457841 +4931408A02Rik,0.24683949084122,0.390200058312191,0.617339933821419,0.727483101998132,0.837315563816687,0.321209331386191,0.309913353660299,0.244380981731107,0.524936242684951,0.424246291104452,0.384090610819592,0.367837809253893,0.68888353355389,0.718304676105985,0.826237448164311,1.13987981354221,0.790987844751191,0.744511002823671,0.649164428508939,0.683686983966949,-0.0237545555162668,1.19694646101947,1.16614632660273,0.345651362480552 +Slc26a11,-0.80235451170414,0.303570236649612,-0.18728266775596,-0.0463856777204905,-0.0644874011518599,-0.40974698365434,-0.419761082416502,-0.337808002520029,-0.826823607390957,-0.253266447559142,-0.323686642082945,-0.333742324481444,-2.29682259596057,-0.604068372798268,-2.05417085260526,-1.22942263174073,-0.780036064557375,-0.283557986462131,-0.847595936627913,-1.1564644504881,-1.02658523914875,-1.53126029511834,-0.793682763184261,-0.552452256799001 +Cited2,3.79660165875471,4.09242210911608,3.73238764303073,3.29072270256468,3.51802301115472,3.62945758574385,2.97385224146038,3.94015344971368,3.81214522783686,3.41411037693172,3.71695894793341,3.57307821564027,3.69399863532815,4.5463011991336,3.72502293869637,3.83439259952058,3.64462092530258,3.78105610189714,3.96111559842384,4.14099069701143,4.28067250840845,4.07913555075689,3.85178546413797,4.2620799360713 +Spsb1,2.46791810141149,2.60634480054297,2.68379569853869,2.50605630601517,2.59170594034651,2.57598642683653,2.37231471026179,2.8411382505754,2.23845328556192,2.51428331978253,2.49693131707661,2.46592153060743,0.938546069904369,1.13262609247948,0.711998831098147,0.979121941610861,0.870986988700029,0.233528258400521,0.939311727044414,1.2882909570221,0.487565344487074,0.978384743716126,0.771686164583542,0.634910459131198 +Pak7,0.844804556582983,1.01099589123584,0.897599630074619,0.554605751224174,1.2996422447,1.01630067517733,1.0373761503039,1.28975342066486,0.693019901996664,0.626942095403651,1.27665108408728,0.97838179920164,-3.07474730167115,-1.63865569312414,-2.50041956277565,-2.75671076542668,-2.30717070835897,-2.26844045363213,-2.41987253334578,-2.72825167238163,-3.00450706341851,-2.88458845005591,-2.8430394820682,-3.50267683262907 +Coq10a,3.11252053404886,3.00450024187965,3.02814218785517,3.04581878165242,2.8118294880882,3.01200874051134,3.01512815974054,2.90460616986553,2.81772490659933,2.7491725192182,3.00975381646622,2.74280462541064,3.60475334772601,3.27824902454957,3.42079389989768,3.59693358382605,3.44689144951506,3.32245672037915,3.27368276066788,3.31879085680489,3.44811127563969,3.48877214288887,3.44358546773267,3.4810396423302 +Rhbdd2,2.86337714455485,2.94602583509104,2.91045761857809,3.05750506530469,3.40626176688705,3.37221496806352,3.01123688032687,3.20273850428947,2.86850713905097,3.10713781060766,3.35245119731139,3.06702752620092,2.65086008683446,2.63222738318256,2.82289540964303,2.67875055430948,3.04718624406011,2.77980688566505,2.81785740984817,2.60393842037306,2.6221326138052,2.68879706465013,3.06988729694499,2.8218169616954 +Urb1,2.61747893709162,2.43576461410483,2.14867055219648,2.49481663310033,2.75775850708486,2.71450561280845,2.73368333734302,2.20045247743856,2.30127044304929,2.45717146855019,2.64464716063173,2.55598492092009,2.21814897154461,2.07517382131253,2.25992463862546,2.28567737089554,2.79530158354269,2.54623985887504,2.67107377673925,2.051619748222,2.04987874528146,2.01783905780724,2.64330265681526,2.58681472972311 +Pion,1.80409458139688,2.59098685797797,1.83160241611642,2.43483060282113,2.17696905451589,2.38073811779951,2.11908617363676,1.84045881368089,1.94696210667058,2.10096892263402,2.31148269035842,2.06586102296713,1.93746222543418,2.00942934616747,2.05095802042833,2.11407618585719,1.99070723268185,1.96132198493243,1.81912191799327,1.92531215979605,2.3523397145456,2.36325116435756,1.95330231560315,2.00033878079129 +Pik3cd,0.0302531801675134,0.72061420472919,0.133274646803319,-0.171103635782713,0.398126626630449,0.431715382315508,0.523858200201636,0.433925964589966,-0.0714679873257307,0.308708500626057,-0.0179155815867302,0.293326287942493,-2.06986800217081,-1.58201214035208,-3.0176461783107,-2.95712688162668,-1.64095839192802,-2.57927146638024,-1.90915026229445,-2.70205482808359,-2.82262021508298,-2.11918905029371,-1.98082691908294,-1.87541857361376 +Plcb4,2.31773089339044,2.79236205495121,2.56851970026025,2.47208130877741,2.79838069050003,2.85836463300805,2.71957255677566,2.65168065332421,2.40690506531295,2.43505217389793,2.86637856044455,2.81203843676841,2.24463420570371,2.43759386756406,2.20267558170507,2.26859474386792,2.34008438123662,2.3208313880616,2.24722794044963,2.40495762418874,2.0813352276043,2.28810735298113,2.43771614786968,2.57972419322967 +Dag1,4.55822585368532,4.34159940123886,4.44258566678989,4.17303699952477,4.49510415427679,4.73810786387672,4.26410709811922,4.79082114544941,4.47090948924894,4.2795892490093,4.44857535977582,4.39427451222573,4.31150224569876,4.31350556465237,4.49557435494145,4.17180146080181,4.44234016308306,4.42845925919481,4.47893790000686,4.40468904241796,4.18008653171458,4.12572274135305,4.43736366026874,4.32431189482099 +Clstn1,4.8943488211325,5.04527546094109,5.317686584074,4.90321614544024,4.78475841115699,4.77999176611032,4.69929588382511,5.18608732224991,5.13103532507194,4.98062166141953,4.73544972984304,4.82242834551002,5.92579299398361,6.22559531458473,6.43972284838009,6.07063616874832,5.98934649312056,5.81348304614971,6.16309631219254,6.22869434210273,5.97238683595765,6.13958415456985,5.95864843565316,5.94619328069118 +Stk32a,4.12990244988945,3.82760680550502,3.54718628310206,3.16209273829118,4.15874009040292,4.42933131657712,3.91358445285698,4.10144104471905,3.60240615687112,3.29831601497303,4.03286454810109,4.15216295682032,5.38919375634701,5.08290295412462,4.82595244392322,5.04790737751969,5.71199535520219,5.43376149143074,5.3290250101191,5.2495498720696,4.97492631703931,4.97812921121193,5.74627844958008,5.42535737488274 +Mettl20,-0.514733136002973,0.254985543892907,0.849814904630478,0.332878100447768,0.354828487191355,0.0826668893011449,-0.209898875329331,0.666257711815587,0.506479108377466,0.791736687995797,0.333014499480619,-0.0806940822474196,-0.484315138312267,0.522668132640183,0.206711903270431,0.247950787686455,-0.03652152297719,-0.427002891825673,-0.347705003781372,0.338549059223342,-0.206466135150922,0.241077844547054,-0.139410956199588,-0.485116776243017 +Hip1,0.823625929526868,1.28296599951011,0.785919226405131,1.01600911640066,1.30366820750595,1.20112149772098,1.34228584454231,1.02565988388,1.07344686546223,0.871838710150857,1.2096870004597,0.913833968794025,1.63551840716767,1.88125584582105,1.46604657160058,2.01560407620067,1.78715779455822,1.55112224648083,2.22754900766291,1.26209159587954,1.43291179377574,1.91585974608625,1.77275487817813,2.01932583216076 +Rhou,4.82539403841716,4.8495881871345,4.92136859813902,4.98191607487049,4.47311496163348,4.79777964746452,4.60972227041033,4.88012696007529,4.90956915818411,4.87728646314478,4.5025248118106,4.6968768103994,1.8360301337852,1.4936102606439,1.17260358913572,0.936956586544589,1.790568070967,1.45395859244319,1.83242484495635,1.46371263189004,1.10389619141778,0.956025458913116,1.72879120343067,1.62570772678681 +Ccdc40,0.207190797748788,0.927154828485599,1.0405807097852,1.11570038569912,0.920484769737772,0.550097444139139,0.511147625893226,0.952064910655418,0.577126663872362,0.732373552295675,0.729480550515964,0.606581232742149,-0.812070073496572,-0.262008107112922,-0.574586682800627,0.119732561208396,-0.489357565164129,-1.24785523824336,-0.0149572450770661,-0.297357004569442,-0.320870767031146,-0.0205494879348027,-0.0665955486115721,-0.453391298889594 +Zfp292,3.87148595461571,4.16511447969317,4.03918733493102,3.9738253555371,4.07776726227832,4.01652168980019,3.87665615713435,4.3142173165615,4.11786648098912,3.95919470455138,4.00051460670851,3.99830456233405,3.50371431614728,3.63794494894299,3.54692366403496,3.525830535199,3.71034323462101,3.66604660945666,3.65420025694789,3.74334581141971,3.5365554265273,3.38357165450104,3.64242602943493,3.73352359124605 +Rsbn1l,2.31369149969032,2.56971134804957,2.43217553605106,2.27887570620772,2.87885662980668,2.81678054211434,2.56436778765698,2.81025455554058,2.44420278813915,2.37175955008892,2.4239436027374,2.6192816507911,2.35464162723828,2.5675569546335,2.47886301491974,2.16524315144619,2.81351023136914,2.66316413948701,2.37179338983754,2.70325661677311,2.39442524116357,2.41138859957585,2.5668724604697,2.62791235099799 +Tbc1d16,4.12033585609504,4.07666080329024,4.00179827807387,4.17451090089718,4.24800911437831,4.17222771484085,4.11933168945715,4.21820614086308,3.97044384400403,4.05208068886848,4.29852995728659,4.09510792555449,3.90037550209664,4.29481452520108,3.73889217579046,4.28527117562994,4.70579829073762,4.26912405128034,4.59046916945901,3.71654193594065,3.53914542254192,4.24419150906723,4.74347346389431,4.57554257954327 +Zc3h12d,-2.21410621420439,-1.06527098169282,-1.00648714412317,-1.9663387630889,-1.75035213710252,-2.14968142943326,-3.96754078443942,-0.688658596859581,-1.02620172467756,-1.04763014240515,-1.36743206252985,-1.98992246820674,-2.78126482465229,-2.90839470200177,-3.47528968589999,-4.46842910030305,-3.48270271941903,-4.46842910030305,-3.35498978794803,-3.04097728436053,-2.45415717803206,-2.89785773530878,-3.12826613661338,-3.39157343590697 +Dtx4,0.642751007525679,0.668046554569756,0.471514395710767,-0.118221919937011,0.500823128098409,0.765582249269919,0.224879592963002,0.947387710999622,0.375138477895375,0.239839249914714,0.307841394756852,0.570310108004239,-0.793087483252177,0.0291361459531561,-0.287211606057872,-0.365686387131169,0.170893527397212,-0.858741950892295,-0.47167933963842,-0.0227201225183165,-1.41201860565169,-0.661297717783261,-0.730896202217086,-0.3883146715687 +Ccdc32,2.20723456545256,1.8544526936886,2.30876465375773,1.84472874610201,1.91314499483415,2.05789674056016,1.82939662527854,2.3160923826236,2.06085928792239,1.94219298092763,1.57921837638176,1.93589807020027,2.65165071334911,2.33766616505867,2.68782008206963,2.43022581317964,2.44098386089951,2.47924876114245,2.43462740205751,2.57993239441377,2.42948319915611,2.5367076175335,2.316074713898,2.31138955266888 +Fam60a,0.288335191096698,0.480119586994347,0.0711207160797724,0.560889538895641,0.357349293879136,-0.0621328661337417,0.31197291146642,0.396880352326098,0.0838849205341123,0.135038277991821,0.278799327655784,0.0277389742240581,-1.00704029997574,-0.518364609048008,-0.836680069733859,-0.968737607287819,-1.11325511156976,-0.853688079842364,-1.28571689597709,-0.569082024469976,-0.50330689129483,-0.663633770053324,-0.895258993512511,-0.589836098503706 +Phtf2,0.508033377612725,0.421368532095854,0.111507633218909,-0.0023465421553794,0.743616121505942,0.731773754570888,0.645111366683669,0.0801060592379796,0.0942514351113886,0.483035988333418,0.715718933013626,0.550312023303563,0.274669713281531,-0.0767865646320995,-0.0937152127317979,0.467432098558656,0.151285102252262,0.107457280957632,0.305355765402078,0.222960367035134,0.0363311680963969,-0.0032373231729638,0.121346199549088,0.23809173306288 +Ankrd13c,4.29294243960729,4.1516329085633,4.206171277207,4.21015840719651,4.14644262187695,4.25504263874335,4.13771778796037,4.14461618176186,4.13667937464983,3.99425016474129,4.10537312002118,4.27696501897321,4.66540549034665,4.37522977969194,4.44513655884779,4.45810099530748,4.37166024123126,4.41995310419066,4.24788499104463,4.38836361643006,4.32124351921584,4.39108881446649,4.46974031756484,4.5193566616544 +Cbx4,2.67968736282476,2.7585866309244,2.98474721596502,2.8185902616677,2.7678597110759,2.60208173449786,2.8006688020059,2.72433869475078,3.30945601187192,2.66621021196473,2.67040790913854,2.58467675427096,2.40124630634946,2.79359712122232,2.67408448891026,2.81376690133685,2.64241377965348,2.47002942813451,3.09693298466856,2.44467776963042,2.86116800165117,2.70339361161776,2.92041473779194,2.71911674995695 +2700050L05Rik,2.57667293829287,2.84555141222119,2.60762663457512,3.00872302437779,2.85216276701762,2.69905318627133,2.94288217872011,2.47964626417213,2.769155258472,2.83973681263507,2.75524583870688,3.04884518943088,2.76774650365709,2.75964073869405,2.61551730398737,2.87537487258799,3.19186954447648,2.82666880232676,3.33679353988039,2.38104754211995,2.71107932818045,2.62648063598816,3.12187569094291,3.11167235990792 +Timeless,-1.04746599471516,-0.438178477229008,-0.809990899098157,-0.675548719556306,-0.700197524375453,-0.368065391447765,-0.329261630762381,-1.00160301687684,-0.689543711542505,-0.810627077872979,-0.550244695133891,-0.543186978183871,-1.0933717937167,-1.22029009524553,-2.10418699985966,-1.71017840064905,-1.26087132086595,-0.758013577493935,-0.755909207295596,-1.94073515501484,-1.55124160411767,-1.30488886454162,-1.20598079141153,-0.780338817445384 +Magi2,1.78741762538729,1.73876976884757,2.20726902756515,1.66734575874157,1.9324132463043,2.09074493171993,1.68683803493978,2.20155795151976,2.02260212652123,1.71413153491548,1.83359535953622,1.82563841415283,1.50437320726093,1.59545856801281,1.6078013815695,1.65430532621309,1.45040354405278,1.51898835924701,1.42854689801041,1.52530010321191,1.4074688101252,1.70889898829743,1.4836427525306,1.51705322210619 +Ginm1,4.71701677584396,4.25134005373202,4.76969108106763,4.51669303986053,4.06700904983346,4.23300011396976,4.22506197716007,4.63512982932437,4.50957088809193,4.28894545007705,4.1810448882563,4.22928225208056,4.97912638092464,4.81995626444339,5.23473883793405,4.78438988927284,4.40485324571021,4.86307793164662,4.42369168258468,5.23112738759389,5.01782707074252,4.98331603370378,4.51425404451285,4.51868398582447 +Bahd1,3.87010906885647,3.84912438516619,3.98342307668584,3.8185680132719,3.84593428740423,3.87862240388303,3.83746432291802,3.99661712253591,3.81176918056011,3.82580241967308,3.85955747869296,3.69383671759152,2.75162275054413,3.26532304768975,3.11069266274086,3.32629060950743,3.44100867936471,3.1735961617649,3.44207586902872,3.27104255908245,2.91972972259219,3.18664178741384,3.35705455977211,3.00065007777626 +Gnaz,4.92358519900318,4.77256891973011,4.65680045811512,4.79066371241784,4.7753577513224,5.01783542574128,5.03238606869891,4.63842999509913,4.50301996808881,4.74613701553574,4.83394739425853,4.82220950815485,5.22513845001381,5.32003833768068,4.90005632571519,5.26843400015963,5.35053002005549,5.1673857660871,5.37150430730755,4.99347135181601,4.96966332903642,5.24396116146674,5.39155590100574,5.28412443636162 +Slc7a5,4.24934763109492,4.39251115482796,4.81986474401317,4.59587754684039,4.20730788552194,4.14384948521482,4.04602482795802,4.76285626721189,4.60249102906183,4.4091503066909,4.12874256481061,4.19339029553603,5.85526077508304,5.80029292990709,5.52896750503991,5.67669326747666,5.72944011414423,5.77423233588221,5.7403446258617,6.33742563292613,5.29400524405928,5.49077166430573,5.84267385124498,5.59666427161697 +Ptger3,0.45359046302684,-0.306561970999061,0.0253407916037307,-0.642217615200018,0.273780460238785,-0.192231169033593,-0.0378477585355717,0.484630115793647,0.468551180089019,-0.473766275839871,-0.262513674166629,-0.0937043531784497,-2.35927912441654,-1.46467578485654,-2.44346175017309,-2.26240438177062,-2.86113870170657,-2.80645949234881,-3.43660116457615,-2.34813740319313,-2.84527815065129,-2.44738103581392,-1.83139185266502,-3.43660116457615 +Cox15,2.82761936754572,2.82616439055127,3.14066655012889,2.66158457031845,2.64423212909594,2.6059957544719,2.56812914603505,2.96330314072924,2.92051223593719,2.75206441776455,2.58409094148765,2.61184037473424,3.344999310931,3.07065093936384,3.36288177854117,3.19472781717126,2.81447608547055,3.05897020314173,2.88693050545171,3.36602269444632,3.2262631497802,3.13218784009343,3.05275863040428,2.82749221830703 +Lats1,4.45488284435263,4.41569321962403,4.39135270382645,4.29583492688546,4.35698518769055,4.44795932093689,4.34719673569354,4.57306686987238,4.52930770309603,4.36843830012065,4.38864656274278,4.23646823662308,4.50147422003852,4.46789140321906,4.73637761858391,4.40475662123069,4.52993815432253,4.53048190989822,4.42050193505445,4.56526923552736,4.56610222397533,4.40729025641622,4.43663780701147,4.44388458079717 +Rab11fip2,3.36338915375585,3.4493702272784,3.60492760725679,3.47709049728796,3.35848331077317,3.39687548037393,3.32328491067647,3.63354720673706,3.4692497905494,3.48393744177111,3.30440892646473,3.37581617557155,2.72749204472184,3.20166238291274,3.00950296807315,3.09405774052724,2.89164684878251,2.68889902652541,2.63992900995686,3.06672292815768,2.96333045812337,3.16523840913136,2.82619568614385,3.05101029136057 +Ythdf2,3.95301897153454,3.61528661710302,3.98583804497768,3.80508348618574,3.56782860620197,3.63901738000829,3.47280146242563,3.77758322580191,3.80120018557225,3.64652681456233,3.45854487320432,3.60518368931243,3.9775874549576,3.61535126073937,3.91787765101176,3.65370343137694,3.70948793687316,3.89654491520029,3.46435916844169,3.60562562738545,3.74082529441492,3.55090533072697,3.57131591053174,3.41193946449257 +Elavl1,3.96939383529877,3.71036990071391,3.84411489264441,3.58920082017688,4.01472544275886,3.98644252054336,3.79249971570424,4.00133883039766,3.73662449959657,3.4878141143862,3.90804722659998,3.76974836754818,3.81148580367708,3.50083437065436,3.82874789449816,3.43833246755741,3.8819896035151,3.82507859450888,3.65244823251653,3.87248023425905,3.59285503156087,3.43424531479678,3.96537586067592,3.66752874652133 +Ipo8,3.58591276761909,3.42482546486753,3.57874043219566,3.51780385219558,3.47365461660483,3.44224572919593,3.38659228078334,3.62822281488849,3.5187132568849,3.5489257714506,3.36714289934138,3.50182517845525,3.2640473468531,3.18067382892737,3.30981882632957,3.1300560384177,3.36573734382838,3.21556918929394,3.12000332874584,3.33906390814,3.11416064439255,3.12076348036443,3.33649458936151,3.27532683214458 +Stat2,1.19417279682038,1.63824325617898,0.620958356022971,1.65132587373916,1.99094173676676,1.76493124580247,1.87313474336066,0.927591972479883,0.993986226576586,1.52624980904263,2.07317918349501,1.46278788664527,1.3081544705561,1.56310148780434,1.2028243915532,1.64663200630581,2.24182989196149,1.6202761072395,2.33331353296866,1.20955585554952,1.22114436445137,1.52515316568812,2.14673847262643,2.13411780688326 +Nup43,1.81392780517745,1.6921706169616,1.74974348741789,1.75030505403247,1.35067404983541,1.70482607160877,1.74740105086589,1.98120410878325,1.85137069981658,1.99557894343028,1.14494709705312,1.54924171047704,1.73330853871045,1.1530481059906,1.29148436002097,1.05802866897346,0.898770275543462,1.60032478512808,1.10745722756589,0.906310498275493,1.45065873997436,0.50987907986851,1.37790489044726,1.0991025271579 +Disp2,5.25034793335782,5.54803810642104,5.1810043410571,5.16485870295632,5.67533825927084,5.54671710708525,5.29073458344708,5.80126740354514,5.23010686192523,5.24443698640962,5.64891235610923,5.46372937126649,5.82789412134807,6.16915034180939,6.11320699108702,5.88299050335657,6.1203876621264,5.98800452378294,6.19659687447618,6.01095843631888,5.7804317825621,5.85430524821999,6.24627046981517,6.01516684237163 +Negr1,2.31364602930094,2.24040181370635,2.32284608510882,2.04689291528161,2.30924899412337,2.47968218399391,2.01342252153236,2.61524473642114,2.31226750333591,2.03607859600863,2.19036566682323,2.27812874047353,2.68320853006706,2.57685032616483,2.8951821353587,2.50604125574526,2.71502516261758,2.93630308500403,2.38407583336644,2.88618190823368,2.72791301645048,2.74471491109394,2.71159242013433,2.65114430772892 +Ift88,1.97928531215621,2.45800984813655,2.41072362875818,2.25868862879716,2.0322451198942,2.13667604078108,2.17982837661366,1.99521818668551,2.38314168159704,2.2995585069269,2.04389269754757,2.16420232762033,2.71435037104949,2.75018160073961,2.75724450885244,2.84005540660072,2.78633511103256,2.70804973637859,2.49406036133622,2.98341294166245,2.86066142739724,2.88001892020154,2.59762740399347,2.76100137181161 +Rbms2,0.294848690367635,0.903424392823895,0.107714021851614,0.362175695766208,1.44829977542167,1.4415404153662,0.875647961793189,0.962943317316895,0.475194617413826,0.0638809011770252,1.11738449059117,0.919201201110336,0.341606558739422,0.136828072389747,0.0202030531093098,0.0830859991309203,1.50620697795824,0.619091327170142,1.18603525197482,0.149855949881718,0.277820888617295,0.29973521132786,1.2787050156516,0.740337243542322 +Orc3,3.27231116674166,3.41628667333764,3.0129521846027,3.2976330324254,3.36493582580856,3.18600504714839,3.39965147944139,3.09085855985577,3.2672008195683,3.39533620419905,3.20331003668249,3.32845577129734,3.43789077767462,3.28980714863045,3.19134224863266,3.12574517278877,3.13589118285826,3.3828699694353,3.05444937068017,3.27797614103906,3.26830123386042,3.23987126263022,3.17651948223147,3.27732070741082 +Ndufb10,5.70095295517401,4.93086968785204,5.67017887811204,5.49136667485405,4.98915092980011,4.92873303142952,5.2119160914189,5.40838289518294,5.38715147650749,5.58897025371168,5.30699167257166,5.29581640522083,5.68289503898658,5.34299003653049,5.55344093290032,5.38735780999592,4.94876901531109,5.4692591723157,4.97780964484642,5.70642546298692,5.53406335219807,5.52845035364187,5.07187976600362,5.31823186496356 +Baz2a,3.60508267160495,3.70644436704752,3.38769572864367,3.3373916971321,4.57562246926613,4.56904410002307,4.03955016746422,4.0607072917995,3.50952697205711,3.29874677263287,4.30277545049114,3.83143495379757,3.07864082840692,3.44543346286165,3.33243368035684,3.11595169106851,4.13588687367889,3.78377176835644,4.21759217019698,3.03663674653192,3.10173808888402,3.12128892733491,4.06061976425878,3.74632106541475 +Gm9769,5.10178867114559,4.55106543641263,4.75916484210856,4.61753337426087,4.79729378925281,4.83698882220162,4.57049933318434,4.68369664121876,4.5893704054482,4.32942913238163,4.83653346612489,4.87870511374858,5.03591844340464,4.26040683438234,4.79431767637505,4.53720205712328,4.78609952517119,4.83887620619175,4.48134251579009,4.86824995624004,4.69073862095136,4.40331446061493,4.755859806293,4.79132739641193 +Bub1b,-1.59237224322551,-0.824624417688431,-0.340717192636746,-0.869190677230557,-1.30273077680188,-1.2909445066234,-1.00289210523235,-0.949343527617084,-0.141425683850237,-1.32517309057463,-1.89545183962803,-1.40125046691388,-0.928001769899941,-0.58546588582785,-0.946326051515986,-1.26067025408798,-1.89624119865867,-0.427345763013784,-0.206682266905761,-1.72780990262598,-0.63233105819983,-1.77518587800443,-0.844606065396645,-1.0746423647141 +Bmf,0.94919609820079,1.79386719025939,1.88366042344559,1.5955601859123,1.46402266157133,1.4989108338574,1.63805559078661,2.032376862995,2.16035812310017,1.50722144350232,1.20166250729459,1.56121460190473,0.868671483396333,1.11541660549014,1.32992742977635,0.542950745977121,0.740949449524684,0.640468291919533,0.868663116133827,1.20875699164062,1.14676871598576,0.838961423781909,0.632533561314276,0.695444421538618 +Flywch1,3.79388688200334,3.97176330785775,3.83461741615581,3.83662388927366,4.14774461777373,3.99150695886752,3.92911603390783,3.826420712072,3.74111418149832,4.06125967794153,4.26633954000036,3.9588922746514,3.60690520537929,4.14105388730336,3.98472315229098,4.04751106634981,4.43058886334572,3.83946003381525,4.18938051793715,3.72348233868945,3.80815256863309,4.13063203202605,4.35228454359842,4.13877999339544 +Klhdc5,4.21604653753373,4.01472748464127,4.3769344004664,4.13087584818416,3.93070404664129,4.03123919093235,3.84823332219588,4.17356531669296,4.19611272533355,3.79070514661533,3.85104667747145,3.98774546045268,3.71857823749437,3.60977775322917,3.84745445311604,3.81745885818527,3.53395308336763,3.72004475514593,3.56194596143838,3.93704640073689,3.86463980228097,3.64694614574064,3.59842923087596,3.52607436766972 +Ppapdc2,3.39486081678955,3.16643670128893,3.24450332926221,3.17633080954864,3.04805609236412,3.16977049387505,2.88017290790684,3.03514421834982,3.15492405773498,3.23064123444149,2.8858447573807,3.00214574736108,4.00115310531795,3.93981523505582,3.95730797040538,3.78954882731437,3.7028644515042,3.82129447936353,3.47485077498497,4.21490974536895,3.84960614730223,3.8022909702542,3.53112448259344,3.8768282728838 +Gramd1b,0.833285526100579,0.871481193774951,0.866053879752266,0.760855238033002,1.38593330464847,1.50466077299721,1.15608840600519,1.2632294699618,0.806533696927139,0.770699878958126,0.897022947765529,1.04272652834928,0.923914055118323,1.33521257424242,1.16839482491093,1.11657012166216,1.30264968677055,0.965384148088945,1.55872327580836,0.692211920071653,0.816495974375921,0.899897733544394,1.1826716568258,1.34807351841692 +Mrps35,1.2739323890577,1.08200312663161,1.55662618486136,1.1335662175954,1.15227130609579,0.945377628965972,1.07341780759085,1.24482919243912,1.38126081772972,1.41132449702185,0.994118289988032,1.33553381619407,1.58355889878324,1.4162565215554,1.68569904520109,1.53745290817667,1.31954099015866,1.3309274661501,1.37201425999344,1.39258179945597,1.49046199206618,1.67008018193774,1.67358367351944,1.34899419498255 +Cacna2d1,4.79395995361453,4.96356882454189,5.05304242127948,4.66349708130753,4.78678422382582,4.8250402596272,4.58422473158152,5.02752089946382,4.83958673203131,4.74042110223539,4.71430099976632,4.76907390241831,5.48232478906797,5.33262489595377,5.89796473741164,5.54876089934096,5.22340968284446,5.39326859341829,4.96700877211964,5.6243882320698,5.54849097836691,5.43530044740517,5.14025233384847,5.17218958951888 +Rep15,0.353455554020697,0.868111232766291,0.430448746581021,0.702111901787205,0.742026178636037,0.983143844362291,0.341986697143525,0.837641149129308,0.0187765068843142,0.796956399771302,0.331702942402362,0.143300852022778,-1.25788373991393,-0.775171381772253,-1.0215143115844,-0.522360887311733,-1.03042305300731,-0.432713500849128,-1.67363481240111,-0.633457306028621,-1.00184887486453,-1.02622323019753,-1.31999409552798,-0.419270406809694 +Zmym5,2.92860319927854,3.16323052842792,3.00308237844786,3.06368291427647,3.34948314448934,3.45680049065769,3.27584825371043,3.11250476081854,3.14015846569852,3.10334063374682,3.24456972482892,3.15914487079028,3.04298977935653,2.99832890233414,3.12341079129128,2.88861338694649,3.09115470195747,2.95037151766144,2.79524544162745,3.12415789090522,3.16178035332034,3.15531518109082,2.96344131837069,3.12498557203722 +Gorab,2.61328930749661,2.93327578561079,2.72743142445858,2.64510060875999,2.69402084881397,2.64762515955675,2.57766478975426,2.81122186880651,2.80432392952348,2.66804408434425,2.41852230552223,2.73803507667712,2.73946733784897,2.42308711014418,2.58581898466777,2.39523761447043,2.29923017809904,2.56035214475953,2.40849304219714,2.73333432216104,3.00420564530943,2.61299972320197,2.45044885269317,2.29292260575991 +Pnrc1,6.77427972269565,6.52747918460874,6.81449863829783,6.28855841227752,6.20514842714999,6.50356802663173,6.34437097210542,6.90590587495894,6.88186000511009,6.36518307072857,6.34762156224955,6.43386108200827,6.58095279469309,6.40217491440014,6.68331079632275,6.22384175283476,6.03283729765403,6.58488688245952,6.14528572200524,6.7649721624928,6.57646025624575,6.22245007114833,6.12836218497028,6.10062688685316 +Abcc8,7.99788809981975,8.32899233404853,7.94187301517689,7.9852380370513,8.40392197915423,8.47856951675491,8.45433296256427,8.2675656699945,8.02869626608352,8.01892539447759,8.44430996898818,8.25214429572619,7.93002376374503,8.22883675476595,8.16476395953119,8.18968877698041,8.30646310649772,8.10873192910832,8.44207883517681,7.83383827460097,7.87215418529768,8.07640037923962,8.32165520569801,8.20723690105216 +9430038I01Rik,-1.07921694422836,-1.54590325050309,-1.05937339665454,-1.45864501878846,-1.65743666581866,-1.42965756949819,-1.04927694169157,-1.63908043143365,-1.10429974950188,-1.46467556830024,-1.45123849820889,-1.54257771480044,-0.937667860350077,-1.11295996047919,-2.19666421393554,-1.33929464320516,-1.66318988789706,-1.51933579745249,-1.16105489010291,-1.73405020137583,-1.86883761648411,-1.8170896805704,-1.77127480500745,-1.66502818878924 +Tdrd6,-4.00705926884915,-3.11348233323126,-3.81301422516794,-4.29537296537855,-3.66548066956615,-3.86194423709801,-3.37805079558186,-4.62404174713445,-4.02205197392791,-5.18148767151844,-4.26174466514962,-4.63816970102302,-1.45779023731048,0.614514148394731,-2.60797767231389,-0.249247238946895,-0.508623751920844,-2.0657822599827,1.06744051559987,-0.695866268351766,0.0849411123210184,0.704125381846411,-0.904872654674794,0.988512455283421 +Rgl3,2.72235880607378,3.6076824396428,3.13895781620982,3.18681778022334,3.6393279102072,3.4030849964855,3.89734155214559,2.8629852620112,3.3118718564643,3.63811292920933,3.82065988776383,3.46400133263034,2.75893999578186,3.17566196974379,2.36200400870599,3.03210211686634,3.39915888142697,2.75789186509708,3.3441284409071,2.55557244320399,2.72472168457001,3.01484666909203,3.50302604294358,3.21798064575619 +Maob,4.70056964629161,4.66340142294756,4.51381160813742,4.34201802324356,4.47861373374543,4.60814658367351,4.56346709737094,4.62564304111933,4.80380676381215,4.55935536695076,4.48192580491009,4.79861109388657,6.47747201532045,6.34169587586809,6.28975771428883,6.1445091113944,5.88840802059677,6.35227226272601,6.18698875693905,6.4291986269757,6.30710540734605,6.29267016750307,5.86502628484026,6.26417110918747 +Hs2st1,3.38625884429884,3.2726048384856,3.71224860151645,3.18400619771578,3.23117360082849,3.27672304177015,3.05103220797532,3.57008365450858,3.65612803674749,3.2645078170996,3.0500517106962,3.1198325009748,3.27252324525752,3.32050386010136,3.61048299935101,3.2578955379072,3.22841372571179,3.34243421763719,3.07430062772768,3.42513634975756,3.34302123448616,3.40169283377866,3.00421319458515,3.16265513061701 +Thbs1,2.16661449599638,1.74418142390249,1.66673485611787,0.972149522061253,1.29034570655703,1.87144171960384,1.294423536144,1.79196431433176,2.14408463381492,0.994300983083787,0.284441288959262,1.20379145463097,-1.30204624331974,-0.272020241102968,-0.691463422980692,-0.848059749974077,-1.66768719685223,-1.1415788034732,-2.07632508079664,0.180123392686584,-1.03919037883638,-1.07711765120057,-2.35359329296715,-2.25294923882462 +Tax1bp3,-0.270650217472361,-0.15738015545882,-0.549878906642177,-0.51424424002726,-0.863841788727365,-0.944552695983611,-0.930931563396977,-0.624700681024637,-0.393615258735862,-0.8089115675921,-0.697420874040959,-0.734467262744585,-1.35718880873496,-1.2723477951031,-1.95137689904492,-0.846832208122443,-1.96253748499015,-2.26712487074128,-1.44169136943737,-1.0939564666227,-1.92680182516595,-1.95727391088464,-2.11203662838294,-1.82727299954406 +Ikzf5,2.71509610344833,2.83323499506157,2.8444075830833,2.75423216046746,2.62987515039242,2.57028227080185,2.62632139215,2.97037374523954,2.84117416879109,2.75086882434782,2.56973982691219,2.72607473412882,2.50545097034592,2.44222979482598,2.64490285362888,2.49099835539833,2.34413141375,2.44651151270007,2.21786791320584,2.49803944078665,2.57367179673137,2.5185635843058,2.49402114609331,2.54882803067556 +Fmo2,-1.53992833784614,-1.31010300637788,-2.31006128622708,0.14627983226369,0.405220866055433,-0.312839856558492,-0.362106017159894,-1.73725026525654,-1.99092663461406,-0.0156823089552889,-0.466687314660382,-0.706325023514278,2.60721575885778,1.03737072959578,-0.597697578778012,2.99123150642987,2.69728624887265,2.1743510494959,2.34437883727963,-0.144281092891257,-0.259814783241501,2.44510724232582,2.21980375383877,2.35506139884631 +Alkbh3,1.73225455623793,2.32068938714405,2.18388759980152,2.33621544069954,2.01232933801113,1.97126374899055,2.27654231689046,1.70698835070881,2.11540121233004,2.31288685642687,1.99900383834233,1.98860031564949,1.6673588123828,1.78227655812139,1.82498678637993,1.98060572288511,1.74179050236176,1.64843972201499,2.14715322524026,1.3833683834158,1.98524442110594,1.82672645102199,1.99637676340747,1.83534485442637 +2310057M21Rik,2.66649911951071,2.25666774755057,2.09063156457852,2.41787502083083,2.51805768534816,2.39491426334187,2.30459266413091,2.02423558414604,2.42361902644831,2.49442881042702,2.55784206285005,2.53500450343706,2.04866367097269,2.0401333306337,2.25979093484825,2.00327096914399,2.41790766399949,2.33528590295045,1.34625869858313,2.11949456002068,2.06511918630596,1.9465163564113,2.15095003208168,1.97808921383829 +Fmo1,-1.05536319935267,-1.12684709948686,-1.39903147074625,-0.369174229340043,-0.317496088800387,-1.22204837963935,-1.78922589796484,-1.73090949003962,-2.00081784486488,-0.920414860135477,-1.09295503794696,-1.57840894437973,2.15027918334037,1.06668247499662,0.248269532172842,2.60863899839971,2.23308555202923,2.22599590099589,2.31990584468045,0.454272465165891,0.195680704142113,2.1845798190282,1.91220690488741,1.48821642682962 +Ankrd6,2.30690700845227,2.47859968838491,2.49719041231901,2.49700129351664,2.08877848236484,2.56806137717993,2.53056303591295,2.23925430348482,2.22431595493238,2.49833625691242,2.51594610935583,2.46708919422136,-1.30536823994748,-1.00232169369708,-0.658277252585738,-0.484072960528711,-0.994022156903544,-1.60100348749101,-1.1210004628513,-1.05248823910012,-1.14213800401702,-0.858254689741219,-1.29541932124214,-1.18489237630179 +Arntl2,-1.18217702238897,0.234752048418027,-1.08828302258967,0.425993081694497,0.430281351531755,0.426849804046454,-0.211874096846988,-1.22617171878765,0.324128921254899,-0.0015373639557001,-0.0291986736784915,-0.223167032928508,-2.88435856377033,-1.29295465159609,-1.16610673732812,-2.43310523746074,-0.665547581173245,-1.68845752002182,-0.96499366304043,-1.83093933454621,-1.24514939840668,-1.97788076737764,-1.02852415017985,-1.67390764298518 +Scamp2,4.72141186588695,4.55096316258313,4.74536945137371,4.54321466536098,4.51900884509707,4.47628069725804,4.42234122892353,4.7453940704805,4.70206464385195,4.46182610234884,4.44648889646185,4.47549404404259,5.18569283129519,5.05172120872438,5.19378096217359,5.37695649447096,5.18858296924734,5.22389890272668,5.06827681622289,5.28506299013496,5.12216011693546,5.37713029330655,5.23607727639241,5.01620925059804 +Ccdc114,-1.06484911038454,-0.0218437578681345,-0.711286225398633,-0.2172742467336,0.0275732759278369,-0.202501824304356,0.116044109898124,-0.741151588565939,-0.413452854714243,-0.589574290390153,0.234977137721198,-0.187674398363238,-1.4876121487182,-1.26176537761921,-1.49122765746587,-2.00650247415274,-1.19712956120173,-1.50496796360867,-0.415289697628716,-1.46851604478279,-1.26871981351799,-1.19063161281189,-0.75514200777967,-0.873150149421653 +Tmem194,0.0344209912203803,0.801583003198929,0.746691865450373,0.447826670517244,0.363339782648884,0.164635905787888,0.557352977030876,0.358865693736912,0.42501153945563,0.296700677593376,0.266855709651727,0.251683635928317,-0.95096796826391,-0.263121875372142,-1.00327948907796,-1.24931004622351,-0.920301518739977,-1.16284748558031,-1.25677792440072,-0.550421590703447,-0.843649398916694,-0.764793674970307,-0.895646879550656,-0.571653629867875 +Zfp704,4.00534046349588,4.15346361269166,4.09662886324178,3.90766200925257,4.25462155764637,4.23852926783211,3.99652269223938,4.46208515442726,4.03030013575294,3.90038748137993,4.17873706472884,4.12082683425333,2.26687707565956,3.17632872531166,2.6003111120046,2.90943527687261,3.03682091001126,2.52363479337316,3.05012778056403,2.5483115841625,2.54769488352606,2.78010379528542,3.0236483502131,2.91440544993246 +Ccbl2,0.351215512415665,-0.620681152859168,-0.430871092137981,-1.45816209134006,-0.595691304448872,-0.156589724675179,0.42683856458769,0.0897991733485954,-0.136556967529597,-0.828090248709378,-0.65023480868516,0.275129279198331,2.10695341590562,1.46248811299107,0.807855780891188,0.256466961663338,1.40406488904252,1.62782231924096,1.46231353336573,1.52943555857132,0.415376650900744,0.800259043849631,0.926960108453083,1.7100358955737 +Ttc12,-1.45108239461371,-1.57441743351313,-1.15449630404555,-0.599029010424678,-1.55021757966324,-1.02575958643244,-0.70949356033374,-1.37284421563747,-0.900158119853583,-0.999687629793886,-1.23567352497126,-1.57119779260276,-2.25721309210838,-0.879883132731063,-1.09875768644124,-1.34902612850883,-2.10969044031148,-2.2724680609322,-1.90501534563066,-2.24040294622118,-0.827705937740337,-1.17293953845612,-2.06145052664442,-1.41376669175135 +Gas8,2.90774523587475,3.14407465114239,2.90332263672166,3.29659926890135,3.12641680166495,3.23365639319389,3.3902195746188,2.65094175262163,3.13013953135229,3.40693432652264,3.35575652481942,3.00813838378799,3.29257002911848,3.07356070560888,2.82409847256474,3.13270932837486,3.18624996694947,2.98733977199715,3.31862218553115,3.05654321494501,3.14595065310586,3.23877756638166,3.26754046225086,3.30782984728624 +Prrc2c,4.08966474918573,4.53551065424554,3.78787661813621,4.05814362901612,5.20776511109497,5.09795389951136,4.76533603304102,4.38692201463865,4.0137704262317,4.11162930557154,5.09307303495013,4.58629541578361,3.40356148572698,4.23734286866478,3.39983590518665,3.95728308392967,4.87994814167597,4.03566123945385,4.82246450847565,3.19964513134042,3.59709577863027,3.86768626527769,4.73964575070466,4.45237329912828 +Tm7sf3,4.02460670669183,4.27068927662272,4.52753020553416,4.19017653567872,3.82763162645912,3.77365937595489,3.90453418075872,4.30743201098951,4.29872939503641,4.27284325135239,3.79835265431028,4.03050755208827,4.36387590817494,4.43342138328987,4.76098231688001,4.52064646025976,3.87432566958855,4.27420480466511,4.12076376666516,4.67256271703851,4.47536931819628,4.67681052649363,4.13668048964501,4.05753108289568 +Trappc5,3.40778967653764,3.13632405396095,3.32071176192505,3.25914032276862,2.85205233253943,2.86385062854567,3.28114963287735,3.3565380566982,3.24407369625214,3.25936529164365,2.99697402465332,3.19057086461041,3.53277502333759,3.14793863478842,3.33198911784773,3.26087145658307,3.14455545718428,3.20207586900309,3.20048790756035,3.33115140032959,3.26920508678544,3.15764307084377,3.12125265076397,3.53189426099775 +Fgfr1op2,3.5998867034151,3.52676072925826,3.6068018486261,3.59637621351188,3.56511372010834,3.60208768353576,3.47077502192585,3.52883803380047,3.58978212155659,3.71427957931403,3.64922011505023,3.57710493614458,4.16642392261316,3.92891991195542,4.10779557826586,4.00464608337845,3.94644899905202,4.09234468216211,3.80374698288608,4.17054729123319,4.09275222106038,4.01119419550957,3.79693363192388,3.95176528622612 +Lrp1,3.6257528059511,3.93742689865468,3.60239030727258,3.63165756178237,4.31662993953416,4.12824192299129,3.93333787960209,4.07662639699582,3.65481922765154,3.70347964270899,4.16085658183609,4.00095227719934,0.486542787964591,0.904718693168637,0.478417061366452,0.18622838220436,0.717492433590259,0.0721770658472609,0.553935755822803,-0.130697863559066,-0.129614927524961,0.534476858207987,0.511174037070828,0.263070978794811 +Spata30,3.46049708648782,3.45774632516893,3.26820891822314,3.52740822077786,3.50260128863514,3.47739001950772,3.52701262555573,3.16791603167463,3.27964300729091,3.33544063278646,3.51486639231683,3.57819132421822,3.37202565807068,3.2961308558207,3.25254047912622,3.36686514401805,3.51989346874599,3.37884858620566,3.53722112971749,3.15357120379556,3.50960412039019,3.38284608741575,3.53318140728674,3.48955067711309 +Gbp7,1.66142768701698,1.99428416430496,1.72532357475839,1.7377030453122,2.00426886872663,1.510381968602,1.68762994421895,1.51703545687184,1.87474583883836,2.07757269411954,2.30978173880767,1.9627785906287,1.1965070015657,1.35735193829559,1.04687763858073,1.53511234788539,1.60482464901564,1.23755343222004,1.38101402491818,1.11580826927769,1.19551422182356,1.57045895238117,1.74242034151871,1.43229693155914 +Klhdc4,1.79112011021486,1.9204118345237,1.41453085526864,1.98254148589065,2.37292736055848,2.10483188162446,2.38106190094778,1.4002468591297,1.47670274246827,2.05861339805254,2.57471090934732,1.89014441351753,1.63116971439466,1.68598010968552,1.43161782551165,2.08992207204595,2.26187974617187,1.95441202810976,2.46354465229613,1.45176370373734,1.80355361330057,1.96989382327778,2.6207575584843,2.33550729378297 +Dnm3,-0.0691960131910943,0.242413588673654,0.356003452903542,-0.542605686641029,0.609004473144134,0.66742002707974,0.390100957085023,0.77623537962088,-0.0521253411500293,-0.223040548512443,0.720145218963432,0.219782503477767,-0.123768511659823,0.185652389615159,-0.335187240352251,-0.895447827486354,0.614262989772305,0.227568646982638,0.483025975594995,0.379125339298485,-0.194318433070801,-0.571228825890496,0.575950735647169,0.535942540537445 +Plekha1,4.87799819821369,4.89023673879649,4.69573236372833,4.74243167485877,4.86129877523089,4.82466026276706,4.92160102852408,4.79850894202307,4.7832915618976,4.68146822803666,4.89268971971828,4.92918242368875,4.24181240481336,4.09387338035353,3.87161508931394,3.78580697750755,4.06358323309179,4.06386692099696,3.97719546023858,4.26572665026003,3.92918348077129,3.87784683964423,3.86225000526733,4.25316667770147 +Mrps28,3.65039271893452,2.89924449544342,3.53146220111361,3.33871161631783,3.08272021983007,3.02562578138929,3.20664173433447,3.31384739741747,3.20143925294736,3.44589804690804,3.07159736192917,3.26986732647188,3.80362243874152,3.3598926981627,3.73738011720634,3.5697719295797,3.44348772145404,3.96572676651483,3.728205262346,3.55832147680876,3.76982937594855,3.69578356251508,3.59592357927553,3.56212906914739 +Bach2,-0.924975794030011,-1.1949045466774,-0.934083088103279,-1.55072366593161,-0.0303381434124814,0.0779356023424156,-0.620477678626818,-0.882184437593636,-0.93660751448961,-1.1076216609367,-0.404837903526835,-0.877925600243638,-3.83195905730294,-3.06131681229659,-3.58687802480266,-3.41108411886368,-2.44440017809406,-3.25415164411953,-2.1637793448691,-3.54616296927177,-3.01075084897992,-3.20730349143751,-2.7887173147222,-2.6794286967385 +Accs,-1.20849098211581,0.172517956343834,0.0416942357156689,0.122905850802733,-0.37751068349096,-0.0032231800934461,0.0528464868970571,0.0156650789442656,0.0530685721410813,-0.145149980526443,-0.319520082272907,-0.0435763923885446,-0.372781468824532,0.645916308754834,0.40637250963913,0.570640266669056,-0.168148753513345,-0.0119255591389495,0.373731811230801,0.117342181771264,0.487894641238629,0.682349660155238,0.233412192273648,0.0958256749909396 +Cdk6,-1.90517522050959,-2.06395366995243,-1.21355472237256,-2.14581120759318,-0.424465506811737,-1.96219395593843,-1.19832027332429,-1.18559358125685,-1.01252178041779,-0.619737073104532,-3.0558719414234,-1.22485682330264,-1.69705668810624,-1.98897936222145,-2.70513384270863,-3.57754317488982,-1.84494092227939,-1.71304266901494,-2.31413441817969,-1.97565342818909,-2.45999120587087,-3.70315674976246,-2.45190450775422,-1.83793595796904 +Pacsin1,1.64487065327229,2.09521918993326,1.76562380103811,1.86967457821253,1.94670898718361,2.26485480615376,2.106048948012,2.09307118548636,1.89725447448885,2.0759623294632,2.12275868267687,2.0037952635794,1.62788241650867,2.20751719042252,2.23716378359369,2.01575105070063,2.08969556090688,2.05754990570067,2.43717065677632,1.85065365145637,2.04117360850836,2.18023219760383,2.18083120639807,2.14939360256852 +BC052040,0.883163561961057,0.944115439882299,0.733288163671474,0.543150276402576,1.65216586492032,1.48476507446906,0.980499511211712,1.1874382514736,0.856780095266424,0.401714816661799,1.30349270694318,1.26908912109077,0.0248761523256604,-0.18946923475079,0.0604637377142696,0.125406708172428,0.782641951321991,0.766384253478201,0.830760585573454,-0.349664808242127,0.461264868391694,0.140318733556946,0.858054453750177,0.844104900982753 +Ddx58,1.99391258548096,2.2323282991329,2.3931684152734,2.2920228811468,2.2364839649793,2.20071740258999,2.02171526788527,2.24109303984578,2.24439186452749,2.24626197716027,2.08300513968479,2.18884343539584,1.45389176504901,1.56511590095857,1.66531206587576,1.67876646118932,1.65050679788415,1.51338016824544,1.32237058167956,1.67770800156907,1.63420974359882,1.73614091526034,1.73361976062963,1.58404620366286 +Suco,4.65230925937169,4.5091609807809,4.72252336379742,4.54990176303756,4.32393539676056,4.46225831469169,4.4197330561477,4.65888149219855,4.73865105628886,4.53323352192259,4.38909356514888,4.48403009987264,5.35055953803118,5.00930257345584,5.33125027335037,5.01023273706679,4.94851215134787,5.28585256504448,4.89325388574779,5.30979477286202,5.20557085449897,4.96189863077349,4.90418244676581,5.05069108885955 +Rbm48,1.8351874132228,1.94483416243486,2.07273519283293,1.95585037893545,1.6853464075189,1.63069511995172,2.00316366636807,2.086672000685,2.2090302716149,2.08647742018464,1.85737059931875,1.92663453441977,2.11077627380462,2.12241602587918,2.38999647396593,2.28720405656426,1.98033171345015,2.43517306979532,2.11768691027607,1.77327968118819,2.41369068589702,2.25591257485411,1.94445961136545,2.17872320904622 +Cchcr1,-0.680536875847536,0.53567124896859,-0.102796159932725,0.158063120128703,0.64406745224806,0.609756554846458,0.730417828082455,-0.198259049666919,-0.387113410759261,0.482553517865554,0.452606781419956,0.22229638842985,-1.23206870056559,-0.212410770578841,-1.13019480884973,-0.0886880534895873,0.439499133818419,0.008920207730751,0.641459564171227,-1.08017948386097,-0.421420062689384,0.1949288507355,0.0751473524430071,0.241486621926444 +Zfp770,1.17715422348484,1.32100772347145,1.57259469058098,1.20957428347458,1.08407878222736,1.08978563929844,0.967164400340061,1.26707124477676,1.38978853979987,1.13631417380867,0.901518149950154,1.27865337357118,1.0116795184828,0.956473166832134,1.23599226787365,0.572070009694515,0.475792321705007,1.01532008332319,0.44574170568556,1.02106188538052,1.06320116787113,0.698768600043912,0.774657618440457,0.829175097404315 +Slc25a24,1.7586909078872,2.18855387474633,2.36211698119004,1.99187160450735,1.15015102474533,1.7386939381574,1.33841042292898,2.32360515896005,2.12049305979765,1.88414021569762,1.19045546560876,1.72204025519202,0.760247498453069,1.18088418571806,1.20409510339547,0.762200417295707,-0.0377919478746476,0.540693032656298,-0.0281309841203419,1.19719364034506,1.33796066227373,0.64645255387213,-0.653068953973446,0.0008616593635 +Gm15429,2.23729459024336,2.11685212145226,2.26215208796075,2.05705178807602,2.006664008565,2.03949015442359,1.86285340651698,2.27601960262019,2.16081918838844,2.219275658072,1.74175081132861,1.75866566543413,2.64803484207142,2.29452393399403,2.37179334561437,2.86070211178869,2.15888507472255,2.33095354862183,2.44627898526973,2.68101733367008,2.77539106730759,2.45382540288945,2.2317124919168,2.51918251726839 +Vprbp,3.62355996278034,3.51103163653953,3.60757611935176,3.58839131556595,3.33774941742438,3.40371950909326,3.44113794947874,3.45568972567614,3.56879977678576,3.49867408819329,3.35876614411744,3.48471855279069,3.77870216645938,3.33157195718812,3.76953221212151,3.58598349134062,3.40269863275155,3.71661704631468,3.39727324751958,3.55994724099797,3.69945030472815,3.47093525121716,3.42351420321152,3.54602955652289 +Cul9,3.2296487175747,3.6650385093847,3.20366550408372,3.54585501367636,3.83404249632513,3.75925562444925,3.80030951446047,3.48412777938825,3.28982810113376,3.56890329427495,3.89374824773174,3.53909721258948,2.71974479705214,3.33129321181712,2.86509669968221,3.18029042226489,3.52885732948955,3.00008044774187,3.6924569957212,2.91177949106743,2.66512713573464,3.25568416459911,3.59377486551977,3.46150110285376 +Nsmce4a,4.144786119664,3.9469288029532,4.24808706558299,4.11790872077946,3.81578225603694,3.99925210310676,4.09495760146451,4.02656599182312,4.26848127839473,4.38424709253537,4.02795478365239,3.99158113943884,3.98913244987518,3.81684174265884,4.05540579955138,3.88409402170834,3.64261464505816,3.75003104008298,3.66382909925139,4.00635483790026,4.05214425157763,4.00838657847609,3.58643776136586,3.85369185066652 +Fam102b,0.271124234111467,0.0862441960864899,0.223948636772324,-0.427900070113966,0.0481168000327536,-0.554728329669119,-0.273279124003631,0.0456512397739259,0.261850431660974,0.443172637631984,-0.506967893549263,-0.38140717672674,-0.686474060786989,-0.294172434932509,-0.493657486878552,-1.11087876280091,-1.50649425492209,-1.29341638282011,-1.14845925360157,-0.35143494068568,-0.462462457824401,-0.805774925566416,-2.14678949712749,-1.56902967267961 +Trim7,-0.764229417310042,0.882418565958154,-0.136126911955786,0.554153509235356,0.49514281411592,0.274930188325464,0.507317724379174,-0.326182500070851,0.383632516133798,0.420860640156583,0.625515035238274,0.51692405863625,-0.634118738464597,0.615822920846403,-0.14581227556097,0.671584278926602,0.117767241976868,-0.16611693151237,0.0508097052728127,-0.566164420122753,0.25060808970802,0.389768275904125,-0.317566210282457,0.132514443220789 +Ankib1,4.23424768874358,3.74860184150621,4.17179460119151,3.95091480501667,3.8431551183969,3.91061917670856,3.85996090396155,3.93668609667774,4.1044716250587,3.95209558968979,3.89158353103293,3.87921818474352,4.30113057907536,4.0152363370169,4.3417931914154,4.2225568169411,4.00367700439696,4.10859379550648,3.92950446038939,4.23686921031517,4.24793809128695,4.074785996806,4.01153148937774,4.04448472457005 +Mars,3.69687714414888,3.53243669280665,3.77581273109972,3.63241969516598,3.51066588569053,3.417793068871,3.59031557721537,4.04387622861369,3.55126686568298,3.48632306369791,3.65589122215359,3.56174613104752,4.91762083633995,5.21276937293368,4.65534865917423,4.73324142150007,5.11080912916884,4.9804243582768,5.08716315085743,5.66338378124989,4.24421229021887,4.67145761560337,5.34166593537341,5.02130343303859 +Skiv2l,4.04477607179496,4.39448318396432,3.94869675620926,4.20128492851916,4.503022782589,4.38273866029536,4.41059172554061,4.08794762902449,4.08359229672382,4.22921397503361,4.4993024309068,4.27964586423947,3.79550350700684,3.99493192902653,3.76492540282061,3.90461996842072,4.32947710132008,4.12161756696633,4.50585291536162,3.50012195370517,3.44290437067329,3.99521148897629,4.47116659873466,4.34781427969512 +Ufl1,3.3907826266307,3.48035443842538,3.6051116319283,3.65165496652217,3.50020074340703,3.51841910512877,3.39044392134516,3.46908264992079,3.49936922626134,3.58154419952082,3.61231601222722,3.54291238893525,4.27624413964958,3.95759951861511,4.26529839348919,4.14362225871603,4.52031995153817,4.24752717623436,4.40130459912524,3.82016533997131,4.18098729566005,4.14966666672411,4.48499839173776,4.44923359599078 +Bcor,3.05559701508903,3.26984539268161,3.10359163689149,2.92008737231098,3.40884456406297,3.36635029813077,3.22499200122977,3.41916037262181,3.11439270246812,2.93297170308492,3.16820908522523,3.15794296647667,2.68361710783497,3.10646465819288,2.70453559839947,2.96666534026941,3.16676882675214,2.86182228111986,3.17861006546619,3.01234347345642,2.66766051261567,2.86938287607315,3.05924842319472,3.13945856260055 +Trim41,3.93017068533103,4.33126736109512,4.18863146460923,4.29369273135603,4.00543420806758,3.8915236354893,4.14953694208097,4.10911592282318,4.23548854090873,4.10621676202017,4.04353193644589,4.00219069462219,4.41994929136545,4.64721458761024,4.40917866700051,4.56907891566517,4.58924558161577,4.35229877543144,4.67961324755883,4.22920424953109,4.66743745197909,4.78095752878133,4.61512584931637,4.6164186912623 +Lyrm5,2.99589160083226,3.35988593540359,3.7673550211294,3.52986609256485,2.96948693735995,2.8837676673583,2.87991172869954,3.59919900992319,3.50859047193005,3.42093808430928,2.94025681375836,3.11549404660729,3.35922044161086,3.06068981186763,3.14415281682906,3.19300482995228,2.62986656940728,3.00374891907436,2.464208099455,3.41375920672205,3.20567109871393,3.06419008219975,2.67982651253989,2.87133320281849 +Gpr63,-1.0354165645752,-1.00978490602462,-1.59739788395689,-1.18667506797567,-0.491784003613104,-0.177395913472769,-0.472995726224487,-0.105456932338458,-1.41185881067471,-1.21010068553135,-0.0913355719013744,-0.704698161695916,-1.26943640215256,-1.10665932806876,-0.601179582463362,-1.38969317847809,-0.100927381167802,-0.104008963010466,-0.615244866446342,-0.924113380306527,-0.876819870138832,-1.19223308964008,-0.145579876680613,-0.384798977025055 +Pex2,3.88881201245481,3.60977495695958,3.88975467220883,3.86710546583387,3.67829293455274,3.63185677792143,3.64848175957559,3.7816214936153,3.84787750527806,3.90543641748996,3.57717788611282,3.85928269402091,4.82529499643985,4.30419853871197,4.57661840001307,4.28770638507712,4.5846554098725,4.5584420622722,4.31734388628242,4.30287664289563,4.46634256376296,4.2124324162845,4.46045700392069,4.52697414296448 +Aqr,2.85214544980724,2.66285599187468,2.71033221349456,2.52685305631276,2.80726204522515,2.7858228793155,2.58748962631514,2.81823678886627,2.78600884891115,2.53068422725943,2.74212743942384,2.5891221332084,2.95725652513824,3.07732680998611,3.23470983040309,3.04818514613374,3.16106500159125,3.18293019523036,3.14405131318426,3.1735572351233,2.8775778583381,2.90429235316136,3.1722144989728,3.21122378756428 +Ppp1ca,7.11379178652957,6.69198274984633,7.05254449646651,6.88093926744146,6.52573870766159,6.67382735882814,6.64403713635693,6.96509589673845,6.93563494841113,6.84671018283737,6.59115277341793,6.82283001940214,7.09121269924482,6.77408355234809,7.1117826041368,6.81017101632773,6.70282135927035,6.98491594220823,6.73866551652748,7.07536167570815,7.04959151448889,6.95989976609563,6.73168997204301,6.82643088278823 +Klhl32,1.42170209735478,1.68997306210695,1.25800186681988,1.65371398966661,1.97262552284764,1.83143470381685,1.97870233528272,1.54929100598364,1.33180791873508,1.59059395849901,1.81576387993283,1.97194866435402,4.12213369951368,4.21521612320021,4.29068497507315,4.17142291882558,4.31841799512297,4.19829895475501,4.36919158324883,4.20177889241907,4.16982035567315,4.18374898619245,4.32378971343503,4.26200808472047 +Wdr47,2.92673016908203,3.0389641840765,2.88081311241055,2.81656881291032,3.01048550401314,2.94332839840326,3.08264065945753,2.78600396420328,2.95031062845966,2.70260148041952,2.97359951613866,2.87116858936287,3.08205032637585,3.10396338322749,3.30160129563314,3.08140230697463,3.18364207825558,2.97638498766973,3.05083542373249,3.17020870964377,2.91231275422794,2.99578162225067,3.09694318311354,3.06194723386416 +Map3k10,3.4084990077435,3.39599277416748,3.31210884247308,3.38237874343715,3.4867900518433,3.5843005243244,3.62217029265791,3.1804663426947,3.26754322580381,3.47069837389739,3.67862009472484,3.53685255388705,3.63318787434894,3.57875780553485,3.36573292281071,3.54573744955108,3.86800216374081,3.68215624607102,4.10313811602661,3.34794958571018,3.69465307439733,3.6647323566632,3.854441099919,3.66527832288712 +Abhd13,3.84587559895833,3.63039277894955,4.14491518600215,3.74845814027029,3.33316818298639,3.55552890365879,3.40431273364296,3.69236530528279,3.80784050453823,3.650600948452,3.42430841613295,3.63407121453742,4.36719434738604,4.13349290603816,4.44237167350134,4.31087444016823,3.90991467181731,4.25334332593017,3.76361911343594,4.47300272032864,4.33953100086914,4.28537117926745,3.77253768164818,3.99322894217642 +Akap9,4.05848138823789,4.51613571585411,3.99935677659564,4.35453387604078,4.5873064766578,4.54736493265545,4.54698696093145,4.16023010584342,4.17751600351158,4.34538818278572,4.68563676547797,4.50169916772242,3.92382751052105,4.49134189448054,3.62018726860981,4.35243331863228,4.47972243303506,3.91689304562632,4.4529753696935,3.59630465314282,4.08073535447295,4.34239934781427,4.49398294655095,4.51032023932631 +Fbxl4,2.600563922435,2.46755641283012,2.8451022275919,2.65843082927445,2.33337810583945,2.52785978527183,2.34890723711986,2.57950123428669,2.67953200689196,2.63122318354935,2.3736587687957,2.33381382696465,3.29320584791682,3.09459734669785,3.3925797986652,3.33778033195019,2.81603900689655,2.96598963948542,2.73729091006449,3.31421287448013,3.34822378812678,3.23342852930599,2.87461699909518,3.06103221050345 +5330417C22Rik,7.3192700081352,7.32157957181595,7.57762739384392,6.93021111424756,6.88525252447668,7.16056826637267,6.93869915897221,7.74831565268608,7.42665539951444,7.05498596847177,6.99663163948016,7.05613065805593,5.78891911654547,5.7486476544028,5.91790330962178,5.68575622926332,5.56078810529405,5.72802697093443,5.63053943380054,5.89689604885887,5.66073834562586,5.58075158640472,5.5490920500185,5.53627192721856 +Slc25a28,3.58868420701023,3.72282450467309,3.71612761980658,4.01874373903667,3.83728937850679,3.74364455543252,3.81286292619188,3.46479471198258,3.67372488937406,3.64195850169216,3.89314050944389,3.84923734939172,4.43316295246536,4.16280577099708,4.28394815716476,4.52258095052952,4.3692627575724,4.25294759531465,4.18197138796603,3.97873650866338,4.39895546604499,4.41531722351181,4.31821905874721,4.3539621519789 +Dtx3,3.80791432838691,4.67319843265631,3.87443891201599,4.36188198110114,4.82318374963293,4.88685507875788,5.00875616839529,3.87491948510101,4.24310219254209,4.4904230926668,4.86638134573238,4.61063588450921,3.57905343123698,4.37540457516197,4.04799262020817,4.27398385183635,4.66447063516754,3.83938581198032,4.97580241215919,3.52819210096055,4.17954648467461,4.35298527549314,4.60372574132262,4.49696745462817 +Cdh18,-2.04666750040298,-2.47950875162297,-1.75191605191263,-2.46247331049784,-3.14652612987168,-2.26476770228541,-2.13488650845498,-1.62181110013936,-1.37653637271646,-2.10587986993193,-2.62010677223228,-2.37097579083035,-5.0687147586682,-5.06871475866821,-5.0687147586682,-5.0687147586682,-5.06871475866821,-5.06871475866821,-4.40714379099578,-5.06871475866821,-5.0687147586682,-5.0687147586682,-5.0687147586682,-5.0687147586682 +Rc3h1,3.56771266729556,3.78020214346703,3.5535853349893,3.42960703582238,3.93105372253565,3.91670487831648,3.51501967621164,4.02029065588175,3.61925681273634,3.36596049936305,3.71152667980518,3.67253835589961,3.32317706311261,3.73389606891542,3.29676408368791,3.26267753377651,3.52323976234907,3.3217917548151,3.53872548882513,3.54926885042841,3.29783318140575,3.29388720879676,3.37287911384719,3.51411021525267 +Plekha4,-1.02708222101625,0.249982483197743,-0.720513388118268,-0.182669691007603,0.132705282501909,-0.558621638710834,0.11881596705014,-0.32168241470719,-0.37562320112294,0.114652251848877,-0.470170729441867,-0.137442030459871,-0.36955029116058,0.513982503132484,0.0313744695700904,0.765764841623062,0.350229215282478,0.171041957527422,0.783604268345732,0.150732159724459,0.301720703573435,0.212733516645061,0.102234575634617,0.159432554963107 +Mterf,-0.869970469205282,-0.376421949853908,0.280103884072738,0.336332509650438,0.421761989628451,-0.193657094046292,0.345381328358807,0.0798829810896904,-0.262887970603827,0.118408940133056,0.32453586212644,-0.0133707145345126,-0.0524010789447309,0.35966864611932,0.195705762075112,-0.103294167753264,-0.283089415971545,-0.5337686392105,-0.456450204970831,0.210266720280715,0.175530161473389,0.188368990047778,-0.300279360148289,-0.192023923690565 +Pitpnc1,2.62176896790906,2.58823278336394,2.69103511698223,2.35023106477286,2.9138863227093,2.82331631021087,2.7599419003315,2.89813251307683,2.55907340724193,2.42263012699734,2.75617380653158,2.74964546033693,1.71608250918604,1.99966550756234,1.76329346696301,1.54539876378334,1.73951909036389,1.7123843209793,1.4417832104553,2.00457032207296,1.77792026899732,1.51891758916712,1.52243399609482,1.58582321869232 +Zbtb38,2.70196854337139,3.16196284081016,2.93133448880419,3.05057661174486,2.84362042629421,2.89565933006829,2.79236931765872,3.0732645447695,3.0217321345953,3.0193270134009,2.83645434532046,2.87604857172219,2.83207628661795,3.02127379070299,2.97166585252956,3.00262780552423,2.93742076037809,2.77282944411524,2.82889659016074,2.89213565667305,2.80917572077892,2.90663850528354,2.99624271219457,2.89310276753514 +Gyltl1b,1.82461391293365,1.94603702304004,1.68818447796028,2.16564253283087,2.01270165988025,1.76421591807725,1.9770387051348,1.49731339646117,1.93305511542017,1.87938895573252,1.84968330861857,1.62661218954254,2.15108477109906,2.28019036184568,2.25988996471008,2.54545853098623,2.28899558403539,2.3485610565895,2.44539103121206,1.97319068271166,1.90840224362087,2.34794368121829,2.4316328279727,2.17985397902352 +Ppp1r15a,4.82052042596637,5.15650553049733,3.63692432437764,5.20272581376286,5.13362291592985,4.81195194648981,5.39219258391681,3.87831244812139,5.95344728037005,5.15195172979791,5.12026483821032,4.69707974043699,4.24772214689233,4.72455892432183,3.70954926449619,4.59991795360869,4.57343618650399,4.09892247013987,4.95328249115719,3.76930599424201,5.01120340689272,4.43999119660616,4.81369482809423,4.57781285037852 +Rprd1a,3.04315668283667,2.82991736671665,2.74591524089308,2.69585867622965,2.8490369524996,2.81207912407131,2.75622003520556,2.79146825109625,2.70627847375699,2.48173063608763,2.63325129714213,2.89512607618096,3.00700270534862,3.22239755346128,2.99325849041047,2.9233545897782,2.89905939756687,3.01471872234134,2.77467141013205,3.16558541143718,3.07379079546901,2.7134391395126,2.93166471381687,3.12305408604016 +Spns2,-1.52607739079004,-0.706226474735346,-0.735559303133454,-2.74927235400689,-1.23643592436641,-2.0722927471142,-1.53778942940035,-1.14464632321951,-0.895238245222868,-1.8414513818833,-1.82915698719255,-2.4864901803887,-1.25833046048542,-0.567993321887704,-0.403930895718642,-1.2967988786695,-0.893650787114082,-1.27533500644825,-1.75036461877434,-0.774594726100654,-0.618553603083291,-0.366966344441602,-1.9067997997881,-1.94803474914482 +Sgms1,2.42181767917964,2.30719313069825,2.27952255742594,2.79126289240473,2.73231359470928,2.76154006725164,2.6669680494941,2.43934563405037,2.35660086996364,2.79805156894264,2.94954857475395,2.64305805561652,1.81527648402736,1.75358600237901,1.61748561718737,1.59032762730396,1.97141595358402,1.74884096447754,1.72644507182501,1.96575629076265,1.67154398424387,1.68969280606736,1.83262989956262,1.92438985141153 +Cdh12,-1.47291366746213,-2.18935015745302,-1.0052017801212,-2.49413762745119,-2.16589188009084,-1.88744779183804,-2.11606312454317,-1.63757474852688,-1.1466061240593,-1.75180666344653,-1.33536708613373,-2.81315298492242,-4.88396884329137,-4.88396884329137,-4.88396884329137,-4.88396884329137,-4.88396884329137,-4.25382717106403,-4.88396884329137,-4.88396884329137,-4.88396884329137,-4.88396884329137,-4.88396884329137,-4.88396884329137 +Usp45,3.38809471916894,3.55645722376637,3.00155012118313,3.40904950912844,3.52155743220103,3.30465853798656,3.3563903446694,3.32787301757716,3.36114414846082,3.36724808457381,3.41292760318993,3.5103340939181,3.91387646851684,4.09722203368278,3.77935107538878,3.95668043367795,3.83738908838582,3.73323329478713,3.91536766967066,4.252616986062,3.85213022373172,3.81316148858544,3.83944561942822,3.96517425189969 +1700054O13Rik,0.120597397136904,0.55863660647915,-0.140895285457527,-0.0783426706562396,2.71326943733171,3.26815915179646,2.69489358150661,0.881561382406158,0.591564439730073,-0.530488564046125,2.65604377780926,2.01649546631604,-0.432046691648425,-0.528024311637577,-0.516229317404975,0.0192066346611635,1.71291590649304,1.51216796113769,1.25998860988444,-0.864831840796114,-0.499838446957313,-0.200386181932023,1.76566741229355,1.0737775056162 +Arglu1,4.42419814142941,4.92750505674814,3.78116510107616,4.85970097747328,4.80384651428992,4.72475248822645,5.150986930064,3.3595759043979,4.3107451607898,4.60832416772456,4.97963987195956,4.81868351142749,4.34641185857184,4.82616769972286,3.83796301943615,4.56193113242288,4.74903606188722,4.45414396747162,5.03547596939492,3.82680719321952,4.49659103296807,4.48695382048186,4.64163757333721,4.78050532599713 +Os9,6.22925954999083,6.17912916968509,6.3675102167122,6.15883249296712,5.84226579691152,6.05895644713485,6.08016998150703,6.34626192858625,6.31827523761852,6.16908512348182,6.01288162991911,6.12810302920109,6.85780382677169,6.68151738744427,6.508520813073,6.50885702185799,6.47154933936886,6.4850435613253,6.82287868002688,6.77218351838924,6.64774048144551,6.64446998060575,6.54760484728651,6.60602983538365 +Mybbp1a,4.07131974784336,4.03975633871791,4.1296856195688,3.95219056281412,4.22367380716126,4.09641180883927,4.03956053830241,4.07576847310532,4.08476868194518,4.12001358506215,4.14994635818604,4.1863980594164,3.59857416216642,3.70457495383327,3.74449538124147,3.67835632737631,4.20500896310835,3.94895576964234,4.10457046410999,3.37892571185144,3.33747066381061,3.65574572294428,4.21946265694329,4.02277731287014 +Gtpbp10,1.36045340163939,1.52865877884562,1.57668749172429,1.29815734459506,1.15999523170044,1.31931112957259,1.07126800931477,1.3756913970782,1.80003550958258,1.47983154517566,1.24118119097175,1.14868520696827,1.16965776896578,1.25038667438879,1.5387957944201,1.43071522809371,0.554413501933261,1.12130665112872,0.815051101615103,1.60623799696153,1.28152522610787,1.29006783217049,0.961264383686417,1.07840365463129 +Blvrb,1.64904717673891,1.4721157225182,2.40334375492484,1.69198873730312,1.12793430134613,1.68958869600893,1.09560355449154,1.5179972003829,1.86653556795412,1.62169203024341,1.0712889596832,0.925922629132723,1.32521185834156,1.23270705797387,1.48327905746303,1.44988001446522,0.434940052188448,1.62171737323317,0.984948782817118,1.30046273914549,1.36623787232063,1.20591099356214,0.558533953780873,0.270731482520724 +Rabggta,2.78551382504854,2.9702895519045,2.73726598135726,2.97958882283807,3.0526067752556,2.80183428568338,3.05400384104728,2.7225096457646,2.83457984730605,2.92930073379354,2.98061445953537,2.71610334981165,2.90045747113253,2.8210688334744,2.93034499209094,2.93588063476781,3.10989772760417,3.03199535679917,3.12546781531024,2.87293117575011,2.93476467259595,2.9902698010232,3.32341349861254,3.09242039289327 +A330021E22Rik,0.317285861287048,0.802125096295669,0.657779253932606,1.08591107002679,1.09868125058402,0.914500065931699,0.845691764306949,0.217339759889054,0.57287561009165,0.733789620094181,0.598774826229356,0.750870424229534,0.267228748156162,0.82609674690612,0.791719005633345,1.02139319138606,0.876588591821564,0.200359756164418,0.490570874614323,0.60595476634787,0.964017083288252,0.723892901484327,0.727882017098557,0.746343071851315 +Dgkz,3.02260594214872,3.0705118480946,3.113692714327,3.15134084634952,3.30213231485209,3.42234376589759,3.19708459270422,2.77126992662996,3.11371458351399,3.19587952914734,3.15483062786379,3.10994541448425,2.50611517487592,2.93412658981162,2.81699493264113,2.88566213342076,3.03816323780136,2.51079085638851,3.15098885847505,2.57435053996107,2.60277411905997,3.10064460819138,2.99276057177661,2.91958166777802 +Bptf,3.65763293433213,4.00775508299008,3.63262659522478,3.86091152788976,4.32351923181699,4.3387131219969,4.14664118117781,3.8672354451463,3.67160019746315,3.85361940197481,4.22117109805736,4.08889592583758,3.11671695647986,3.75096972532648,3.04265211112909,3.65083576755288,4.0987409094259,3.54393978014428,4.02070148454964,3.14551857244575,3.34565082977281,3.61364934092622,3.99908202396065,3.93230966185848 +Dom3z,3.15613195572977,3.27059799082512,3.15227252034382,3.30817535542638,3.33806824210796,3.09769725019334,3.44510523774979,2.86006595244481,3.18224785845609,3.20985847161401,3.41010541279045,3.20493820763443,3.33971516283194,3.05615116707993,3.03711545074966,3.23110441104106,3.42647451550954,3.10069099570819,3.7167145987466,2.82494624807783,3.37930223410763,3.08855281222604,3.5171781631756,3.52281962404956 +Xaf1,-1.36106794165403,-1.12663084942895,-1.35233456484235,-0.357107205428093,-0.829949521594101,-0.839485312921052,-1.31021330026222,-0.669459849109868,-1.09488895671854,-0.17185122929033,-0.745033074372003,-0.582458033397637,-1.87906891428042,-1.04011694756555,-1.28113567576007,-1.29839461380584,-1.29455810672297,-1.77821617521403,-1.49249836507139,-1.35059649818865,-1.40386668109504,-0.610969918180503,-1.9804642028379,-1.28684191246248 +Ltbp4,-1.08410502397533,-1.31851411165722,-0.936996764254062,-1.41547227222703,-0.45371400751878,-0.887445255830135,-1.17608729632353,-1.32425781020085,-1.66702876189436,-2.0907799533005,-1.39905126721312,-1.31510127103536,-2.34199262683754,-2.08642214393768,-2.48010484283222,-2.31917091189515,-2.37741386139199,-2.13282542063066,-2.88663440608703,-3.35186636799187,-3.23266442109944,-2.9004935177184,-3.03085704210876,-2.47046860461255 +Chrm4,0.45044208142146,0.366177858952395,0.528070429597292,0.696627447890471,0.741713329219921,1.33580419129941,0.612969285558557,0.219796808507243,-0.0490800166993066,-0.40945583549767,0.596741206935034,0.827269427891191,1.36050619878448,1.41856714205478,1.36581807796679,1.66106992960938,1.11925487317535,1.65573089624172,1.13570559719181,1.86159663482202,1.58061121726509,1.48849258312385,1.10590179295597,0.80508298111785 +March9,3.67396119849948,3.33060023532313,3.4959605401154,3.47562429364342,3.44752551582292,3.46244125052504,3.44481911291799,3.33598939528591,3.37760355558376,3.24160041304629,3.20270310712691,3.35507361829157,3.99979719166648,3.78319407258485,4.02505718179556,3.85174796019178,3.87156287559979,4.05869912692977,4.13326932505222,3.66626828004366,3.74484683918159,3.9743908399917,4.01152922382257,3.87157509891046 +Ambra1,3.71272889135291,3.85390115413688,3.67100668777357,3.91808020010033,4.15607048774392,4.10940503001145,4.21488952963271,3.83540986960666,3.88654948687694,3.72360055232068,4.13458611653952,4.00070619456902,3.30406786377155,3.61466062994794,3.43293720912091,3.5305956538545,3.87860067506165,3.67538233402392,4.01916191174941,3.31216128769491,3.19326479336291,3.47468184073333,4.05055923769983,3.9272963249035 +Pvr,-0.368197594552368,-0.380092494804991,-1.38701534370736,-0.279182405597447,-0.248838127228518,-0.627054246833087,-0.381224095325703,-1.2010533575754,-0.578208092724229,-0.77317856420942,-0.233352141572517,-0.376554779912753,-1.59732931738275,-2.2055991922165,-2.82158502609075,-1.88658232170437,-1.54745023804287,-1.69342965101824,-1.78780001524345,-2.25129849322538,-1.37843698218254,-1.99974182638529,-1.14534512034767,-1.25794591637958 +Manea,2.95045019641585,2.7746297833786,2.99416492683398,2.65468597990516,2.16463680015676,2.34029578987065,2.17666505935679,2.93358637154491,2.80636971930752,2.70557740167705,2.31051340891639,2.41757961290033,3.09048326628239,2.93657993606773,3.02486425439535,2.84801662948628,2.41454239719837,3.02165652232868,2.30696549723989,3.31780284447343,2.85826473651418,2.80164420950513,2.1603345481254,2.62848051270493 +Tsfm,1.6233413326321,1.11784909204492,0.94955275501961,1.05716661568954,1.22809252819575,1.0283653100291,1.20842097298206,0.530163247815732,1.02750150391458,1.10226089741059,1.15528389725777,1.36971654005749,1.87753688650108,1.6815778077033,1.84251895551906,1.89151019334156,1.72089358439572,1.78502143090942,1.93429460651929,1.55261632756504,1.86544603697465,2.0108600991879,1.75869802658793,1.84559077632332 +Zfp609,2.30301164076008,2.38698532463005,2.11446723883303,2.0236669639171,3.10316637186885,3.05672718431182,2.71357648863692,2.68956737802586,2.24698879848874,2.17807204172247,3.10219274959187,2.38174703500189,2.52574637990866,2.62241518007729,2.62991691042679,2.20417107006535,3.25591783972477,2.95575530071468,3.28279124183378,2.46944971420139,2.37483360090425,2.50907789030415,3.34746284973458,2.80373706110553 +Cblc,2.317972399622,2.58025354956285,2.43492749461945,2.90963860468941,2.66543604968856,2.46918016210594,2.80214998370226,2.60236564744948,2.23456486645573,2.95149425439319,2.69964709024514,2.84526262038815,1.0228901275148,1.82629362436633,1.83432168061532,1.99072248848952,2.05944078513833,1.22755435735589,0.961979837440246,1.50448513439982,1.5211339819947,1.95847572147756,1.71506158950876,1.56822746220336 +Abhd11,2.30230066812027,2.49768514173419,2.08651766896913,2.4252372513367,2.56613107840015,2.38602120797207,2.342838974046,1.89678923845733,2.12550622237786,2.85257127203631,2.48610397046859,2.18768160884822,1.89527246654884,1.7867531700486,2.02967344802809,2.35047713195434,2.84878051655607,2.27788278234585,2.51583731947127,1.6635086587323,2.15288769253991,2.45247209489214,2.79736308493286,2.63289393605771 +Adam22,2.29203918312933,2.6083182029005,2.51961708904316,2.35591556777314,2.67958614820058,2.68996056757812,2.34288696340447,2.61450325635558,2.30175986181959,2.3432208413329,2.56072349735859,2.5624374570767,3.35747399332885,3.62869883746395,3.81616578760364,3.88904279756359,3.69694457750095,3.48549650715559,3.48905256724804,3.5797515399698,3.56698896412482,3.88727370212665,3.65144322752875,3.60173400114497 +Gm9770,3.51276291407516,4.23805893208319,4.2277998539095,3.92768854615073,4.17907559682345,4.29621927587684,3.66739773170299,4.21702794184021,4.13985313124117,4.3434817118677,4.04641078559,3.80467556797769,3.44736266549377,3.8004968711628,3.65702256501343,3.96696544527067,3.40640235357159,3.67141684790273,3.63236859153469,3.87961956090017,3.24651156520312,3.79169182939033,3.84271265951683,3.79011910078962 +Pitpnm3,1.35257282557973,1.46476259029388,1.34455969681337,0.716040012186429,1.84307558836984,2.16619028467828,2.12331753965619,1.05462135176442,1.17761934858696,0.945335439324359,1.53697699705212,1.59072795113742,2.65620255222388,3.24717033953041,2.46175315788848,2.11445811340381,3.56762394715905,3.28056635052375,4.10012240458966,2.6259656619575,2.57198851094194,2.39618235098758,3.51719578408654,3.62759726892807 +Tex2,3.58145987428266,3.32922298720682,3.36580639044745,3.37998890901605,3.61567864680261,3.59248892442695,3.79984196581778,3.16429565858704,3.24184528661036,3.4344524703915,3.64286539993425,3.53026616013063,3.64924128031667,3.35697923912624,3.46982485725964,3.52892393985727,3.81576120348854,3.53255891223787,3.80212994585797,3.25654896506094,3.34330797201996,3.41007190968875,3.93374740665715,3.86201210370876 +Ckap5,3.934305489324,3.96449404016242,3.92362779222098,3.77671290032733,3.71960212699421,3.83681439494719,3.68399152498791,4.07780972748483,3.87944581797891,3.64353916075912,3.70545095251252,3.87894016807433,4.06483584686747,4.02596413240159,4.02922152604574,3.94198433646464,3.94436603628164,4.13052274433031,3.98921299880313,4.09960155521528,3.95956934480245,3.97941946096332,3.93863985167262,4.1525219097742 +Otud6b,3.82915887734254,3.25075796143584,3.82846816669555,3.49702742371729,3.34808843150594,3.30508017219834,3.11947387195915,3.51591501153296,3.62017580621086,3.43616316233882,3.39367200487561,3.50870291800934,4.24797930712397,3.9832673392926,4.09369196630951,3.98163030173771,3.80420444155969,4.206872045537,3.69976965125856,4.18681179412623,4.1359214323432,3.85420508295261,3.94490532790751,3.97034037449016 +Wbscr27,1.80670512707703,3.12386196841137,3.40465825124477,3.00178336066383,1.76068840708404,2.16073904495393,2.08393493593638,3.02374025198887,2.79796216705131,3.02554885776314,1.82266959761406,2.02830097121104,1.38489954734479,1.77981385968287,2.103477472409,2.46198221317202,1.03991724114416,1.23543231288067,1.33988207870058,2.02127384929932,1.76203722184068,2.28588395057299,0.785089953187267,0.823876358489221 +Wdr7,4.12042799303896,4.03663725861709,4.11718105138704,3.92188504739931,3.95956308843325,3.95725024398917,3.93933976186792,4.28243976151509,4.18463831225555,3.98972459908074,3.947375740752,3.88930538592323,5.01584108100221,4.93805243619761,5.20527380153199,4.93926679876911,4.87692585334015,5.0557627264834,4.89788917510755,5.2008984084607,4.75382823244214,4.84899668847357,4.93843248627549,4.92861505840783 +Gstm2,-1.29587064911318,-0.316162176728005,-1.74053963434537,-0.840918774146082,-1.59300607874358,-1.30449748738641,-1.30557620475929,-2.15048729023589,-0.539813274018782,-1.55227962547995,-1.63208369024317,-1.39241660082009,2.71131346846914,2.63548270060414,2.79632461172306,2.60587956923623,2.25530423690086,2.52751904366732,2.16961361771791,3.04893355333294,3.02865443211924,2.83547912929543,2.18725999345351,2.30389575462682 +BC018242,2.31839261452124,2.789292957643,2.27767325200641,2.66400306017473,3.3038421626209,3.27188134779868,3.31661548409286,1.98545768656735,2.47716375069918,2.64880783941793,3.36920249806934,2.84157308033295,2.33881710055874,2.81067094701423,2.65218165209339,2.77318737393352,3.05237577059984,2.66321389654944,3.44219602188161,2.33591993097357,2.38558897683451,2.83383449458543,3.08527360593141,2.92758696110504 +Btaf1,3.80209174050119,3.64917243175901,3.49024466473061,3.64284001823918,3.77935746289699,3.77592613652846,3.81060615318009,3.4871715806877,3.47854727536035,3.56111468797311,3.6706388207432,3.78543032966165,3.67317985094448,3.49379129076272,3.61998814293663,3.51512931993174,3.64227651509575,3.61447679068669,3.54700982959776,3.58690472700072,3.49874126712944,3.41566287103917,3.63377025388866,3.61169078134742 +Rundc3b,3.44965709922254,3.19384941941496,3.62856692481146,3.32195288723069,3.2788064984855,3.33254525754452,3.23720675118546,3.53855191362025,3.45889567163386,3.67792821036399,3.1538664053913,3.35347380025,3.40034553745178,3.47669217282149,3.63232335630006,3.33045074793167,3.18672817984324,3.25212642989347,3.18288482022386,3.76033298468882,3.65611811358657,3.41667771230889,3.19712595461013,3.12853593763867 +Cyp2b13,-0.737281996447808,-0.6938530833811,-0.728548619636122,-0.280439484150723,-0.206163576387876,-0.446973625865568,-0.815272402380626,-1.04028672697963,-0.896137639555007,-0.834743004428601,-1.11042778138588,-0.992411832035882,0.636716869708549,0.042237512592127,0.107616400945377,0.20021769598616,0.253856761142536,-0.260952336897926,-0.12076343088808,0.365807881352765,0.299026672243159,0.222085399120353,-0.0317479490741863,0.218661736495756 +Ofd1,2.58372448889762,3.16579613920537,3.06398705462217,3.21020501230757,2.85544506853998,2.75598500715238,2.85339584468113,2.85134179201115,2.95148167757078,2.96505474796151,2.85089601202029,2.89108933515986,2.91900604673128,3.18114421916107,3.13901047871092,3.33929876688677,3.26903164036476,2.99826550483296,3.24048479658127,2.71510868349174,3.26427381964155,3.24034710201988,3.2143719113101,3.31944439563501 +1110051M20Rik,2.26882595417697,2.34894102602938,2.55203653185533,2.05485699209339,2.14870179305478,2.33384029178462,2.37730688641621,2.36846963957557,2.34714988742768,2.12565817382503,2.16862409532212,2.11939426552223,2.57286309868889,2.49376264496841,2.60513610254754,2.3021081291429,1.97314196282892,2.12538620003167,2.25703267082294,2.47175343892504,2.77945861660277,2.37705135546869,2.01184124483249,2.37361404884471 +Ranbp17,-0.546809564180998,-0.289551199104787,-0.0839032346005841,-0.16244978564197,-0.0015956417843998,-0.0053940666418075,-0.213321567381278,-0.183812973608304,-0.0988095856520812,-0.16595275950896,-0.420260705952008,-0.2623131291746,-0.487932141356247,-0.333796248704636,-0.363864801460398,-0.527744379822962,-0.56720006107614,-0.473883310739228,-0.561050416185323,-0.500902347401403,-0.128866100432532,-0.413009082714899,-0.52511664500639,-0.665383194681962 +Pogk,2.60175575416017,2.68470982839932,2.57181362529297,2.5518364023248,2.59439205066532,2.60815894867846,2.68356860574119,2.60837747180294,2.51764220436625,2.63243651138963,2.50355745806463,2.61084779233838,2.43459813917658,2.57010127335165,2.49150102413087,2.51471012329616,2.62861011099862,2.43544530665494,2.58060324003129,2.6615898798448,2.52167286427629,2.4637771024781,2.64686553402081,2.67414647960185 +Mis12,3.13436225076031,2.55052860715351,2.90962634695623,3.03554804125763,2.86126509987812,2.94910817865701,2.74023650996294,2.4119480629892,2.8224111799164,2.72428800067252,2.42021458740429,2.92451294878107,3.59435995206017,2.95745292549542,2.96928133227448,3.37383336405366,3.4415167662429,3.42603128992397,3.37260190885941,2.82966776012208,3.38847698113928,3.00226105855432,3.31106833872521,3.1666533631882 +Bace2,0.577797433439118,2.34069307130761,0.511418051923318,0.636199296089729,1.3209925833838,0.461188782920873,0.761522106902888,0.38410631083628,-0.280650500913895,-0.30276206549427,0.484566413977845,0.840776116575957,7.46848754720406,7.26703247230631,7.59755735875057,6.82766876417062,6.80084491142588,7.42314425046317,7.14420207352098,7.63529299322792,7.2796482663573,6.98634191695498,6.87325426450155,7.14572035539661 +Kazn,0.971777480590855,0.912124370697837,0.999952014751917,0.777543233760251,1.20346398615076,1.16093216007763,1.34325971829733,1.14112286034874,0.96084330577057,0.772805586538249,1.10264310493418,0.957395849435851,0.389161707821879,0.400060146130879,0.205776709694812,-0.142597007588207,0.233178421027063,-0.158780036831895,0.742388703747292,0.011646769711851,-0.138414910097441,-0.0207736767994713,0.270369791571919,-0.0811874756315074 +Apobec1,2.71390092008512,3.09525766431575,3.31507314094574,2.7754004030964,2.9638196608943,2.54697870028886,3.00368407781793,3.14304252659375,2.77447978326067,3.30455132065828,3.38687228512335,2.85355201927968,3.60208293331208,3.70997225325353,3.57188590183087,3.80118003039623,3.73616294702919,3.6148509383536,3.63695605160049,3.65489936784329,3.50312358630339,4.22361384379632,4.02947274953971,3.85634089397431 +Tmem51,3.94037359975623,3.84052062033636,3.77734963992062,3.78315156619925,3.55638694712419,3.8610705018713,3.60209215998035,4.00194699306854,3.82215048890274,3.95548763623733,3.72046956045849,3.59084897900682,3.4994668076377,3.26646770157962,3.27829610835868,3.2726974536024,3.38257680853259,3.49171967402299,3.33281294368226,3.63512379908197,3.08045570827401,3.15993045938038,3.47870670905272,3.3924593139035 +Pck2,4.40338304770946,4.70381548488033,4.66560031796749,4.76911932801431,4.21367094367168,4.27848042466265,4.18650271865355,4.7019474744932,4.52982806552345,4.56531195834528,4.32847604094093,4.48779675510803,4.93185909020271,5.41957135746741,4.98344652942083,5.26550681794508,4.75131549665295,4.95849977882234,5.10249393313255,5.61546088164426,5.06694545887004,5.19906834196734,4.77669930641788,4.89755592034708 +Dhx33,2.09842228744747,2.24993657422561,1.72206147075552,2.24773082712472,2.42630083590014,2.18485414152716,2.3032565222763,1.66867525036924,2.04967099484292,2.29356004829461,2.46995025414308,2.1403869474029,1.34135491848783,1.54049017361571,1.44324432137444,1.75896603784416,1.95498161417712,1.48286989650372,1.86311888921729,1.0670873388451,1.45032030807014,1.56093138297343,1.83492502207298,1.61076850607967 +Gemin8,0.752563703427838,0.689773335063391,0.9523486167661,0.146604573527059,0.838608579707653,1.2272293418661,0.591997275185967,1.22003560993047,0.669577102413677,0.927211847557839,0.972533801643383,0.372845125531172,1.08374952663379,0.498135666558567,1.19354012857419,0.43994311165909,1.25062352314428,1.49626550978185,1.5136139445344,0.845626591035366,0.664164780419978,0.947269832302988,1.37589329029593,1.0828956482758 +Plekhg1,0.248166562853271,0.985645342995413,0.604392010208635,0.313749184907744,1.00014959437584,1.17588768087893,0.511879486705405,1.55225891488238,0.211693188476261,0.198357264554481,1.06453194809789,0.903117169601055,-3.10664950801051,-2.47616292194383,-2.61520062313392,-4.9871359947941,-2.80847528003322,-2.40314023671187,-2.80303930790022,-2.84341716589826,-2.67389753699847,-3.38589302173016,-2.75737799296241,-2.4700881093036 +Dok4,1.38466445649406,1.45083781461738,0.854929471858006,1.84506447278783,1.28553243782427,1.34146303178452,0.881950225003782,1.46130669167004,1.37560229591746,1.17089503569317,1.3067941226437,1.22055391061537,0.487589861203381,0.836566155839808,0.289337184405954,0.474579091293075,0.689917987171444,0.426118719760638,0.463731047432047,0.630345847472863,1.03104604242386,0.485293441590237,0.373824385650168,0.956203527736327 +Erc2,0.859808586978101,1.39478649181385,0.795616094910174,0.93947835026906,1.96884087705555,2.03548505669258,2.03398523658755,1.41821471260635,0.965491244357854,0.799378621899849,1.91973239034612,1.55028489074004,2.7073000688572,3.30698320036481,2.36443314328506,2.70589579632675,3.22195953234703,2.91626934023487,3.56918817489282,2.708554210071,2.93842073978859,3.03738850903393,3.23138476568956,3.00955089975331 +Ppip5k2,2.76991254264326,2.70038344490542,2.7166330084624,2.7337423712764,2.93142941541559,2.84344127859469,2.78383068950764,2.65551508497162,2.73269298578372,2.84081720237134,2.79521728614604,2.78669383497264,2.72408516370502,2.70734223039019,2.93563895011047,2.7422382843942,2.83193000536893,2.76550909947946,2.77373671733858,2.60259079036537,2.78661522528269,2.77029226856283,2.78383047684653,2.85473984261663 +Rimklb,-0.622972025370821,1.03207583957653,0.437936348774126,0.464021007191443,0.924137820795409,0.518711832067128,0.418906577160652,0.0148612292828734,0.344676636613043,0.727049561778101,0.767046351779788,0.413643242589117,-4.26670069331805,-3.60415662515112,-3.32786111608826,-4.90366890018785,-3.59888617312162,-4.90366890018785,-3.44664602428743,-4.25913200917593,-4.90366890018785,-4.90366890018785,-4.3085474761438,-3.82681323579176 +D14Abb1e,4.1139938297425,4.23724189671582,4.15502882441845,4.05492877970162,4.37200509501301,4.35561377840765,4.14023913194251,4.19571471615587,4.14932073388532,3.9901976468604,4.30487430509577,4.3245244581475,4.18316854069456,4.25651234886222,4.29344885886515,4.08000249671729,4.03761645547535,4.18199669074103,3.98014905912302,4.4731606521772,4.22534983328818,4.02347941141441,3.95476202194238,4.10313520686118 +Oaz2,4.16190719712631,3.87787578099634,4.22504343995524,3.84149200965113,3.73230558345451,3.82597473257289,3.66154645025791,3.88151929496224,4.13277491358339,3.946804548697,3.62194667931367,3.67518183924563,3.66366516350722,3.41343199024628,3.74519587080089,3.64351251215221,3.25876565323396,3.52902010133135,3.22960861432214,3.82187623771393,3.74977451368259,3.6516238531459,3.27337780560433,3.41187300174164 +BC048355,1.29949534597623,1.01573306843649,1.56531968737361,1.22646032960989,0.10557978673609,0.949054720706404,1.2430442710894,1.45869960150569,1.58393076779683,1.26112075488575,0.66732525441597,1.28035336370741,1.09031073580797,1.2657523297254,1.43457144206271,0.587479303320944,0.926611386982451,1.19919061138196,0.859051514911914,1.04186065002216,1.6404399192945,1.11719632501852,1.04445771985248,1.63413939968645 +Efhd2,3.44218042177941,3.58190199282032,3.79871064082896,3.62261364666335,3.39162284966001,3.54797957855269,2.97280095804871,3.75455178318372,3.56215167517724,3.75411304526396,3.40289450520131,3.2251593142107,2.91972089120742,3.02931722707295,3.23136770277895,2.93183757650313,2.80160818604142,3.06407360276571,2.59111364701008,3.04084140147389,3.05688343865157,3.23593169883389,2.87637742332935,2.99465842753735 +Rad54l2,2.17780056185327,2.38639479173895,1.78394295584932,2.12366683337726,2.47821552848824,2.56088248949906,2.39564231544575,2.08875280061301,2.01351122978216,2.13017413429253,2.49614878402973,2.2695896323965,2.08720624504502,2.48613119473819,1.9157145694597,2.46352426404953,2.71771533064282,2.21029992075387,2.70963417118647,2.16603571516767,2.05859418350013,2.27873468459349,2.6693915799675,2.50646288718974 +Sh3bgr,2.36449892736136,2.72927342856661,2.31737193380026,2.33632157946333,2.28673049204623,2.11844963329465,2.47874209583822,2.6726965647777,2.80254563280592,2.52674038072584,2.37590633214104,2.75772759552189,-0.697735562941943,0.733933995176622,0.0891202079046964,0.775786511222007,-0.20341491409885,0.129491795861869,0.0104733252156276,0.16521070914843,0.731771591426098,0.748647198971193,0.210644479413412,0.39647929003149 +Nup88,3.48253416871721,3.48913665394745,3.42414742841431,3.50119024040562,3.31412822630808,3.33850508566151,3.50219265453087,3.2482699532538,3.45685212621357,3.53038679896358,3.47998866942097,3.50952633281936,3.21642379827293,3.09109982081232,3.09299141983253,3.15091733192817,3.06402314834708,3.15337529774498,3.08582146117346,3.00329150032962,3.1176262768116,3.19117972834541,3.22612090872792,3.18642683743153 +Phc1,2.44765538305677,2.41928264540754,2.3594596016303,2.17258807140484,2.93654341543417,2.95055507535913,2.81166367323099,2.75330948560364,2.28876054472801,2.07386919735413,2.81717753331677,2.38632678512262,1.89034476201481,2.14453336588569,1.86365406938543,2.01910109913107,2.69272522796396,1.99300262312279,2.60541299152794,1.74307756919326,1.64450438847211,2.01932233178788,2.48264579474661,2.18932071494442 +Mthfd1l,1.29346589905811,1.27395323794977,0.873263489054479,1.87843233017145,2.17400962411124,1.85696545373634,1.58011705865581,1.05654469747771,0.971909704983986,1.739976025665,2.03735608090403,1.66290700160556,3.54925363998543,3.34303794478355,3.69134155326556,3.95014317921055,4.19356036824022,3.90506381337301,3.88624339238624,3.0772035726258,3.53469849557646,3.86215587517468,4.21762595648835,3.90487558652539 +Hmgn1,5.16515967977827,4.75411600739197,5.04728888546735,4.94279239321424,4.75348742104691,4.82975534813548,4.94160564473382,4.95982028779416,5.01055296565288,4.98809165898894,4.96355933073148,4.98372431104314,4.60124092614365,4.34617695142927,4.43721059952584,4.38290460122109,4.1986084956827,4.52516525842542,4.05146919857915,4.53604837549099,4.51305973568007,4.40928093044077,4.2527112399616,4.20629566991088 +Madd,3.64127580275876,3.84921829927181,3.51597641615816,3.66795610702583,4.19427316347998,4.01797783766649,3.9001592250403,3.67924349919921,3.66325444673975,3.58489275876504,3.99985521311808,3.75268106246966,4.58707949345125,5.33141933208828,5.25938025140875,5.17342583038623,5.37024859787192,5.02722507566508,5.47998564788234,4.83180399796873,5.07477183221337,5.10618357992681,5.40293802593698,5.26512086990295 +Tbl3,2.29149916520968,1.96565553366115,2.04648751867477,1.99880246238335,2.02167012476788,2.093014565034,2.1360244350155,1.87431095007609,2.13660170926675,2.05475135169238,2.0171012955406,2.10146635477904,2.59386761513991,2.39764103291005,2.40291190273134,2.61859252512339,2.6495345898142,2.62823781193432,2.52330169637231,2.19036579103335,2.42617571288226,2.40888060369737,2.65312640178807,2.48948987012526 +Col16a1,-3.14063872935777,-2.76428288190492,-3.47971028655611,-2.61420801537025,-0.823528488497937,-2.41922275855309,-1.50662795351201,-3.17896551731329,-3.32244373952989,-3.14809518513669,-1.56769659542676,-1.59043415446033,0.159600063960291,0.601738022148586,-0.0003744923872228,0.66602891948005,0.394793616344115,0.0989655499288018,1.05322792983919,-0.492433193662701,0.531674961155256,0.917671028844885,0.585804276541064,0.60038152348216 +Dnajc16,2.24471030083397,2.15751356373733,1.84492743553764,2.02643191460917,2.32367802590358,2.14630091557231,2.18472066201797,2.00718178115887,2.05668213012989,2.12248474281564,2.15111806628854,2.10268646156315,2.18888819685158,2.4182196337541,2.32740064736732,2.42839186071178,2.55843758479454,2.46756962837709,2.50644267732378,2.38747538418446,2.25859092358582,2.17182105494359,2.62425946701896,2.38405911297428 +Limd2,3.28907006210098,3.31008097420554,3.50421414040845,3.32892818973331,3.1716926540349,3.26794400549286,3.13948619968653,3.38224909307725,3.33806154996819,3.32071376471316,2.85568976508352,3.12418118116541,2.57006862471335,2.8557085872713,3.20226670798102,3.21027277390996,2.24352405416759,2.47099351407846,2.24044710179805,3.18588642956073,3.12477197882742,3.25037658888566,2.07284086178008,2.2627565958478 +Ap1g2,-0.753454463957059,0.470337773532663,-1.45022765241707,0.129303713949724,0.583081055806257,0.157273791867901,0.403716695435816,-0.694520962085699,-0.298777534093672,0.744188682206917,0.545155560913712,0.207264373526996,0.212310735777878,0.965715781778436,-0.266939386275181,1.02656952848809,1.08721397500688,0.812501235876619,1.32951730978092,0.0250086811458821,0.842550789917826,0.98125284511795,1.33374191677822,0.603756336138426 +Cyp2s1,-2.41101480080296,-2.18985792679262,-3.29686424055112,-4.15529124020349,-3.40531932577526,-4.08169951089722,-2.30052825364564,-2.91760323731673,-2.70978893798436,-2.69713451945392,-4.13338074915114,-3.41925750891889,-1.53262772940305,-0.700517164362051,-0.977589256587703,-0.602835937070953,-1.78327852022235,-2.56560424303166,-1.89598034520915,-1.18788400199431,-1.0629508080653,-0.598233722771245,-2.05511076025986,-1.95446670611733 +St8sia4,-1.93234306454734,-1.59398907890147,-1.92390851040103,-1.37047658433162,-1.08692446692636,-1.63091532794522,-3.38569630051743,-1.23070818322575,-2.04086589756631,-1.3765071338434,-1.42384275450635,-2.00129742526336,-4.1603378848715,-3.01667644190955,-3.2214983076417,-2.98446119897949,-3.23140663864926,-3.12335721504564,-4.13573512406887,-3.09555761769638,-4.79730609174129,-3.48832354186529,-3.78209440719574,-4.79730609174129 +Sh3pxd2b,-2.28765701419464,-2.66945984881287,-1.43896689968111,-2.0025909903303,-0.764719925047252,-1.55701312274025,-1.72302716327579,-1.67527172264081,-1.69651497007213,-2.67789867140377,-2.53973652236685,-1.90221998913862,-5.64073356014005,-3.4999335451273,-5.06034115625952,-5.64073356014005,-5.64073356014005,-4.57348451794144,-3.906417804324,-4.55226979875703,-5.64073356014005,-5.64073356014005,-4.62552187559449,-4.56387789574396 +Camta2,2.07673248096462,2.41662863739892,1.8809931716586,1.94159530499968,3.20368515551847,3.18491377371531,2.83951688356625,2.64205584043741,2.15822149372225,2.14667459066985,3.2407160507296,2.65370703371131,1.7908361050875,2.52460272519732,2.03241041024428,2.45558895971112,3.36397631078021,2.65091503553237,3.51214283646531,2.01322602702525,1.96345204727479,2.13754510288241,3.28546365030911,2.65495103026057 +Creg1,4.74427315849058,4.71364790714383,4.97298692760882,4.68138276475667,4.40800446492547,4.48208103940024,4.33318317065138,4.77203155554206,4.76124428352499,4.71810178077481,4.33726145611234,4.48947722679013,6.92856103403961,6.6773359984206,6.79475763194442,6.48940011711615,6.08931350934946,6.71360997987318,6.36430343318974,7.15712969717497,6.73779989441325,6.46971639583352,6.144771213116,6.37876239171987 +Klc3,3.27288383598193,3.58720602326448,3.43804173485041,3.6823452935761,3.36672303534402,3.44652199722956,3.58177430400536,3.47718003960518,3.56528691748821,3.65605669460874,3.32661418102371,3.51762522323798,2.07014374463954,2.40513470788929,2.2993912590079,2.70082362340221,2.05024342137099,1.96584939723417,2.45490580124362,2.03045262343175,2.54899826259906,2.30952264625325,2.13981911152126,2.20483133496623 +Rsc1a1,4.01025529185139,3.91211545764925,3.80159131783616,3.90718816267183,3.98933667030325,4.08507922650984,3.91830351849731,3.65920519406455,3.81736470100666,3.87088363978554,3.98370246943035,3.82142955463344,4.33839061605865,4.33621346240424,4.17004171136957,4.50809569855516,4.63836927899228,4.24555883306731,4.77484579634981,3.98078052118942,4.38301692551512,4.41021088532811,4.75684182420708,4.54589966814301 +Il17rd,-1.18343631409528,-1.06724055124145,-1.28393116654517,-1.37663236132321,-0.773246260348914,-0.849767577750712,-1.26276832561043,-1.43508740682865,-0.997933476033251,-0.7975200387943,-0.858634459624636,-1.16516753657534,-2.09590316304219,-2.26395835793411,-1.95361578592882,-3.58770435156609,-2.61775054275286,-2.37901255138217,-2.63119190263542,-2.55343196351365,-1.99103239054943,-2.09808329011868,-2.56721451669541,-2.81740300690365 +1110037F02Rik,4.29926559659035,4.08525284915988,4.16515106012972,3.97639919131978,3.90872682736021,3.99918937380565,3.96577106560397,4.17081653195641,4.18343126369162,3.90084342477469,3.9171270433311,4.03953112369844,4.20459080515262,3.80487446565183,4.19007805237423,3.8666295469774,3.72539815807833,4.12087494445205,3.76358791057727,4.17020543618279,3.91451705713811,3.83080540530422,3.94985148709589,3.96137163547925 +Zfhx2,2.0034620509719,2.17124319766138,1.37935818468385,1.23250395985326,3.7230592296226,3.84197892999362,3.35273745579331,2.68632668451263,1.48995734412444,1.44953297261965,3.65614461014276,2.70752213173488,2.15364820888607,2.51363599457564,2.09680528322766,2.07507941180198,4.38300553840346,3.39407219465858,4.47575553573801,1.73523253211502,2.1018793423891,2.26558592624442,4.32673793031426,3.41372480303725 +Scamp5,3.92777721596889,3.99549520867623,4.05831406649106,3.86796235575141,3.94020904213531,4.07481264068459,3.95014284280777,4.01815563924444,4.05251071350627,4.06218377605628,3.9703224646916,3.97377883348643,4.2700585463899,4.30696978839228,4.40252936986274,4.41511602291003,4.44817489657936,4.4580969098124,4.39240607393628,4.40544930343121,4.32159431148021,4.48260925162295,4.4172748231684,4.25390266070122 +Rcsd1,-1.40248418603513,-0.893431774313467,-0.316308636153879,-1.07487330904216,-0.869448541057705,-1.78123203431036,-1.53465417057766,-1.14871279613353,-1.5452518498364,-1.81004742488605,-1.58696807827064,-1.42326747673743,-3.14128238546397,-2.7969061721633,-3.19785818845323,-3.77825059233376,-2.47346786526753,-3.14810892010642,-1.61127015638401,-1.47296239371463,-1.95730017139641,-3.200465715288,-2.17304128042263,-2.70139492793767 +Kcna2,-0.683720549183408,-1.45589538208397,-0.759319227127551,-0.37200254862477,-0.66123945418361,-0.694697111222357,-0.696070902735195,-0.767399958095557,-1.15214361680206,-0.190370827948077,-0.840496448053256,-0.514410731710578,-0.255556158851849,0.720088698714495,-0.703580609523243,0.160558917111149,0.57675638913941,0.367308287828572,0.992162550259563,-0.9104194366313,0.189468070473416,0.320666873875822,0.711589356811074,0.637461917203155 +Hnrnpul1,5.28017556314894,5.50745099168911,5.71560864388636,5.46538076119102,5.48970082935728,5.49666775603671,5.32933140013561,5.73050537107301,5.60144857193835,5.586972138177,5.46679497562997,5.33975797058806,5.34851777563772,5.44224651781627,5.39598074569001,5.43362731528572,5.59844799287326,5.4459747222577,5.60300052592158,5.31086896105699,5.36376473933063,5.55557028642614,5.66207848643206,5.42844754124791 +Esrp1,3.60576712584436,3.49525286452274,3.54238073819483,3.48686801290753,3.69746043572501,3.73153736025756,3.53262292085388,3.5245411336963,3.50111907220497,3.54858224332427,3.60915516878289,3.52978852729657,4.37164441680495,4.19393574580223,4.27503529881299,3.95477561556758,4.50695105043583,4.53384552874275,4.5031478260576,4.241382539413,4.22138711091053,4.15012236637178,4.51767179375312,4.38003143713901 +AK129341,2.52473353755355,2.64616950231773,2.63586654457506,2.63425748099047,3.03414931377559,2.87645563554244,2.87582590867989,2.59531561180744,2.66199450432521,2.85891697407929,2.78775192613553,2.72096831789102,2.19686557710488,2.52257023989335,2.28183716057794,2.24707806966828,2.30573810712783,2.25939985759346,2.33672145568059,2.47332327487181,2.22528699705604,2.37251121616252,2.39429024728499,2.32941802611059 +Eif4h,6.60520628777019,6.34270974543441,6.57365003521642,6.46977936692397,6.24964708172243,6.29400565703486,6.36495010421489,6.4595178766144,6.51765018654504,6.45636108245728,6.3951825706979,6.31681354157028,5.97871773472167,5.92765094489743,6.08072939978304,6.08423740738451,6.0158216311754,5.94828238124587,6.05567132407929,6.03701546126738,6.05729902579999,6.16553600576514,6.10679543055131,5.9521297853157 +Ppp1r13l,-0.918339888610603,-0.290648118196447,-1.05560696702263,-0.902704779566783,0.0817600025140797,0.142759752613398,-0.107654923510832,-0.644411953056842,-1.07130530096409,-0.927322934908672,-0.157366757873449,-0.522792895195158,-0.827515317936264,-0.601668546837273,-0.764076403173313,-1.11676832225789,0.187912163442207,-0.631547354695694,0.42439451418485,-1.60951856447388,-0.801493007793926,-1.14262501594464,0.651093563161004,0.487333965088425 +Ints8,2.74163090074229,2.65529386748611,2.18604190368179,2.6290915175869,2.76360088458932,2.7675193156492,2.69868303977597,2.34055534048894,2.5784305331741,2.62564628583863,2.82715962074716,2.93199455503076,2.59173821806337,2.35193817105755,2.27462999269265,2.55504069111749,2.71771569814535,2.53503681281779,2.45435860313583,2.48458403342507,2.48595381652051,2.35292922976208,2.5386006432835,2.50264348184924 +Rnf167,4.64164140611341,4.69572758850301,4.87485492982608,4.74181015709838,4.42332334999527,4.39059710937087,4.33692520132139,4.84366740169652,4.71992573009896,4.78400489698468,4.47852598641807,4.61309688785112,4.85135110399453,4.82215800726528,5.07647621570963,4.73654905523397,4.56141073378341,4.9021466157965,4.50088525053336,4.9554058803833,4.93618673831568,4.87579576058628,4.56654025472727,4.701138922969 +Siah1b,1.81417743697709,1.69317686861625,2.08969890747821,1.74992568738752,1.51982310555406,1.33273344547347,1.7850797506043,1.98072791732036,1.56660027660109,2.24138719978353,1.12447461530663,1.60014251631654,1.28490291519599,1.72813134295857,2.03361177852199,1.65541834751305,1.38549554959585,1.17296420487638,1.01102255659459,1.74439584156357,1.84049982543561,1.85603775750144,0.831820578712636,1.6071681046411 +Appl1,3.31393852828409,3.34374152016594,3.51584686128521,3.14008134408488,3.30476247165214,3.18288494602224,3.12764359533415,3.54804951546213,3.37893781302546,3.10497700773063,3.24285310799741,3.25327026952619,2.84951988202464,2.93641061813436,2.95603911099969,2.72236615609348,2.81225635644991,2.79014300983749,2.58702379638134,3.01216630978793,2.7207118230096,2.71202726036317,2.82304412042426,2.72170741557147 +Spen,2.68139887979101,2.74793091232287,2.49298472562686,2.36977500370635,3.66512884719924,3.66986856240935,3.42116388156529,3.28589005649952,2.30901982272339,2.39435840949787,3.53355198128687,3.05332309458352,2.26005613094528,2.74026281737499,2.1526763156657,2.20315782335864,3.61998236833078,2.93633948681669,3.84056071735738,2.18317661555293,2.22041155352761,2.41153150223912,3.65322281217229,3.23024881954368 +Snrnp25,2.06408564703498,1.62581519308329,2.48764542679602,2.32853590565231,1.61138479504332,1.78631105309171,1.33042558802469,1.95980925189288,2.47719817418575,2.3469621401451,1.94653007708927,1.54725706996995,1.93302614441932,1.83041563406307,1.61209656427217,1.69637955057658,1.41190723991293,2.13252853021792,1.30503871703697,1.95310522733908,1.80804992383061,1.95233352018358,1.41609782161293,1.24157651167612 +AI314976,3.89283651391279,3.93495178655333,4.38434391948407,4.2232458014507,3.61700466498043,3.60905734312758,3.70308219236491,4.2032289664429,4.3371504715002,4.16714040538752,3.6938092254415,3.75860773535253,4.21562418571587,4.15496028037505,4.32595568158945,4.13967761883245,3.75452829898989,3.79366972198562,3.6557177299564,4.35118450137255,4.50633114876132,4.22710131244405,3.59041400153074,3.62601887519552 +Cept1,2.51469586361495,2.41485800640977,2.69694831136768,2.55809706070252,2.44992775817581,2.34369430311859,2.50126073161061,2.39950177454247,2.6264068694317,2.7116278046834,2.46477487530501,2.44900868243429,3.23601405232752,2.81964731963926,3.15014319238787,3.02610573165134,2.7518271635363,3.06600796100989,2.9366745290632,3.33448667755258,3.18266734091777,3.16722691309988,2.65090629874729,3.09007429924589 +Rfwd2,2.11465954188526,1.86208267298334,1.7320641148663,1.92772354320339,1.95475431538006,1.81935183729353,1.90884704374884,2.00664771985761,1.78564367208548,1.84005904100726,1.78211498845542,2.07068423878195,2.20154299048882,2.0590778870303,2.0125981509639,1.86797866005729,1.78736683444566,2.01242574225218,1.79427344750549,2.36302897065631,1.84208839868834,1.838956749828,1.94777701419964,2.0087541490019 +Ttc3,4.24688088768076,4.39614393313371,4.39097456035263,4.54161770637287,4.67337541492027,4.57247676182866,4.40343677421821,4.17528705519637,4.32875939804075,4.57439164976442,4.63176130985654,4.54602579926345,4.18330501419169,4.24698239177339,4.2069157759985,4.48170466028766,4.46244707036094,4.20599795336146,4.07469355566029,4.19373076155629,4.19021062970403,4.46704815161171,4.41935844957071,4.34162913520936 +C1qtnf4,3.67010336934822,3.15218099803501,4.29574159494028,3.53637724001164,2.91000371111542,3.60714062111958,3.36384218887781,3.78784817193184,3.97470090449926,3.53299196234642,3.11991413520714,3.18892754840155,3.30214350383335,3.12911961862417,3.68388957219208,3.10213016944809,2.56518055320839,3.14183635030363,2.99315304701793,3.63063709845424,3.55675752019726,3.57177780650296,2.79267013428029,2.73940743273649 +Iqcc,2.23929617111722,2.79138554254011,2.33882019742262,2.63215949974173,2.59750607324843,2.56548460933426,2.89918884200675,2.4081198223713,2.48356400240328,2.81984791893427,2.55008502773799,2.70020178339704,2.2682898941522,2.45424933685228,2.17939858769045,2.40688004568946,2.49899550541934,2.19152778735723,2.400059695455,2.37172792640664,2.48819875130972,2.56172894840898,2.49193270057592,2.69700555261086 +Iqsec3,-2.96356899655461,-2.29656086356868,-3.36160927658748,-3.62517346602788,-2.46906385260621,-2.73854380824653,-2.51759340416964,-2.34749329979856,-3.77328151628418,-3.8392774559389,-2.37399133288488,-3.3312551367641,-5.49029559637224,-5.55471151330175,-4.8135723347529,-4.9530670204365,-4.14872754079524,-5.06001476104342,-4.39294804742599,-4.69981198729951,-5.53594078931718,-4.55669243824776,-5.53214237919798,-4.71358828702567 +Eml2,3.48312977691115,4.06946275691904,4.13121355533497,4.25873551140009,3.58447990234128,3.71507848278845,3.71656937165989,4.03585514440544,4.15367206964441,4.15473822489337,3.69168810517709,3.71160416869411,2.37603318966458,2.880390053522,2.67815167717377,2.85705711733255,2.8574858242848,2.81609482851629,2.98031041737893,2.56423475238682,2.51446077263637,3.00197051312623,2.81071501179703,2.67871845486237 +Tex264,3.44248038527894,3.0403213688459,3.34704676838621,3.21600863673108,2.99740042187031,2.87109097110768,2.86396180328685,3.28660091607754,3.41088547521127,3.16990239780284,2.86362282535627,2.88446577463423,4.43061372264397,3.94338167670965,4.30456090179696,4.07028881854857,3.91245629063708,4.10368385767491,4.03648407719187,4.49865589319051,4.09078008351458,3.85771951017801,3.92188825867138,3.99415925801588 +Fam116a,4.31585842554462,4.10489665837641,4.37230236338743,4.28906461696137,3.8515008386237,4.09460036957518,3.99742075410029,4.41126977374603,4.32980316671815,4.12831076085451,3.90876646487594,4.18617612881499,4.04609753963769,3.89099881650359,3.99283076222104,3.92762513268763,3.58370683140731,3.77014023171346,3.53262030949368,4.26044266941828,3.99747270503999,3.77615286164023,3.49921793354724,3.76176380923252 +Hlcs,2.20027706402728,2.12010149684141,2.22106717246981,1.89109303195199,2.0894210483348,2.29790164132148,2.00782172677868,2.10977452565356,2.26922648887521,1.82622943170422,2.19193143132902,1.92882215871325,2.8403648839793,2.88926913918275,3.01295796285039,2.8487649828246,3.19695364394962,3.11357424100786,3.23091815961919,2.90284627147669,2.93118471490729,2.87260321114443,3.05343835996848,2.98735460577298 +1700123O20Rik,3.45122431810271,2.81922020368822,3.09139629792575,3.15838397818626,2.7263541064244,2.75047361697883,2.60634180107043,3.03869523300701,2.83501599004042,3.00088084212868,2.79644519751871,3.06948867928851,3.44760593652284,2.853864245982,3.09969442981808,3.3778264350986,3.27000879872791,3.34292483205078,2.99180073877117,3.35855561746318,3.58529039879931,3.4743117203546,2.99876448634885,3.34492334886609 +Snrpd2,5.21581065293117,4.39403800361449,5.13492526973975,5.15344203524042,4.89205218542516,4.86425878304916,5.05000084807226,4.89068599476452,4.87279246983796,5.09688161858017,4.85352790058284,5.25035737470422,5.1305257536265,4.69123450352159,4.89326487587031,4.53955725506508,4.60171397233718,4.73187659564748,4.69990680481228,4.8631845354246,4.79803821770137,4.74109678385279,4.64129235549535,4.8146016432149 +Tmem146,-2.30026683772488,-1.65236433796608,-1.07115879369604,-0.925986126877128,-0.811567624977205,-2.40082624183283,-2.84839262897111,-3.16292375186926,-1.76482092733599,-0.949411744432801,-1.84249399280997,-2.21993416036576,-1.43189162352132,-0.432197285483216,-1.1468596770487,-1.12900423737955,-1.93344913543777,-2.31811087628985,-1.0796938770436,-0.568945351430952,-1.00383847073,-1.03822028383822,-0.693853568633472,-0.89216773608098 +Gpr161,2.742174267223,3.31075985245556,3.36432014190266,3.27962701048672,2.93040947631396,3.10072608384343,3.03989312392833,3.3628694912063,3.08058337926045,3.00311559435067,3.01279982053687,2.78518624244173,2.27950685472179,2.77560194004791,2.4577510974254,2.94582953498341,2.15355393141187,2.10719077198919,2.65442595790708,2.86163039915777,2.91339751927886,2.69092485709211,2.1397758460653,2.32968687110735 +Six5,2.29824973171547,2.84972507767536,2.08001606965416,2.66671011216876,2.98529901335355,2.94113888097721,2.89761317717358,2.50617874915578,2.38617789367206,2.21774770048979,3.0206931275738,2.83554731245404,2.72297983045008,2.95553253247856,2.40300004603726,2.78579259568976,3.11454382322421,2.94215913017292,3.3441819565198,2.78260667559212,2.59261910315569,2.67989201512967,3.03448369442402,3.12965800602747 +Szrd1,5.09346204011047,4.69876270032604,4.92191620505571,4.75794096930205,4.70525388140758,4.79122950323981,4.81944714306094,4.90340538435297,4.91159384197926,4.77312781399938,4.76473645755863,4.8012062716941,4.26497851160046,4.03731958689314,4.23992594234789,4.0024084791441,4.0002592731498,4.15006202138331,4.17176540376473,4.23164159957675,4.19500467847756,3.97528775500904,3.9820891098277,4.01257063230466 +Tiprl,4.31188596488762,4.17277123728207,4.39209083823836,4.18045621460602,3.98552983743661,4.19503864903793,4.0672704814133,4.42083704612201,4.24034951433482,4.243176943546,4.08644205633357,4.2711515235382,4.30359211407885,3.92436060872634,4.30576669575768,4.25543971011529,4.06978358508479,4.32572890614794,4.02783545251804,4.42167332650847,4.18509252363623,4.15707003111643,3.91318600880212,4.01162451181605 +Sft2d2,3.25812560719251,3.35552568679879,3.55037453324423,3.17407600317361,3.21268563408712,3.12549502676018,3.14559759619791,3.67524270576552,3.29004927553904,3.19605047525857,3.1826419049777,3.14740769306011,3.66469710848249,3.6446774138984,3.72659212605098,3.50643933505454,3.31118264969926,3.47334459798271,3.31790369963495,3.84555891194638,3.54223298895856,3.40581263023023,3.23040948084662,3.29315337587625 +Psme4,3.58351198170193,3.54328342318418,3.43386497139044,3.65230002965125,3.88857955064741,3.70598482109111,3.77708527634731,3.32817645447225,3.49277603948553,3.55484083280813,3.72554463134814,3.69044297221889,4.67637953629715,4.34975011264012,4.64099227976575,4.54707468163957,4.66967698771915,4.6057924483394,4.59878766386873,4.18065122359467,4.41080436994372,4.38530699053641,4.6386986206099,4.63907071576307 +Plekhh2,2.37933155323286,2.89041058575385,2.62481045682393,2.3259799577504,2.93793765844185,2.96990173873003,2.84475233594877,2.73687784436813,2.4660468737024,2.28021905376388,2.81184195141157,2.81680617578402,1.34371508132709,1.66318827951883,1.61608227832433,1.67310648653527,1.72129434621392,1.60720070002809,1.73686443391999,1.48432779435986,1.28308987331332,1.67267627549387,1.59226012513958,1.39536857738231 +Reps2,1.27519956921236,1.81411652914348,1.94519452427557,1.56478156723606,1.01291653113829,1.20749117712656,0.945589524554975,1.86600434891248,1.61746534663303,1.48586573354462,0.821279029655338,1.19122767671522,3.49187656249419,3.57621714171781,3.50247958990943,3.51388534924221,2.806608958628,3.17043121884267,3.09724546689415,3.59309051784704,3.53118413538993,3.43637875905028,2.62765051009394,2.87865137460753 +Erf,3.30231423976731,3.27446799277561,3.21724097307771,3.61461268609446,3.31298484159634,3.31521608500217,3.4775563006464,2.92336378796531,3.39891363148475,3.30005483914317,2.99864041575076,2.98633462986517,2.0760197119438,2.14300447824779,2.31334317713642,2.4801440111599,1.96894475080508,1.93972508171924,2.21310472756685,2.06577980414009,2.63951220083074,2.22582819994582,1.88369649158582,1.79313838046079 +Bsdc1,3.75065083614234,4.06993953812022,3.85138377160924,3.96503969056774,3.71343582673846,3.76719652486115,3.78893638452317,3.90067117285546,3.93954007356882,4.03962686077907,3.77339618766576,3.90879813478947,3.83881225905174,3.900774750845,3.76109179328061,3.99192760679372,3.7857205366988,3.60524065069299,3.87327805744576,3.78033471102776,3.89911756947365,4.01564293612024,3.82130252780934,3.92062605940181 +Crocc,2.43287763570786,3.28584089055797,2.54128678981517,2.7597656587353,3.2317768531771,3.17989051271231,3.60412232086809,2.57094278078207,2.43724759289924,2.75356388006911,3.35577423984241,3.04422864520074,3.01310953843547,4.11613697816907,2.89283878555437,3.3999626341786,4.0313748576034,3.50561512715494,4.51366556090215,3.07104279842381,3.14562231627256,3.42155512451795,4.22895635254643,4.0287077604511 +Ino80d,2.63619211428302,2.86967471380752,2.83603269458496,2.53442443573671,3.31885675869159,3.31640507999106,2.89823600946826,3.36213634746515,2.75858130636308,2.59471666460829,3.19586424584881,2.99554660244057,1.91898810810881,2.2421738454192,2.05816596395102,2.07573380829116,2.74551629811297,2.36110686940608,2.51637805727175,2.21692585969049,2.04003653965488,2.10145038928678,2.66003633777183,2.55667885836476 +Osbpl10,0.624200342260741,1.46435104467703,1.39261475581014,1.2341031499233,1.33390954917575,0.978169171000568,0.611536260371008,1.11319888560889,1.13662448295239,1.2168937154694,0.708018627530439,1.07082419038359,2.23877604368235,2.90642059960881,2.32045251950218,3.09253417557284,3.39210067514148,3.18586735206787,3.26294329693436,2.51722413015059,2.26038651991981,2.91233678551052,3.33381368167003,3.19492384626945 +Wdr25,0.92468584115923,1.15320769322511,0.663765736354232,1.18732935886517,1.32954826636945,1.0977598639074,1.28207787358066,1.27704016560621,1.10768272132725,1.01469554178591,1.29351589319567,1.18277553939215,1.6726159818679,1.60427693400008,1.35858852826389,1.60734192607935,1.72136041553298,1.73994578612826,1.80482367043759,1.43876576981719,1.48622184926539,1.69956181075362,1.88919291712799,1.4945778834419 +Tmem205,4.01900124645724,3.49114322624143,4.08841651663513,3.74825933931034,3.43672726400437,3.37250126953281,3.37102261444897,4.02717375988962,3.82287819587178,3.89837374296215,3.36344050070788,3.80291504711483,4.65316635394389,4.4522807835191,4.50454748887481,4.42648269246851,4.09130232220302,4.49865741715692,4.14524211320319,4.74420745189885,4.41851999205738,4.24083590954508,4.213638812997,4.02282950195392 +Gfer,2.90797733517772,2.50098869586177,3.07633198743782,2.73671121833298,2.4223728946683,2.54833491471054,2.32896336425866,2.40071799085729,2.4408711956642,2.4414885869277,2.30720129938418,2.41250551080408,2.7918572581882,2.60677194487493,2.32087852655305,2.77832912687262,2.33728550792284,2.88274197551889,2.63993968806286,2.56416916888466,2.71209127586107,2.68431339903833,2.60866946463681,2.71284322006152 +Foxa3,3.96823943695215,3.73660852293059,3.88665280249587,3.62754792711093,3.51808636825129,3.53159602530651,3.67495358592035,4.07776029190006,3.81431142408913,3.16853193688992,3.25440160359953,3.72606657871938,3.64897240159436,3.11273969259811,3.39799726058116,3.25857564201094,2.86781117601136,3.28003656533829,3.06504831267215,3.73543186131034,3.39773656396902,3.10502459130511,2.91672993380041,3.08069884688908 +Kcnd3,-0.193259423938677,0.0947105684723484,0.360191914223835,0.288060900714089,-0.530866281942622,0.208587903743101,-0.0509899090084396,-0.652034335905771,0.456181284395459,0.0552653462843091,-0.190222077346759,-0.391071886668934,-5.02090005092238,-4.67652383762172,-4.08206047369258,-4.95446980587377,-5.08240579492259,-5.65786825779217,-4.54442894543715,-5.65786825779217,-5.06654524386732,-5.65786825779217,-5.06274683374812,-5.65786825779217 +Rnasek,4.16550931661865,3.83930089528622,4.19871829604794,3.86111652525951,3.75768504140572,3.84818934680712,3.67961583109805,4.2187610388308,4.12530900068839,3.87985909062212,3.99503937143481,3.77216164520511,4.32818076658043,4.21417243009997,4.33824804570312,4.03262076643782,4.03284841546561,4.3602168103791,4.12116855437387,4.36991021090589,4.13574038474668,4.0733550132318,4.10282235476153,4.12336995118119 +Atp1a3,-3.12648258431069,-2.14677411192552,-2.17397048923883,-4.05351030975349,-1.86239305718381,-2.03618019638883,-2.5748155826374,-2.83474128494378,-2.98407626697612,-2.65163866859025,-2.74834250183027,-4.00255145031859,-2.65114696316145,-2.27089906355954,-1.9516525359159,-3.12678012313158,-1.87744700254758,-3.03713273666898,-2.59689138950229,-2.80888374650965,-2.01625505584322,-2.05147103948437,-1.82542529470269,-2.11142307572111 +Fbxw4,3.49410249169465,3.11485194304191,3.18508864259164,3.13159892528372,3.38721569386535,3.60861660966503,3.49375594779728,3.45428237223406,3.36092268302541,3.10724941996409,3.36216533698319,3.29870935559879,2.53799426406148,2.52738120477312,2.49735488162783,2.34910874460341,2.71270638584455,2.62540602038578,2.91735859126463,2.61716714799131,2.52975341338655,2.23434280159704,2.94033445817757,2.5540103629703 +Slc19a2,1.54539322810572,1.29635630673803,1.83996915847742,1.77682460622797,1.61756220330043,1.64851834788268,1.46763367825939,1.35714461849735,1.73305880605604,1.01428596537456,1.4547455868967,1.37926843205174,1.36939197641907,1.48153111072254,1.19257882450248,1.81693941712802,1.1620414551482,1.55528397310659,0.910486884225743,1.73764268160742,1.24038406917221,1.26201022087637,0.658254143391647,1.39961561929144 +S100pbp,3.07495044753268,3.03632288968745,3.07320146781968,2.983387612403,3.19043058698201,3.17761080697998,2.87725885295154,3.12034165458566,3.07578830718378,3.08404905247721,3.06027121067039,3.05152264551359,2.32012448466469,2.36398797068283,2.2917744095409,2.23436308526713,2.34442011716185,2.37502615516018,2.10791134801251,2.45235176754975,2.25984631511275,2.30184151729901,2.3174617094962,2.25508156818233 +Rfx3,2.69452184670237,2.77241684399692,2.62338900497291,2.45735842011363,3.09908614884184,3.10711633672847,2.6582134683054,3.22774750395454,2.58229767284267,2.41619747593915,2.89829110115298,2.97316366113776,2.70310770678609,2.61671695433891,2.67332867683504,2.34784703784066,2.76456671045274,2.74792111730118,2.68086105714375,2.82372631422944,2.4389769527037,2.28552131336356,2.85655263890861,2.79622409200301 +Ulk4,0.45680219850171,0.516067928902993,0.944697487888822,0.661108247694486,0.950124203693768,1.24825464891397,0.887143490748903,0.542508733188213,0.89572842190528,0.93883420900413,0.723579544272108,0.910557472930365,0.826177819095816,0.901721919505049,1.3252177199622,1.13051066615228,1.36748873942211,1.04297465466951,1.3543733777453,1.02966482227959,1.08812326861123,1.36198657543627,1.09927013045645,1.24850688847889 +Slc16a11,2.02396161789422,2.71712699985422,2.51128618050943,3.06709436932609,2.71367579575446,2.44178102738201,2.88402526154125,1.94474080499001,2.65800720857353,2.94413210474382,2.82270976087587,2.69771323551362,0.068902660656142,1.29382171267728,0.764543848109173,1.24745994887858,1.48673195944196,0.40945619644717,1.40454913662685,-0.165546489445861,1.16215868955389,1.41455091428927,1.42375137118948,1.23791751167425 +Arhgef1,1.81483824748223,2.65061963325362,1.36321574713272,2.34486632476768,3.3164643347306,3.26397015470453,3.31340102659102,1.69898717480184,2.14219549249986,2.3697979849366,3.4999907337172,2.76427948082978,1.32466826470819,2.33192091856048,1.31150695918674,1.95460833344791,2.97319140657019,2.176255413404,3.28826083849261,1.16915710727942,2.01832267840015,2.23470022586959,2.95757995590152,2.59261098216721 +Tet2,2.80257290040424,3.32630696597554,2.75038517232808,3.09958928022563,3.69325980713387,3.66028386731761,3.51758839019775,3.05151346889572,2.86465984132879,2.96005539244229,3.59495519880402,3.37921423906655,2.49725628421599,3.1187490725953,2.42090583971442,3.09986185198777,3.56136042559976,2.94641545562942,3.51950821271295,2.45685283171863,2.9186281872177,3.08400088465047,3.46197981611089,3.25861075894543 +Rcc2,5.14449504806145,4.9463756424579,5.07613469796777,4.89633273677852,4.73895118967357,4.93291696018675,5.00295161630499,5.04657492222285,5.13262745098777,4.87664443901673,4.89244959863668,4.88879758693133,4.40298392675148,4.38389620985746,4.31485277158908,4.21391081514303,4.37369715838513,4.29045291554788,4.52125360445631,4.38632419567281,4.2768847646774,4.21320570475783,4.456290415379,4.33682444838815 +Rps19,4.74748546533564,4.00296895338098,4.88272495027503,4.82706433106123,4.39746466115769,4.38956491941597,4.35561886401021,4.712355975126,4.73352287964012,4.7880098852071,4.45504613247482,4.41648275432402,4.07458603441696,3.70401957852537,4.09378697614109,3.77519895481923,3.56185923933214,3.91452845411226,3.63398058536302,4.12881644502734,4.02007621893184,3.89873402692606,3.5439836491603,3.56543412687872 +Cables1,0.436669223285156,0.419768651981298,0.676186381625432,1.62953613962048,1.19840623590531,0.728469607435134,0.743496244031893,1.07777492195647,0.750850247097015,1.69049990180386,0.843361486197303,1.10643689730777,-0.230714159567582,0.361987668601451,-0.231614404188199,0.474147555228908,-0.0651955716385693,-0.248622414296705,-0.222315673497207,0.20704099698816,-0.353185253737341,0.0238228622458267,-0.397273342889247,-0.178694550583733 +Arhgef10l,1.59136047213178,1.65657113294097,1.69718400499682,1.41822884705851,1.40969449330802,1.47420043678911,1.66442184249937,1.31313578071507,1.45054934707894,1.49674554158899,1.18567365676721,1.25037484046775,1.49735633860434,1.83366702730022,1.51668907193528,1.80411634033757,2.04931202450513,1.79092457822927,1.96799646323645,1.43846705077713,1.10228994365348,1.53427742056829,1.9795785989766,1.74522002633425 +Arhgef38,-2.10612309946223,-2.12574097153167,-2.42514273091945,-2.89670273520986,-1.45254179975467,-1.70202369720208,-2.72160059520695,-2.30344502687264,-2.93319254210698,-3.84205961720809,-2.08877545255495,-2.26548525795666,-2.56982932267065,-2.04041207251259,-3.08785762920584,-2.41480601663136,-2.03240843764931,-2.03265434367836,-2.20576922664859,-2.34184783537873,-2.57513885873359,-3.09415164744167,-1.67039434667521,-2.57059113225173 +Igsf21,3.38842752443151,3.48194284699971,3.53059584431088,3.31933877274634,3.39506783191634,3.72697343500642,3.70529223314199,3.68793839634759,3.52017708020384,3.39830918156355,3.74971098864211,3.62895693065581,-2.16686890334462,-1.18530722666153,-1.69479434406725,-1.42151406938381,-2.06711263817988,-2.45177437903197,-1.35465080099581,-2.42658136305285,-3.26271016507052,-1.87023334244308,-2.02499605994137,-3.85403317899537 +Gm11992,-0.460750449567301,0.675842523534484,0.770501935064621,0.154066263042818,-0.906368293054195,-0.104513697846853,-0.343967427037283,0.721669426472388,0.0210877687320057,0.143437734624579,-0.131893406233093,-0.157029340217846,0.423583235631598,1.12074182134771,1.49147860394245,1.15113807336494,0.393014109449392,0.785999510721594,0.278911138886113,1.77186257720754,0.751183823200235,1.05519193761875,0.310711978944529,0.422750230959118 +Mill2,0.637497678123153,1.30450581110908,1.12928398628627,0.718982222537015,-0.437047577382148,0.792152495871557,0.754280700653171,1.09671885128766,0.916030247061224,0.0233919075364255,0.783820491304786,0.448296223673288,-0.0824678488019542,-0.554271748844657,0.162613183698326,0.338407089637303,-0.227175105042792,0.839941600181382,-0.183463502173177,0.0752941685342317,0.738740359521067,0.0407539097596184,0.960773893778782,0.056949108859965 +Sh3kbp1,2.01714692555522,2.05312350489716,1.81326352562402,1.66229225123466,1.92602850281573,1.97430564021824,2.1433765063489,2.18426063741152,1.96996280893318,1.72760184680727,1.90604992935213,1.86073651401417,2.44397512146036,2.02647676294184,2.13723470437076,2.19641220910281,2.50012483290033,2.31591862885657,2.23419045438664,2.37732617568776,2.2578646906346,2.18764630770826,2.48981244176282,2.28439479372496 +Abhd4,3.35262893614153,3.3745627065777,3.56885667481583,3.36991037001012,3.30451487158544,3.11825249586255,3.08313270068815,3.76835633700947,3.45395617988576,3.27698641501938,3.3818221022894,3.2854730419533,2.70370640722097,3.02509214225915,3.06086218154462,3.06074114843761,2.91944251766118,2.81759753201129,2.78818821891551,3.30438672981398,2.71417382526426,3.07111161700514,2.76421709855242,2.78731914129473 +Npnt,-1.31015793514018,-0.387904417882972,-1.06573199611887,-1.1330685177805,0.405788864880139,-0.332682702993023,-0.516950797654772,-0.630656648009112,-0.983850391737345,-1.06000855726573,-0.0987439677761435,-0.172240609316141,1.83720317471115,2.30221224120136,1.93050500275334,2.29903222925528,2.68071754400784,2.45918903268413,2.54024890050987,2.39179894126407,1.77330626937471,2.09022725702167,2.26881289362086,2.30391551321613 +Trim62,1.8081855540957,1.75124129226429,1.87208144183711,1.41783665139741,1.80866157675448,2.10281456279291,1.98286200891993,1.63857370389877,1.4768875485888,1.27046065143432,1.94308868996597,1.7242220597168,0.265284321383501,1.09563612141838,0.50841232010397,0.720717701311103,1.27279052492648,0.548718678539869,1.17073838890642,0.649573065403173,0.616255677475567,0.977622396031369,1.45069444085287,0.98262777286953 +Cmtm8,2.59234562767585,1.49906621529939,2.18887223275296,1.85952769494397,1.56347116174266,2.16560722888995,1.85777295431526,2.11488107108592,2.09678551059365,2.37334440542178,2.32061179318363,2.31233031477229,0.798043418997257,1.02389019009625,1.57148748300759,0.706845391034966,1.08852600651373,0.335338296767258,0.411235816250645,1.706361210957,0.601373323745764,1.09502395490357,0.247883602993622,1.13742682000043 +Mtap7d2,2.30516998867678,2.25962466352037,2.28500086424343,2.41504197010743,1.99354770084357,2.07756009873263,1.93621338112381,2.1610972355229,2.41771933442074,2.39838704264421,2.45469522475523,2.17865304071649,2.15821610556952,2.26219846368405,2.2237924540611,2.3103740254431,2.20900439111532,1.92617302178927,2.068571300208,1.99442792210733,2.06857288852626,2.59173695558908,2.19521924392162,2.27611165919153 +Iffo2,1.84930404382742,1.90229052989564,2.12599244583207,2.07242021101122,1.70210144402659,1.86384358482274,1.99634980861171,1.88382601899024,1.97377060534904,2.24357009302047,1.85889523048966,1.59369053999534,-0.0484610689005565,0.0026379495965076,-0.133433786930173,0.270472166403366,0.154515432097411,0.0071664003692246,0.414973648033302,-0.106340174139516,-0.150702949471855,0.19982927808279,0.211877330472071,0.162867640664171 +Ghitm,4.89773841140894,4.6904420967923,4.73562146923897,4.69853909381112,4.45186870309366,4.38409091293091,4.56909388461397,4.88101636769987,4.78637445100995,4.57637438906418,4.45031142658285,4.78610611066254,6.08163161888376,5.8184543227888,6.05401757892899,5.84523378961706,5.69389439065733,5.9802359590157,5.61611601443446,6.36490801771224,5.92671145395038,5.81055736638274,5.57777059719599,5.75635165098626 +Dpcd,3.77230233887472,3.32832125676602,3.64438475569639,3.53841813466306,3.02693029319799,3.31558851745538,3.44556371616134,3.51154889441195,3.19046542114974,3.57832846853615,3.44014011516366,3.49323382835523,3.79466578298845,3.3931065669956,3.51932985593497,3.80354580934385,3.47728294297545,3.71600979786108,3.63629797791044,3.7471555252009,3.6306370675287,3.39909006443863,3.39057286200884,3.56833530565614 +Irgq,3.96341363198937,3.7028181194822,3.81861102521277,3.8800433701998,3.84912173136721,3.81154571724249,3.83318985624581,3.9819979991148,3.81173812746221,3.66489668475189,3.85804009476693,3.81774576458961,3.78387261408692,3.47071696102985,3.74024981302784,3.66364308278353,4.01530715647019,3.86118426432047,3.98057303793065,2.99633886876931,3.66168597042127,3.5535144979118,3.86672579230363,3.70126507024783 +Fam117b,3.50891954099263,3.47387061292217,3.51957006622385,3.52081003251941,3.40298771448574,3.49906094277632,3.29711881640003,3.67008560383671,3.5196103339562,3.4757532537281,3.28513744481939,3.3483645914727,3.17508677537551,3.15883609313607,3.51091030814526,3.29768517409753,3.18903999785427,3.30284506754931,3.11601946777122,3.13731684668069,3.37309707444911,3.31804662618622,2.99001623047483,2.99355150983599 +Wdr43,3.79363181839175,3.67603683856942,3.82900794005949,3.94483745978666,3.5818318226345,3.581122972578,3.75223878360825,3.48534965757882,4.02688713490782,3.91262515323569,3.8551281637356,3.7198863842909,3.81536721226244,3.63085100639309,3.75288622785152,3.83514362562196,3.74080205362729,3.8750516199413,3.84346238968139,3.49617724482058,3.78551148767943,3.72815740399394,3.73386998447134,3.80545392509074 +Wwp1,1.27744764653362,1.3409408725411,0.955208421275787,1.08205521712511,1.56726576533657,1.61484074278957,1.60779232454284,1.14913674156642,1.09435826489721,1.22457492779339,1.32311039517994,1.4576963036579,1.30990751112598,1.52739706411561,1.57831486115798,1.54958372076073,1.64257830821339,1.4467345722533,1.45710779732201,1.69988092573413,1.57648569356021,1.55689438630624,1.64210425229531,1.42323989293855 +Mslnl,-3.75537612608117,-3.75537612608117,-3.75537612608117,-2.86926141994128,-3.75537612608117,-3.17173795007677,-3.25448781021754,-3.75537612608117,-3.75537612608117,-3.75537612608117,-2.83563311971235,-3.21205815558575,-1.64089355271407,-0.980151457278804,-1.18186612687662,-0.209196243088191,-0.459243103324483,-1.06001258012022,-1.25599374808161,-0.908258845266937,-0.568551677696549,-0.7742940914476,-1.14514919943941,-0.927174185908893 +Nacad,-1.87233167274527,-2.062629247241,-3.01524718825794,-2.26200403844605,-1.35392145248318,-1.19601829758628,-1.31100791174031,-3.37982122936811,-2.41883651178887,-2.68363208683852,-1.88703078720278,-2.74728501669094,-0.465430425376423,0.0669052091614319,-1.02062786205085,-1.55759371497174,0.0754352027754921,-0.945882406910717,0.442520563321703,-1.69599263717579,-0.879348439385527,-1.27908364790203,0.399875393985446,-1.51991080119726 +Fzd7,-2.37042290031877,-1.57190646019643,-2.24108505302252,-2.35665147986765,-1.47014129279985,-3.04243315191327,-1.85684006766924,-1.37835169165295,-1.95889028788757,-2.65654261896973,-2.58167292221077,-1.8287371199395,2.28619582388984,2.35480072334009,2.68801585038598,2.10225046536538,2.16060308574154,2.33854377573135,2.06731208585893,2.75054182686429,2.36564539995981,2.08852765503635,1.85638765590875,1.89840139561767 +Rwdd2b,1.61340882651767,0.154606889937901,1.06277408549072,1.35707625664151,0.662877299609448,0.672770398085471,0.700198937287134,1.19525473692606,1.66178430742198,1.34604428864518,0.432316231659324,1.03279241036642,1.16830825578938,1.4784882832658,1.61878943527095,0.896778987287494,1.33243522927732,1.0049112573859,1.57096242604967,1.15355553451898,0.819985705309073,1.39262305791171,1.27586313648035,1.23488349851646 +Ostc,7.55046795789887,6.59124116446417,7.21039766691194,7.21176792716569,6.8135518703533,6.75172471488841,6.89365915718452,7.09248659516061,7.1312623544733,7.1128043066617,6.88810397447073,7.01741578335929,8.39437313346824,7.38624093296861,7.91310336217474,7.35302752719999,7.6338397387393,8.16743355013893,7.61089381306118,7.91256066629402,7.78568497383724,7.39516688189552,7.58113085539971,7.84585832375528 +Tspyl2,4.35226971247467,4.88268238999576,4.24450826476096,5.06441834357671,5.0482233620253,4.68195985633642,5.15213429863143,4.21889228139682,4.56211168638073,5.0163093375659,5.12897541341118,4.97154368797925,4.54343228312372,4.91438743477136,4.10360957296934,5.16527723094676,5.61508599213148,4.74774863180614,5.55221155898059,3.92490505806467,4.88123605686072,5.18334002055913,5.61813051327909,5.46739674686985 +Elmo1,-0.893731095564358,-0.908256502145961,-0.766498048839042,-1.27168078623413,-0.28414999837715,-0.544107765513312,-0.871019419117316,-1.17282497998659,-1.19966813890692,-1.18327270942741,-0.843531938555255,-1.05183432921962,0.699357901509241,0.456209441739523,0.680624659810885,0.707244218615045,1.38381427681962,0.867166466850571,1.21571347120624,0.775063924552184,0.623770313913726,0.651016497626705,1.34254860347885,0.967085706439923 +Iqsec2,-0.602296594932658,-0.292723457699167,-0.476220798728214,-0.637755645569819,0.912058501364396,0.586346729505399,0.216586354651955,0.110850634140327,-0.76202211856122,-0.745797986666524,0.770704776363658,-0.0045106930285601,0.568050094665459,0.274394756605074,-0.177960037092772,0.222236574009869,1.77268832574914,0.822676946826983,1.72440281336696,0.068423052923638,-0.19205250050831,0.337757094978593,1.7357354822401,1.20244252042724 +Ccdc8,2.62327513524083,2.72502972707135,2.91271470423767,2.68743840359362,2.95866612068372,2.95761091835856,2.95735569604456,3.0704297959214,2.64328850634746,3.10528303144418,2.94989405561947,2.72466335725999,0.895149133127755,0.890694833669475,0.699289461679575,1.12185615313581,1.43205126486634,1.24347048973855,1.6545160811857,1.00041285592653,0.81767601960334,1.07954311907453,1.30950822581996,0.99520751542987 +Pde9a,-0.0154156938037164,-0.892976897349679,-1.63427257142504,-0.495466486250718,-0.26019077918923,-1.54550293780707,-0.646757409839989,-0.417346950148012,-0.218717583690132,-0.443451650778964,-0.490787271441921,-0.657644123984509,-0.926775584144953,-3.29169831873658,-1.87455376028484,-3.86425060867686,-2.87852422779285,-1.29635165088359,-1.69727017272711,-3.86425060867686,-3.272927594752,-2.55526805880085,-2.52408764498719,-2.17769756626768 +Nbl1,2.06583285209991,1.77151985324042,2.47174053232209,1.7236533976964,2.48927178975307,2.22579341708286,1.90731102496149,2.13250180365913,2.32658901957025,1.9310304617252,2.38334051070415,2.18928235071231,2.90320891988664,2.50878432548034,3.23072118894015,3.35898914876783,3.31448286160756,3.00222535949353,2.86390712151474,3.10669592307041,3.02606968192476,3.28005023873666,3.23739023177637,2.99172226287615 +8430410K20Rik,5.14414577860171,4.96242321667016,5.17265639509522,4.95915180929747,4.6043820772918,4.72435272440853,4.72542831374502,5.00603188320682,5.06255376684526,4.96688090168724,4.76410688204817,4.99587669451896,5.19598650453816,4.94935130143147,5.13253573111325,5.06872884634033,4.80979831340033,4.96239937189734,4.78436561088468,5.08169018383116,5.20812099934018,5.0394707156071,4.72911732184305,4.95148810022796 +H2afv,4.44889109222914,4.33855575446503,4.77897337066739,4.42606091522859,3.89325389202786,4.20788411028355,4.0566148286253,4.70834794647985,4.63331787494803,4.77133695316425,3.94693733490995,4.25019573589734,3.91340844066079,4.06869776963176,4.41723264386079,4.49233300448488,3.44184484746076,3.87523038630012,3.32677826054123,4.48561344025483,4.24456291588483,4.35663163404731,3.50790311853528,3.70880612866164 +Zfp598,3.372558660306,3.67612649461948,2.89320781250355,3.61651478709091,4.03465763201119,3.86666339595927,4.10990183746619,3.05298328909324,3.31423732250627,3.56641338798141,4.12386628128832,3.76273762787518,3.47726352965537,3.80372156386449,3.25288366720699,3.82396443735689,4.038327431112,3.4581589133033,4.28480339928624,3.44180579443922,3.41282357687564,3.80157380775885,4.13232713189268,3.89481879194396 +N4bp2l1,2.95602648037954,3.5482763660405,3.66681213357413,3.88986568774821,2.81425136091982,2.97090265910518,2.90229993669888,3.70665354820026,3.55242254979427,3.98768558014932,3.63683718095668,3.57472686329126,2.6109859229598,3.55954976916975,3.13738941288129,3.58138874426425,2.50004289979675,2.63169297150095,2.47691292253091,3.59255811708577,2.98418016629499,3.74725938193491,2.7151101380846,3.03580924253629 +Smc1a,3.75549162225564,4.0795874896438,3.87291767608754,3.97101483013631,3.86427496555475,3.85422916934936,4.04008121072282,3.85277238208325,3.91689388562118,3.9420361132232,4.02724374500253,3.97609205978889,3.45498182889339,3.86506815393926,3.34908508078375,3.55369864924662,3.66352951573934,3.5623429968919,3.79793873590743,3.40115953300096,3.46262115194973,3.79245323459123,3.66366279072187,3.87607052743387 +Ripk2,2.25583125140785,2.0885093630955,2.6085050760998,2.51999993409956,2.47800877388254,2.30490472400832,2.13772733319038,2.34640302444841,2.48316414383381,2.36957377437857,2.31021585073148,2.17220784408012,1.62927543045077,1.82098611632865,2.04191081144244,1.87198665216712,2.02721735315117,1.84797711601172,1.47254409973684,1.91647484493032,2.20641393800939,2.10177433222405,1.97738856370894,1.80633925616923 +Pnmal1,5.08205384462542,5.14315405035812,5.34090018512141,5.0744627125394,4.86813677377645,4.94711203556975,4.83177446617968,5.10257943312766,5.02808679143169,5.15544993108181,4.94673821125273,4.77358943330011,5.63523850308942,5.26116855767415,5.80494957722607,5.512865095814,5.46369935549504,5.58220947391319,5.55009193940347,5.50960808383549,5.56214740535715,5.53405347138207,5.54270742046325,5.4309903619899 +Tmco4,1.05116800383482,1.40384011915386,1.24219481426988,1.3275734338453,1.28963657781074,1.1102471462492,1.33628910464848,1.15295481064435,0.766325095850052,1.45091269154593,1.28862730314914,0.970658255273242,0.104858780966674,0.114047411931774,0.136668156757976,0.315241199893518,0.256646649181451,0.275106472528123,0.703418234638135,0.164682275124051,0.364979656293123,0.415283319005447,0.798789613857161,-0.484925926634004 +Dnahc7b,-1.47386683128145,-0.372462988161446,-0.466121307482797,-0.195309221401317,0.0002421855530063,-0.117650817053326,-0.282130860835993,-0.640003899622391,-0.261219764378818,-0.143285567921827,-0.124291210576496,-0.368848761303319,-2.45477347806908,-2.01928645604903,-2.04277330053234,-1.92160522875793,-2.20337362116095,-1.7305215376858,-1.528289983863,-2.43548409257289,-1.53972230104467,-1.91700301445822,-1.91126446793282,-2.32314954785423 +Brca2,-0.91373393138092,-0.0395890633779628,-0.281882978446415,-0.463581505413234,-0.218559491755166,-0.106031585363213,-0.259505778690136,-0.688758237545841,-0.082299447598785,-0.185657862089693,-0.4080826036948,-0.16129389752402,-2.15460234776646,-0.786707359971823,-0.763628615475778,-1.25443333184361,-1.01115979956233,-1.07530322520363,-0.604123877875676,-1.22585014215731,-0.797968214495892,-0.906565174441587,-1.61785148904947,-1.08753216415725 +Osgin2,1.32906748526333,1.35180106673259,1.40511208589124,1.40615748075028,1.2011989915958,1.2589182912819,1.16545044682154,1.11020077860882,1.46285553081609,1.46954270998683,1.10811285098194,1.26533974523827,1.43713994045436,1.36320291419954,1.05905719049211,1.41756193125513,1.11054093604989,1.10209111216499,0.951263407273866,1.28995357013657,1.62716789794839,1.2414636686561,1.1217297881819,1.21080946312205 +Otud3,2.66107554480372,2.70106603294144,2.63396199291568,2.77519458729741,2.63055403821091,2.79137792207124,3.01918175610735,2.38797307487482,2.80269749598525,2.92465005281061,2.97594861046241,2.76255009230501,2.9313952806993,3.14880424039771,2.60122463532118,3.15597670772139,3.21198769080502,2.91248353267511,3.70192324806566,2.82416968627724,2.90785532329777,3.21894812717964,3.40613139236175,3.31523038706963 +Zmiz2,2.28581540550543,2.69760163775866,2.088251857161,2.33383526998779,3.3842807822896,3.27693538831491,2.96957717063137,2.8037270793815,2.43902145444674,2.5273057646595,3.30779226547822,2.63176563803935,2.23444322926786,2.74442747580154,2.59102435054797,2.71860989821973,3.73993515016965,2.94716914088458,3.82259152684913,2.22661880544031,2.43301141032589,2.86589581633748,3.7673913573193,3.02414741548874 +Lonp1,4.63099287261458,4.59230718879265,4.28757847420406,4.6674496049069,4.5236151016102,4.46844511417269,4.66627910938704,4.31180540945028,4.52330712137383,4.74332542401077,4.65488742929743,4.58519597783345,4.58812894284136,4.67250635383425,4.32928432257246,4.71536283596828,4.92707249841161,4.42661426672493,4.89138452958138,4.2055922162845,4.5519544543801,4.81646860080501,4.9330366650744,4.76400407803152 +Hectd2,0.41509120560703,1.07225310628064,0.60362799496894,0.141373909704427,0.515211557427025,0.814462383857239,0.595058746594832,0.864915694327042,0.661774970421445,0.148592509104537,0.301670973380816,0.49154969081587,-0.664142367843137,-0.605016267331207,-1.28213380951066,-1.58379746214824,-1.0335192705392,-1.37944581951168,-1.47908978096543,-0.566799034117386,-1.21536969370662,-1.48211124666614,-1.3529005536577,-1.8681208285223 +Prkd2,2.16327493717823,2.30528082118353,1.92363480172991,2.30112949724869,2.70191797339351,2.69084754806976,2.41705986887832,2.46577778565914,2.10832910226557,2.12989440899792,2.59852384664437,2.30201856988372,0.707577979186141,1.18415084773391,1.12497015109947,1.27955568378108,1.35910333526462,1.00671280503344,1.75134154253564,1.2892787098491,1.15695284594748,1.2624198292152,1.50017975934915,1.3992963577273 +Rpusd1,0.95137603980019,1.69676082666294,1.529116755715,1.07119849695877,1.67630698690582,1.59460480295199,1.83865569267464,1.24970088551375,1.09416796472811,1.5300570845068,1.29750671489322,1.70032052083379,2.4937346328725,2.46308022947783,2.77584840698155,2.70142280008016,2.86463438957281,2.61415571903867,2.66984643814184,2.43078139081233,2.64404669198235,2.9044800959919,2.92268234390051,2.68996633977189 +Pla2g2d,-0.0063821889407798,0.705047768919463,0.499286548932301,0.673847311551037,0.462286801069261,0.0544772076736411,-0.246362641627675,0.481536130683361,0.789069115724114,0.34037296430747,0.362882574605316,0.211673100156311,0.901914216979891,0.392252944786533,1.2927804124528,1.14587367675041,1.22688269879431,0.990981884905768,0.679030875511411,1.22317214016778,0.917544206698815,0.662150112548677,0.630994785235776,0.0694191694816351 +2310036O22Rik,6.11313337172063,5.56200727701356,5.94496912046814,5.94987172846427,5.72039108786354,5.48412914720768,5.87955305400657,5.85050828047243,5.94819399085185,5.98668447857452,5.76975692877511,5.79838547636771,6.1889459012109,5.96733800897186,5.96131084657152,5.87141145709411,5.89024871548341,6.06542836597614,6.00588883601635,5.8861262781794,5.95587951321516,5.99297794185824,5.99764325233685,5.99877009561763 +Yeats2,2.28981939818137,2.67968235330805,1.88491715823142,2.45799027778759,2.992089555567,2.97219495958644,2.77241993623372,2.02432176563771,2.22175975807827,2.5345685674611,2.90145642526662,2.69734440973541,1.52017680105199,2.11126888173879,1.5162158131859,1.85665123885445,2.59395969230088,2.12425333323514,2.38805515762732,1.48656819443851,1.64135103348344,1.60747059834656,2.45723731974456,2.26600381234785 +Clvs1,-2.15332731529175,-1.89009200521796,-2.07997707988458,-2.36548051519048,-1.25021936673866,-0.87026509058869,-1.67893021809103,-1.43170607549218,-2.34507314777561,-2.25298663929818,-1.62014249349715,-2.26728624373333,-3.55930302382898,-4.1137511988948,-4.68064618279303,-4.49958881439055,-3.3747635736746,-4.60653655499747,-4.56034628484106,-5.67378559719608,-4.34042869198708,-4.68456546843385,-3.65102779726806,-4.5969299328 +Arhgap11a,-1.05895055819673,-0.616003921469768,-0.243296276455532,-0.869661714467785,-0.78696035893344,-0.779815397030366,-1.11817682422876,-0.947605983225452,-0.870935286182648,-1.00820463996851,-0.886364585397385,-0.896420267795884,-0.463424978607852,-0.32010003393391,-0.329781931661732,0.0955156180181231,-0.758628265143701,-0.652462058939079,-0.359035512188259,-0.916346859820855,-0.0854045889182116,-0.4391133041338,-1.04768890509902,0.123342922832326 +Elovl6,2.88033510958791,2.31325525703787,1.99955515319326,2.2681992914628,2.75889667752371,2.84285821896008,2.59267907930567,2.20586230216691,2.20736605847976,2.32695765095294,2.72753353788432,2.85615330596323,3.26547538318935,3.01389349430744,2.76944515329848,3.56145810306682,3.59143307824889,3.46333792845489,3.01442660946941,3.24507152014681,2.87878590652998,3.51351945726873,3.46413752206424,3.41201208701534 +Arhgap12,3.8615313376969,3.88732866678312,3.98522400093702,3.88209849111748,3.64956840751054,3.67578437880929,3.73081837553857,3.87755894475222,3.94442002904002,4.0326138677276,3.71195715523544,3.76909698117986,4.06455718633928,4.00243311307959,3.87624878397571,3.86192014549653,3.74791761885296,3.88096870264725,3.66175971098262,4.06886579015551,4.03319593918634,3.96829067008921,3.68135233613449,3.96609177266973 +Phf8,3.05778393181482,2.9408333254902,2.96463209419996,2.9218657554579,3.20465654259927,3.21526543641772,3.05170932488033,3.32105749518504,3.02931977444559,2.96343353227307,3.17252923836401,2.99152258765521,2.56921518521944,2.31904377465588,2.65298320018468,2.44125705165143,3.00844368721166,2.61010211320601,2.77749131258507,2.36123409543959,2.56838598728534,2.44408530291325,2.99276775637065,2.86450829541147 +Ublcp1,1.38910352166055,1.13421319539871,1.38118750523648,0.841309087735287,1.11528426308781,1.56220369712888,1.4761266465012,1.01405090269436,1.15887785948603,0.222442006216253,1.10251656756542,1.52909513736526,2.06838361976961,1.00748584384445,1.81869133482759,1.5129506215439,1.55626123551986,1.59985366294272,1.4285421208111,1.63918272777285,1.82004966542249,1.43107967509413,1.46165624967156,1.69387078868766 +Chd7,1.77938908140553,1.96705389065265,1.25167964540387,1.80662863285847,2.41435061995456,2.39058781306875,2.14986351445925,1.68551930457916,1.47063729933398,1.66283968126262,2.44517516035921,1.9588008307823,3.16756718167401,3.39809319459023,2.90042499340903,3.35997587647177,3.91821135227415,3.4806405577708,3.89440937536575,2.99361562683046,3.23217599414522,3.21986606571217,3.97645149884492,3.68170691580847 +Vps41,5.15221468812443,5.24101553432829,5.36021857870607,5.28972669219756,5.01433674466214,5.10346187001698,5.07839661114705,5.48326169755458,5.29130329512999,5.23543713691046,5.02784213395078,5.22334431090641,5.12023223681393,5.12372746211981,5.26871301436081,5.17745470066909,4.97442810575416,5.15067737100501,4.93746589590967,5.29921297092729,5.09156773873821,5.08837570105628,4.95153038288003,4.95463679612696 +Pklr,2.15203606905493,2.45720704945671,2.55171232294649,2.29449016263704,2.06993364883712,2.27136725957307,2.21042349976747,2.47579551887955,2.5230702173452,2.24220718186591,1.96145644017702,1.96729653964268,2.28295034580169,2.46181554958595,1.89662897315095,2.34642930468582,2.03504562035855,1.84175632254104,2.04218381482196,2.00828545331264,2.29405797423514,2.46212988887244,1.67450584480345,1.99871771847836 +Rbbp8,1.5133768267673,1.36479079354528,1.08419409822261,1.38480141849023,1.32616001234323,1.47788537275752,1.56258336758508,1.09697633600725,1.41026159936813,1.40050798923483,1.58004413170075,1.41895168108314,2.12165067771923,2.02531660114742,1.7399158734481,1.81906599882895,1.67036095731014,1.69938805703697,1.79738433260195,1.94426826838928,2.17376468635403,2.15782883121183,1.71717099977129,1.9540897350546 +Mul1,2.98871008613115,2.92061740751437,2.98165189710994,3.06765940809636,2.9396612957999,2.97448710645594,2.9752094586905,2.99370442532976,3.16536322325352,2.97999858503612,2.97017076819306,2.92004864980824,3.18505431449404,3.05246210591587,3.11275221950582,3.18053083407189,3.22475695841202,3.18298221078634,3.17333486796038,3.29331478149393,3.10456224083096,3.14454343293392,3.21558809340575,3.01146193155427 +Wnk3,5.51778378174416,5.60016708482158,5.56674517521615,5.65756582151337,5.6525544879478,5.70308273080437,5.42523650462052,5.87629834533911,5.75410090872896,5.61233921627336,5.6138870980557,5.67294598690971,0.61411297130066,1.16302058393911,1.16580538768501,1.47758459863872,1.40482284748261,0.937816137883338,0.399923555163802,0.682615962138849,0.946205950451811,1.04879317836426,1.04957836633942,0.606308037061572 +Zfp236,2.48719955136713,2.5036046574413,2.19909726979903,2.30534612620241,2.99595035415638,2.9549511490786,2.83603397759486,2.64401577804432,2.23026308439765,2.1661874467823,2.98815221608499,3.00614006749249,1.94977462546188,2.14201959660874,1.46326484147898,1.90722470161008,2.97348250729356,2.09925751529059,2.83669630119359,1.51947225218337,1.66630745828415,1.64939193777704,2.87202982393999,2.91920180253502 +Car8,2.944979020295,3.11456258749345,2.86444048336244,3.36482705107677,3.37399739590468,3.18766724051544,2.88928683788994,3.40014541473141,2.49429937879549,2.89877590958782,3.63722931466093,3.10813720757648,2.77194269875665,2.84451422336558,3.43280690147912,4.02149670531661,3.60654184926345,2.35637440009715,2.09801603389301,3.05700264433163,3.15728602841611,3.76658528244251,3.22522550723778,2.75545385920851 +Rusc1,2.47809452712822,2.23885433225624,2.38819138430765,2.60642766744678,2.38816687972097,2.23270784077881,2.43687969637245,2.30064858792169,2.39526176020187,2.44973428666244,2.4102459988732,2.44027465147642,3.49493726959425,2.710062959148,3.17966047510827,3.29664559403133,3.68292553171359,3.49014261427421,3.62247652085538,2.68163854877256,3.30884010911343,3.29066302662285,3.6934119707889,3.52609189738387 +Uspl1,2.92775403404598,2.90045651336117,2.86169626247138,3.10974372339687,2.98372701961795,3.03356329774997,3.02819449529202,2.75848437172865,2.79970118682058,2.93473822840918,2.96982788924528,2.98928786851912,2.57129632091314,2.42673575625386,2.4350207342723,2.74541412218798,2.9242123597063,2.54427514224728,2.83755346014281,1.9340677667444,2.69606988348569,2.53518803544668,2.83365329407223,2.78614126967962 +Dmxl2,3.65591456820348,3.87057982808962,3.59567268530563,3.82436973407029,4.04101954748084,4.00475481249829,3.88207930123313,3.60028239788111,3.7881019146237,3.67005718561526,3.98113171280901,3.9349542359614,4.25789958765492,4.37006135914539,4.33653360146842,4.53294081978095,4.40771187938057,4.32699684975141,4.26436326362028,4.32322152578094,4.31384714506819,4.30016554657105,4.23039494360966,4.36007352999618 +Tox,2.04644462609809,2.22757199725777,1.92880586369686,1.94510711298513,2.60001298828139,2.66217314778145,1.87515679019432,2.78075401288437,2.04426955423815,1.84388669286815,2.62841776395621,2.25496669498549,0.125250652060375,0.634676740904005,0.179357427323073,0.756933499977796,0.931828913556418,0.453788941615592,0.511023034878343,0.330079949113139,0.132535792823158,0.816556591748321,0.409400246645322,0.260583812959972 +Ttc1,4.09676855591598,3.93527928461685,4.04513999409311,4.10047409263188,3.87795911133954,3.85014323141923,4.00326608033713,3.84946862041535,3.97552339112333,4.29443916046416,3.89439504447351,4.00340091711323,3.88430984178058,3.66587577109979,3.72097528729134,3.65673339944893,3.58157956757615,3.98953536270895,3.60722756033561,3.7692163377841,3.91533616620249,3.84211880444788,3.769860002305,3.91425666527525 +Cdk13,4.22121658921228,4.36184858447796,4.2429661490067,4.32938190413778,4.41267934521059,4.40000947024208,4.34695299887838,4.05598239040386,4.26179869121208,4.16766133356337,4.41712280641987,4.21335598003756,3.8444845291595,4.04501830528437,3.72920673548727,4.05436271662538,4.18675973141577,3.89442367974167,4.07181287078139,3.61981708623687,3.74431606908996,3.94600784877223,4.1524462785671,3.94676550209485 +Katnal1,1.14688420985543,1.46905516828848,1.34757192816469,1.30365944483318,1.40601256826857,1.47888579399937,1.3504530042827,1.5227439371192,1.22960011493463,1.49776221057467,1.34273763214334,1.41786549291629,0.913924762292361,0.977211688546745,0.894943135082749,1.10186158155698,1.1545107472058,1.0484496488711,1.16214054976194,0.80788062141872,0.861893619728609,1.31918206472583,0.979331095268954,1.12905192418582 +Gtf3c3,3.84446356507615,4.00413043451202,4.06137074613314,3.85632583188765,3.58368451900233,3.60951102534857,3.8089735869226,3.98140382180399,3.92769103083187,3.79022672439449,3.61132252258103,3.69790266255048,3.61894948102174,3.76538920682527,4.03187783753417,3.80117794485627,3.33105612788998,3.49027248048035,3.34514183349525,3.85157751978521,3.62086830853204,3.46850078049758,3.45199524099598,3.33446057050939 +Sntb2,1.8712652156726,1.81910333479986,1.90902318462408,1.7312152517045,1.91680429478154,1.98557087135361,1.85073101405534,1.80121921264182,1.88648865491248,1.92383869544665,1.81049193724784,1.76558369296643,2.52053416349712,2.71543050500772,2.65878121631939,2.45726476168503,2.59454196174021,2.66015305964951,2.34006445360392,2.81369969375497,2.5376755652966,2.57618807407387,2.46542984863234,2.50156770820583 +Slc7a1,2.67464617608748,2.72902112369136,2.88248428835711,2.16971622031079,2.64458973333144,2.56175872850111,2.08883796723594,3.30610993960608,2.81834792411722,2.47857112840885,2.34342643752976,2.32974345085932,2.86250140977509,3.05320874244378,2.47769535446221,2.53425092030351,3.14499056095562,2.97650555676328,3.18285252180902,3.37563306142336,2.41075514607288,2.62680412903022,3.08086592591837,2.96327704281839 +Thoc6,2.31205815523189,2.16268415374522,2.03471969887295,1.97274979408243,2.18979832330773,2.07550046705321,2.42191983645862,1.74757306194982,2.20132476549355,2.25067343740597,2.10206544231241,2.2352131927253,1.64844875186869,1.60593748127039,1.6289939961072,1.36205700083871,1.74182824896975,1.95750987214072,2.10006851155829,1.21048115733835,1.47118063657712,1.38046644784387,2.04182379076098,1.43661216324412 +Ak7,-1.39870534188596,-0.860378490271019,-0.334936568997568,-0.811253047340877,-2.47441068189581,-1.53423885313911,-1.62560825059212,-1.36087988764788,-1.32456218531824,-0.56961872595021,-1.42853425305667,-1.77053293432069,-3.35344947697831,-2.43038328554682,-2.00072083545609,-2.1775727910863,-2.68563495678188,-2.31646880715245,-2.25610192803206,-2.56296586790558,-1.97614576157712,-1.54866803133485,-2.38520837193697,-1.16221574367583 +Pcf11,3.92009078560042,4.26335394120439,3.97106180581202,4.32978696659606,4.13056723645452,4.15596868196445,4.28865556729298,3.95993433729322,4.22796745431907,4.2484835897803,4.17545797151322,4.27429950692656,3.77172979723578,3.84366501746054,3.66177002078411,3.78445942581898,3.7121888439216,3.6358755718534,3.92246212312679,3.54066497195899,3.73499237703969,3.70771319066598,3.76279805453502,3.87714981729692 +Atp1b2,-1.29713817856529,-0.813091608236481,-0.189980268332953,-1.35442924693115,0.82818379707124,0.304869312648261,-0.514219383078633,0.199897551721476,-1.12332708240146,-0.431603688817654,-0.299877119884559,-0.30375721527538,0.425765426335258,0.701067222947073,0.682368365698613,0.448554421096847,1.33498721567439,0.844632301006366,1.42258283082171,0.528943911555906,-0.0161178493369296,0.394745601396739,1.22285614095629,1.00225411846136 +Atg2b,3.38335596740768,3.55621221263786,3.47060186205969,3.59973709093098,3.75319114286184,3.68550758138299,3.63129634130419,3.50710899106278,3.54580982005647,3.70900200583141,3.63327297671933,3.65991149120349,3.57647984944547,3.63177167784256,3.55921261186619,3.71002750317869,3.85887318787315,3.60959719798914,3.82182313193282,3.48827183815541,3.27140768447226,3.49173031098593,3.90294561067346,3.83168021019399 +Ankrd42,0.936509811599004,1.69754832950985,1.27406372917369,1.32670637626185,1.42165409120874,1.58360302833408,1.80074070253763,1.31813726973856,1.35228872516162,1.2016878125978,1.44176564423486,1.52031544513836,0.690265119401837,1.10314561710895,0.792705604548797,0.69224006786855,0.636128784777097,0.653306941185698,0.990081065805741,0.517671843547527,0.699209812196276,0.739195915377254,1.05829383566363,0.953027214166818 +Wrap53,2.98624844737319,2.83013420538672,2.83013195835612,2.56018889251426,2.77662881297746,3.05821873513533,3.1295666095224,2.62014887412453,2.75079828760502,2.99543119227158,2.91507240553856,2.93494770542245,2.37171744614368,1.98413859257312,2.12024684376765,2.4254569023906,2.58866849188324,2.2151046453022,2.71665607386227,2.2705901387668,2.48358490328577,2.11253155864426,2.14772020187131,2.66087726875652 +Rap1gap,3.88405862130777,4.28771875317421,4.51268003625549,4.29776438884857,4.19555466283398,4.3166458243398,4.29118225718488,4.21812085869001,4.26823365512417,4.23156706762437,4.27381718289896,4.01119735440978,3.03282249537988,3.44024239328268,3.11673280124556,3.04452193105265,2.87598010601231,2.86866010517042,3.60921164895114,3.12912827885191,2.92620229510089,3.00784674300383,2.86798122633324,3.02917674962211 +Tmem29,-0.440621111035949,-0.797822783091329,-0.386395048418429,-0.985119203126766,-0.513679688213876,-0.539742997103279,-0.900039424756546,-0.696251887405886,-0.832594340263682,-0.477487491535146,-0.644500970103951,-0.40188400325998,-0.49762843261355,-0.546594626683741,-0.656046307610516,-1.03219051867721,-0.371048125082707,-0.43497900122519,-0.926211385051113,-0.344253120388324,-0.216288181652747,-0.50617173845915,-0.992569007125437,-0.498484207095438 +Rgl2,2.59788721012917,3.23098071220183,2.3190140430374,3.17845887173798,3.53911062368827,3.37354251061831,3.49468334438419,2.12710719626223,2.87655400461466,3.20695238763933,3.43442552305279,3.19276306164393,1.46006120385293,2.26227010903402,1.39288109951018,2.54397742570351,2.72705593233106,1.84442821648016,2.80619334444796,0.954546722724125,2.14143840400874,2.36186702566192,2.84292537759155,2.39147477914875 +Ssr2,7.57097239966809,7.02247074242382,7.28606537667358,7.1217571632481,7.09991579829722,7.15327960018913,7.10611123940523,7.43169270224411,7.09412873827646,7.124825307939,7.18514849840127,7.12955837015707,8.01140669524578,7.1331605678727,7.32759928690928,6.93718182878607,7.49106447924071,7.89481198316263,7.58035963599114,7.44307196146246,7.34989551607721,7.18777156867082,7.65181712846577,7.64095514780623 +D19Bwg1357e,3.0974063367499,2.96341020374967,3.26313361402693,3.01185285478487,3.00507570812987,3.11449559999985,3.03956833238723,2.99220377966748,3.24601139699053,3.17101391615834,3.12982657116153,3.21486096820272,3.26355033449704,3.07646145359556,3.1820424082485,3.14001666490023,3.26140357607501,3.3743445839641,3.57226852548674,2.91225442849271,3.12795333730774,2.97524318881223,3.43167761248604,3.48786901739061 +4930506M07Rik,2.87588313825559,2.9001267940492,2.81001348350948,2.98815601139117,3.12022037298367,3.17935790306307,3.30233052075014,2.69100119445598,2.82527529820644,2.87116705815895,3.25898250106749,3.0740977052723,3.21899465349208,3.18333028544748,2.95354875580132,3.18050233256293,3.17358373879422,3.07130492886104,3.29473094018265,3.03781025652729,3.07149948905322,3.11170599344671,3.08270245161763,3.33617331881501 +Ccdc9,1.96888924506412,2.57704061440859,1.83073009115194,2.02914567078713,2.4868773969261,2.24483788338759,2.45341334585487,1.88834301096707,2.13581772776627,2.06586038890922,2.37508718293446,2.30686689723865,1.45526967162505,2.23807676471306,1.31351033950525,1.85203883157783,2.02539620993041,1.65601018485482,2.22068815054483,1.59493222987739,1.95769784047424,1.82832073530038,2.02110214085039,2.10721128435153 +Mettl18,2.07877336889466,2.25203448320247,2.18179483553046,2.21909382039751,1.96217285175397,1.84469766863181,1.99006259017469,2.49802277279573,2.08889921482522,1.95421249664207,1.73993969563114,2.46990464331552,2.5979069055375,2.79872286674947,2.95838708268941,3.29668400894931,2.43942577425325,2.8284001283015,2.48318182454503,3.36045613581585,2.89273405099693,3.22928424966588,2.77130546501669,2.8606327872337 +BC055324,-1.37113849565219,-0.176569029746732,-0.934868425952796,-0.81925177703807,-0.991145078129588,-1.05186215608239,-0.941007688885027,-0.673002501752264,-0.7197422399819,-1.40951308674267,-1.01198356800469,-1.16916298153995,-1.17860839150153,-1.16825338075641,-0.942495345592071,-0.960676687404421,-1.74402245464597,-1.19660682411302,-1.51791870647499,-0.728509402554457,-0.801766998167015,-1.24343463836778,-1.75766915327286,-1.28326517205328 +Wapal,4.65502889926078,4.68572652571339,4.71399590170888,4.70172052163188,4.63465034350361,4.72651286289636,4.55502877856447,4.61166132220619,4.70623779293183,4.71094823889871,4.53314572188492,4.64361274326374,4.55946810472309,4.69854942132512,4.74755214959013,4.76876755740783,4.68091876253358,4.58836839634369,4.49024827324664,4.52977048392469,4.73017213494741,4.71921008985346,4.64782911299268,4.66900007776118 +Dicer1,4.0144036055022,4.24974839896945,4.06154611647826,4.03326090973639,4.45468290709844,4.34627226227312,4.19482816457524,4.17011198481729,4.0253261049856,3.97705653995613,4.34877685013146,4.17767688278633,3.69945868427319,4.1626666360239,4.03796799069556,4.28868906827879,4.3937998012191,3.91672460240869,4.16584339718111,3.64170221188639,3.89548053973667,4.1519628561887,4.33505913321713,4.16920733747028 +Pik3r1,2.84518361150736,2.93814043266352,2.8000983838594,2.7614571730617,3.10177980443912,3.13254659805669,3.02445830859714,2.95415883843952,2.69804073232145,2.76785967765781,2.93455979809171,2.96428315310321,4.70479925646549,4.483156969301,4.28812731668792,4.55583668197641,4.71570146979665,4.65036848136606,4.69614123281745,4.22802285010585,4.56917308381384,4.50070930931493,4.68380299341131,4.44181849483817 +Meis3,3.51348979139064,3.72359071015364,3.27328323849346,3.85547087210494,3.67792379985538,3.84778483399444,3.95208552609439,3.24283161042671,3.50546671281583,3.7397396466646,3.96921499226979,3.69477285455632,4.08185320107872,4.27603117701349,4.30493485652733,4.37405788050359,4.23461310994081,3.9166697262095,4.42054615366484,4.12972531084589,4.51066433760421,4.64313191520135,4.28795407735766,4.11114613384046 +Hibch,2.5080775874873,1.71011968145934,2.19679547021894,2.21020764776797,2.03729449620085,2.01549243863695,2.12379278397738,1.82725184683376,2.08592695040666,2.20129324483537,2.22571828568675,2.02326841020696,2.56235093543471,2.38408954346094,2.43133706123237,2.52330430243606,2.62088277777061,2.39117881316162,2.15922797516884,2.71360032721035,2.4158982309036,2.47739507804975,2.39424270931308,2.49581123514885 +Nthl1,0.392520864384285,0.730874850030153,-0.0887814294147578,-0.0826109469694993,1.13161766667796,0.611512459458163,1.18546864380938,0.843930903602626,0.283998031365313,0.659720017035163,0.771210710586304,1.10959429670121,0.111442775892308,0.815730227960369,-0.161506719591506,-0.0399230531981047,0.893942471965028,-0.199219078901562,0.0269402151898937,0.851187083350551,0.0025518518312568,0.316383364902051,0.641757558381016,0.748004174599222 +Cirh1a,3.70841017362841,3.17794875753164,3.17531014486036,3.3004248928703,3.33189006170493,3.39674046474025,3.30685712681298,3.16134946862359,3.57354453379367,3.34661378639791,3.12004067250937,3.42436624863639,3.64192362059166,3.32145585285877,3.50614600755373,3.38144511685442,3.61138346112201,3.69328566446771,3.4746182128646,3.21749388123856,3.52222406255926,3.45410043749437,3.58745437230475,3.41290367541056 +Mfsd6,2.81289190525907,2.98326057040489,2.84092915781442,3.02091459900368,2.93023919739127,2.93984342588049,2.86419704436731,2.97313712762064,2.92404755942867,2.78148081594019,2.80045778979107,2.88607451836127,3.1797446188285,3.09901832404419,3.12975011236798,3.30672845992737,3.08899677377612,3.03135271979782,3.11816047463785,3.12303007105163,3.11018573274725,3.13811142383242,3.04702774354213,3.09042036312821 +Gk5,0.461025800006325,0.608772863685448,0.262483014473862,0.478023870140685,0.71670457244322,0.426517109356562,0.185877536310521,0.382184583199495,0.54312176123879,0.668799966199233,0.0071150590686315,0.16082462345343,0.577697554581389,0.756117878966269,0.500371505401874,0.682232275154851,0.778107550090932,0.375636400933981,0.953220442037901,0.615471186836535,0.700558201496568,0.356828880752706,0.682444656423387,0.412923665717612 +Arhgap32,2.89786934942444,2.80143219301928,2.76905794484787,2.60666673859174,3.15076726038737,3.28154807553664,2.82121325936334,3.36651764068596,2.89315479595473,2.76255085586089,3.17735482269337,3.00601285179444,1.80744266209317,1.97768267342441,1.99935569237474,1.89031576420059,2.26963904955407,2.11295469838897,2.1592335766042,2.06184511239326,1.62517970182187,1.73996465752532,2.22685940199252,2.03766844850982 +Rpl21,4.79586600228926,4.27144495949926,5.14641492147783,4.85779849133373,4.70249351681374,4.84442276248298,4.60416670397123,4.82905823486668,4.84280219931122,4.91303267725787,4.72509952735765,4.82702855343999,4.25461345034108,4.06458097486139,4.46988881598154,4.12083958059849,3.95538760151256,4.14043847715964,3.94737213459532,4.32890099391834,4.21907055874718,4.17634848910762,3.92152874514684,3.88799112252959 +Tardbp,3.98440734869362,4.24503906670558,3.75084824101173,4.08295187521068,4.45251647147646,4.2330003657036,4.29844628124417,3.67448802443663,3.83832960823201,4.02231826750208,4.3679341812815,4.23237237971999,3.30216219767114,3.76876578751643,3.05557386612384,3.56476949489681,4.04175792224878,3.61217293620202,3.77924643739515,3.14820042931754,3.37896129083272,3.54900753234998,3.96233049914233,4.05437774237557 +Cacna2d4,-0.560168936334733,0.503554481440203,0.300754711142306,0.315525384145873,-0.396623717815586,0.0814167908255654,-0.0143571670972573,0.541980619613697,-0.0275368542526135,0.497915593286942,-0.216532418609316,0.0743733856600723,-5.0325996186659,-4.37005555049897,-5.66956782553569,-4.49537104273016,-5.66956782553569,-5.03942615330835,-5.00799685786327,-5.02503093452377,-5.66956782553569,-4.36058527565968,-5.07444640149164,-5.66956782553569 +Fam35a,2.63427813651179,2.89713871986602,2.95222081816665,2.83702981458983,2.7887011797026,2.59119402320181,2.73696784992006,3.16232364409719,2.99557547471892,2.87752445523123,2.62059509488845,2.62089197913849,2.13161357855098,2.57801275665565,2.28301483056629,2.33901889112242,2.27651881825473,2.15334722546724,2.21915915234941,2.31803734669474,2.44989566099476,2.29987745334652,2.04338350117067,2.240008407488 +Dcp1b,1.76612819383276,2.37817145979216,1.84506544029567,2.21825051573974,2.57081334255096,2.53665991492369,2.56218154731519,1.35897005709612,2.08246634328276,1.99841949707394,2.50365094324472,2.32637262375346,1.18922312263455,1.64472911792012,1.150821395647,1.35501424482107,1.82263515869906,1.19167729339575,2.0368920032092,0.857533446873484,1.37703776145699,1.47671952984248,1.79897216655638,1.68512054473221 +Zfp281,2.92358099582162,2.95472913296653,2.79928713305573,3.18317655873634,2.91727223363221,2.88174590092074,2.85892657247881,2.9516348061195,2.99383123102568,2.84721961718964,2.7518259986546,2.83262168905996,2.50693101107149,2.71125001553205,2.59275302573416,2.82237197905982,2.54962987313445,2.65046824800082,2.35910258290107,2.58772268362358,2.82145144738757,2.67099855749944,2.42027638898395,2.39648569565099 +Stx3,2.73804936551813,2.75710599329461,2.77408387464397,2.85125434009598,2.82960343795625,2.74923214362645,2.88205854631247,2.58781688276747,2.68256777782945,2.78821160732419,2.84833564819368,2.82768324005336,3.26069793609429,3.46521786050929,3.1639072606862,3.38566689620825,3.22489935546471,3.10466186929899,3.20922641907412,3.35803897082711,3.23343539450602,3.42529169765815,3.25373927548186,3.31742763269558 +Cep78,3.4746836625709,3.61703041581846,3.133483917752,3.56089948316697,3.69290520808058,3.40939710240109,3.69810074382915,3.27715446512347,3.4184750703063,3.49488204395745,3.73220869870946,3.49672445166376,2.80452035739209,3.09748918283245,2.86807015976567,3.02475218600746,3.11876477780136,2.759023834587,2.98128174426122,2.95909387723533,3.01540041184485,3.09432355556,3.01268608426305,3.13811791481663 +Rrp9,1.99002718112059,1.4973357876314,1.59669983309032,1.9735120992357,1.88381360495163,1.64869989340252,1.87317309325432,1.2946204308097,1.78659966108394,2.27283292382285,2.03627435509786,1.72482668120238,1.81333869221635,1.3850477949481,1.30146160318807,1.8590753978561,1.70963963977479,1.65046919222222,2.04496634134074,1.27860645296485,1.45509053047103,1.77450433622375,1.90302398186361,1.44562778479271 +Rnf123,1.6157981738237,2.02054340397822,1.46018279432688,1.81935696921285,2.20562039441126,2.19158850376543,2.08629094484988,1.68255252638557,1.72435291745319,1.88959835122817,2.12689096055233,1.89607901003489,1.65303668827356,2.29072975822259,2.18184983228432,2.16877897787662,2.40425304535775,1.98236154805354,2.48256908139193,1.8627800483928,1.72276727422763,2.04975885665727,2.39657907732407,2.12798805382152 +Eif2c1,3.29790564657106,3.46938884285628,3.30839026400023,3.30936032355649,3.6040339816317,3.53200426018587,3.24553842457732,3.50895344702865,3.35115570030339,3.34614427488872,3.46203458276141,3.28797001383976,2.71852574110731,3.33285878633984,3.126954979391,3.26772460700079,3.42137311133203,3.02200135567272,3.27600017975712,3.03156377019529,2.92836887781895,3.23576810718201,3.26751778546567,3.27631726175817 +Rbp3,-4.76085541501039,-3.0468249107142,-4.14984922205931,-4.25080896831226,-4.20995872558697,-4.76085541501039,-3.59397686275617,-4.76085541501039,-4.26389873401366,-3.78197524724848,-4.76085541501039,-4.76085541501039,-2.17697047630841,-1.70647875277582,-1.60314965736752,-1.89625119680882,-2.61319526965598,-1.73931872206467,-1.99149807331791,-1.43722616885016,-1.65661666779741,-1.45838946080118,-2.15062848836862,-2.04998443422609 +Sox5,-0.738061454171774,-0.362120492915326,-0.523616442142287,-0.520769264741965,0.0434054710804164,0.319205979616727,-0.226378665568148,0.157652239747504,-0.262208730340723,-0.688311466863091,-0.124341095429933,-0.110819270588907,-3.42065827263072,-2.88756021802004,-2.81121135976793,-2.85978263234299,-3.2572352073726,-3.63257880872317,-3.66587309131701,-2.87214551290515,-3.53673132041526,-3.66521425372028,-3.06639720778624,-3.72516628995701 +Hspb8,4.48999310341505,4.45616686916914,4.12646576607304,4.26843523423416,4.06286144531961,3.95193477720828,4.1728202777538,4.3694109114223,4.20188909927863,4.16417647171253,3.9075154278922,4.33163713495259,3.89622293938674,4.01716633502613,3.90937950347044,3.7635560933787,3.74992369098161,3.5058481952411,3.81686246931479,3.86805135843061,3.84879870966914,3.95282057873792,3.53166426739355,4.00883529022478 +Ptchd1,0.936414497733646,1.68307448815575,1.36988198015677,0.584437642571319,0.409610241379335,0.784170360624292,0.761467074556661,1.41196286749515,1.20346279352473,0.558146462257431,0.411712465807248,0.830595427326874,-4.04488274327616,-3.47233045333587,-3.0517433288731,-4.04488274327616,-3.46942028040657,-4.04488274327616,-4.04488274327616,-4.04488274327616,-4.04488274327616,-4.04488274327616,-4.04488274327616,-4.04488274327616 +Fbxo2,2.90587979082338,2.53665928920266,3.11703028388053,2.84787796257663,1.97997506420436,2.33568798397391,2.31616720177666,2.84920737075023,3.12521105968512,2.98659016020302,2.17951947394903,2.2778581033827,4.83695483704705,4.32364357975734,4.36832720040636,4.52544999560467,4.27289471214013,4.38124110596527,4.28464924153121,4.33872755974473,4.75587202011226,4.64426286206643,4.33691556818883,4.37632808202986 +Gltscr2,5.57289706788673,5.66359653489404,6.52555978402828,6.171571004084,5.24661819053043,5.34083771624279,5.45464677297023,5.78282733060804,6.19222860778273,6.30231158226308,5.37212680414665,5.43018057993955,5.22907406255542,5.49400824133384,5.69756553348312,5.6314122746192,5.07501474918559,5.20742799043612,5.4096022789942,5.67524407356229,5.64056333494916,5.69130560878827,5.19619565320199,5.17995225636772 +Camsap2,3.68620236384183,3.76975174739002,3.68856249166288,3.72741273410768,3.73781941976221,3.80524350133013,3.64060386890335,3.76532038441649,3.77365165786856,3.61407136803228,3.7097832580374,3.76103377944206,3.41998901264243,3.60030672621277,3.42020667361236,3.58276552624902,3.39282648779679,3.37270089205377,3.50676399690549,3.57557782811113,3.354901858758,3.42778297865372,3.38431194702411,3.58500022926334 +Sepw1,5.94322158034421,5.42491098575687,6.49719244899019,6.00908074070491,5.54272860485509,5.32003511924884,5.63377311319679,5.77838905074009,5.99711839916739,6.12056643320002,5.55307257583927,5.4958418293099,6.25887899743432,5.99469435691976,6.57489013221427,6.25776368869131,5.80714325732624,6.11868077104129,5.72029841232164,6.44929122598991,6.37121145216437,6.39462843916503,5.76197880973211,5.82981389960076 +Sdk2,-0.497412105525463,0.0799368625548191,-1.33156057160615,-0.725514109770671,1.05485815063725,0.843203675227385,0.285475755519841,-0.308157981900366,-1.56277125175913,-0.894859508639798,0.605478626999348,0.548302355839308,3.95355600571654,4.16150427282943,4.05508047733682,3.95249015317277,4.87565233495319,4.36173118471394,4.82091396131335,3.71066989375686,3.71888541332217,3.90585330284126,4.84165366221381,4.52657950531576 +Tmtc4,1.41922454027072,1.40308015309398,1.20961997008013,1.15156664041684,1.00485683042537,1.25918709688092,1.23973073043027,1.50592597529728,1.43002892192467,1.07893242449659,1.25393577418814,1.27491532585669,1.88471129906955,1.71362904217972,1.98076272531037,1.78054571154027,1.23466910931337,1.71577743853995,1.36266102470481,1.96154646664482,1.66139564865933,1.74543758220285,1.50264825435524,1.63600539567761 +Vmn1r90,1.10394263697767,0.714294912754169,0.25015849005667,0.040762404898617,0.252989553792187,0.377182807663563,0.227774788970715,1.7500168154067,0.869875126511814,-0.685706727022128,0.376411404844476,0.0537695441327404,0.776528377238163,0.594020470915067,0.421196928719589,0.289815945402467,0.117539239728926,0.587450302442271,0.619049109861566,0.907594652719016,1.2864113653773,-0.0455342933057381,-0.0327810972589655,0.153505506003462 +Cdc42ep4,2.75399509525696,2.72953152649839,3.11652490202925,2.73244339194123,2.61214944156211,2.59606909931419,2.6260023026538,3.03854590309074,2.77888881320149,2.57677425769402,2.4800794488119,2.69560327944214,1.75454928772482,1.93609651516741,1.64258546549298,1.57216683471521,1.51348820035602,1.09134160027266,1.36221080429351,2.1622698742048,1.34664741334473,1.85017161239099,1.22929489313397,1.32932412048118 +5730559C18Rik,-3.66943967290331,-3.30364719623811,-3.50870310646945,-3.36344865516603,-2.81424885357631,-3.2280510023066,-4.0467061208634,-2.79985998714214,-3.3881587391365,-4.54759443672703,-4.54759443672703,-2.83099795685125,0.211972447882505,0.503431488538842,0.667838780702458,0.292706913161703,0.378846444392998,0.412381233586567,0.418365953860349,0.171900245240721,0.198611661547795,0.0754927535517047,0.181957570876314,0.0877433377863848 +Mbp,3.4553781541448,3.40066423608691,3.2325180194677,3.21003826949971,3.41045913952522,3.38395352022808,3.24700363682902,3.68610639988988,3.3297638870614,3.28379964849962,3.27781445270739,3.41792859751046,3.92409352251929,3.77373935195273,3.17030188267764,2.89772452596562,3.59668836106415,3.93124281770534,3.84613083775172,3.92070106678968,3.21336701433732,3.04478705181837,3.70338248167913,3.79902126565247 +Entpd3,2.74221019369021,3.04870317091907,3.09954106073514,2.75947719815952,2.96011962304528,3.17222800462971,2.74274285777865,2.96701812294448,2.5034647552305,3.05726874128193,3.02431967745534,2.67697808849654,6.28205138690095,5.77186546419906,6.17636186900756,6.04054962342938,6.46611630445059,6.36300445389849,6.16051627933472,5.96829698743363,5.92839311319296,6.14572004172158,6.50789885245097,6.292347848362 +Ccdc64,2.16998350288589,2.36053090685267,1.85347585721952,2.30159711037463,2.78282580347688,2.78035840502903,2.75983712597934,1.81320645129899,2.05690742134204,2.32241291234546,2.80642667391855,2.42188168568106,1.79671004045658,2.51654331571336,1.80463799926733,2.29807763691082,2.75576417901132,2.36560383235058,2.96716625061667,1.72389042428959,2.20267446735088,2.46218546112352,2.94882820410684,2.64533101041372 +D11Wsu47e,2.68135110367543,2.62200512489071,2.58104250450756,2.95209249972234,2.92664764894842,3.12394331156264,3.02122754758028,2.54179201350787,2.49187429050611,2.66633013065294,2.73878468526971,3.00713729085969,1.94314547989012,2.3606772127474,1.81592294008217,2.53097812565435,2.97273136451807,2.52719552430744,2.87852580375309,2.1246722826121,2.43854859091306,2.24778740125917,2.93991676871244,2.56748778940541 +Gucy1a2,0.498937027969431,0.992543979125847,1.05679587915945,0.17950783775292,0.8377819851618,0.575936849418343,0.453793033120507,1.13444420925767,0.650529466913319,0.59075703673891,0.778524792372562,0.868620624031531,-0.294569888919478,-0.123673732503043,-0.072817651038521,-0.697533097308004,-0.657786818696825,-0.506449406235876,-0.342982728479118,-0.103583766089247,-0.315650169594746,-0.873332278730332,-0.0304828395353285,-0.448214184746917 +A2ld1,3.23027932739166,2.86994091796338,3.42969630290374,2.97661089791581,2.8604433872165,2.98537505086611,3.0538695014854,3.32567261686671,3.29350025068817,3.09489576322337,2.83731562224897,3.08131094494784,4.39794382176028,4.18068441889283,4.47327332914404,4.19621639442449,3.92335680862846,4.26098879230135,3.89499211040419,4.5901139611301,4.25793417402887,4.22940739274156,4.06787444287413,4.08231229636454 +D11Wsu99e,3.21614428038184,3.30192621063963,3.12737035247043,3.21192974826135,3.02582497899387,3.06607233567746,2.66046832333473,3.26337684556287,3.30545292995395,3.24943176170325,3.15934136317961,3.11877262352193,2.56449991930824,2.93554466490031,2.79990631490391,2.66572874430098,2.85626853125163,2.96637321864352,2.48365829387934,2.80486387954215,2.76341006328871,2.90538520599623,2.47451641530416,2.96787516265564 +Mrps27,1.16115074816927,0.85530946620365,1.06154095933422,1.00597480139586,1.20223715635286,1.19428983450001,1.18418352802951,1.1984325825235,1.02721402852369,0.973385051962171,1.08561307528454,1.2255121586705,0.799610672483736,0.563447337864588,0.746566873119741,0.816277316776458,1.41412758106688,1.14515801105795,0.928012890128757,0.603797291614423,1.00454840232315,0.94443699220055,1.03543109552004,1.1632539619985 +Kctd12b,4.8748719500043,5.10659253155834,6.03730485648825,5.27352020425328,4.44774996633371,4.62547388938326,4.30121974231539,5.69820035443269,5.40494160774404,5.35545498431956,4.57459293576594,4.73513836924353,3.94555402017818,3.94139312260365,4.94685441215752,4.24841678332622,3.77895850480789,3.99876477905838,3.13143494858701,4.19845738328549,4.3601824883461,4.43487991807546,3.54162053600397,3.57282382070371 +Gcn1l1,3.65943659358152,3.39238087536434,3.13234354229855,3.30642835852117,3.8007179533389,3.69391814197273,3.73496628418129,3.526891445267,3.31771922657192,3.25232094310226,3.79853790493594,3.46787224287886,3.09476070746504,3.19950707573926,3.06825635450333,3.02626279311586,3.57870326369594,3.35329327961734,3.63391923558649,2.94688194032411,2.38741459897296,3.00945814425811,3.66628196707449,3.45074951090712 +Kif21b,-0.61830903842201,-0.386380513128917,-1.230817271946,-1.26922354945068,-0.17084757176085,-0.141792083168825,-0.614916084566146,-1.41691561978558,-0.371660186852778,-0.749926735700072,-0.313995323864334,-0.731320380352289,-2.66339583323815,-1.74396208822858,-1.95092597791536,-2.24992590774374,-0.869664909616691,-1.86625408966548,-1.37905367207716,-2.94898850992249,-2.87273583068655,-1.56867205022201,-1.27531974380427,-1.70129656098098 +Ddx24,5.11568098283005,4.96291580394543,5.1187028722555,5.1670399081471,4.93487300038545,5.0108648169533,5.06069298233598,5.05462015236338,5.1079133001163,5.14944257000817,5.07364369171962,4.91225971280848,5.45132156627191,5.34021037098539,5.60563897434232,5.56772797159803,5.479838367117,5.48203491253546,5.56137188551663,5.32399669090916,5.59706106261219,5.65712489690819,5.61943992916515,5.42884030969758 +Klf8,1.1872256527065,1.570537660077,1.27647400985305,1.59344782591883,1.53870828129506,1.40424041560213,1.46893695990827,1.16428683411133,1.1606414730258,1.64262724224247,1.38081586014956,1.0743927386671,-1.2833301056496,-0.049786183657007,-0.800252484106691,-0.299632061815864,-0.376579409635329,-0.447158248975995,-0.783197864813115,-0.369100015765614,-0.865909347723776,-1.11762760115088,-0.625621477588309,-0.429765499771197 +Pcca,1.39034097740724,1.49520921258393,1.4740365048036,1.13542444645264,1.90453826179434,2.02290544651709,1.59198923517743,1.36187968192047,1.14849786480299,0.836512874685622,1.91725988364332,1.47435705563937,2.21274241191302,2.15198398041496,1.83019776004127,2.24541787822292,2.33615560620734,2.35771800582714,2.65303800124649,2.21560224038927,1.99571145486495,1.85681647814468,2.62336724940565,2.5613220107983 +Pnpla3,-2.59987603254715,-2.35854769891799,-2.05299863119294,-2.44040523655874,-1.96319363304414,-1.77158859939099,-1.29505782655634,-2.47065192482417,-1.81909546159879,-3.01880220055785,-1.20207231853884,-2.67098541817848,-1.35429779597841,-1.02496147385967,-1.26598020205418,-1.0293557727808,-0.176613630759189,-0.810267159702874,-0.239285383232231,-1.42411133095147,-0.973148776937451,-0.951577094761703,-0.154380450840718,-0.389968735004583 +Slc39a11,2.68598769165508,2.33209538459223,2.6129415128402,2.60587855623569,2.59855098197275,2.49671882250021,2.40991016223951,2.51695534317124,2.5191179821246,2.47267475330254,2.61176685974604,2.51687102372555,1.17425140395261,0.994364658476501,0.30752999896105,0.624116015130241,1.1369783474053,1.27128982676045,1.18681163422138,1.1748870494715,0.455285831391715,0.288795409122208,1.00709682138346,0.940647500195201 +Rragb,6.48727924422882,6.24116808569687,6.40208737508451,6.20211095114599,5.9616723017779,6.01703602313821,6.01313111566604,6.30945449231513,6.42202575505864,6.14725937035563,6.10665566916459,6.21760611188132,4.05637440394178,4.2527041962584,4.40404174552677,4.51285386842571,4.13196096158182,4.10610994474356,3.81513094168995,4.39283356181686,4.41320167521581,4.35488257313558,4.04823785107968,4.08016830249676 +Pyroxd1,2.05817917080013,2.32262026983729,2.14295252315046,2.24429458911072,2.448656465689,2.13502252571388,2.30674488529661,2.24852331722877,2.20013450127455,2.12922072577466,2.49050985242403,2.33381872663062,1.71269877518993,1.87303622524662,1.61144581269653,1.87602013854559,1.92521872128805,1.72142885380254,1.76591906543855,1.55470696991986,1.94558249283834,1.8326904292846,1.71423050712774,1.7047927459365 +Lrrc18,0.270360464942976,0.256156922825289,0.586733360908433,0.223247514177519,0.349313398372532,0.378193998102338,-0.216687804757177,1.0372449738279,0.671900225358455,0.64920996007013,0.446258799209355,0.481135303096004,-0.227264373756343,0.346236156372046,-0.268179539512694,0.156786470385548,-0.281993925363396,-0.56952961975134,-0.565315571667434,0.400855682818109,-0.348992863076589,0.17865417351974,0.0180551864745859,-0.116205504305361 +Lrrc29,-0.209410436305993,1.29671217968128,1.22877216785969,1.14095963305024,0.456722421352969,1.36458568151737,1.02466593833503,0.864287158496447,1.25778598229784,1.24018822078808,0.89680499489641,0.744643296974328,0.694768499587847,1.30380258683945,1.04045284149867,1.29580043733436,1.62242169458744,0.518222229603125,1.60720291937883,0.857636523181134,1.46916715481575,1.60579196308146,1.27955930886089,1.08622232000505 +Iapp,9.060406712901,9.75168393760033,8.77742206771745,8.66858562585692,9.70489136745397,9.16146457744126,8.8181025212459,9.0325411052791,8.63286011510943,8.5640622305349,8.92266286206852,9.39848625565394,15.1669327491668,14.7168155918913,15.154808180318,15.0235971241315,14.6051722791374,15.0058849385215,14.4793612988432,15.2053600802266,15.018428161277,14.9901444022012,14.5985664593899,14.7378447203803 +Bivm,2.34005649373016,2.36490792139417,2.49523741588796,2.4200619323334,2.51207025976217,2.39531924853722,2.13346651894688,2.4557413987693,2.34215042374231,2.18723035973808,2.46350538617818,2.35602748934553,2.59469729920095,2.36205570364875,2.4762277676733,2.45449936832733,2.36414401068693,2.31368069328681,1.97899637355359,2.77488686177852,2.33560982470753,2.44947118574822,2.19787253450847,2.31620912473267 +Fcho2,2.75329360337791,2.78210404023474,2.79599893387801,2.61576021889465,3.49861594895008,3.29794102886692,2.90063238752078,3.30261274897866,2.74957883416896,2.84634226486344,3.27970228296553,2.94729241476484,2.60636461541598,2.62411325378876,2.94572538109452,2.39923122928558,2.80847762455662,2.79220797846213,2.51897632613844,3.06330191107867,2.5838163552345,2.7462321635733,2.7578838955371,2.79334749557221 +Amot,-1.00376257484177,-0.886702915626019,-0.899352281853076,-1.5671083848379,-0.917717698561958,-1.11399307621768,-1.87238266210014,-1.46668179874612,-1.34145063245498,-1.88614012119893,-1.34027382733803,-1.79604030003363,-2.04864909260924,-1.46732311370579,-2.27443787860249,-2.33790209693087,-2.13601061348867,-2.06600490749971,-2.66278629455289,-1.1403313006495,-2.60848942255494,-2.9903939837321,-2.40562752862557,-2.12829441922818 +Kcnj2,-0.836568099201382,-0.539584584563497,-0.0598254262857476,-0.361099097680008,0.1368935639521,-0.765419104685232,-0.702722979201288,-0.0292871286186611,0.259470441440488,0.322492790949854,0.0783688265695308,-0.344239496434268,-2.69159534389573,-2.3773004567934,-2.49514247404467,-2.21471247838912,-3.01915737644734,-3.13212904056718,-3.34905504136242,-3.71761415587982,-2.79180599499185,-3.81685778850061,-3.79086623271728,-3.11952487485366 +Cox6a1,6.79102532817767,6.03953449950875,6.74720493615046,6.55240107678738,6.30913204998385,6.3074748150583,6.31600453328941,6.65755170566868,6.59402910422751,6.45092155950841,6.31750129555102,6.45325453769964,7.12439928529336,6.57920368212563,6.95390504761935,6.70167026138375,6.63613535254538,6.98068625681541,6.62437644526922,7.17069707221933,6.90778070114136,6.75316935915505,6.6386573966273,6.66257222191655 +Btbd7,3.41283602852958,3.55020486655395,3.37621322665315,3.41466074456643,3.49401478226869,3.63687000270168,3.53881886143644,3.3368104179792,3.55314954504463,3.3934177231764,3.43373005291993,3.579094569958,2.91830208785008,3.05981183262987,3.03694506879073,2.9813514932401,2.94934381801386,2.96941119587784,2.90692301739755,2.92481971997474,2.91135861121879,2.92280195935647,3.16122328744498,3.11855238354897 +Ubr7,3.63349145956251,3.46133099995009,3.95376930878987,3.76056378852572,3.30341289435117,3.53533739508236,3.52574128458101,3.54009803737778,3.75339106192159,3.71514565187878,3.2361202526841,3.51689477308652,4.1869176477391,4.07926665931593,4.43740608660773,4.22108785950847,3.85632446167311,3.90510868471947,3.76985442043495,4.16854736141889,4.28549366049522,4.24301384931574,3.784905145556,3.81218191055681 +AK010878,2.30501748621598,2.05494855583693,2.22107086329462,2.34443321593792,1.98445902960078,2.06232300346997,2.04580858742307,1.97815138028394,2.30648412341914,2.28548536662688,1.94185986748404,2.14651730037575,2.38112992386089,2.09463303024054,2.20146175011586,2.31569813247481,2.03327816707001,2.24548379902471,1.85916266082875,2.14927748727514,2.25010650614729,2.06699729910998,2.06005264449217,2.11305099199009 +Golt1a,2.71559441990854,2.6822696133194,3.12774593822279,2.91516710758892,2.65430211653105,2.64822414942456,2.75003413279978,3.07504487330404,2.93011140046898,3.23879395425479,2.56065586345207,2.75979803824987,2.83641545291926,2.75376430815827,2.7095675194896,2.58822817366737,2.58710673115464,2.57287650886986,2.34606473794495,2.82122399965128,2.87407064605655,3.07579435453297,2.10875990344197,2.34680776513277 +Alg13,-0.453046737134067,-0.748894696357927,-0.694638668188954,-0.436377707563998,-0.0084289793293739,-0.318771787617117,-0.252490179982505,-0.368376412752482,-0.612772260762629,-1.35418347535358,-0.367036869438135,-0.523916316087211,-0.255821144447729,-0.296647565609605,-0.636166626239024,-0.615755278057034,-0.399063092867599,0.220991200740988,-0.67913775651572,-0.149376693277606,-0.242201687708925,-0.544207087259133,-0.103495921341742,-0.348203302080911 +Pi4ka,3.88878938446092,3.93673686522487,3.95739266022646,3.91066834534538,4.1488052421748,4.00703264404106,3.84106162530102,4.17971312021411,3.97948987188372,3.87089347714517,4.00515990683598,3.87125331998156,4.21130878117391,4.33782642512474,4.32472997267584,4.37148623580734,4.4648498515659,4.47626774571721,4.43224714748659,4.37580735960178,3.90103086611372,4.11624870662822,4.45690548486713,4.40367842396787 +Coro2b,1.96383152310162,2.0601348985821,1.65424451377864,1.37434489050923,2.4973662436449,2.71890961114693,2.53797287056529,2.28520338907011,1.84938477777454,1.46427859179446,2.39832292064364,2.19517930336949,2.91461608355018,3.07289148490605,2.74746710507139,2.4511491775967,3.46538611548813,3.45413112738802,4.08684080613613,2.79530530269872,2.62039621655485,2.64743133132267,3.68072373491869,3.27034636379486 +Pgm5,1.6747536249584,1.77471300123241,2.13811193987561,1.3606121357426,0.969665064260705,1.71301671916995,1.92203604068696,2.13764460450146,2.20071295408627,1.65124749255872,1.50655511366096,1.59041037993407,-3.57684106383769,-3.6412569807672,-3.22066985630443,-3.51041081878908,-3.6383468078379,-3.58366759848015,-4.21380927070748,-4.21380927070748,-4.21380927070748,-4.21380927070748,-3.61868784666343,-3.57715746867757 +Coq5,3.21325874017479,3.04474483170866,3.13269022774986,3.29326417877803,3.12814331114396,3.11355101618657,3.2736874106558,2.91818160698069,3.15107469373634,3.34575410260222,3.12871576592743,3.06259527046081,3.39485344513739,3.36298364814865,3.32412105233923,3.65190353302952,3.41393485691399,3.42271501180927,3.68290298845472,3.38130989383451,3.55879440028725,3.54594595049344,3.54760439996728,3.37339375861826 +Kirrel,-0.777699970451301,-0.239931041008962,-1.05939987608561,-0.382714123376076,0.40429923370908,-0.287736829056874,-0.331801250371597,-0.365313568638321,-1.17047353275416,-0.302371006483899,-0.173882087622388,0.120860983415337,-3.84693713331685,-3.12036652153179,-4.26802712214148,-3.73259117007535,-3.6952670834525,-4.19391749434593,-3.09418610059479,-2.80018833388792,-4.66984352261968,-5.26116653654454,-3.92100357285487,-3.57461349413536 +Tspo,3.88174624129983,3.5691893029245,4.1612076315418,3.91745292506242,3.34879457137874,3.16618610550753,3.28997851920674,3.92288542208734,3.69734139290915,4.0337645934433,3.39093423493744,3.52136360115229,3.35330330578549,3.3053138180816,3.90801745859232,3.16378435551134,3.19584989346333,3.24239982082486,2.91064150965198,3.61968021854358,3.6398171520404,3.72765283950279,3.2356561463267,3.50479174268201 +Rnf10,3.51960532591439,3.38705511764629,3.05278027189469,3.14292962676399,4.00593939643894,4.07772659731185,3.83393591045298,3.59139499611854,3.12207480606816,3.22174422067942,3.89487279816537,3.64725652759328,3.77873454773839,3.75778722727923,3.50104936530784,3.66752802329512,4.38827114790774,4.0567137218182,4.5388400094702,3.63798363461468,3.53155214230471,3.76478420722521,4.48460761637176,4.07013589750086 +Pde3a,-1.26982184421393,-1.16046455000901,-1.91097962632051,-1.18833729980006,-0.885708147553519,-1.04479665590584,-1.49968840068812,-1.50689819360754,-1.10480420148088,-1.14982972423764,-1.6687121838179,-1.73577768306349,0.136786572073559,-0.0430388363127823,0.530447975315053,0.406784698987386,-0.416057285197234,-0.789423139996893,-0.370988068114933,-0.518862673764814,-0.286314495613298,-0.0618022116595078,-0.275681394820458,-0.292615015221352 +Utp15,2.64083046087682,2.57983710396268,2.63187425123615,2.68108292455631,2.34233838661505,2.34397631182994,2.27783774446401,2.60113652123976,2.75930967143158,2.55967719172156,2.53140343658347,2.50233031478451,2.94283767087495,2.64739559253517,2.81386415606536,2.67475428519429,2.65082147916754,2.71525013146088,2.33737518036893,2.76101478150239,2.59783724358148,2.67387497892608,2.67114705911239,2.53651610485174 +Plekha6,4.00899621029879,4.43824850654093,4.10550207703527,4.16366294537893,4.63961011591512,4.64666404903947,4.60808369891102,4.42327403145941,4.04245202869823,4.24439256371686,4.74043833737158,4.38621133712332,4.19881702507441,4.68475646824734,4.23899923696379,4.71938946370779,5.43668731190469,4.72622894274516,5.33782532438726,4.15233242825891,4.18627726607185,4.56465050951551,5.50791078133156,5.08075458710566 +Gpr155,0.290635784119716,-0.0037490265334452,0.237756953164779,0.377770088458424,0.348339515549657,0.446848652448424,-0.135703317685166,0.171640225198989,0.538182675485883,0.378098767721063,0.515448106575088,0.17998395738486,1.25437984188186,1.11648126913691,1.83670550772062,2.36833420951687,1.85637466884932,1.61130685752849,1.17781556202306,1.67363478964088,1.74787417857995,2.41765953452084,1.73993130396291,1.82604044746406 +Tpp2,4.24582610829816,4.06400068069133,4.0972132183591,4.08135557642109,4.10951388968668,4.07992269040817,4.04894394510441,4.0016925709335,4.06676713777843,4.11720405663234,4.08895289737967,4.09521780193555,4.11638234025665,3.74688848794723,4.18564408858264,3.92245208593137,4.08154875063971,4.16469948533116,3.88915094936834,3.81875611098199,4.07607354857135,3.84109672597639,4.06553443587093,4.0825006780346 +Ubac2,1.3441018885064,1.12358931691641,1.06865880168323,0.895585583395069,1.44099928191871,1.49484084387107,1.12912938001895,1.11499211885572,0.948470624804929,1.00516020953499,1.56416245042018,1.20755331494412,1.37525259855396,1.02064771250074,1.03352794793595,1.07832082080714,1.43109201180859,1.54089230149829,1.3148924759868,1.39611227759839,1.16817986313508,1.09815120078591,1.41579695550882,1.44753121016488 +Ppp2r2d,3.09456760624775,2.74624964336892,2.96414113093758,2.95427776885981,2.80579717131697,2.77015089806436,2.90772697819912,2.76485084039743,3.04649115178051,3.12220897687908,2.89843017861842,2.87970662364416,3.31743789782642,2.89149899261605,2.91206975044971,2.94043502671562,2.93426983066589,3.02506944115506,2.84925571785825,3.16117292368266,3.02679881954124,2.86616866501192,2.81806892790349,2.99780214618064 +Enc1,0.41216641203955,0.26500791591584,0.51198222575361,0.163603025120115,1.23266291862141,0.928361305411424,0.523898278652872,0.119364726759172,0.527822808116919,0.258869498934674,1.14960463561008,0.743126157192737,1.63974485210133,1.60396599346997,1.2375587813511,0.884418209764092,1.65017728854595,1.66236342807038,1.55091130376317,1.53961507674688,0.871094125349378,0.693925682391597,1.84086032368982,1.33476629895035 +Ydjc,-1.36731334377848,-1.35511892943746,-0.570393271908591,-0.897719136164706,-0.979583459169935,-1.26992179322414,-1.16446058864352,-0.8252803417854,-0.989746412954994,-0.837618878648106,-1.06595225060941,-1.24776125205076,-0.624695176466978,-0.378625800695837,-0.317014389203487,-0.277283885741064,-0.294096422950346,-0.119453814205773,-0.558981672614605,-0.454319764194253,-0.247635353051471,-0.464036159612172,-0.522223154574215,-0.339893301190759 +Mapk1ip1,3.5494974545611,3.87480566245889,3.34067262875909,3.68453738706978,4.13319386511136,4.16039432694004,4.23645458809758,3.60785762133979,3.63059978403756,3.57818334518475,4.15367699806388,3.94195715509806,3.30923895581821,3.57706488846546,2.8617439480419,3.42664922105087,4.06772876391507,3.54933071540039,3.99247839637106,3.41129969107822,3.43785876968555,3.33349209869575,3.98443981366814,3.79902023595549 +Cir1,-0.0132874322594569,0.758214259037767,0.63772725364667,0.395731972775121,0.16537221198667,-0.0246065536882654,0.307806337361906,0.705392452494307,-0.115726442840547,0.745464271697647,0.575235519354069,0.348222733535699,-0.237806751388007,0.0312649150024233,-0.0795451094494513,0.195840602711838,0.121965282133619,-0.143829133164377,-0.117522392364879,-0.0022971432650627,-0.0030608363157409,0.384758854619398,-0.0383513423661184,0.0263166997081257 +Tram2,-1.0160468909721,-0.433138526213706,-0.858973715635151,-0.203240086286463,0.344729277239085,-0.50995870951691,-0.645309850562864,-0.119884029289221,-1.23704491506947,0.145769755974148,0.754072848804951,-0.660059551235531,-1.92803041859551,-1.14164696046244,-1.48838064317928,-1.17093660028953,-0.917896306454751,-1.4812778692174,-1.15738398095325,-2.00379513904881,-2.04410346638006,-1.22289733530006,-0.784125359250437,-1.6032902490384 +Cpsf2,2.86653841524847,2.56449548381777,2.904808624512,2.64689928811001,2.55906541153253,2.56886324409838,2.6409158797078,2.89628960107429,2.53313257388082,2.51715111465779,2.61495664687852,2.83174873057118,3.15336284372683,2.90195193659412,3.1514598508136,3.13778870628946,3.0733972647667,3.07022831680489,3.03103051241954,3.00683391970624,3.13618109617174,3.19564908780128,3.14130024743029,3.07809815215761 +Lad1,-1.56675461934785,-1.35331501860125,-3.3315148326954,-3.94252102564648,-0.947047460469409,-2.94450796887569,-2.77564247339226,-2.9839952351865,-3.44556434464975,-3.94252102564648,-2.46559163519378,-2.44208550975898,2.39605177834403,2.59775060256764,2.13139108056457,1.95072591339041,2.54480559708498,2.27459477789035,2.6915624791916,2.46555175353695,1.79036297884968,2.0914483557828,2.54683486871205,2.71353226483532 +Myrip,0.268500988373101,0.490454300799009,-0.486986358715471,-0.281765339145227,0.203213659370138,0.419571409616912,0.614770029316665,0.0946773480512846,0.226954181684201,-0.392728507562011,0.212812684206524,0.01251053287824,0.796120113182024,0.679051858719788,0.0841075255050745,0.31277041540531,1.37057749273233,0.734948088770886,1.35337369415218,-0.131584037158398,0.115938523114377,0.418421774446707,1.46951005929289,1.16151207758994 +Gck,4.10891600896902,4.5043532260137,4.01872183323201,4.63596044047705,4.84936408612368,4.66897493971213,4.67163772518618,3.98040121619053,4.03462909883545,4.61631685290367,5.08925678338989,4.75811039689909,4.59461681653666,4.8916869991898,4.38392058402698,5.04056705528108,5.53447699674474,4.99606808256584,5.41487197515293,4.60646449987072,4.69971121884687,4.92062792340196,5.66749158358839,5.30976168553569 +Phlda3,1.36907669948865,1.15805193092142,0.976628214162703,1.23155214559494,1.14689050792489,1.38649862951976,0.834165806049944,1.04801982344618,0.903120566208541,0.65917277524706,1.05161132524231,1.04663070505029,-0.713553725724693,0.0523448837779441,-0.313221466194032,-0.267587848314998,-0.440937706695833,-0.434132820663351,0.190992067318788,0.800622639646273,0.262905709628709,0.621926782555447,-1.17299465940263,-0.418885541032393 +Efhc1,2.78502621336064,3.45917043292383,3.46268447082612,3.08273562795088,2.45001523691964,2.63344170221364,2.62511453151077,3.41431143601875,3.24060138606667,3.18358487752832,2.53461984611348,2.8544066288797,1.91158514400285,2.61053785024871,2.67407039958435,2.84524605192569,1.79177296307412,2.11837032222542,2.08655914359141,2.35297742189599,2.49378883364631,2.56395304995234,1.84925430908843,2.52786285796433 +Poldip3,4.22938000908652,4.22115022369774,4.33886346960912,4.08444646303064,4.01002444448017,4.13320383221882,4.07194320350707,4.28253980623261,4.18796999522278,3.93598273097953,4.0895569996972,4.06247332573571,4.28056156480203,4.10949074137505,4.25621394432444,4.1880826576136,4.17309460601942,4.2865808135347,4.22610691378484,4.32959591333398,4.33803210277254,4.17878634238878,4.24664100792423,4.22646647954172 +Fam169a,2.67481904831557,2.68481585040122,2.81688281559508,2.70511390763836,2.83727057468234,2.52034515942812,2.38148635811792,2.53668334654434,2.47859266412947,2.62965509501412,2.68354718792292,2.48430398044922,2.72092628941856,2.90733934012717,3.2664400546408,3.16574861252977,2.77025870547117,2.88247789059,2.52269174675218,2.99109843924107,2.86686050100987,3.13584522270324,2.80006365151245,2.74081465607515 +Abca8a,-1.33991287990948,-1.80701939703422,-1.8549335153243,-1.64155228744791,0.995051248697559,-1.25913059331544,-1.1328088641608,-2.17611058421989,-3.05478766095678,-1.87817423002921,-0.844923900256763,-0.740344960574962,-4.37336820300426,-4.43778411993376,-4.42994400599353,-3.83613962706852,-5.01033640987405,-3.3363875331784,-3.55331353397364,-3.92187264849103,-3.67697950466505,-3.70135385999804,-3.99512472532849,-3.93348074547797 +Sytl3,-1.18277467800942,0.504681102580953,-0.946063314554963,-0.887300057782288,0.151858333007777,0.353608452929252,0.722156437190104,-0.554213370601401,-0.350344191143234,0.437590683646456,-0.109533654823664,0.0735278506820749,-1.01718859445784,0.321224226055733,0.0963396046989269,-0.164371665937737,0.972249932737334,0.629342162513467,1.43969428683342,-0.269085909799471,1.01886262095641,1.41016840239366,1.22665797815427,0.0940092832884107 +Pdcd7,2.75659612789568,2.5256673875472,2.52765625260739,2.53518091518261,2.33836066154388,2.38393172697184,2.36411232495318,2.47960935701555,2.54877454126237,2.18427531124503,2.60650996871466,2.66747971944654,2.69188784428357,2.47635169870746,3.0302725426077,2.59896074750314,2.38128564958717,2.60244275635341,2.58130302518762,2.63187751021817,2.88580872206679,2.55092238523094,2.39562552991615,2.57864578708166 +Haus1,2.59486176453095,2.54900749080436,3.21574232288768,2.61170802336199,2.23273071480839,2.32944612173053,2.32799282264757,2.94303355527143,2.71598696428513,3.08308893375841,2.45041411877375,2.34171318296811,2.23645193427237,2.02330769487895,2.52642710784752,2.26955710641867,1.1302195111603,1.61361913379934,1.88348288380409,1.88254802374312,2.26576719887811,2.10401082208852,1.36122860603918,2.13324666701966 +Rpl37,6.76491370828331,6.14009171996764,7.15969346492253,6.78911246757064,6.25864951504478,6.33371548490926,6.3546128650247,6.8771495973178,6.84138609888457,6.87772108642116,6.37573188946944,6.50157111663881,6.00794050927172,5.62367280908167,6.10492908275956,5.80209992779957,5.27954748515406,5.81241412258267,5.01488685486482,6.10121886701451,5.96818518474016,5.75746587784545,5.34565329097063,5.53008821928661 +Fhdc1,-1.82103287882987,-1.23664211203177,-1.74403968626955,-1.62970608208852,-0.287056043784368,-1.42573959065627,-0.673496628417535,-0.419137749963807,-1.94049440624702,-1.54685932418783,-1.01714236290248,-1.10319485946135,4.22372527323462,4.22762415317671,4.42932097251229,4.36021935134465,4.4346533679992,4.22511148159731,4.59874794649079,4.06891140951792,4.31177790834476,4.259876996957,4.43937179419422,4.4096408802862 +Smek1,4.50933957132666,4.60364747309412,4.46197182854409,4.63161568013172,4.72705348862304,4.72424433082026,4.64271617301295,4.47740255671658,4.60891457098229,4.72988707560545,4.72936105877405,4.63747373670335,4.28650806484661,4.29992074155694,4.06694136693972,4.32302798241275,4.4519914648353,4.29510662184836,4.35426699384693,4.10042770724748,4.22114667587831,4.36236708285881,4.28345187817019,4.32145621953754 +Card6,0.466510015203679,0.275507851028257,0.444308142336454,0.0276942827960882,1.22998833650622,1.20553080682166,0.259417607638837,1.36423329345612,0.339008714419549,0.447402791746707,0.797904995211247,0.697659981314951,0.305441835448216,-0.278656602590525,0.0385824395707051,0.0199748915340821,0.967101391952027,0.443221772112999,0.509656955021799,-0.0231840017201077,-0.428717418265924,-0.1087154984667,1.22931704640357,0.761361459464297 +Tcf20,5.13739352438749,5.20465118485526,5.03534860358512,5.07096385182389,5.20465502376569,5.30820668833966,5.22015489023883,5.20577058294826,5.09068735995759,4.97630356089303,5.17750568840386,5.1840279846389,5.43511836983435,5.49125699838182,5.42804786803047,5.38715043079001,5.45940502724314,5.44022893772399,5.53113173095845,5.47035831418456,5.36303204532672,5.56476373844707,5.46100813856318,5.50175193808237 +Mcm3,0.620302531045004,0.860825486486666,0.300488890790983,-0.459409217984124,0.572387176805207,0.861481745729196,0.682051763050065,0.731879465591421,0.763123128231642,-0.280834207174508,0.392331635583868,0.57846980006578,-0.047080851807733,0.722308064987281,-0.369679027963393,0.173721708756644,0.118437736121279,0.269514192771703,0.588316508155527,-0.260816043654052,0.205163394409857,0.322840283012422,0.296059458625685,1.08559556918187 +Ankrd13a,4.26993995722703,4.14728430084356,4.01805980743809,4.05944946409512,4.13149195461907,4.09710999368837,4.00640471505671,4.13779533379649,4.16131157350811,4.16858499297321,4.22167034070909,4.06459039546219,3.77624435454586,4.07327199981336,3.68582572061774,4.12462405729965,4.0171995801404,3.94136739691452,4.07485583488867,3.82395805209344,3.74381850539568,4.10825140423216,4.06994033468156,3.98080503430894 +8430432A02Rik,1.80243778147215,1.19519994522129,1.74963371536176,1.55255513943048,1.02935284019384,1.63712177540659,0.928641614451299,1.40952767833921,1.90568037716819,1.80185621619056,1.07224368573606,1.36763369888583,1.41461519042471,1.74257572206666,0.950178607614289,1.14628791777887,0.46342243061435,1.44259678728765,0.600975324773984,1.76785789044643,1.19464802981809,0.942929776390983,0.80594223772196,1.54786202629507 +Ipo9,3.72958923733615,3.70816092110628,3.57313299494313,3.5816534205409,3.81793576190189,3.81236949859593,3.75114320042215,3.70420234023433,3.6126117249564,3.409579140682,3.8234321716444,3.76901379206974,3.52398748993608,3.72081370552336,3.60025193799261,3.57170163859187,3.86544332832033,3.69564852628225,3.81960174986404,3.76018955156493,3.36934195937049,3.41478142099221,3.944801243963,3.87344410398525 +Ndufa7,4.96020136812723,4.4819080730258,5.09590893489391,4.92781397227802,4.12130701948949,4.26057050747274,4.48757644401676,4.84905046056914,4.98562343966213,4.93833349233262,4.29283704218394,4.61442277866499,5.30554480433618,4.96664304866382,5.25937237909393,4.98183392314471,4.57836179508353,5.12996321447197,4.52008759059049,5.28188934165979,5.19948352628953,5.1009351338448,4.82715990842567,4.73559702136655 +Git2,1.61071978563162,1.96586162867481,1.66661802380304,1.80452552429156,1.93267961172303,1.8600166535214,2.02811165445812,1.63805220259185,1.74874030844217,1.89828516916439,1.9069698280721,1.71404793767311,1.16249185406422,1.81787536215725,1.21194380367572,1.51089199422139,1.75916105430794,1.46093649435078,2.01417189126784,1.19126222416836,1.27802223158594,1.49854156188074,1.77564204669377,1.5829460228439 +Lman1,5.41751285401563,5.1329371890147,5.01772115743564,5.13854392049912,5.13186673599794,5.09105776270921,5.28775998509191,5.19021316723842,5.040440241599,4.95992131662824,5.23327281066304,5.33025131547644,7.26764357324552,6.68246183182162,6.54257542031632,6.58759760201597,6.91413148068001,7.1397013611065,6.96469437335856,7.05462562851747,6.71025944162696,6.66241051174099,6.97662666894258,7.14262809124812 +Wipi1,2.0332960093102,2.43789075117648,2.3552521660685,2.43199044011889,2.63699125066623,2.6231453273817,2.27044947573273,2.42553344436536,2.13727467995811,2.61543036756004,2.62830291503062,2.32436898473833,3.49964982185216,3.13639801174402,3.30110144861088,3.67162703326228,4.16962999685933,3.58590915217302,3.86544862559368,2.97694226190578,3.45336942271624,3.65117072392121,4.29949607766607,3.58663323587372 +Gpr45,-3.94137556777171,-3.57558309110651,-3.18294226556715,-3.93341562545554,-3.30352332964314,-4.23589215559103,-3.40792054037157,-3.86100454113546,-3.20780679044266,-4.81953033159544,-4.81953033159544,-4.27621236110001,-1.22245735979392,-0.900436915963788,-0.62308409920865,-1.1977657832619,-1.26084496608651,-0.409085564619118,-0.808132430572797,-0.70400722610699,-0.994526119375801,-0.932827763187093,-0.505400148128587,-1.43683742589007 +Tdrkh,1.56793533587043,1.61343947114731,1.64376683488261,1.25882335111829,2.1224899580553,1.82533532939462,1.91272752138504,2.07007697627233,1.36417661789128,1.06110547184472,2.07834350068742,1.82177732238419,1.33353750627702,1.27345516511212,1.12314574383285,1.39026885434556,1.83177890731096,1.56736312302794,1.80811986097792,1.41779982648815,0.816219246458507,1.11544442700672,2.04397982993857,1.7403659521352 +Ammecr1l,2.82827475003995,2.98106401024117,2.45543108097561,2.86968771200969,3.36805452732418,3.25130747716522,3.04832612271499,3.00158266846624,2.75553212902809,2.70893285813062,3.06277233191122,2.98473455682186,2.33522816387468,2.31919350545475,2.02949672010657,2.38404414017666,2.82805095318306,2.59228913590286,2.72098880167654,1.95567867026465,2.19163214195551,2.24608928737651,2.62441800749963,2.59975248254103 +Slc16a6,-1.09809767756051,-1.26713778922247,-1.51489301328294,-2.28046469199252,-0.246729677375275,-0.15053745358327,-0.965705686768124,-0.993177981063453,-1.67192545671244,-1.38660898116898,-1.17774405781106,-0.931782336831267,1.12140525901842,0.877903495341403,0.360762978287415,0.0024182397628305,1.02948130998448,0.779989068270619,0.95291964321469,0.76409230117691,0.670158299324213,-0.13642042051517,0.785536830802897,0.761276114612943 +Metap1d,1.26450381660566,2.00981884760552,1.44261618986618,2.02289262860187,2.58059996681909,2.23174873831827,2.43452987496634,1.33532088832198,1.86781223439005,2.43531873635849,2.63714106522285,2.22343379747385,0.897793232508978,1.55224773256634,1.3323259440481,1.2403867207269,2.37967513682046,1.25813094527011,2.12605116365748,1.24753811962671,1.15973498873637,1.50384262301398,2.32736970707492,1.79885944654811 +Nol4,4.16657716491712,4.240895321798,4.02364164626153,3.92493713239925,4.34803702411481,4.52293702445344,4.21320993047664,4.47014044655322,4.0443200752433,3.93774063830626,4.390196824952,4.34644372804555,4.29260476439486,4.48736431957897,4.04620510956893,4.26530342443898,4.60633695884929,4.51795361783485,4.63718981072457,4.43255350483053,4.21601537344887,4.22956261119146,4.70627790693798,4.59032959518464 +Rnpep,2.32484059532864,2.60443374692746,2.09051606764637,2.34638966820724,2.52037785393625,2.47677691297686,2.42241294750904,2.42879931429396,2.20985226515209,2.17271943567448,2.58325483159476,2.59655058942265,2.69330373205857,2.57463778501503,2.16222810912515,2.58575968325026,2.79683143624871,2.83590143891209,2.7998043311387,2.77445526053858,2.39514628431944,2.33495590894601,2.91208061180874,2.93052265971351 +BC057022,2.34997928889268,2.13286510518811,2.35779505666216,1.94318549977971,2.64520714230719,2.87216543268091,2.90078563816971,2.45869980563641,2.20867760197334,1.19387533865743,2.75429385346143,2.07961662954624,2.23401657193138,2.51245464585147,1.71533653049866,2.1319275958665,3.10353834987061,2.54367023010825,3.53113572916579,2.26535528427569,1.30966609244706,1.90859330846613,3.29356102702018,2.73563353094934 +AW549877,2.96096092111614,3.4324078662467,2.88889944084022,3.1116246722752,3.67433123129587,3.44629317520349,3.16498382383508,3.49672256018061,3.16431752897862,3.21631250202381,3.52479008161528,3.31440682514622,3.65988359354386,4.01199765244262,3.66505868146952,3.70091216762827,4.10820316107233,3.88757968278008,3.86624594218604,4.14907890213292,3.63377605944235,3.65935039245671,3.96153432558303,4.00650568858517 +Agrn,0.322418123622067,0.492832336741499,0.394009776096372,0.339529483781058,1.05470634700496,0.63893258332402,1.08240416051288,0.449291296669853,0.0657182107014518,0.0544057013843227,0.582559109024756,0.394960317872532,0.560826462508377,0.364015423329114,0.0967021338353686,0.270437349881262,0.804729171874883,0.411002073101215,0.906442415073423,-0.455535998715892,0.312727325831095,-0.0429009649658134,0.879868353202292,0.140367115484932 +Mvk,2.22567966291642,2.27889990184554,2.28385835389525,2.00838744133509,2.01152165848551,2.35522089256517,2.32965795878802,1.9051875077353,2.27239944590858,2.17771088684051,1.83888608652009,2.10417965895383,2.46624104948999,2.182628511809,2.05156610613536,2.29861826582315,2.11024193150127,2.50920457470832,2.22895142149043,2.23407501155696,2.14516371395981,2.14081778602475,2.61581347963231,2.27392986081498 +Mfsd9,-0.912705273069234,0.107287257061309,0.213199777467159,-0.485378930987443,-0.862486735042532,-0.722690621221563,-0.925314249922139,0.328618528662936,-0.495305604873514,-0.115933649505425,-0.873304799931353,-0.51904161464979,-0.290208167214008,0.267019650791362,0.290076165628165,-0.235893599331066,-0.701503489334898,-0.465377414136215,-0.513091508682488,0.71542535397059,-0.1461793274726,-0.24778191324088,-0.602998170464367,-0.879688206236186 +Tmco7,1.42694948749487,1.05491568549314,0.965435820689501,1.1353724435289,1.63327024835874,1.62350094902926,1.78734021817542,1.60497305541125,0.990054282173486,0.91599704546859,1.70133744301148,1.50061962272546,1.23082565414673,1.28143434530218,0.674586852426209,1.08685837434446,1.56790284629241,1.3687559389985,1.558701040091,1.26652192833037,0.764566456464871,0.816885049144831,1.92036316081716,1.59986019673695 +Pkp2,1.26872396766275,0.880855773274553,1.48191801137209,1.19175756580455,1.6047055426759,1.46035943086444,1.27344609832444,1.02845389965354,1.36426702547924,0.981928625426719,1.32017159801685,1.32781988331307,1.67814783816597,1.56296048186724,1.36266680362097,1.51855944122672,2.0271231196276,1.86218419090088,1.90027324300403,1.38563805975605,1.66139945436996,1.46178493407296,1.89017746356093,1.81576328959547 +Pigs,3.59013331674912,3.60233455892041,3.77177512102709,3.44643329968655,3.61715623828102,3.80798455360417,3.43303193845296,4.00379412466403,3.72910426040407,3.52174226403278,3.8311749341888,3.53691480371746,3.64072900998859,3.20365415930904,3.5878209442279,3.55613420364974,3.69270663130644,3.68993070730015,3.62066007101217,3.63141220267283,3.37933324998652,3.4695197627093,3.61761790972341,3.45347112506295 +S100a10,2.2434893425871,1.93455035165068,2.21659993750046,1.74887313639264,2.237213085861,2.05781569220836,2.16754926860103,2.25705241867443,2.06636133987804,1.12908244164751,1.59658688997434,2.11967615917597,4.92045826875645,3.95338478946333,4.53241581952118,4.08819570255103,3.75911123869307,4.62623341155935,3.93488100957474,4.53174848504969,4.47809179108763,4.06086440102003,4.02778769089306,4.18911383148898 +Znrf3,1.85175736441738,1.98582194418772,2.01970005152005,1.68425434851552,2.43028451231488,2.28341550523331,2.01304194748943,2.44148922562841,1.98866180807129,2.09951898687806,2.108375179485,2.0057818188652,1.31494652142515,1.50342529988506,1.4191747100072,1.43546317288869,1.84868851473626,1.60218142797477,1.67570032462722,1.45023687700498,1.39793370897344,1.48205414218478,1.95954921801733,1.60746174946554 +Dcaf17,0.97440184281296,1.6681570985916,1.07354200878801,1.46689075005905,1.86464143295624,1.56663555654675,1.69450486172163,1.53396273878113,1.26176662930763,1.46983453482679,1.56458147488454,1.45700590199743,0.989112193667553,1.24912863432234,0.911027360377327,1.39372942968966,1.30934123667117,1.07711031256564,1.24927444581415,1.04915714810442,1.07209938121585,1.0181079436713,1.18235962172311,1.21537716804609 +2310008H04Rik,2.03072707610629,1.95564468656606,1.78127035863255,1.72254183821799,1.99246300743896,2.11067874049103,2.04207601808473,2.08665221466907,1.62580443951157,1.68863852238384,1.9976575848182,1.98762795001641,2.12576424225184,2.25364232208736,2.29365181216939,1.91337398503806,2.22034956103731,2.09645108961898,2.1402298497682,2.41859341513492,1.76131566530412,1.90331479830966,2.06749599642518,2.20516944057603 +Mettl8,0.523702207832643,0.896240408364468,1.07711482901542,0.921349491189885,1.2203579703202,0.985244258771094,0.956320318771255,0.631164796178271,0.749602758041008,0.909234058630642,0.864025966468385,0.936025345971468,1.12474871532639,0.676762432278469,0.774040187912695,0.909423393618516,1.02234517778471,1.04104036282981,1.04482335252727,0.998828510199666,0.806138279363229,0.98037756282078,1.09229435290613,1.12387613633943 +Arhgef11,4.00844835820891,4.26074545692023,3.96449144383992,4.1259785907931,4.36065622873435,4.22378104775738,4.19324663015722,4.24957031572452,4.12879469690761,4.20741361940366,4.32050502054709,4.2264985630777,3.67940925417409,4.26678613682247,3.85247126424891,4.16165736335439,4.1629173328212,3.88783523400516,4.28960160739016,4.06279657680645,3.72254091951676,3.93576620924668,4.13301442350895,4.12305940351884 +Elmod1,3.49038216744629,3.18800172139961,3.80808126601304,3.34290417274318,3.04498689827077,3.13879606332945,2.94176937789391,3.68385392315836,3.72227955739132,3.453579635992,3.06134718368899,3.2391076268729,2.68219775658029,2.60313621581361,3.07349199139477,2.68177727224657,2.06522550571404,1.76874571449552,1.74671847310938,2.82722055815669,2.71791488934788,2.45538994867209,1.58120844998599,1.99472047270747 +Rapgef5,-3.5164147533782,-1.12151741630959,-1.74535863464471,-2.40591307593409,-2.4723808884054,-1.31061489493409,-2.02976008394594,-2.45723668193082,-2.16157077470457,-2.83783606198601,-1.945961530766,-2.17468476767451,0.0708954410172695,-0.522700132610312,-0.122212720573703,-0.332067767371256,0.0043525078126611,0.0158752497743904,-0.188698170845402,-0.326703051417936,-1.05553197998272,-0.129690473311311,-0.559090776530735,-0.12361798470885 +Zbed3,1.90492927614704,2.41697560763231,2.55464043840134,1.90732143254752,2.50923781455595,2.61900223849182,1.89167270177733,2.36100781971194,2.22513276157129,2.15560711238029,2.24525303478278,2.3291083010559,1.86149710612204,1.73626153671653,1.7209615217767,1.36519000030308,2.15498395207957,2.20830331301072,2.41193651354556,2.1359187372104,1.96971244665223,2.07356232092545,2.10910478986423,1.62431042200354 +Tlk1,3.55067986727105,3.72619149448199,3.6352126258636,3.6611115135763,3.91356482048655,3.95258740593896,3.54486285614881,3.74563531378651,3.628368347188,3.66634921233161,3.853154985891,3.75212125185681,4.03392943483654,4.41025436974142,4.23512135087219,4.38414272215064,4.30652865577626,4.03952349294214,4.08989860452758,4.26774697197454,4.29493707479002,4.38890804298231,4.16767064189196,4.17297680391416 +Acacb,-1.62409547792224,-0.999625837995938,-0.876082963983901,-0.493630673952976,-1.10505996864181,-1.38681024313213,-1.37627567829219,-1.42736276657856,-1.16849708583549,-0.938617743956449,-1.90475615700835,-1.82529344010788,-4.29073139993213,-3.56416078814706,-3.13145080395525,-4.17638543669062,-3.72642454071302,-3.13706184536654,-3.53798036721006,-5.06042391214789,-4.37160389795081,-3.91303046917783,-3.68220300323179,-3.59116005526693 +Wdr41,2.98201505824694,2.76505280685395,2.99912085121786,2.98146000279311,2.86563515802873,2.81582859620557,2.61091622260188,2.9555815416618,3.01880528868382,2.90954941930498,2.70976534284614,2.73844233773174,3.24599555146745,3.24217032382268,3.36041755327363,3.27640612032703,3.09004158244362,3.23662976746426,3.1067771248248,3.32776583833994,3.13751633947051,3.15684774885771,2.97113971026492,3.11536087699202 +Ncapg2,0.109650315278415,0.143766692132551,0.416535952606887,0.692936938417839,0.153068206191247,0.481211842428459,0.17669013757045,0.560627945539193,0.714700365370246,0.397196092846157,0.163510537896078,0.199081282509955,0.015531566321906,0.773150564021531,0.111321900690255,0.713953709544734,0.793932625012664,-0.0266379339184319,0.538464580375282,0.386738265561377,0.518816305430012,0.401881902380236,0.134517473001981,0.521266088187778 +Mat2b,3.20721001129638,3.23600379270479,3.40366001292242,3.41895197514739,3.1552693827209,3.19066749528536,3.27413603176122,3.40217369105332,3.29819023060779,3.39091170304899,3.2584257686375,3.2556438596944,3.49377900399393,3.62264260120591,3.8743670601975,3.61939459528996,3.2819909466478,3.3905445898214,3.23932940094293,3.77340366513882,3.81851831062176,3.84582417049838,3.42982509787465,3.61551811739805 +Igsf3,-0.835195094527846,-0.968730716080677,-0.735678769593129,-1.41280211727721,-1.01258587964028,-1.15150361138022,-0.611133524851757,-0.889109366052905,-1.33007170411485,-1.46734105790071,-1.68662229162238,-0.931433719045352,-1.77696799226666,-1.3633546641884,-1.85534501389157,-3.18500790370397,-2.55902306813523,-2.3144346273739,-1.86941029787455,-2.50569868098653,-2.13098530156704,-2.347070072371,-2.20870794116023,-2.01477771137112 +Csgalnact2,2.91548457660617,2.77397922766544,2.98215882043395,2.8581210946939,2.47046667784958,2.50568777943633,2.63859828134325,2.75311656868781,2.93539409345208,2.76962491902586,2.41454477821727,2.67671783573281,3.2739440680637,2.95957312238017,3.22669374254353,2.7553918896928,2.72482912182492,3.14361914935102,2.82956877689247,3.29207813752321,3.07767616834647,2.8223716072445,2.65453115036348,2.94301323605572 +Tbca,6.4067535608465,5.78383694933233,6.61630277445587,6.44324437248673,5.68082897869386,5.90677859603972,5.87480512936411,6.2570028787111,6.39628922634224,6.35578782216235,5.96950583359336,6.04884990585583,5.9645602339391,5.73733039728492,6.13591645521286,5.78986996161841,5.08540848142462,5.73774339427436,5.08427978288322,6.17148224349261,5.92495950675426,5.86112635014816,5.28927756358072,5.48577885443618 +Dstyk,3.04744777794731,3.23277939032747,3.17738976931789,3.22692445688226,3.08355747746403,3.17668514629713,3.12040511464331,3.18606197603589,3.23158532817231,3.16466559818672,3.02806165142554,3.1117379722137,2.75051777206898,2.89804210392549,2.83895013649676,2.94309568922629,2.99601711575092,2.87946974156767,3.00816257830595,2.93265092477265,2.837687410281,2.81271952896051,3.0384478499234,3.03200090780076 +Wdr60,1.27415946228824,1.74616880664312,1.31546964685136,1.83993242382133,1.83268765537382,1.72408437527184,1.91918594315035,1.32077857906963,1.48390638258722,1.82457383187752,2.08480192245273,1.68804508818661,1.11163859741063,1.96510638933367,1.37571434927085,1.80914766553291,1.61929443277586,0.910606944269615,1.75196169514789,1.31107994453322,1.12763802039311,1.71783433341207,1.90648906288691,1.81849453384399 +Wdr11,2.31140832835516,2.61575722989283,2.32057214264273,2.33785568526771,2.43340349670594,2.56378366639254,2.38218874392377,2.62298341061826,2.39018127161514,2.39148845268792,2.36373574657712,2.46881650168375,2.76075088486648,3.03546039120422,3.00346176743856,2.92357663455278,2.90600443031174,2.85454394097276,3.01535451734757,2.96672560380275,2.8451574634998,2.83670706339249,2.90886503403874,2.96030415814295 +Zfp386,4.21353970337455,4.39569025660638,4.65899738549012,4.29987201661964,4.12267763946781,4.35475860079836,4.34605028523625,4.49300538375003,4.51505577988682,4.46436041357131,4.10893617048328,4.38454160254085,4.24361028505272,4.16381519022529,4.05994905978146,4.26593497931227,4.12755119235277,3.85373278898706,4.15104807928644,4.19935200653805,4.41688992854954,4.12690925736472,4.00330845797427,4.1606887060088 +Tmcc2,2.99573274631559,2.98599110264025,2.99431236253377,3.01553015544466,2.98901946798818,3.02747470404459,2.99449489773775,3.06614630088797,2.86121920654081,2.81194886222839,2.89533260439444,2.79902393374369,2.91035338295071,3.03650400491344,2.92577989088358,3.05338375551912,3.03413002428485,3.13925268768816,3.19054475160948,2.92789365392043,2.74057483090185,3.09361541826446,3.14261180462946,3.23153559247258 +Abhd14b,3.99773326864243,4.1636513542352,4.88173354762263,4.47756982668397,4.16172314050501,4.09367388870652,4.13606034926688,4.35910599899591,4.35891288820697,4.43939299756656,3.88275266435442,4.15267623263517,4.69013969269317,4.36090706178417,4.57095940395288,4.47968956213628,4.51581014822897,4.57349348249741,4.40647071135319,4.65254718971123,4.56730842107166,4.74927413737777,4.35405241233374,4.2794089214743 +Svop,2.70150059719405,2.4276159823568,2.99489781834563,2.476058633392,2.4645767950619,2.57402497507844,2.79557950563411,2.7743710313469,2.85713848684884,2.50732648259654,2.2816180493883,2.37814159154475,2.00726223720685,1.96748817396168,2.45235033784354,1.9859054939692,1.65788784379367,2.18971488454613,2.06677063790205,1.95691654938351,2.03044546098745,2.20261857775858,1.69864057522345,1.96724249396345 +Hnrnpf,3.47670552361411,2.94731977336491,3.33894412202493,3.41245604266922,3.12276182657674,3.11445244614931,3.30784554198872,3.17102412421469,3.18304187774408,3.4648557671511,3.23998185841815,3.21091026639101,3.56499379442518,3.15289974576118,3.33636832217805,3.39772049480364,3.38643564267719,3.30859652707685,3.25555174849023,3.20443050551972,3.30095543442366,3.14377740928052,3.40213575014103,3.37589711602399 +Arsb,3.80445379793606,3.77798544054344,3.97977125036911,3.30320642650169,4.15184801076752,4.27674944809679,3.68638818623514,4.3616448188638,3.83095705885909,3.61123505287128,3.98945698241033,3.78166251028827,3.92916069064459,3.69167596680785,3.8962572015797,3.48984813063737,4.1518239164179,4.1363107281276,4.15893729513213,4.00548640217333,3.6805498491309,3.70245388816917,3.96673598934864,3.7894992522822 +Zfp239,0.332388849387744,0.429115658431528,0.737339558158127,0.452480732809145,-0.032568967426958,0.316458554524941,0.422515451362035,0.453794394722415,0.729724455155179,0.756893766868215,0.542308269161673,0.673065241744847,0.272504932527087,0.284095650602318,0.406535275474688,-0.0451078517353589,-0.0881399270678611,-0.0766171851061319,0.531635556638991,0.0343819969286652,0.145875366505274,0.35002981316907,-0.0659067471493904,0.564900590689661 +Kank3,-1.92765838465524,-1.57388758435641,-1.17596976312514,-1.91423692525037,-1.43702532173577,-1.59318851375642,-1.80577092270931,-1.65843723025122,-0.97859979974698,-1.76138099716228,-1.38245862198951,-1.82948259493799,-1.46548240576343,0.0027763580427275,-0.89166158682254,-0.159563568660857,-0.98718933111961,-1.62129578414293,-0.604346506258794,-1.44787604736691,-0.446980465629085,-0.545551528144384,-0.935167623274722,-1.0117534851399 +Uggt2,1.90830544662315,2.13466841839524,1.94364251733471,2.01418068185816,2.32094076799621,2.16315220941361,2.11083475196115,2.07119731968372,1.98787967525753,1.97325088486005,2.2404211932634,1.98016419968011,1.82500396807073,1.72583034208733,2.13895687252911,1.92342636630552,1.86781820120168,2.03027986708395,1.56876715139295,2.04128762679482,1.98584491998812,1.83378588076357,2.04579910264663,2.00754599523649 +Inpp5f,2.73919707181637,2.71338403193268,2.86512894177775,2.82517351849025,2.82529139955499,2.84806822122952,2.69521651257715,2.46879438122579,2.77704665538388,2.91017240756085,2.72450421979653,2.68100242228418,3.32653383157062,3.26246488003628,3.22141822756296,3.4155581103988,3.68511235786793,3.65775934994402,3.47184535786907,3.14244204554845,3.2506905007862,3.33098267807313,3.67911378322132,3.56943235081649 +Csdc2,-1.40654540630736,-2.35325225613899,-1.50285330855913,-2.30214590644499,-1.49300825428521,-1.05030865458691,-2.32664379123868,-2.31525549015362,-1.57186976187454,-3.01350675777886,-1.80543574591134,-2.09173358089847,-2.12651093323247,-2.42944019798204,-1.12330675459572,-2.31624605061387,-1.59531249238777,-1.87487666703383,-1.57355327210528,-2.43949894361106,-1.64687025294462,-1.4195354711955,-1.96001328635302,-2.28246725205003 +Ccdc115,3.7815742679122,3.41103530763892,3.84061495722778,3.73204234510075,3.3807715280476,3.22328775342299,3.4554432430932,3.6191378925973,3.8658255201854,3.73436081831532,3.39262008437348,3.40760240760074,3.63362258461108,3.49069640689968,3.76891388024131,3.45280286978454,3.37266863606215,3.35718472170373,3.48674611676264,3.32480293661393,3.78332099448959,3.67476349759046,3.35901970837385,3.4524692473657 +Klhdc8a,-0.988515494267578,-0.876653692451073,-0.295488546050797,-1.5753208821709,-2.21653202412312,-1.21093901746393,-1.87491860184226,-0.832393033154556,-0.857980027130784,-2.48710584555878,-1.35431197523328,-1.3992242095009,0.333521507900355,0.756063873295711,0.462127407134864,0.181418213121801,0.245014630762976,0.504666657307118,0.483541827535323,1.18859490032913,0.117474514559932,0.224328180866988,-0.0341538080734218,0.243034813654325 +Vwa1,0.389948171571512,0.238000609771903,-0.420259796880217,0.112042925638557,0.051142176105698,-0.10381131227099,0.31400809758544,-0.401785257287079,-0.627342995408169,-0.210809318283215,0.103772586612406,0.241551374750702,-0.262611560119519,0.056649710258891,0.448546366838252,-0.275622330029825,-0.661053561276185,0.0254806355035044,-0.198255348455065,-0.689687302144478,0.333337017810451,0.344750045004142,-0.656862979576186,-0.18052105785562 +Ssh1,2.0300570681854,2.0924100558468,2.05828372441993,1.65945315295588,2.50329472147054,2.58540686322331,2.08610070487579,2.60921273745201,1.88510917333018,2.0059986711941,2.3658952984868,1.86589221323681,1.57226038426896,2.01858149173232,1.48366163035235,1.77332260591434,2.49916044870598,2.11274222095026,2.64637632755647,1.59321130709836,1.35040515216069,1.66915926492169,2.5077500131881,2.21258808104612 +Rassf4,1.09994171375012,1.75447176894365,1.44951040147132,1.18022193123382,1.67396636812657,1.54886331976094,1.32982955427377,2.08497552591894,1.43272530168461,1.08526983273787,1.61392527374079,1.29470804464599,2.14087049799813,2.40514564124409,2.12617397935163,2.20854011866517,2.53667706285853,2.26646044628432,2.43425282219162,2.25127666983843,1.71425985686333,2.1307512323498,2.3677951915815,2.43885492435115 +Ppig,2.79742274200926,2.96819699969736,2.78824841854024,2.87292053414449,2.95900732102821,2.94086845564779,2.85338597273103,2.91937053431824,2.73240304846476,2.65929018803212,2.91038045081948,2.91927997997582,2.32480530158858,2.4557041736,2.07503570317905,2.2619918992733,2.55763530181719,2.1361358724678,2.51102919822718,1.97467556609091,2.33222241087926,2.50895092484297,2.49677519471228,2.60394333096334 +BC024479,1.94897549853778,2.37961642644985,1.44891765851562,2.45765564537453,3.01970104003183,2.78867207362457,2.9853367062229,0.917968263766609,2.10947052514732,2.13005332460002,3.22841281482722,2.51665149154872,1.14306799257636,2.06528085131847,0.857025124090622,1.62126402527789,2.60540326695392,1.96469593716159,2.72553554450572,0.511738152469462,1.76617257254334,1.89845411563717,2.55050817059016,2.42408624092496 +Cox10,0.893210482531836,0.2475855047109,0.688990104937203,0.145297939547728,0.914752985731452,0.991695137174165,0.720464285046135,0.721918994182727,0.673170652769306,-0.0568216983045802,0.82187273368825,0.443424337936995,1.00300909583727,0.59144417372319,0.555879202577528,0.455413665897281,1.08538981714812,0.881761552364644,0.73777807533733,0.782278430109663,0.861036351728045,0.248703062832483,1.15377389721184,0.746008783247968 +Klhl23,0.718506050742754,0.881194603315258,1.20829543218951,0.464764479075096,-0.118050678636867,0.288813558176604,0.690663289267289,0.699224106927693,0.677546247585699,-0.178649574178292,0.0372279586167754,0.301159634549907,1.44106166221476,1.4203982964494,1.76781380756013,1.49578477989508,0.982768962603614,1.37476220007333,1.07621631227136,1.68795364438068,1.42327092074446,1.60250625868895,0.875866336240099,1.02438393994619 +Dzip1,0.0537025752402651,0.603342460873203,0.247885626427411,0.818263598538398,0.665429247415259,0.81486587195013,0.923686366599512,0.144237276147499,0.527214461052923,0.93579365392082,1.01178154206744,0.742517810128741,-0.824442824187138,0.6413070751455,0.134130440719312,0.544606959932159,0.172184715219562,-0.43925584161973,0.558728494264234,-0.639961420024194,0.498390798186525,0.480000561868405,0.203020022457962,0.237264436310386 +Gm9774,1.73332923674691,2.32818404528345,1.47866893355895,2.2270259811366,1.87568834979549,2.37814410264042,1.65244593680152,1.7547554358351,1.60453585746331,1.21029555244365,2.09100578344322,2.04056271171002,1.69082901086227,2.4669586029911,2.44268822629711,2.51072032308011,2.54366026779972,2.34808147931967,2.51505138932735,2.35826850615336,2.32227734008831,2.6155540954127,1.82570601558362,2.11854493299957 +Papd4,1.67574402722562,2.27596742830331,2.14800297343104,2.14471236528122,2.67456703516412,2.63621858588038,2.5775110781722,2.09399693191575,2.17143285290183,2.24619224639783,2.2153487168705,2.14656643248384,1.66009465531656,2.20431332192603,1.69720287621451,1.66547868256966,2.36333355166334,2.25406250047423,2.50211014219781,1.32376443189644,2.01853251356473,1.7783372631573,2.17218897199393,2.18323510645029 +Armc5,2.98932666041955,2.60729920232197,2.73009384415826,2.59332794223401,2.50282425010111,2.69579329575152,2.59817832696137,2.7860895463156,2.76840579486038,2.50305091576865,2.65987157502749,2.66475877220981,4.11677057380138,4.14207009156469,4.14954838272892,3.66811418335176,3.91431855692719,4.23388197105218,4.34611548983619,3.99509448561605,3.95229381197027,3.89491706289105,4.05409056038055,4.15289245728237 +Pnliprp1,0.613909693903167,3.70098641840734,2.83910312895731,3.14355933219491,2.9171999011876,3.55426001454225,3.6373340778131,2.76764461910259,1.75810881865641,4.28489559939564,3.45943028848871,2.73584992781011,1.5137893869135,4.30703516262386,4.14899347929537,2.58763693486016,3.30745864048035,4.34563794189148,2.2435759326844,3.03148463089276,1.60558524326261,4.09692183458771,3.64588250444187,2.8851589761298 +Nfrkb,2.09749332409859,2.53798461537238,2.08985533348593,2.58448656923674,2.81148616909557,2.59561833005759,2.83204098838248,1.85074972416454,2.35080836301272,2.3144920949234,2.74738397382563,2.47129314861821,1.33712487967699,2.06415260758341,1.5241159340198,2.07341149226925,2.36633791618362,1.73492246075041,2.54127055565194,1.15187959609971,1.90841017116645,2.02643375094861,2.3925274648789,2.1164254922014 +Zfp451,2.81916419848567,2.55661867106669,2.7158397501468,2.53002148773255,2.98645380802877,2.91208725504728,2.65469681460776,2.97923521651894,2.75166413098681,2.53557419943628,2.71177096290901,2.73221806915169,2.26945780473847,2.08665626666609,2.29884268480941,2.09482910943683,2.48300142468799,2.35421736748562,2.12341740800932,2.2338528624442,2.20063021726664,2.0651480686607,2.31001446414079,2.21715312511656 +Chchd7,2.9856376572155,2.60463503304308,2.60613996155501,3.00658799702685,2.87937978603917,2.5731667119815,2.88156268421141,2.64208577166472,2.82069347203319,2.86945178272755,2.65272923916417,2.94448039936429,3.09335693532553,2.63512234940177,2.69091992350759,2.67865777926176,2.638486779933,2.75325801796005,2.58872291508267,2.74762478177407,2.82085307117338,2.80993446708237,2.82209247752194,2.85334881752603 +Slc35e2,2.10322592283919,2.19967052397914,2.02348588485206,2.32051397159053,2.45277148465382,2.32750685249687,2.4107517738498,1.8423707790101,2.19727836040452,2.28588837620984,2.41970049301587,2.49069427334994,2.41913112006808,2.25500214163564,2.29183767364438,2.50008726648454,2.61642940561343,2.25537658938871,2.5297463539895,1.75758904249476,2.3145930102455,2.41522287187933,2.50232245919211,2.44814607380712 +Tbc1d22b,2.16625944552637,2.29235281556096,1.99049939710141,1.86753312468474,2.47490100606491,2.48062466238932,2.62814856400291,2.22520635098632,2.04792255238167,1.80121397247957,2.6112250791038,2.33958233926312,3.5292246641522,3.37982328542936,3.39463117857759,3.23004495802519,4.17583181998024,3.73773114343027,4.18969901016107,3.11667431288185,3.45387706124603,3.36876405124432,4.21522802529199,3.92510782727362 +Kdm5b,4.38279834232103,4.41600158680459,4.46656391890299,4.29154981929554,4.36747894984577,4.46890886419413,4.22491010071105,4.61106485649472,4.49756160704831,4.30002833207354,4.27404816328521,4.34512412061867,4.1672939912874,3.90478226915325,4.35617098990429,4.02698625038232,3.87668602661663,4.25990418504257,4.0014307469746,4.23456555920526,3.99382205501396,3.89813768990635,3.99351976643606,4.03423799723576 +0610010F05Rik,2.90671537136181,2.81028260878059,2.7443556104357,2.87018982047159,2.8782808518496,2.79818388177508,2.85753010420989,2.82718071354726,2.7637101940471,2.74846858404624,2.87664952452011,2.97542935806076,3.52343080370014,3.39540018727107,3.45278342052165,3.45018071550925,3.08111477238102,3.27376416762862,2.81770411855397,3.48227205925105,3.39974250308902,3.32865912192296,3.15496057311362,3.17102404966376 +Abhd14a,3.45894954255724,3.4634221013521,3.74909920126604,3.55596165587273,3.16511015750261,3.48093798026728,3.43053743809771,3.5821892608158,3.33188280131479,3.61561380073245,3.20353041769431,3.3837403001471,2.67527386905233,2.82316656636923,2.59695034219226,2.34518712411671,2.49992684353458,2.84736563697281,2.85629501280055,2.88692838124421,1.86475022381408,2.48973970146486,2.52312635381328,2.5125451727925 +Fbxo38,4.48775918923553,4.65012369125951,4.66512885943083,4.61107176439016,4.49062739926759,4.41693662045047,4.54758045940737,4.55157473815131,4.68497631156223,4.59183231876636,4.5483128972695,4.54395468651511,4.25341869557436,4.40859508148075,4.42499058776496,4.44674948136108,4.25939974367296,4.25459376494957,4.32673585808413,4.36469825040228,4.45767570880054,4.37369495485597,4.33450466740027,4.41274345231007 +Zfand4,-1.26256295711762,-0.523391066645575,-0.382103880350618,-0.620060416705314,-0.980167149514741,-1.40425795351143,-0.414556404777348,-0.825090900067469,-0.384509548869604,-1.24537012115794,-1.0341175194847,-1.23371165765667,-1.76447573013191,-0.385157913797933,-1.13287118631565,-1.01153999356274,-2.06054486453982,-1.09249959835848,-1.43884766820175,-0.968110378603212,-0.667287134174748,-0.64306754745885,-1.48211561732491,-1.07628055680526 +Bag2,2.1594855019528,1.66036043570279,1.60799999566697,1.69513339574861,1.57505803057541,2.04845115443192,1.98557556145784,2.04313313678461,2.07332349810199,1.63544899828948,1.59202371132092,2.25974608603245,4.15648146803879,3.55938152960149,3.89249987318011,3.81152161203451,3.79201649662575,4.07796077325328,3.72336335423189,3.56267609972185,3.89566026013026,3.63571531908132,3.68231646260957,3.62172230770859 +Sgsm1,4.42448182279371,4.88710848713045,4.8329520159273,4.60714875820573,4.94882623184157,4.95086359831078,4.80575355571388,5.12341239513616,4.65013336126164,4.73698556206259,4.89394041653504,4.72489598276053,3.87323652723877,4.5950926306967,4.49019710285356,4.37867023695517,4.48346144637546,4.2251257971921,4.6334469810318,4.35420737179668,4.28718717153181,4.50673049105754,4.52511023359565,4.40034554923823 +Ammecr1,0.177075562452859,0.111955931957033,-0.0579691875798547,0.0532786112506782,0.616989388817597,0.0988250212849051,-0.0194342621753671,0.881376145030552,0.112139175872906,0.108813656060708,0.283062770365208,0.577805841402933,-0.0446547939474073,-0.413743863968377,-0.459749650525678,-0.539554276777316,-0.439214926029318,-0.550636237654146,-0.387169559897387,-0.147770597507516,-0.576790835668071,-0.365440205138613,-0.731379167901166,-1.20796203823019 +Lyn,-2.11459903480852,-1.72361258964739,-1.8606961355371,-2.80680913424512,-1.57619525872126,-2.23098030838075,-2.07712686600831,-2.00967933831146,-2.19099509231958,-2.40311033841699,-1.67242138218458,-2.41043680942481,-1.01876080425901,-0.280534912750265,-1.0852774128406,-0.366426897192609,-0.129921072078203,-0.218551504469934,-0.592441447472771,-0.497606985386118,-0.580891606589332,-1.28115962295559,-0.548876518429661,-0.610909962981728 +Rabif,3.44593373391094,3.12129780382411,3.67291893388686,3.47351543986152,3.35265734240959,3.3441705409169,3.15945783913209,3.4506453972142,3.5240390943494,3.43255350575833,3.10288258055867,3.43526062272326,3.95368036416821,3.41306063528441,3.73117558640889,3.71425609461233,3.50566641771505,3.8398137708329,3.55821220009939,3.57048616872033,3.70207487697437,3.46535769770392,3.3912783807521,3.62942508242476 +2010015L04Rik,-0.340530028568206,0.0780613010497424,-0.920007607005818,0.10498781518764,0.625630533238453,0.494363480708673,0.732983400152178,0.0196212413657708,-0.154454134944003,-0.385260185892178,0.668674245793614,0.179851332215074,0.19269039993338,0.252966626389719,-0.0862523275476281,0.0244668108326498,1.24519292144599,0.556141548164248,1.21333910931392,0.0308847520346918,-0.229590801397256,0.0805155585616935,1.20276701227636,1.15517614111416 +Tmc7,-0.703491870231128,-0.803212768299819,-0.958152173419088,-1.06530817673526,-0.130718922688434,0.278328876456901,-0.102942691856495,-1.21061218146883,-0.943511518170157,-1.11984711735877,-0.83408700453914,-0.839067624731151,0.468560279894484,0.501863667461999,-0.018372621688135,0.499144352627654,1.08403271720921,0.633094142238046,0.850020779023228,0.209501709353098,0.300668561016566,0.550556074415416,0.962183328764932,0.115158714773482 +Adrbk2,3.84041472272042,4.53411214129673,4.24619702430495,4.35452022034233,4.3626151115386,4.362701113985,4.38288663303633,4.08433260665478,4.03431785565243,4.47430295951104,4.37319652763378,4.33474865280183,4.65507621108373,5.16914158405833,4.74515152289297,5.16615228842525,5.23388911181072,4.75740958288991,5.18317147465988,4.69961897881398,4.86929185701929,5.12629556063006,5.23224740559746,5.16844131210035 +Cilp,-3.94466620217606,-2.38154710900277,-2.81296438126166,-3.26540666572894,-1.83721042456031,-2.45253388926655,-2.48401110408213,-3.89210652290595,-3.04632079343553,-3.47067227952804,-3.52980944092112,-2.22966769776253,1.34214871956117,1.02152262463797,1.64541832948088,1.70776690759508,0.880016271552717,0.261666045869601,0.7398788552202,0.694391165005553,1.18377019881316,1.75791603736274,0.919822524416083,0.804664586843651 +Isl1,5.92703364772938,6.02830347235678,5.75148723767184,5.81948317689742,5.97230264173175,6.01178771010822,6.07022279771284,5.89220067743001,5.71304997214184,5.79493661251374,6.05140966902095,6.03149446201263,5.18693708053946,5.3569304963917,5.32745602993126,5.38386922763925,5.39417219967558,5.04250248313253,5.0594270747558,5.17521841031139,5.40411239055987,5.52322379400333,5.40685427496016,5.15767277832892 +Fam92b,2.36914091159916,2.55248479976556,2.09048666003078,2.31923919543756,2.48240233206796,2.4763750450471,2.46585705949212,2.56792597837351,2.54071853174774,2.7313615345544,2.20725844909279,2.33678615407114,2.74868391617301,2.95432584743778,2.75956192728944,2.72808445497969,3.10737396096452,2.60860900362792,2.84809728259013,3.17280935493377,3.03497760761787,2.95724795337845,2.90226361746291,2.78067931958902 +Nxt2,2.90323043208661,2.77673499852634,3.295575568054,2.91055266755927,2.34362151259896,2.32500217650587,2.43355766927014,3.25841320826445,3.0042480190462,2.97354605533863,2.45174110279385,2.63177552677259,3.94800608995055,3.79507322395806,4.25228904523399,3.80318777011244,2.83167612750267,3.6644579852996,2.94966412699708,4.32502994367243,4.09621626435277,3.69803160033291,2.90828388278829,3.17541360706967 +Sestd1,1.61810982200043,1.72868987004352,1.70044924485915,1.69379790274714,1.81149738123082,2.05936202360789,1.7087533687025,1.94653072796055,1.59496482765969,1.61682750791687,1.9374945785671,1.68657735414651,0.867425665762078,1.42299933444153,1.11353280825202,1.20189812764908,1.14783747599952,1.05672109108139,1.13584979070921,1.32850281591301,1.24263050080857,1.2369431038216,1.40875270063024,1.25688254911727 +Pelo,3.06652749156995,2.5312086039186,2.75009986082538,3.0208864877218,2.6651003081255,2.92238861478038,2.50461022038821,2.35402114393805,2.66076135562338,2.44246430798469,2.78671339250028,2.35827998128805,3.70966394361271,3.01098395617981,3.38155127689611,3.19209656664677,3.34155917692294,3.48284010322209,3.40523418893823,2.93679183761313,3.07727180237316,3.08893053334303,3.30328807848755,3.38462757399945 +Itga1,0.923288712586652,0.353944036432268,0.598411285692047,0.812214019378322,0.612616213724129,0.799174959141624,0.406056286329153,0.291380999966585,0.515081521385245,0.228584181742617,0.661446734099589,0.33088840262818,1.53736177563424,0.868420304454904,1.21772709900071,0.994674177678884,1.18710635542658,1.30513532154179,1.24456476761951,0.791633657903561,0.894235559733786,0.864217091796092,1.06744851409381,1.21243449655432 +Hsd3b7,2.34138507177691,2.67279606975034,2.34253739173167,2.41561923352799,2.98144792702486,2.87275721064619,2.91465040524842,2.34477705191321,2.36484687846262,2.42403064499475,2.86409254011759,2.52387047104653,2.19854821498533,2.67886386030772,2.24824913390938,2.42070104905161,2.87599137016322,2.39267250475522,3.06898348574055,1.93917430067513,2.46265759444109,2.44109029899336,2.86404959546406,2.66687108320275 +Mkl1,1.96701276269333,1.92059618441489,1.92537276144815,1.72158606160901,2.49074934651415,2.52647823344852,2.12537674099464,2.30849079772345,2.05551524668866,1.73047347131598,2.33874326290375,2.20767564550306,0.662432178405228,0.885080031115848,1.05454100724705,1.30491964369382,1.78302014388555,1.28088953059245,1.73123547491004,0.714228065849516,0.751386834454737,1.22730657762076,1.80262671058353,1.4246745686766 +Gm5617,4.43425927607044,4.18670318302626,4.63283235007612,4.46016060979076,3.9260658612674,3.92426734748813,4.09764826918053,4.52131536736272,4.66416264097182,4.55304289377169,3.89422602521382,4.16746273334718,4.41914466550625,4.23382651888581,4.53384908519595,4.2061629300285,4.14555307066156,4.5559475830043,4.2979806146213,4.63731602989404,4.79824245429539,4.57367781414386,4.15238981540532,4.24364316778659 +Ttc19,2.22239691817256,1.73438256012773,1.9673248807169,2.2397027490199,2.39830077237039,2.24467935661391,2.20219966881143,1.71976991205801,1.95658752344948,2.05390352610732,2.27442225832162,2.21150470563389,2.62609214284657,2.18365791952465,2.68187298020331,2.72880759585713,2.70938768825514,2.82944096172331,2.50093158997027,2.43126013656664,2.68259320261123,2.7656870437978,2.6308781145879,2.5776587775273 +Ehbp1,3.0395591910559,3.19799862063531,3.24427724745255,3.21273027174218,3.45136131509841,3.5942026430714,3.3677604184661,3.27687947119453,3.23312347776061,3.2288527713467,3.39714964562546,3.27181464107394,2.63850637718832,2.89499240017855,2.65629687801712,2.87546563572205,3.14189021029693,2.83821534149638,3.00395186317783,2.77505051999868,2.8017380318323,2.92965276899205,2.99991214074707,3.06570355421999 +Sgsm3,3.20363217627095,3.2959747966902,3.10697594722245,3.65102964645187,3.47670742051109,3.29232414030828,3.39210105309061,3.06417867219834,3.23135034204303,3.76252633182164,3.58866426042523,3.5313336574712,3.78405908974881,4.17094625269913,3.71553465228823,4.45664681064837,4.44774090507601,4.08693287465482,4.32171605820248,3.87847693478049,3.9283275856315,4.43730624207002,4.52383869658852,4.31544390826008 +Tmem183a,4.54360578601166,4.27717765797452,4.10903439024781,4.14079904765981,4.19886427707608,4.16535530830554,4.38447902328271,4.21932991567305,4.28772118092365,3.98201956077536,4.0906520578767,4.28501808169436,4.43997159487691,4.32513678883962,4.33588859433592,4.32817766762151,4.19626519757523,4.4544065380467,4.1895522688959,4.45647905890275,4.45293751625377,4.24990612739031,4.18711739361471,4.35513233101107 +Setd1a,2.19428745098756,2.58779566638649,2.089898386645,2.08100522936914,2.98409043832455,2.93354893946066,2.90344727962374,2.17847419684295,2.27314357070241,2.20686173050476,2.93345965509214,2.41139139551624,1.7238885716631,2.13600961550473,1.94261267496779,1.75517450429581,2.71899340553041,2.11323147978947,2.99876618852043,1.74481203667588,1.90419456710551,2.00237536252411,2.76843784938085,2.38939839599621 +S100a13,1.97140891744855,2.45588269566185,2.78118004372779,2.56755282215823,2.23317600893484,2.0257534211789,1.7322444016478,2.36465352427931,2.24767446240337,1.98978743772799,1.82733606582301,2.00224136562734,3.71293389122381,3.17359992784128,3.69407043351815,3.16894010061659,2.48758075510303,3.0043013843404,3.56457866509602,3.66552009669509,3.33087941355266,3.14598780176549,2.39918901941905,3.02200455625555 +Prox2,-1.16365252448462,-1.76170381160805,-1.30091960289665,-1.21114314634511,-0.695580889560835,-0.460050263628947,-0.499525972386619,-2.06539238323221,-1.53417499290993,-1.17263557078269,-0.566599451995966,-0.930458299322329,-1.62735874769304,-1.24195097267773,-1.22069496122612,-1.3620809581319,-1.3941444841006,-1.64384754318076,-1.26329865167098,-1.50047988033596,-1.35208375023342,-0.952506681125369,-1.52316604369631,-0.998872370390716 +Pbrm1,4.26727398368633,4.24994493029967,4.18236460899156,4.08830571791964,4.29871911858696,4.25147529675843,4.10366359239728,4.50237634602375,4.26494863426113,4.14000442919046,4.17682545101725,4.22594142781956,4.18121896369212,4.28092063365802,4.34079362886718,4.19411462869964,4.21324880993121,4.25930175939695,4.07239845586842,4.27980737666884,4.25482792099034,4.10468899527823,4.20167512053536,4.14400491972882 +Hps4,1.94685483968408,2.52564072891299,1.76608240210506,2.37423422352766,2.72087939233776,2.66983761966621,2.85110348236807,1.97398271283774,1.92453607708537,2.180196506115,2.82393419652366,2.57468475235654,1.35348147331503,2.11678709651889,0.977604156798933,1.95769075360972,2.37373766750495,1.93195999478665,2.3899609306748,1.26171123206868,1.41712496256417,2.08513999630885,2.35151725330103,2.15555751777039 +Specc1,1.33407973507825,1.48302287522632,1.03556905195933,1.86832037610322,1.88639857644229,1.48469336670255,1.59075636160842,1.61885152187912,1.32079845732442,1.89029484818818,1.63280960844791,1.69261385232212,-1.37383515503219,-0.96047625855214,-0.623293638050427,-0.813031671753632,-1.18389237307081,-1.07528900288806,-1.25034812804825,-1.18612946026536,-1.33373077140853,-1.24742572316631,-2.15087459450213,-1.43505821298092 +Tnfrsf14,1.43454525149818,1.54974912209321,2.14457848283078,1.37361603066755,2.2085638253343,1.81548430422831,1.72552478402592,2.07396551255671,1.40920870080653,1.70848629821608,1.69609588342044,1.73074422598659,1.26705323805432,0.977528078166031,0.414926376229407,1.1889540231478,1.75722885316481,1.35680559732317,1.0864312673989,0.578378221074228,0.836470750030376,1.31365646466026,1.09867679124644,1.14983184089121 +Ctf1,1.01724055876695,0.263822303018175,0.527781683552745,0.637812484206848,0.119785028073225,0.207504028250497,0.719045867924489,0.718974719599552,1.15520156686509,0.173817865533449,0.153654559794482,0.899199943174394,1.94068033012417,1.56755554304327,2.1518710638828,1.84771020292545,1.93825343385889,1.98130538561303,2.1222050827086,2.04885724575498,1.84392029538489,1.86262222830997,1.5616774733824,1.87816770377353 +Arl15,2.90673982690107,2.57101200440368,2.63686541712489,2.58372664055204,2.75611020157511,2.46190534219189,2.54118911950669,3.06689478271933,2.54561887353485,2.40090622112985,2.6434778387964,2.50913299846866,2.53738511412602,2.11813647837017,2.22355520346066,2.43322749151832,2.19099837066706,2.34027008139613,1.93634375278392,2.51781626967463,2.58670542677569,2.39056948396957,2.03718617563717,2.23596965251216 +Ikbke,-0.424819471195406,0.934710648430698,-0.787965869419274,0.49838060499096,1.01320365447842,0.792771357365523,0.981299274385084,-0.312420931285789,0.199858516060493,0.593752899015911,1.05704628149668,0.814303871039354,-0.0471962292315435,0.505605250237084,-0.460103065905862,0.404073525323675,1.60220061298867,0.561056014619754,1.28963539507611,-0.725040852982967,0.367102790502957,0.23894942088353,1.00351177793796,1.03179209648778 +1110018G07Rik,3.81111878935494,3.70460551954295,3.71169190609201,3.75575118524035,3.84579936514245,3.74558048917029,3.63993649462824,3.84181888683544,3.69694694061985,3.81885821043741,3.79345590917406,3.7471376851306,4.02886179541155,4.02933033359021,4.19848424970609,4.13477371463973,4.25379849352984,4.11884707539462,4.20054278617755,3.92565809886404,3.9733084119203,4.12504913966538,4.26917344983598,4.15541961042818 +Gnl3,3.53162468291022,3.46344694999778,3.45853797264846,3.80360706273559,3.60675669450705,3.48267991096884,3.76475446007547,2.97251383397589,3.53803831207186,3.61168040401991,3.65856648000446,3.46161376440267,3.95358220766015,3.54652852791401,3.65075720452864,3.85468847667355,4.00713928175435,3.71433160371303,4.03996074402333,3.19347572985921,3.77442853491932,3.66882716404534,3.76585373791679,3.90931589683477 +Osbpl6,1.85824796668881,2.1400499426797,1.86397657858429,1.93797373084139,2.4448068647506,2.42480268669807,2.22637704118591,2.27131705029398,2.02223741829957,2.02420486345726,2.48021314417046,2.22964232676815,0.181273619209882,1.02275184812235,0.220759302214979,0.957589820105258,1.18813516367481,0.929689344661615,1.22269182906949,0.516433712880319,0.614313905490522,0.399727627882189,0.95109277452362,0.866206439967903 +Lgalsl,3.44443617334262,3.06219017558647,3.18974971302936,2.80043897861793,3.08600645569204,3.05317433629163,3.15384375135912,3.34045091870709,3.0919346397043,2.71531659269594,2.72359079822412,3.28014474247989,5.15970747435673,4.82932950399876,4.54542018373721,4.00035260155117,4.44865161986906,5.01786432944296,4.81590592134818,5.27510049757125,4.81510766155709,4.03554938263823,4.55863733356501,5.06583993853946 +Snx18,4.6324347022986,4.70260922660732,4.8504356799599,4.81112806032105,4.55523648032838,4.60364524101202,4.60709217652609,4.75628692615425,4.84112657872663,4.84873292091478,4.60536467801353,4.76906666411935,2.8790202094241,3.01858149173232,2.94001087477318,3.00349429905203,2.9373339227197,2.82130246597314,2.69744823362374,2.94225976900975,2.90584698235118,2.89501925062375,2.92131061094478,3.02737461739206 +Rbm45,3.55396933980431,3.42211080073145,3.50440425640942,3.53379465004428,3.26868561800343,3.51106814397161,3.38463171739836,3.20826925808383,3.46793698211305,3.3444044012786,3.3895981582047,3.2449298771931,3.70906420116881,3.7589834131134,3.63120581481052,3.71325093054991,3.65143536982504,3.73937282755316,3.81974502981041,3.7974686935989,3.54029358277449,3.62928418041275,3.76095080688399,3.91814452719152 +Fam83g,1.9562931746627,1.90254358498304,1.9218250822932,1.91436784658673,1.63452375755495,1.70937753779916,1.86960922878085,2.08051211830788,2.06557376975545,1.89797360580142,1.57456073359828,1.70647535379783,4.07712404543954,3.90675176956632,3.88275603581986,3.81768176346127,4.10168180341384,4.18655381288847,4.25097574803825,3.91749010228352,3.5114511025204,3.71515889854352,4.20124884047488,4.08706796537544 +BC003266,3.23961718800038,2.50140972075783,3.12517962440934,2.83494502689122,2.71486966171802,2.15797561988071,2.80479504146484,3.06403956407484,3.16356660608526,2.47296996547906,2.73183534246353,2.80376091861111,3.42752050246855,2.94559436829917,3.10153833976024,2.88146164934789,2.48636025723969,2.98331259950773,2.10076141841147,3.15014004742322,3.06870153725248,2.92594132982296,2.76588566894858,2.68308125540251 +Dlgap3,0.0496500846745556,0.599918538669439,0.623971422890219,-0.0652529573150211,0.291531047418971,-0.454332330678028,0.246734648303754,0.213699368374522,-0.163763977751973,-0.256520366113659,0.233170404466072,-0.106469101394547,1.95962834800745,2.3846991832859,2.24273364296546,2.35067633219122,2.3701318290448,1.86795144323476,2.60369467563278,1.8700200111056,2.10280545626443,2.41202361579249,2.38070237113098,2.36533978484635 +Tsen2,0.778203122340394,0.833163594835916,1.0164693504789,1.01256992398682,0.849186709112677,1.00356636963979,0.972859105106372,0.624516391923846,0.83445045776636,0.86453995122714,1.22360847074569,0.902286352694215,1.03130004550089,0.696696462031464,0.582579286544196,0.701204610501804,1.21850064690972,1.23167895954188,1.50814964466641,0.563230767527503,0.889749952427954,0.896692890722745,1.49783781599995,1.23955539485446 +Gatad2b,3.26936039240877,3.15450845840987,3.3308974591389,2.86589204977032,4.11962430508043,3.92325964939329,3.3124034348386,3.80437170301936,3.03659137182594,3.18951889643618,3.81072095008685,3.34873683902595,2.81063726753592,2.86083114944322,2.93287484878818,2.69001391322108,3.59248095012766,3.37735022144495,3.91373304205243,2.98603110801772,2.6692466436758,2.80565489903461,3.6449466760213,3.03580924253629 +Rbm7,4.85328256103328,4.65468049271707,5.01335190696883,4.89307891565582,4.26170339748565,4.52294781745579,4.43179328527374,4.70835859541864,4.90346966424523,4.85832361248156,4.22776810902884,4.65835424941036,4.80957179070177,4.4130403988706,4.9129176766769,4.38667619640574,4.24748391006486,4.70120302673503,4.16419547931088,4.63209997650297,4.7998045351333,4.49857853193811,4.20598572236814,4.40064226563087 +Dennd4b,0.984892923946898,1.53723814999226,1.07594370236813,1.41863104467993,1.76898703999258,1.76335222099651,1.6870172400562,0.809012572449625,1.35990200402879,1.23303287971343,1.75280920869465,1.41880155370589,1.22813837119931,1.75045889183134,1.03265387944773,1.24111899889583,1.54919673642797,1.09447866847316,1.89938185559122,1.06067724179029,0.872207797130541,1.46774511255817,1.45980213676488,1.39375012290728 +Atf4,6.69617748406884,6.71561291763529,5.97520929416904,6.7652667015366,6.38488052290022,6.38704703635675,6.8687891289336,6.28249945558319,7.01454419413746,6.58016324783284,6.49110618263775,6.65276268592092,7.46338154127157,7.18162485390553,6.47571740511202,7.29200155564571,6.96435588585935,6.95359300641746,7.39770631787362,7.08586401142134,7.40173316453632,6.99296925598787,6.95988189112345,7.19974815128007 +Zmym6,1.62656170849172,2.60060951992504,1.81141401048645,2.24121652649438,2.45832529905568,2.33418661120778,2.60717318526564,1.77128137471159,1.93102541814214,2.35868245489713,2.48117342474057,2.64709804620246,1.61070013519776,2.60542497881886,1.80070276784468,2.08417148685533,2.40959922381403,1.88731881095802,2.51955924949524,1.73912278237168,2.08252134167235,2.28775788225582,2.5012243624431,2.64290392533809 +Agps,2.76686544015703,2.6038814340808,2.71523688411443,2.58588575356046,2.47330046666681,2.47288855739491,2.47717018681708,2.645232351016,2.60944575046312,2.7309733814433,2.53493868775453,2.56443466814582,2.99802302371058,2.68945264384649,2.6996113012781,2.79461026563344,2.781372189612,2.82382866905254,2.58917118111064,2.98555919340213,2.84791686101552,2.75834415358817,2.63744321289398,2.88524627171987 +Nfkbil1,2.04399922407343,2.42506582300344,2.28756078483245,2.27305854134497,2.15680768001671,2.29060475166342,2.49504749163555,1.97614842860603,2.13783893270806,2.15805965882123,2.26305479691114,2.04881554407924,2.06490737009784,2.23449255591933,2.1366167412816,2.52448649814201,2.24321198469434,2.3414445619566,2.66222595366288,1.82489827645577,2.24281227796646,2.2501452966098,2.28953033906076,2.21931134325423 +Fbrs,3.05119252801695,3.42747725375273,3.03657354585071,3.26352197819313,4.07377123803374,4.17115085586148,3.95958450988729,3.7561954609693,3.16218234661434,3.34009457276773,4.11241088717587,3.54759065275382,2.63882268589828,2.72683396854397,2.59404876238409,2.82515962244991,3.86938557431849,3.17033155690131,3.8971225351741,2.55187576369466,2.74323819219565,2.9925138113464,3.82112326171312,3.20771423579476 +Dhx29,3.20852196460278,2.25694738490213,2.3634347251034,2.25262646974677,2.96516431969096,2.87487278715832,2.95342174256306,2.28020103142004,2.45316409634572,2.07204415326646,2.80279843927709,2.85125826432791,3.24933205107978,2.96989525403313,2.70495444579016,2.93019853209558,3.44528706275123,3.25602193115762,3.12199679375237,2.96485084652873,2.67818450536329,2.82666814862283,3.38133116500464,3.44953204767876 +Mgat3,4.24576693762592,4.16876324761895,4.18503650226592,3.9195594805791,4.14513032559974,4.17761618675161,3.87850524896667,4.25157829779834,3.99183890017324,4.03247700636867,3.98319994469745,3.95897546438286,3.65965484196532,3.88903589497177,3.67679836685469,4.07632175966695,3.82481736629291,3.74500295129204,3.77414936502147,3.6567019946176,3.58539075715078,3.95354971936783,3.63669870737427,3.72338377511093 +Adora1,-1.22330427978912,0.107099238121547,-1.12228827880435,-1.93293131698711,-0.266424825774721,-0.539958195567915,-0.657339421016748,-1.06524616213133,-1.20154942380195,-0.93358456977946,-0.961245879502252,-0.885494713671668,2.8892561969705,3.21095836679191,3.32138299380881,3.1383700187148,3.04636478586454,2.94107531036801,3.18819292171149,3.29983192068317,2.99863384317852,3.30387297986626,3.14484914934878,2.97993634675796 +Zfp532,2.73384741255924,3.21208021782156,2.99822956543556,2.86301794306096,3.08851738782155,3.12086598149357,3.191339132712,3.043767575003,2.86888903161935,2.93601477425835,3.27647402729096,3.17942595718535,1.89391452875267,2.35147882093605,1.64130725057265,1.69115800144576,1.95609261451668,1.95256943426336,2.43367817884559,1.94357317915296,1.7634518970792,1.86136421817835,1.9645681874659,2.22248763418074 +Fam63b,3.63243378117734,3.72037166210791,3.85915558149902,3.72506840831166,3.43003330561321,3.39752514602391,3.4074474528936,3.85802044714822,3.78465840437228,3.79682054943984,3.27226173531259,3.47466942556984,4.03973765492307,3.94567485895603,4.04622983972404,4.02601104124686,3.82870111420529,4.02988254729435,3.69472627134138,4.1147498992874,3.96777661042001,4.04043016650671,3.66854007514628,3.98646298021874 +Zmym4,3.81771042991694,3.87853773849017,4.04859966169849,3.76767299975976,3.69621697177783,3.85030714496595,3.78329896353052,4.05083285685818,4.06337730507546,3.78527828445871,3.698029134935,3.73231062941771,3.85371607525971,3.72060631438199,3.91312060598943,3.6755409374077,3.60233430639188,3.82600366252146,3.43789133076143,3.9036737329117,3.81289198542034,3.71883639765859,3.54410453662727,3.50384711118719 +Mios,2.22010028640628,2.34187685211134,2.54991014869597,2.19038848129709,2.22772593882098,2.18948956419694,2.2521165749443,2.31464117547337,2.15022386861176,2.34377733235091,2.213621959889,2.28249833387811,1.85742188589595,2.36504540422267,2.27930580836922,2.26520321679725,2.26008383805054,1.95797093006438,1.98269033101231,2.36420318773888,2.24015234980551,2.34393041445512,2.29212334020957,2.43316111831301 +Reln,-4.45245281196216,-4.24561014500584,-5.9013375005866,-4.0602407000086,-3.51196377716534,-4.24315323681288,-4.26303635362712,-4.54929871663,-4.83929565930608,-4.97202566339648,-4.74894631678107,-3.35819237133331,-0.161608519350073,0.0939608335898399,0.480725325430504,-0.395412783311881,-0.839221785330843,-0.334405818590521,-0.806116926190348,-0.0557117440896358,-0.10761738709513,-0.577904332835336,-0.325313686800646,-0.885888654177005 +C1galt1,5.48671024022401,5.4978418033112,5.65488737635992,5.2406950953486,5.10743154421672,5.14317882740999,5.24152852773963,5.77725736153756,5.55394338851145,5.24174389987346,5.1684164135508,5.28895949066979,5.75131473939797,5.56098441799775,5.86325080646961,5.43178091861305,5.22589362664708,5.60002870801558,5.00766828207568,6.14286194786994,5.66852002693279,5.6003118128465,5.14631575442017,5.33806479357984 +Dctpp1,2.74001990083306,2.69144034628437,3.05889448469123,2.6484728175418,2.56314380620556,2.10667341656247,2.6467180769131,3.02909495718978,2.99687883720112,2.74770140527965,2.33260371980555,2.60417482281753,2.83968272765849,2.92223446140663,2.94513929898313,2.21069530897231,2.6355522840549,2.61393876493529,2.16188229530881,2.82735915688067,3.15261042654325,2.96400547036282,2.31945868253362,2.43238480887513 +Zfp410,3.65407497567514,3.76549020310962,3.38673937157315,3.69543074700701,3.76839453542109,3.65449086784737,3.85282442685776,3.54562764153702,3.81835753303671,3.76481562759738,3.77073664216354,3.92144729947468,3.55172324717373,3.59196467516701,3.24886601551348,3.59532884531654,3.58810513750096,3.51777813810157,3.65811028692974,3.44930623310889,3.57484401594147,3.68555907742311,3.89912846997914,3.77407700565968 +Tbc1d8b,3.29442876545597,3.05325108590532,3.23575943173642,3.10864990933442,3.19905570281738,3.22420080664735,3.00720990414747,3.29551256613892,3.19174611653426,2.89711616230559,3.16451430260427,2.95870735637277,3.87529596978674,3.55825488011485,3.80355082963733,3.64618187096677,3.82463553242994,3.84193176598348,3.62628301650322,3.67947917109545,3.65840777964468,3.49677038552971,3.7656846279567,3.84226288142206 +Abcb4,-1.29324808049813,-1.50303801270444,-0.858475494308497,-1.88576649351058,-1.15981897034525,-1.48441201122017,-2.02304739746875,-1.29250878517336,-2.03387454376688,-1.61689889890427,-1.72094810824883,-1.41336347848717,2.94674455877874,2.87860915162169,3.17210894748024,3.1443234058245,2.73340446825869,2.72564531578924,2.55675412961724,2.90173350472936,3.01473246904566,3.04595372682564,2.48135001684493,2.43299598023712 +Leo1,4.16621693557167,4.16106758927853,3.98514685832231,3.47371552566712,3.66731073047446,4.04198712730657,4.22218345086993,4.33024101824572,3.9695538242578,3.49736354912631,3.83076553203949,4.13857805095093,3.85439176820639,3.97748375845182,2.72955111938545,2.89724749376052,3.79311587926682,3.80075383232366,4.29770678548273,3.71017726483727,3.30192550599459,3.03602797020218,3.82447823185381,4.03648914706377 +Clspn,-3.63583247592412,-2.67659259782382,-3.03582056761723,-4.08165282330805,-2.8914647244981,-3.09896558759345,-2.49789288612085,-2.87486849065487,-2.34365110033259,-3.29759543742135,-2.81719061843312,-3.36124836727376,-3.5786343292183,-2.21142194263448,-2.81761044691991,-2.83327949525748,-2.20362059152325,-3.86353980490565,-1.60632123372207,-2.96051040624993,-1.8562817510906,-2.28471657023548,-2.78155798667316,-1.88310569916369 +Tbc1d10b,3.59365808313655,3.46194024129872,3.71913423834365,3.55378114258345,3.43653541066012,3.57746591149489,3.73556658977331,3.58485118120145,3.42722710506967,3.53652273613848,3.57297757341315,3.5215143613764,3.37925676412799,3.43767682292728,3.53484763257345,3.50544145316384,3.50969785975514,3.48836200259621,3.79682716569221,3.47798241402924,3.28900498087679,3.46958982674858,3.52926838633416,3.32635592604884 +Prdm10,1.01329828408729,1.33116833647467,0.852535467158781,1.03042506963911,1.49438604728702,1.54747147210301,1.5512223756421,1.31013734623169,0.856305425414258,0.924596452127629,1.51606760655631,1.32640791810412,0.372313196568352,1.10722496196391,0.0447437615278301,0.566780294475883,0.708011732399085,0.55652899133677,0.991980611534349,0.507193977094129,0.446570751521314,0.164425030611489,0.935822063908315,0.75238461692721 +Eif2c4,2.02592314657497,2.22969870735558,2.02505344924135,2.03552771799808,1.95614294682261,2.09152502559798,1.89675946090069,2.30282018121063,2.0294033006865,1.77001710408734,2.02406311684099,2.04804724413473,0.442339825725884,1.13888051264756,0.544168677755521,1.01546029792424,0.762621933637288,0.736803856506991,0.951474507088741,1.20744928159629,0.841544742535098,0.873377091081568,1.0675610186495,0.894790311430238 +Cd2bp2,4.20332441623604,4.1401622361364,4.4241094291458,4.29075873543381,3.95008679747261,4.00731341104329,4.09407688724992,4.23269543762193,4.27144263598634,4.31123622250038,4.02564097596908,4.00637638672446,3.96875643964811,4.09959034906423,3.89895883030396,4.2216857005044,3.92755190956213,3.84583393722559,4.00061606288628,3.83114684303582,4.14648134448896,4.22455272877815,4.1766026496726,4.1631656428863 +Acn9,0.625328856467019,0.0198493332072625,0.144907489920238,0.306676517218978,0.416508979037533,-0.254857011160864,-0.0153300544548305,-0.0634813805072345,-0.19982383336503,0.496017135256215,0.0128296887582717,0.0959288218709191,0.703281653394561,0.0606646058727489,0.75179700435657,0.0978122116433982,0.144442121039148,0.587438950103949,0.172560914781458,0.685814836650242,0.683089606638622,0.268547321167883,0.341217651459657,0.757696351993926 +Usp22,4.9470477049171,4.72847673169848,4.89623337433982,4.87091956138831,4.66218179510786,4.61040773442667,4.59653009791251,4.88333700918082,4.83153555391939,4.81919365910844,4.47153032500077,4.70017037583788,4.68898878023534,4.46599856681276,4.88309426936842,4.77572035351434,4.75695752066411,4.72559436167981,4.64898360549911,4.64945511805078,4.75476750146369,4.78775697905551,4.78529722538265,4.71989832821474 +C130039O16Rik,2.40213938617279,2.66340940532547,2.27870257133772,2.33205960030759,2.63687561257074,2.65782730693739,2.6837471382253,2.59533982179438,2.55376977066237,2.14392572490116,2.79613335755991,2.44654379309863,2.02512238543001,2.18095125305581,1.95422734236539,1.77882180659484,2.48607392625261,2.12196788415088,2.39148320468739,1.90898242384143,1.80617694274089,1.90332817436982,2.5317954499972,2.19929773434622 +Dmtf1,3.11808459618675,3.73332001257552,3.11429019588245,3.59772159204741,3.85702503523961,3.6354876964329,3.75905586833845,3.28429922480468,3.21482255175333,3.6439882142123,3.92000748851286,3.8042037320295,3.27984344896944,3.61096328193081,2.99232148314891,3.21807010037153,3.59589759162648,3.26073853004901,3.4849993749562,3.52457863099125,3.18241768105136,3.46059544244457,3.6394661556334,3.68995708538904 +AA986860,-0.548361573733026,-0.628386018786099,-1.25222723712122,-1.19806083638684,-0.60352431787539,-0.320120441159681,-0.393375228551119,-0.887989563549886,-1.23558262114857,-0.617751193014728,-0.408886269656806,-0.213221153301214,-1.18981590447919,-0.934245421579332,-0.390428900774958,-1.64744395729752,-1.34034404791764,-0.785732708142691,-0.904751178788932,-1.59614992105931,-0.978068159628268,-1.01328414326942,-0.87492201205865,-1.61366515873368 +Klhl14,-0.663336529788379,0.559909956516218,0.302668259770739,-0.552451610358255,0.0405462297085606,-0.0016480568535621,0.0090648729491906,0.869784370934578,0.0936795071023542,-0.397564459209336,0.148920761223135,-0.146556365022908,-3.4662200567933,-2.58848719543422,-2.89075261162897,-3.06760456725919,-3.57566673295476,-3.81320041782237,-3.76701014766597,-2.94831758795965,-3.54709255481198,-2.89664962346869,-4.28532803597694,-3.19389641761181 +Mum1l1,4.20809654538797,4.342110717942,4.20765975708918,4.49147004440902,4.19595504143167,4.25784324948431,4.23967369664128,4.06348314807649,4.19675666515939,4.41611727923961,4.30413890499047,4.25460446177777,2.94244043265865,3.26597234086264,3.38314729999305,3.83115457629459,2.9367187536776,2.91076391603001,2.73498727762171,3.07962740478022,3.41577496893825,3.64013856687472,3.01009415121102,2.99881530963996 +Ubap2l,4.42748917140386,4.39655085464401,4.17515503470142,4.10791905935422,4.68217602181632,4.72388504597023,4.40907218746886,4.62678817279711,4.17995402748569,4.30498488803326,4.64142490967938,4.39483382760888,4.11665520945625,4.14570041336569,4.21264483626516,4.09380594489615,4.58286905869178,4.27837215587452,4.52856475506745,4.08582779466565,4.102901219629,4.11988614683402,4.59623092032781,4.32173213476939 +Dnalc1,2.29074340576232,2.22141792934122,2.07332196282784,2.22690871156895,2.51134576945712,2.36301230157904,2.09641631068033,2.35357625974249,2.29387857629521,2.33829516185825,2.45396583117515,2.25934282360846,2.41003062532332,2.36353869757351,2.33600462216629,2.24250657975955,2.52502262432171,2.28736001754793,2.19198962565665,2.33144386852307,2.3190867662308,2.41908476824137,2.2526870696845,2.32925324371121 +Sun2,1.03163901655924,2.05911072381386,1.98836375615449,1.56239722565985,1.28337399038694,1.08783188914881,1.26419399328991,2.00306772201973,1.70052059365599,1.63797506446349,1.30456962962411,1.30879681581487,1.21979113848016,2.0747825074731,2.19120277952729,2.01374903782459,1.29018421931338,1.09298046866185,1.57780862786247,2.36134736226062,1.95973477633089,2.19748790219097,1.35714388075261,1.56802065721569 +Kcnj12,-2.40073963052984,-1.231636462013,-2.78195113880064,-2.93472776291833,-1.44650858868727,-2.82282941228744,-2.20005759173715,-2.86231667859825,-2.95494982756921,-3.82084246905823,-2.9010994626894,-2.32040695317073,2.83608865201281,3.36585812873644,3.43695605217587,3.4311509704199,3.12224208941261,2.63101616835189,3.21614569765353,3.51977228948276,2.93268795105808,3.62116453761303,3.20918818229134,3.41539692629919 +Golga7b,3.12814048545133,2.92243689963718,3.25975604597834,2.84067274623958,2.47158537154009,2.72789675647354,2.68211805974032,3.17549479904527,3.23042810274169,2.83741666111899,2.45061614133373,2.60443052329502,2.98359849501329,3.00514776465324,3.48867796686747,3.02992372769519,2.04239557360371,2.64068546122531,2.34107285927217,2.69699817106231,3.1443553647317,3.21284467210104,1.99606500390643,2.18425162899158 +Gtpbp1,3.57002872575136,3.42276282714477,3.59199719766618,3.4175394864171,3.5426384260053,3.52734375875494,3.57769640402559,3.42102652735272,3.52374024703536,3.23477996986617,3.48232790685467,3.51387256165884,3.81642552505143,3.85147401870285,3.96434937149382,4.12043464866012,3.93788195708712,3.95313168582674,4.0227719513699,3.94100989539458,3.87688272224495,4.06380632108299,4.02353922816162,3.84622314229287 +Shfm1,5.64666885799402,4.87970425087755,5.84389226167317,5.43265956221044,5.05598779473053,5.22405382257092,5.32287330568855,5.49472698630697,5.52749579701383,5.43499096568324,5.10599245066728,5.28789539478092,5.22248083792987,4.8280633096953,5.10876912369318,5.00508582194881,4.64098676624312,5.10660353632197,4.732872137597,5.33417773522045,5.16582827007899,5.07884533045544,4.78335465195614,5.01462410264912 +Asxl1,3.55189498667161,3.92403368057412,3.53816124905713,3.57464910765882,3.97869518063992,4.01077184069283,3.9225309030914,3.95849325275846,3.75876146587324,3.43787288943492,3.91156100262225,3.82657289374121,2.03997180123482,2.92250699939544,2.26721125691523,2.18161116046968,2.56254149713296,2.52754406942961,2.82132716140115,2.62401428769142,2.50599215076167,2.43143789123255,2.84454671466198,2.64296944560766 +Gm16516,-0.354133444767406,-0.0352811652276881,0.508456713571283,0.0644836983100979,-0.355565970695081,-0.148250444304931,-0.764358507858214,0.104325974588133,0.0265403431089533,0.232935037670244,0.29410525599753,0.612996960331666,0.402810106432539,-0.0611738987321915,0.579655602653564,0.254087204726614,0.944077280086555,0.190889570340084,0.715120987140584,-0.424611652446905,0.45692459731859,0.572566103143179,0.545136293035545,0.866359789260717 +Sin3a,3.74209450018954,3.70263647222965,3.88633325776725,3.59774091855467,3.81342246888488,3.9500036384684,3.69230981264133,3.92481561359809,3.84255670663854,3.66087921852973,3.82046453877043,3.62833013490238,3.12312689149124,3.29160645157892,3.49567942805359,3.37730604166607,3.39710025923068,3.3837222011664,3.45605677600926,3.20077155059044,3.13958499634592,3.29566815883932,3.38642823430144,3.28130606651675 +Adprhl2,3.46159533999212,3.51702962885059,3.42971499453727,3.525572201767,3.32000327262276,3.32721510756533,3.66035217833992,3.34564918286334,3.35494057835618,3.63760026661318,3.40548131166294,3.44649982888164,3.33861734926068,3.22465424243811,3.18171143645246,3.32319871332093,3.14821275783419,3.33195318303345,3.10219533828776,3.30888363121789,3.4374827099381,3.304044166201,3.16205654481099,3.13061894098144 +4933432B09Rik,-1.26972850730278,0.562327761816814,-1.75918738251698,0.561248681630938,1.16936410438022,0.57832761829534,1.25100347528859,-0.907679744243515,-0.0645913745404521,0.130524042795679,1.0090002028825,0.617850703390129,-1.23588674747016,0.135386797029637,-1.69610705438411,-0.057316241247328,0.435105879655958,-1.56418632682861,0.266095014256753,-2.34646072147907,-0.357274430539026,-0.452898898993818,0.0827056263724866,-0.0730972662610005 +Nek10,-1.58399916773082,-1.74662994711551,-1.28286062338109,-1.39403959779853,-0.766067134333158,-0.836010328114991,-1.21875833407354,-1.86322058456405,-1.05297367966798,-2.3270801045919,-1.22210556586894,-1.18845217431537,1.06587587033559,0.195402194062663,0.739212686750706,1.0165777983443,1.31419841113846,1.04698280047714,1.15852054472285,0.519638692769665,1.24008541721413,1.2719177657606,0.867270449245706,0.793619183435319 +Dhrs7b,1.86351314072396,1.13375247176989,1.80085177398396,1.87087888460646,1.54402043615013,1.4711976220658,1.5722797157881,1.59083263255274,1.44894457518507,1.3871818724835,1.69700915677472,1.81198870611973,2.38508280987647,1.78717125246815,2.0615977862914,1.9434648973638,1.86568588515011,1.98890496926782,2.1093269270045,2.00512936215912,1.96834096467211,1.93920419039453,1.82981378306541,2.10819901574652 +Mier2,2.44536438823354,2.87711766135771,2.28039549977829,2.80709118141631,3.03433492607827,2.83199598689156,3.07272905067437,2.32279553663312,2.60310909163144,2.80237239749049,2.82889637526242,2.84547041231555,1.94047435885907,2.77215555757655,2.08536852011587,2.27165324656252,2.38953824022726,2.56012079732629,2.74198815986862,2.11535361147401,2.50528683130015,2.35505765307555,2.51088598643495,2.56080664863855 +Ube2q1,4.60477987061773,4.66609065299138,4.68981175017749,4.76684628019145,4.48819366656813,4.59054018875675,4.54984502844642,4.56604347612359,4.61957465557663,4.73760789550143,4.47427264195839,4.56803361163165,4.84679014749894,4.93626410035691,4.8947671093894,5.0855770331214,4.97524232452193,4.80994107108267,4.77434786491985,4.85549246102742,4.92593246283068,5.06102457177429,4.87034781573983,4.90277272145059 +4632404H12Rik,1.53784765090779,1.76945101560224,1.86241435847751,1.58358548401833,1.43075113289519,1.67747891955585,1.76468537395882,1.70473761106832,1.49688784775073,1.89739830744121,1.79013096538555,1.64653879971318,1.08466343049353,1.51347452379341,1.41119852311418,1.54468148604082,1.52212434277182,1.43551179660914,1.63792056129336,1.7180777014248,1.08306639396181,1.40351889612107,1.52718199688112,1.23369432727407 +Cux2,1.8532237749055,2.46716729044628,2.21635301270326,2.22905155563683,2.45708556440263,2.45281508053511,2.48033822674773,2.21183858713281,2.11625259211171,2.06438836251469,2.4238089272137,2.26262756416541,1.92613320003433,2.50475722409107,2.07422679278184,2.64668123099814,2.41642723586647,2.23382507078995,2.96820769642433,1.93293753272538,2.14049256458208,2.32876589204891,2.43618325961206,2.28907244281787 +Ipo11,2.59946353393092,2.46847917582992,2.50197421980228,2.44951166634597,2.36177282073807,2.44861244117672,2.3451969241998,2.63556067300999,2.46448690064845,2.2258885286648,2.45178189797978,2.34668341996029,2.21783061245469,1.81253563235124,2.07761752033791,2.04957677507065,2.11871811533113,2.31029872619537,1.79218574900904,2.24457157591336,1.98508496499513,1.87472762541816,1.95204825466114,2.06417572890168 +Sh2b3,1.45697732364892,1.63111883202021,1.69045590042767,2.0305623347871,2.25747239119124,1.69538397054968,1.76659456983869,1.38945253281525,1.47490375455554,1.52350070291882,1.95985758983593,1.84564420976134,0.809304093713123,1.15307514823159,0.93665834993406,1.57802922801958,1.59604457304437,1.30610461174422,1.50553939095014,0.628590383286038,1.10066147527788,1.41861299216615,1.73830027752766,0.968304252767967 +Fam199x,2.44024769740154,2.25152350066362,2.40353097512093,2.46798415904447,2.26933563336253,2.21831964655191,2.28409333935249,2.40571927601976,2.4185471904484,2.344191753893,2.12860518128813,2.16147760749289,2.50057505072245,2.19933705783191,2.42682576878207,2.34400318624636,2.06491561844115,2.3014618625376,1.92173807710072,2.43967284031277,2.34602845872691,2.32566245373435,2.14713585510282,2.33836945314435 +Jhdm1d,4.08380133814909,4.23023937651002,4.0508481873827,3.98336739858064,4.16560650912491,4.18788194968344,4.00409285770304,4.2577477402984,4.12325775132861,3.97101428977813,4.08308217806843,4.08252451983301,2.84609402164095,3.38853275966127,3.37894858570363,3.38075057775644,3.06209461224333,2.81638091394246,2.6962254123259,3.1983929711668,3.32887229873893,3.36587723562514,2.9038369105537,2.81115234059511 +Atxn2,2.17983278379592,1.99181598678629,1.7896375312641,1.84627649495429,2.77075295428929,2.82226004919306,2.39866924605061,2.34683382793173,2.12296679209011,1.86739309849255,2.56815563561586,2.25410651578045,1.71914508624197,1.89774196996391,1.62443935304224,1.59725264688465,2.51915087330911,2.14344714832152,2.45778115680249,1.80358633378631,1.38562788920422,1.61660943381657,2.33335718200596,2.12543621813874 +Hirip3,1.59999562316924,1.94573405379362,1.65692015674484,2.20900305311778,2.30553628688692,2.08308599700704,2.42807091335516,1.67432770817051,1.66067986714003,2.22944913594575,2.66685123408635,1.93832266883045,1.25512915173445,1.88834040821251,1.31461074588507,1.59315582079514,2.19422701881793,1.39957379106559,2.15261811805705,1.2093524909802,1.53691544254105,1.65076431190441,2.32040620910952,2.14433069472499 +Asb4,2.34140864288849,2.5763573559401,2.44673113333357,1.97544218933379,1.80797172362247,2.1592390888154,2.13228137895152,2.56851678658346,2.01385418834597,1.94324022217647,2.24118508736395,2.27057590305071,-1.89294489233711,-0.670866159990174,-2.1774353371713,-1.60223024195779,-2.03765214857795,-1.90860261177694,-1.56731683040695,-1.18524984727712,-1.513019958409,-2.18355284778105,-2.99651120840975,-2.42073879883558 +Stk40,3.45680582046992,3.06892206345739,2.99070126582114,3.32915583485026,3.64495232426286,3.65912312319056,3.49189415560878,3.09070219256946,3.07801088730921,3.06247417406897,3.58465275640521,3.32372234587331,3.34315562846117,2.78851246680846,2.76324614427829,3.26908535187748,3.84916977205955,3.46937773333932,3.82324179091656,2.88138291938966,2.81062174694244,2.94180915785525,3.82191498541547,3.36080261312597 +Pbxip1,5.31973840912302,5.22783441480058,4.93560071703639,4.87974248879797,4.91391423842088,5.33328637517555,5.47655476473668,5.20636448382954,4.94448466651257,4.4981597042383,4.96999498312746,5.35209565976373,3.0150344742644,3.36236787798873,2.87598853128662,3.11680287040153,3.05780892500333,3.15950234473555,3.33546720997103,3.03603168521813,3.28771629608826,2.99973264352607,3.08790250051463,3.20328616388488 +Oscp1,0.572715987623291,1.10339176275077,1.31995174335228,1.1208426010047,0.618262788081208,0.989822415187676,0.837725509075747,1.16135344857462,0.880929809608449,1.18129375913323,0.701726387570043,0.653572659640035,1.20295523578297,1.28853951043514,1.27193718973811,1.18770757244786,1.00236421175217,0.530770118156228,0.857684354410528,1.11202398446984,1.43062827379328,1.25396909063505,0.959890177761538,0.912051573211937 +Maff,2.16304796168372,2.45833144504916,1.62962927741112,2.59712080707371,2.1391034507213,1.90887806117042,2.22225046869184,1.56103948375539,4.40876927330183,2.72268898069162,2.2633169268039,1.98393304316008,1.95007214954717,2.0262806337969,1.77063877929848,2.14392626358804,1.93658827986431,2.22316137540529,1.8552953306148,1.95151339533125,2.50463149144111,2.37943386652011,2.22872728909873,1.65462733345819 +Safb2,2.04903132126483,2.76487953787151,1.71875021382047,2.6227453425274,3.33755452088981,3.14820213317352,3.21006733590892,1.575462767188,2.27387247092631,2.5325398470232,3.34512625293405,2.70968046462003,2.15131154116827,2.78845445098467,1.76038554000048,2.60972465480866,3.60009295377501,2.7541729237508,3.81744670234557,1.39400736544876,2.49841835180849,2.59039538598255,3.56859788655096,3.27427053783181 +Shc1,4.14523218254536,4.05556302542371,4.11003291930099,4.15550074446082,4.10761255124102,4.00645085823589,4.08611484587709,4.04936489680962,3.91586966180975,4.11623624018326,4.11032552300441,4.07285299542489,5.19460266724753,4.9361017797945,5.43301034486179,5.2520353747599,5.49972178997469,5.4763669369646,5.33678673709384,4.9152748100601,5.20121270081936,5.46012597635029,5.6682846729111,5.4042108455717 +Zfyve1,3.54122447592851,4.0242485708051,3.82380605551269,3.8865478945986,3.81829287527571,3.83241293501809,3.6646305911314,3.9907283416595,3.9013754158975,3.77865498403377,3.85060476737267,3.87799866868405,3.32035442888352,3.84395956829354,3.76568223058424,3.73593862575549,3.72144195365748,3.60219563271454,3.69221826545793,3.84079666836835,3.68569127663249,3.83749060781723,3.65635028653902,3.86933146953242 +Xkr7,3.27747349169017,3.07965311514845,3.17676685386627,2.85921293629853,3.11270081405681,3.22924080868606,3.09820355079181,3.21425259487996,3.10974956786952,2.9389628676875,2.80431064509872,2.83383244020737,1.83914343107538,2.47556995167587,2.1749123882479,2.21013972004037,2.51128186641197,2.395478566302,2.59547793826521,2.42442369390524,2.45691680072519,2.44519282158039,2.52426786376153,2.27798990000329 +Pla2g6,3.25831806370482,3.82191667475611,3.15546839271297,3.39929778093121,4.00667947751898,3.96289011973154,3.95711513903548,3.68270570681638,3.42937136852425,3.32986841513224,4.11648668769822,3.79135006616982,2.87943877473789,3.37528651968951,2.86250743779817,3.07255009304162,3.76891422720141,3.22763652503475,3.84407034831882,3.2909888723894,2.67496471188572,3.06041468263105,3.81690115606728,3.62857391787562 +Gucy2c,1.55254842139734,0.791788843940907,-0.064013882067369,-0.360375902409671,1.09060011438043,1.29377674027826,1.19791051311542,1.15640865872637,-0.290737604083012,-0.578299471927052,0.702751958761828,0.868264950921769,5.05103247486331,4.05931480414786,3.82002032869746,3.87092514791597,4.82607551046123,4.27280991396158,4.66475582305416,4.39695946485333,3.48330312711589,3.71440613710381,4.99464780377633,4.36931935130876 +Flad1,2.62120465452984,3.0342903207898,2.73902887480498,3.21348483990966,3.18284677844559,2.9345118910014,3.05123876856429,2.54084829589599,2.63587893307569,3.09660835232885,3.28541687128491,3.06448726763539,3.17527222859963,3.20317821152056,3.32177859474172,3.39491152718594,3.69790233939038,3.19366027124638,3.59340587694451,3.01669358774967,3.3543763587698,3.51080823867551,3.70916257849379,3.58329166060466 +Itpr3,3.459348790675,3.64733506745715,3.49160199024322,3.42310375705264,3.78120894487781,3.97608730036415,3.88211017111768,3.62981273701,3.61116906374482,3.63047175125539,3.81131205548439,3.57860471416128,3.90738423626679,4.09947822699904,3.99764640505515,4.11192124753932,4.20055287773659,4.06405680938796,4.34192971648538,3.56985441926831,3.75174054969333,3.90918409600473,4.21649240636399,4.24253611209877 +Acad12,0.737586989930443,0.755002110694609,0.711462407221666,1.13626571235797,0.671830560429609,0.333156401777949,0.375407766821554,0.890393508781089,0.531429101395031,1.00082433207195,0.83929575447418,0.902727294533213,0.483310461636279,0.950258335195008,1.25530793413761,1.55823538377748,0.810144578595643,0.869484013796618,0.593269392571185,1.37855060565886,1.28753258796087,1.55067463174623,1.08581441990717,1.11985677943535 +Alkbh5,5.09666024857157,4.85743782434369,5.13696267682872,5.00679231216994,4.9358594278468,4.90453260365465,4.81088479584529,5.12113274148266,5.08677877581606,4.88615376721295,4.782721402841,4.84479788057131,5.41557918702702,5.3167200535764,5.47607568866877,5.45755257964766,5.49161090470754,5.48392730962272,5.42175103221641,5.55431229961856,5.38805480908469,5.44928764117456,5.46475081441701,5.33380148821441 +Fam159b,2.04690345908693,2.14323810527064,2.45292961858631,1.90285478343706,2.5731006423597,2.31125376566371,1.63611333095825,1.89603395412113,1.78548605514066,2.29520139285299,1.94778487142306,2.59905500824993,3.44195648906338,3.25643727668818,3.16623225848133,3.89687060560272,3.60438374921522,2.9926673422924,2.93879559288187,3.18604656224735,3.37627126648125,3.80503856530662,3.29004983661883,3.41902246461821 +Arrdc4,3.52560501025525,4.09547281452752,3.86626495247013,3.62747684303045,3.54109048197665,3.70468944842467,3.73249090495721,3.94018877642539,4.06869555961889,3.78998103891668,3.68248348907293,4.15261254730011,2.02978000950871,1.90926876242088,2.07191040870407,2.1279144692602,2.04047381407886,1.94224280360503,1.92422588397425,1.89945590938492,2.28342025049625,2.25776486910841,1.84233565365404,1.91963396649413 +Wdr55,3.17900832403712,2.98050505095198,3.0013995230714,3.30471238765756,2.7729414903765,2.85900092849782,3.07620995015733,2.80578535673797,2.96766529674825,3.31732540419828,2.77591591015085,3.04770535083794,2.81804781942234,2.82603016802765,2.9727614464474,3.16115190647556,2.61242771878491,2.64362627357758,2.71242971881514,2.80895056970532,2.84238753309376,3.03425127655703,2.69991467797251,2.8318537076712 +Immp1l,4.16697693359982,3.66210450627173,3.92026882739234,3.888348807742,3.24633323316583,3.59592457259279,3.56998697394142,4.01418938457973,4.00373210720337,3.89185747665034,3.69198437144099,3.62272597578905,4.79119569437284,3.9898645759368,4.49228639767464,4.21046371370892,4.01653434132657,4.44994575128716,3.9866803691383,4.6632675034914,4.60037085013518,4.23050325360889,3.86413626615582,4.01271948025629 +Rgs8,-0.823868031858462,0.0805000227364476,-0.0910406938461472,-0.692664598625481,-0.621980513035206,-0.709828423737128,0.0483634708708993,0.244137541460621,-0.268885316144274,-0.813645356247686,-0.679865078212269,-0.245719254739819,-4.08814236922868,-2.02887352299451,-1.78558537449984,-3.35261951662648,-3.86068168232206,-3.06573096551832,-1.72044357118167,-3.46371593534337,-1.68875155674199,-1.72569286426249,-3.14270660946026,-3.24952903612444 +Ypel3,3.88305910843039,4.31784728775536,4.19525518604568,4.14938274132493,4.3695282950749,4.22034541473971,4.30239358166146,4.41704426173114,4.31436060243676,4.31762272254182,4.37607589914099,4.2539376336868,3.4486974265503,4.39473452359758,3.89378552718699,3.91253551000788,3.91395754117886,3.76570439181858,4.12462374340927,4.47046744374778,3.71983682117384,4.1905389957856,3.82158026206297,4.0099405794082 +Zc3h12a,-1.02351815873963,-0.485323067323363,-1.83053040703721,-0.927684693167006,-0.590567384130544,-0.722090422137521,-0.0948325808167159,-1.15297230079131,-0.620061339543165,-0.342477670887164,-0.71439369552407,-1.29619806080684,-1.77399861256649,-1.45970372546416,-1.44029302798445,-0.904494130140943,-0.666196547632515,-1.61525810202548,-0.368376507766578,-1.95634931387226,-0.965111225883421,-1.58383976095125,-1.4042405677377,-1.30533494850936 +Fam59a,0.261763174684734,0.210965839162979,-0.418420938324534,-0.0819382685004433,0.696239276278495,0.484934070590274,0.16664609936374,0.578968796771667,0.0889990397301395,0.155967411858914,0.716727394728448,0.145473228689226,0.127881930913124,-0.374674876096836,-0.815768777172353,-0.898948463097828,-0.103469087371334,-0.109039140717529,0.222105321599765,-0.104550070993905,-0.183377085674113,-0.681227378694552,0.41280233589553,-0.566139360237973 +Selk,5.76223680446476,5.57779493917065,5.82895938574106,5.56108196958088,5.28193830889344,5.21910689700358,5.4004870078265,5.80463537317014,5.68730382424481,5.58961299911123,5.59605453429738,5.5037325702287,6.86676263116321,6.40189794168371,6.49069211482635,6.38678367285471,6.38972474679078,6.75876001917584,6.40439822954392,6.62518749208381,6.62798748216621,6.41386474302239,6.52462462952774,6.67135462118977 +Npl,-1.03678342779605,-0.497910388699263,0.679455477037492,0.458379222626857,-0.237583836649102,-0.683092842103136,-0.373302912430093,-0.220388063178517,0.592301516246751,0.917957131500561,-0.288042428587302,-0.630041109851321,-1.43569645615106,-1.28989146107746,-1.85678644497569,-1.32135049290955,-0.871389596931953,-2.2197841871514,-2.18835489170632,-1.76146209799572,-1.84039557452802,-0.866126022826447,-2.25480443533469,-1.43625034316238 +Jph1,-1.76218474944059,-0.942333833385899,-1.86149324997999,-0.989005206824795,-1.47254328301696,-1.17133081993459,-1.17270461144743,-1.613699220506,-1.6287773255143,-2.33916142933141,-1.60314266957098,-1.28425096523685,-2.33866972390261,-1.65995507853544,-1.73216967901097,-1.08096789364157,-1.74508860995527,-1.60561108368883,-1.85779043494207,-2.16616957397793,-1.36221028854921,-1.06201031419917,-2.14290715843865,-2.33937481568979 +Mapk6,3.07823170381955,2.91000637586572,2.85890928020252,2.60584800104385,3.10151619736541,3.00699475805593,3.00069784627385,2.8658208321316,3.0345042764692,2.75226708361628,2.83850258404722,2.720010323109,2.77436830959785,3.04727184118061,2.65100248913026,2.6242844865724,3.01078554723437,2.88252864011614,3.05717946772661,2.83576302877087,2.77671898099068,2.63316885911101,3.09488853244602,2.85958223049692 +Obfc1,2.12387616650429,2.04310728980592,2.24737775769319,2.03655608951983,1.797620797069,2.0653637831444,2.05196756393588,2.26169374327382,2.00862114577778,1.97334780553805,1.67773932510665,1.96150105253319,1.3655808162869,1.08596465283348,0.925838318974169,0.67908843568677,0.746851452291498,1.34715072959477,0.575533839972742,0.935750827759109,1.3914911659114,1.16817356000571,0.967490306091263,0.623522992156073 +Dhx9,4.04179196116178,3.89980333322025,3.79155598635102,3.47368966802189,4.75260988605567,4.57518124690791,3.97946155115519,4.62519692487715,3.92382634452922,3.84484274118595,4.32095812873762,4.22979542563086,4.20434441074534,4.18074617112897,4.12730880786551,4.06440210010321,4.90712170657708,4.4564855949306,4.59704654622134,3.99129465808145,4.05080815056968,4.22573672335663,4.80535017894035,4.50480357148732 +Sipa1l1,2.98699438273933,2.95246233933385,2.91034085319898,2.86690600907712,3.6024177910102,3.57449522237089,3.33777505952441,3.39003338033468,3.04791675511864,2.7393610713603,3.44529167158922,3.11282409704758,2.40266415973258,2.53341618894238,2.43214713664177,2.41875607606832,2.98084357163571,2.63901786451562,3.08712196052749,2.33279807561459,2.19700126382633,2.36275556146843,2.93390973402747,2.87699595100929 +Commd10,2.57172003603721,2.80371624268725,3.36171113421864,2.26499802535481,2.47957427262942,2.44904033519386,2.17550453489038,2.76245055931922,2.77019913811162,2.44100900995266,2.36440267734529,2.62417157019599,2.84905863614932,2.91843821463624,2.90970778689452,2.80626338864291,2.46922352923508,2.87998517480148,2.32915642959885,3.15639511256278,2.75701158933559,2.61491494918595,2.48257457267105,2.24281366440719 +Atpaf2,2.50416464122348,2.5957036032242,2.73373388096996,2.5066621292656,2.46539630862229,2.58150299319793,2.68848878122864,2.39983823431747,2.44045532210031,2.37762535403447,2.61458586466245,2.4746258875162,2.91284331046091,2.55653136384216,2.72794109455818,2.80003876369353,2.66043021433758,2.64792375834672,2.85839225123458,2.56130696757478,2.8945116134713,2.54746237735544,2.74160283660387,2.86752568419954 +Wbp5,8.28992771248519,7.8440327340056,8.28219039868259,8.10116650812065,7.54226096932687,7.72494542787106,7.87722326286591,8.17888872332808,8.1565106300874,8.20631483302873,7.83574370319234,8.04250018851345,9.15389219044905,8.65781262312065,8.88445679770862,8.67965423430882,8.27731717036599,8.86768501471306,8.34137503246684,9.05541344716487,8.88883087892134,8.70025133533109,8.34858772416471,8.60474301155831 +Naa25,2.04121424159707,1.85214272940683,1.78999672736626,1.90544909816806,2.09142578586241,2.13579343767166,2.05936805309001,1.8734273907037,1.94873317350897,1.680768225565,2.00802895713996,2.07662341823945,2.11553806063662,1.71717236735846,1.76247091766555,1.59072640507252,1.96866096709759,2.03041035150976,1.93446950601708,1.61442598963502,1.59144570442713,1.49710453739167,1.89539481853863,1.90998150072474 +Map3k9,0.784917281348646,0.893265021378742,0.789755135032013,0.549809233708864,0.914188300249737,0.987624448671674,0.918064977215453,1.03531159600923,0.587793730236198,0.614226546341946,0.911781764672893,0.710000501886835,0.822020735238771,1.27488739782987,1.07435931574464,1.12637187317455,1.53242012068948,1.26133027940075,1.70468001065467,0.628485548191149,0.59750772766867,1.1858252060054,1.4984841772593,1.36170463047395 +Trafd1,3.17354142303989,3.50110286621636,2.90701734930083,3.40644374446259,3.4536579712999,3.40877833705654,3.53422951131494,2.76888231609164,3.26380868179928,3.39656311238599,3.34475690744818,3.45083344667708,2.74178062346647,3.07241977630943,2.89827708017407,2.95551653542898,3.15885315637968,3.02177933278795,3.48526681794481,2.4637193876747,3.0077542565589,3.04782106633678,3.20371990266673,3.11404512167097 +Wdr74,4.01417327728152,3.58996843674712,3.58720482313937,3.73698779184732,3.68636477569777,3.85987322167024,3.90697429971444,3.26643156346143,3.76545727079623,3.65186690134098,3.60110964543157,3.6710587785974,3.99678704094498,3.55407609726351,3.57755256329411,3.80580831529225,4.09172501557893,3.89427536582074,3.96315134792905,3.49534894018443,3.96818172004363,3.81816351239539,3.93327480391593,3.98777248354932 +Ttc9,3.68631573865008,2.92073010560331,3.09387918965817,2.91300181496644,3.41768670855747,3.70269080580579,3.29083866013378,3.13264926313752,3.04384417412079,2.63278647537747,2.98440338396451,3.26900357303775,3.03359291056319,3.29251051771512,3.3364484683291,3.57187460261771,3.36808118482389,3.25443432536822,3.22568858611068,3.34094867728832,3.36213670347966,3.21654223243218,3.24589404105113,2.96595861222232 +Dpm3,4.89088709855742,4.00474887402295,4.65673135481826,4.7772729358385,4.3006842955235,4.19115001909646,4.49423364904362,4.76437634989572,4.67536294096585,4.71823630372923,4.26226913355961,4.61578669547488,5.48405808918582,4.87798191538953,5.20210439402573,4.89478216736394,4.68619249046666,5.25313438726539,4.88425702509181,5.45886623589453,5.29504711035613,5.22677298568982,4.72120886274877,4.64364847840169 +B630005N14Rik,4.12941229576252,3.95512949770378,4.01898681152236,3.92040614029097,3.87078403621737,4.01370200603707,3.92887112441862,3.88909460355379,3.98405472053031,3.8552287220275,3.84031820759272,3.95681162352811,3.81630230409179,3.45579204505398,3.72788636603461,3.2390003696595,3.12301276500897,3.64807109052592,2.98642179972887,3.66131086167107,3.51511688156185,3.22955177210132,3.0117106925763,3.30823663774498 +Sgtb,2.89574599183474,2.76469483747936,2.87027684723489,2.94857904515313,2.55241673020291,2.66652562042446,2.67218860904068,2.69092471906402,2.82188597865121,2.66377725326996,2.68859285989241,2.96850030150598,3.20245103811227,3.1216765492866,3.23936848081668,3.24135859556198,2.73918344203385,3.02636029382381,2.54834551579661,3.40445392397474,3.18802316163717,2.8988192935515,2.88861778108967,2.90260702896957 +Gm15800,2.80892587216902,3.17316753175337,2.65161764350083,2.606833038897,3.86789430159601,3.74741574844048,3.5049649203741,3.23583247800175,2.75536290363304,2.76200422734475,3.75746366630009,3.27694830606843,2.38375022178879,2.9890303441414,2.51359263557923,2.590818194281,3.62516557869031,2.99865005137032,3.71377527088848,2.39577185541892,2.39948499191563,2.61598801908701,3.56852950704052,3.28426672874315 +Id1,1.88065105384242,1.42923741229281,0.886406300406103,1.78260864481013,1.84803057468364,1.50818478162602,1.94799395198054,1.70206238080747,2.76354516680186,1.47191193667266,1.22466899037768,1.0065008037371,-1.93856744890398,-2.00298336583349,-2.57553565577378,-2.57553565577378,-1.58980927488976,-1.17327685581037,-2.57553565577378,-2.57553565577378,-2.57553565577378,-2.57553565577378,-2.57553565577378,-2.57553565577378 +Krtcap2,5.35260680082118,4.75467717956989,5.28549680971897,5.07705937712441,5.04327899637751,4.92691779463286,4.82913748383263,5.31670324515133,5.18918658281512,4.94932213454421,5.03547556966725,4.99721678818231,6.15943569311731,5.60980177229298,5.46638496473147,5.5494323437592,5.57348388689898,6.09278124212615,5.63417271458902,6.07647577331611,5.65949536413095,5.52914906539257,5.64821883764159,5.6736796225883 +Bex2,6.87557772472582,6.58882677529393,7.03234818148995,6.9039994409697,6.42111598445089,6.59720676512511,6.65862110804531,6.69188958489531,6.86842797564231,6.95762964149455,6.55754340923611,6.76452922523845,7.72831656392974,7.66937203003438,7.78537334995238,7.73707730276349,7.48930288287511,7.63995252714111,7.46046233624849,7.73796188724397,7.68282013912318,7.75993886619009,7.55411309650895,7.54830130070246 +Nmnat2,-1.75886826096941,-1.33505482967054,-1.07642988633049,-2.1485406266702,-1.4611398838008,-1.14965184751486,-2.29477542075427,-1.80286295736809,-1.78193164833539,-0.992368327463945,-1.68189443962281,-1.26201138685448,1.86785405348467,1.67250066420044,1.99491646238574,1.2273899690082,1.29141880049445,1.93142812009177,1.61944597449365,0.969288185790945,1.68004172395206,2.09125589095214,1.71065926649424,1.88573848702265 +Tmem108,0.833713913796843,0.907098820158503,0.89158672664587,0.349177438837559,0.696412382885738,0.658820708501536,0.726765928176732,1.41881104419184,0.90948621080744,0.828989575246329,0.419000965740038,0.410719487328699,1.05255409826565,1.13434721255055,0.942445251622681,1.04401360153278,1.27918605886808,1.2565830523936,1.53527155685381,1.0903277305208,0.485523434265098,0.758649918863531,1.61957453182224,1.360461812238 +Mrap2,-3.53581726895068,-1.63397020964535,-2.49692593869309,-1.89404920497358,-2.27579890782431,-1.53879871092728,-3.03492895308705,-3.53581726895068,-1.74196265589617,-2.55693710118877,-3.0038603312002,-1.63126703135539,-1.61923017737787,-0.481440606716107,-0.740243402348863,-0.671213050749107,-0.653758102271404,-0.840453722989724,-0.766459927258206,-0.212188022790454,-0.0591044163043888,-0.746991741238954,-1.18962687598063,-0.7076153287784 +Maneal,3.48086229717244,3.10430597736541,3.40705723738449,3.44301519421924,3.33994195681654,3.41614306025441,3.18676807952034,3.46517880693169,3.26435426807832,3.20432812429491,3.19215787288968,3.23840837769802,3.43369274232368,3.53332575874784,3.49501975257774,3.65321018881386,3.66656996185208,3.55556124225313,3.55310386363314,3.43334705442923,3.28694826261072,3.45517553394312,3.69710426546868,3.39530981929736 +Trim46,2.46232481256083,2.94551219844014,2.10962699697134,2.84109464798247,3.12284120263588,3.02100117549469,3.30980372795313,2.19285530607342,2.45187678806268,2.92856757863105,3.2397282322301,2.91900271181827,1.2329549615852,1.86799557470482,0.640189844288523,1.5541391191337,2.23279966162826,1.49178563879216,2.4003944703399,0.596916058419914,1.51506812440878,1.7101945995014,2.37153068708155,1.86828487284742 +Hebp1,2.20102933284324,2.03555953398118,3.08618586467547,2.23907882118067,1.23805465136953,1.28475794997654,1.71026365624067,2.20717949060385,2.21713089131749,2.24735454354857,0.691596151242101,1.7822593562316,1.52331654349534,1.39072122823861,1.65393532800127,1.44408028120372,0.878968162242958,1.75437820325109,0.269073670185326,1.49710163686149,1.75720761082801,1.71855285808706,0.408094638992833,0.764271437078414 +Smg7,4.2216232855082,4.27476222725126,4.17062709936632,4.08333374774643,4.5648814338496,4.5918174318305,4.38852357021904,4.33918393742551,4.24166122258903,4.16731697857475,4.49622839105329,4.36004828503092,4.20739295598205,4.20567018663881,3.99374755917816,4.21652448003963,4.38049857685658,4.32852214027191,4.37584683303189,4.15576112318473,4.00030768264243,4.1124821457852,4.48965382159413,4.18267973238613 +Muc1,-1.33729097768869,-1.11613410367835,-1.72901557365547,-1.0895235265732,-0.596140298610281,-1.42478084651175,-0.508992510303421,-1.20068374957316,-2.43217816619682,-1.04202482768666,-0.281596243918296,-0.999330738660605,-2.95464565691756,-1.29965159920059,-3.01122145990683,-2.06303849731816,-2.28683113672112,-2.52436482158874,-1.62480665515883,-2.50315010240433,-3.59161386378735,-2.28263131391134,-2.57640217924179,-2.17793834757099 +Exog,1.9901838788939,1.77818579773739,1.53669363982762,1.61590178357213,1.85274719864219,1.97062689070879,1.83270967909778,1.63050171103373,1.5920458128678,1.47102608787109,1.70690989645932,1.90158806014121,2.15978004281318,0.965255479497819,1.59714196256695,1.49483029956828,2.00914751202123,1.56399261207818,1.95076633282034,1.11432025091156,1.26838828555703,1.13451447085366,1.76502869008324,2.06627400137375 +Rnf214,2.60224691020707,2.86217954163452,2.62078855536315,2.52652352870392,3.06579955241375,2.98420484005904,2.85262248834669,2.61589281560277,2.55266207509559,2.6428742176265,3.02351505097617,2.92320264498475,2.69835098885543,2.96538019640257,2.55454364293462,2.90015386645353,2.93887913455156,2.74928246614107,2.97357971438012,2.71935177910669,2.7713971090559,2.88812581899844,3.04162664489339,2.95930462946412 +Aqp11,1.16626273306008,1.78130769335281,1.76865832712575,0.772218463695657,0.725141586472166,0.987072789292077,0.453360171570338,1.36582207652184,1.5216764979183,1.36563583183989,0.609330309968406,0.512227428389354,4.10631899905631,4.15861892409719,4.01665338377675,4.08583068600658,3.48367535709057,4.29707620813221,3.63158087459523,4.22642683125328,4.01624227211742,4.0661638843634,3.24293608048685,3.63174412282427 +Gpr153,-2.07388754894947,-1.85273067493913,-1.01141172829256,-1.72196898687777,-0.724150605560502,-1.2442558127803,-1.47495944646449,-1.31476187891958,-1.66235493651826,-1.1960482552033,-1.15412294463861,-1.12160395035578,-3.25088839488853,-2.76817603674685,-2.75240265094854,-2.51536554228633,-2.18055028969373,-3.26096139284952,-3.21477112269311,-2.1974691656644,-2.73055482692727,-2.02356901006579,-2.723001123137,-3.25135477065205 +Hecw2,-2.54748312105471,-2.60388112290834,-1.99585947959189,-2.88877676645182,-2.6396763492802,-2.90155063916298,-3.13411315274582,-2.39082347618981,-2.62571402733355,-3.10510651422277,-3.40103268048315,-2.86133491826669,-4.65371199973136,-4.2873117531273,-4.49213361885946,-4.53936603648985,-5.49247894008946,-4.16544912373464,-4.61091852705863,-4.64048958701652,-5.05841111810833,-4.08414156640675,-6.06794140295905,-3.62493573411987 +Gpx2,3.05013278526904,2.39429190790292,2.64185649988585,2.07191121470277,2.48800045463167,2.49537710658328,2.19320143812397,3.0172848194545,2.57470169533084,1.31291196429603,2.03062830459275,2.30350568182449,4.92360323654693,3.79336335301795,3.78884350282802,2.93190343428246,3.44755139646015,3.77272752745412,3.61811377144355,4.73240096597186,3.54100731326677,3.10880475624733,3.3561086994667,3.6113614253002 +Krba1,1.7469058781968,2.34799069292756,1.59869401098842,2.09561154730644,2.51697091354194,2.37812360630119,2.56727136083762,1.79902757502967,1.9777808816252,2.14501724514755,2.67019957400268,2.329895885428,1.28278015733922,2.10632644841489,1.52965469002045,1.88112400690879,2.11173491178749,1.61584167749511,2.43129555621075,1.28292441263763,1.57247827713477,1.94841043938849,2.07135270150798,2.11128015278382 +Mcts2,3.04714058135952,2.4315128426396,2.57026614931966,2.65113136093381,3.28043052594073,3.17878073807106,3.33998042990017,2.31931106126429,2.5096600958615,2.7901123803898,3.39655869427572,2.6820796812149,2.70289373186418,2.39680088522493,2.38634981594233,2.57301600240413,3.7263929813809,3.10076578493759,3.71094726579848,1.99177802277783,2.77286764677038,2.68029849499082,3.47852128204678,3.18485465913184 +Fgf11,-0.614302663316977,-0.764062196422561,-0.993728867757828,-0.788214572755158,-0.110903089265907,-0.163716505383352,0.170401709455073,-0.651006142850089,-0.969008758142139,-1.00454432052611,-0.657361589393333,-0.560879855799633,-2.28021493361163,-1.99545382954278,-2.97423979485933,-2.43880384279319,-2.40147975617035,-3.33723753703505,-1.6246455828713,-2.87891544787937,-2.36972360114153,-1.98357937271009,-1.94462140933437,-1.67960624831763 +Alkbh6,3.23011088792965,3.12153772892661,3.0661852943494,3.26336719373423,2.93069131190698,3.04155855629744,3.24050286514906,2.93451492202384,3.19924063008515,3.3109184575667,3.13530194827649,3.2296953836175,3.58433330591635,3.14323784220229,3.3351339755998,3.39989602517395,3.45496816724078,3.41175537573193,3.34724385844237,3.07901611659943,3.43660931932431,3.50551499865483,3.31113145300771,3.32440721707129 +D0H4S114,1.95373683944327,2.91952814194622,2.73375081037925,2.25510763686676,2.08895118749249,2.1879123928344,2.15345130653459,2.93319075979169,2.46543194909248,2.45704108185347,2.44993066128198,2.53083449659975,3.08779878985461,3.24346961696845,2.8191366890334,2.61138177069119,2.66453988975937,2.59879336892102,2.62285166433784,3.45698733176174,2.71165474995857,2.81133651834406,2.42646546992813,2.90858561905995 +Lrrtm3,1.24540061047955,0.913246664981772,1.23115288860212,0.508789704757721,0.746187489687267,1.35335258126145,0.996020174664036,1.69688919232291,0.792456806823066,0.29492609563989,0.745178215025669,1.00494710787636,-4.75125295939676,-4.17870066945647,-4.75125295939676,-4.75125295939676,-4.75125295939676,-4.75125295939676,-4.08968199172434,-4.10671606838484,-4.75125295939676,-4.75125295939676,-4.75125295939676,-4.11460115736685 +Zc3h6,1.92731609529698,2.76552674679352,2.63413991322899,2.31335388641131,2.30320527997074,2.41256914292723,2.27410837380924,2.69225266128279,2.56950665055049,2.47715882678018,2.31143667457961,2.40870207552591,1.31769584814132,2.29812498731909,2.13891043912735,2.08441478159363,1.3742223383741,1.60554935392528,1.53146329318491,2.18270218513552,2.00007334226966,1.86919787160691,1.62510528568167,1.96366377204391 +Trp53rk,0.372745096329671,-0.232245776170301,-0.0308262920461781,-0.359344537492397,-0.371800841095034,-0.43059079312728,0.100924023474006,-0.239215162473651,-0.181064889668599,-0.467386878589102,-0.0237250210791062,0.0335183758700284,-0.887439092657995,-0.564375495573371,-0.729288171131981,-0.770466309143596,-1.15788429426778,-0.591798865591475,-1.04008502539308,-0.867645134537782,-0.546244640382709,-0.952265339524244,-0.857835182429799,-0.700659858009241 +Gm9776,0.86115794016222,1.06410386676688,0.970303164745917,0.764918274313053,0.455238774353323,0.417046433077413,0.478707344422855,1.28507424800221,1.09294954080574,0.193045677998058,0.116919922590566,0.333268268190723,0.492031506716639,0.808463896494064,0.722490057059716,0.419309109869823,0.620756321514011,0.510409313451071,0.313929822405338,0.61967533789144,0.605015981722183,0.468914461016747,0.584062865824085,0.292167629807793 +Tom1,-0.653332515962004,-1.1234948086296,-0.207779727943845,-0.561656886877865,-0.603501003561535,-0.9018989747073,-0.745723580154961,-0.503626523187233,-0.67682706420214,-0.178175610840709,-1.03709113794717,-0.624481216501048,0.184097467379103,0.27289481585301,-0.363347032518333,0.290829207065949,0.695711781273486,0.381814684770348,0.359413728611235,0.260766202288355,0.325655272033925,-0.0338371063032326,0.0727483262559132,0.448220918475236 +Lhfpl4,3.78741095185218,3.83993231734435,3.78547770723677,3.60349159461452,3.67923863669762,3.70046999905375,3.74495470740924,3.86149605671298,3.75866957788903,3.70654312490164,3.70809607348854,3.60964980524199,4.03118988308804,4.17927232509151,4.06329900986041,4.10376716136387,4.31258638988463,4.20296716943037,4.46005717317221,4.13016345663051,4.08369310738892,4.25112310202628,4.25484864758225,4.19648887375077 +Aida,2.82606828693913,2.58891695295831,2.6605475738373,2.50411177180041,2.50203127901058,2.58058516019272,2.57196431316649,2.27064051285475,2.67301446253881,2.67143808567561,2.37043884418094,2.3154881140928,4.10827132074522,3.4742852447419,3.72886093868966,3.62205809258901,3.63546569016899,4.12703914044112,3.64843280776028,3.81133299771277,3.72600182073089,3.54511291139531,3.74697820323602,3.80643550656035 +Foxo4,2.59587938893817,2.74499088323433,2.45254697261753,2.74637532229951,2.98136242342201,2.75235001366523,2.92385865801882,3.06668241626828,2.71750748348751,2.71409716586305,3.10782733437815,2.9092952479364,2.08408185882756,2.09498029713656,1.63127822325843,2.35282108126516,2.25201715055597,1.86163680728752,2.56951714356813,2.11542057117187,2.23124054211711,2.38587470273475,2.23365428896988,2.20451090076847 +Mamstr,-2.52569586298454,-1.37435272190237,-1.05359630548321,-1.46824018628748,-2.27307094242376,-1.74396000329015,-1.63726263875475,-0.918047790958774,-1.64903437167446,-2.09781578669402,-1.79092741990715,-1.67291147055715,-4.64740482279471,-4.07485253285442,-4.64740482279471,-4.64740482279471,-4.07194235992513,-4.64740482279471,-3.98583385512229,-3.21995300685219,-4.64740482279471,-3.65818469403248,-4.05228339875066,-3.57054915839863 +Gm14117,1.55540814326365,1.22455588899412,1.54046572814961,1.47312920648798,1.83123588596842,1.96870505069887,1.03661739519189,1.39297635610146,1.5305176382858,1.84512785327331,1.85899452617176,1.29148396676183,2.96173225558672,2.05893763783339,2.80242103344042,2.40802968446588,2.44246411592145,2.59620310645862,2.4153398823328,2.13470275675181,2.7106633513569,2.59208672975272,2.16159963014272,2.42033288789917 +Greb1l,-4.43955887942037,-3.27045571090352,-4.82077038769117,-4.21789365397165,-3.93747308915223,-4.05514612463929,-4.23887684062768,-4.33026741607971,-3.39406118763173,-4.88078155018685,-4.16837516327256,-4.14306523807297,-1.54699906570879,-0.989058951311949,-0.551142123300346,-0.840991869923528,-0.602206559113678,-0.665826783411589,-0.62494350808598,-1.20321063689933,-1.28687819038234,-0.772146295775504,-0.601377249522314,-0.626567133637055 +4922501L14Rik,2.7269864063418,2.78289382653051,2.80298082512071,2.61528327751886,2.65789030763997,2.98099895913254,2.82731639390047,2.68398315972781,2.81852357690607,2.86688984880963,2.66519827389119,2.72317245092306,3.30635612209307,3.64153977288269,3.3726987722425,3.24697648507999,3.41269752865726,3.11559270503587,3.45471729532174,3.22304582127741,3.28481697291015,3.70821867953932,3.1953152020822,3.5242359850821 +Egflam,3.25044950643618,3.27505432922077,3.2524626815658,2.92548345624883,3.25732033070062,3.44144855064685,3.35190767147101,3.51212222498652,3.49994367825511,3.3510013604268,3.4929310573638,3.27679051438744,-4.05280246729181,-1.99353362105764,-4.54973210357089,-4.42672605553302,-3.82534178038519,-4.49998283522408,-3.39580875163537,-4.4855876164395,-5.13012450745141,-5.13012450745141,-4.11491282290586,-4.05326884305533 +Gm5436,2.86564679987123,1.80043925154889,3.10682178629476,2.83112565499021,2.03868555500442,2.22842051836838,2.0277504542018,2.5555419837001,2.6522327374447,1.69874290501675,2.51333138632499,2.67862477197741,3.2048003524373,1.88728526185396,3.14730143366879,2.7610132028268,2.33842044411833,3.10504391244069,2.18130034225969,3.08712145453225,2.85072747468527,2.68358158924397,2.35078645777463,2.50683475803501 +Sbk1,2.23584888677979,2.15420262966878,2.14112659334619,2.10537803253213,2.23680211208241,2.06128324696134,2.09487802126963,2.09994310535961,1.8507554977337,2.43396335848034,2.04966483090753,2.07091138434653,2.17267072594793,2.61290978242787,2.5228796620863,2.94992229436941,2.93921304994622,2.50431626339163,2.68061968663901,2.24337217410622,2.52548989331709,2.8971621886303,3.16726721732767,2.73175637425994 +Loh12cr1,2.00011398842194,1.6449806195958,2.16988590350337,2.1407560978184,2.04601029815921,1.81360434808348,2.01881017478747,2.04855471143529,2.00571845571274,1.86102916084971,2.13518613825403,1.67084762985026,2.16793277811729,2.24414126236702,2.60504261242666,2.36178689215816,2.06702865971695,2.48691031689232,2.30851957158425,2.44911151233286,2.50595019493527,2.01877806138509,2.55766361730709,1.61784548705434 +Nhlrc3,1.46541216792671,1.84391689380144,1.71753792394969,1.80531417530696,1.46301661254675,1.34998130934786,1.42297612970472,1.80768138648501,1.73809360245368,1.63512462855616,1.31091492706661,1.4134918934055,1.76643778319689,1.95245632858055,1.76084471973786,2.25904371724971,1.94209239851887,1.80186693954078,1.76427170501033,2.03617711619131,2.05086603725076,2.0151040469205,1.84271710091344,2.12427975403824 +Gng2,3.06444982902934,2.97629457235594,3.25672135742603,2.91916688759637,2.60006926150389,2.81782916285013,2.72933737297838,3.36598755905555,3.0534887287672,2.9214917495692,2.47991767288584,2.89208037946267,1.70820700435757,1.06750978696343,1.738723598318,1.03544376343367,1.10562023613065,1.56454611713912,1.12758376086582,1.60426276301232,1.2234429572413,1.03778000543425,1.00969311332804,1.50971686382564 +Tmem194b,-0.154887597240051,1.10412024750315,0.503768559440343,0.47998723058443,-0.0137954089420673,-0.0406769779017115,0.14341721786021,0.601873824698517,0.191512171267723,0.741378596874018,0.389634408691181,0.424575086351766,-0.0763689234151845,0.968416736437456,-0.279217602480148,0.437545576910525,0.205877541611384,-0.0007718433927694,0.169688956490807,0.125320728151232,0.353174089018093,0.247317023940335,-0.051554904645728,0.853314040679383 +Edem3,4.48716621085269,4.2414399452399,4.37127685947376,4.34691411762397,4.14721366328445,4.24555185691856,4.25165866438528,4.15426302720105,4.32539864449117,4.11594083708786,4.13181139794721,4.18440004219224,5.37645904779075,4.94717864694381,5.28682858602991,5.21610727824494,5.28050737133007,5.27426263138894,5.24741355337612,4.84343312720681,5.20335844045059,5.06542932353161,5.2662908118719,5.32293317038116 +Gm16433,0.47753846926649,0.102657966751266,0.864894305339576,0.292369045523039,0.372009006938578,0.373126532623726,-0.131299479939192,0.0928630938721562,0.693604364185731,0.237830104899533,0.63535962363752,0.478180210102258,0.898701801845237,0.791798397225296,1.01136996723392,1.34155036288617,1.05714934009227,0.175899961395743,1.32427188514376,0.802660179646435,1.46562578137205,1.17704923047388,1.08392583258709,0.655514034789425 +Disc1,-1.64003268378232,-1.15598611345352,-1.14083291669742,-0.956129914711382,-0.832579541090577,-0.609107512469336,-0.347550440867018,-1.35152732418217,-1.40592898458845,-1.1886379189625,-1.18603967685128,-1.76014808177137,-2.44616338127699,-2.76271605428931,-3.15883364990933,-3.56044465120339,-2.43561941048745,-1.92216647974329,-2.7678342253804,-2.60390016462519,-3.13698582588806,-2.43000000902658,-1.80148498025884,-2.29163576516975 +Zfp513,2.30817137825353,2.76947967854957,1.89753045755923,2.58776001987196,2.59350595130037,2.70168861609448,2.82632401249901,1.62352834808664,2.49512593487407,2.81205570113186,2.88809253440092,2.44204156944394,1.88730757853997,2.47345607855251,1.79286783619548,2.32682201404437,2.70311028434713,2.30538285239096,3.03073080666895,1.54187019523891,2.44733239293362,2.36454721645618,2.48969758986467,2.42059986357198 +Tmem18,2.69470414532664,2.75949698859843,2.53646688214824,2.67451260131838,2.68746599070702,2.2528838160989,2.48368972216868,2.4283503033897,2.51897396268825,2.6786309856175,2.57871317878825,2.79483356974845,2.94048831809915,3.02832511953387,2.99399308577123,2.99590490524611,2.9673092554956,2.85099768686241,2.58753624215491,2.83948900146878,2.67312564115931,3.21527933573368,2.84158945596173,2.87635474477538 +Spice1,2.04122159325043,1.79817675847187,1.52506667869868,1.7605645551892,2.06906016825526,1.78988308601823,2.09980092505453,1.62593217839332,1.65024631593712,1.77395843349924,2.20725867625998,2.11258069740452,0.840740805338094,1.33425920879537,0.831740016478911,1.3200663897484,1.74283213847075,1.13797265914695,1.59707531252793,1.32475784378551,1.40992543207634,1.15734649139733,1.89666687967559,1.70700023200758 +Dpy19l1,0.870642963183403,0.819232670411811,0.686758930233084,0.672285687834716,0.746298921551507,0.810313920524869,0.984860485784674,0.823012581616314,0.672247179127233,0.818899762911209,1.03332840374856,0.865239159077246,0.0960089117684317,0.273081706347504,-0.129834219589482,0.110130929224886,0.159312218532365,0.438329250286648,0.140327422942285,-0.067555242423019,0.487055206749545,0.129199801593413,0.542504035269503,0.387388173148026 +Fam89a,1.21303616812295,-0.167267642893277,1.12229341323166,0.670355857471169,0.238999915238563,0.883724446917442,0.901437156680545,0.489920444825978,0.889059375048222,-0.468487302635374,0.100003752949051,0.650025703524248,-0.839886558365698,-2.18392135999822,-2.17608124605798,-1.58227686713298,-1.77074726905449,-2.75647364993851,-1.02215789412246,-1.32902183399598,-2.75647364993851,-2.75647364993851,-1.74126196539295,-2.1198218479086 +Synpo,0.0541854729965774,0.342746848127335,0.133379372123543,-0.132722762570726,0.411782611062207,0.447830850181021,0.198317589844963,0.694831726435337,0.195723618278139,0.409839045187772,0.432233158017522,0.117236149098441,1.38687827921474,1.27322892042251,1.41092897964565,1.2743879534427,1.66549082242102,1.03935648543338,1.55682380234011,1.29742627384393,1.04832432234821,1.25901893507567,1.65412988849643,1.57879779511872 +Il17re,-0.920473767381254,-1.35331501860125,-2.0799227355146,-2.30075296166938,-1.22444406244595,-0.698151030103923,-1.00869277543325,-1.31298322944625,-1.70952228314912,-2.38578757043056,-0.918515918582916,-1.35023790051973,0.756675280244415,0.951907709448695,1.4534410918536,0.368551959386981,0.837178549877929,0.675237617360912,0.62370725992441,0.219134684067247,0.630262501919934,0.709118225866321,1.19539972100456,0.983477916662773 +Zfp866,3.41048277045707,3.61890224796773,3.29816626675702,3.40191703046574,3.26287956103195,3.2310918299756,3.44740506659037,3.35209522643992,3.4435051500166,3.38661499347805,3.29655289818552,3.4147517131115,3.34746659631874,3.12392553758618,3.00957454637199,3.19878884023103,3.18771825415334,3.19976605133125,3.2129763663654,3.15055451664069,3.17745385754083,3.03523670706928,3.11673752867905,3.29369060196178 +Tuba1c,1.59778205573946,1.11359274261437,1.2834422532538,1.53372869168041,0.841527278004335,1.04380668648834,1.2046108497098,1.52808993125451,2.29730724979503,1.78384698672464,0.747146087419279,0.534943641563881,2.12433222430774,1.20426770901822,0.851722510898736,1.09723037885904,1.51021139636312,1.95320822542792,1.45036732658109,1.10416295357947,1.60439270709623,1.15814502733729,1.49182583204007,1.6581651015235 +Mob1a,2.77844010397244,2.88949584981662,2.76198826389828,2.94510803228937,2.71206701090692,2.48193592622942,2.73968302971714,2.73247451634272,2.98544545505107,2.76968364379129,2.49401243177039,2.6964906178099,3.3250873763284,3.28247284698932,3.27355583374176,3.36014037893872,3.06305286781682,3.20522340714613,3.13403249937504,3.38767057179074,3.32701725233968,3.21068090977192,2.92316006171625,3.18468936803577 +Tmem186,3.71092950391688,3.33577043218722,3.32341849007636,3.372553430306,3.05421967694436,3.33739034604601,3.43530997518507,3.46042527696105,3.36983817743066,3.39217909132785,3.35328178540848,3.33013192217712,3.42364105550329,3.22606277074947,3.52599831473448,3.61727232101746,3.47994023962522,3.2770154511094,3.36928694462916,3.47611125480935,3.51373889556798,3.48694438609761,3.4357530731581,3.30675341637906 +Ispd,0.837371855739315,0.783127659107027,1.03617300235318,0.70815697799216,0.643572594182294,0.983288332572069,0.956741345856343,0.855417896498915,0.834308545608728,0.994922668674416,0.725260963358676,0.678119158152164,0.557901344323898,0.874333734101322,1.26552905951016,0.485178947477081,0.528068681513481,0.983818871893503,0.423233028291205,1.12815703982124,1.1699316565613,1.21666207867214,0.830661683421948,0.593765139725317 +Ppp2r3a,3.35522361284237,3.2499782407766,3.36765603366479,3.1911602804501,3.20001830898835,3.41887016926321,3.12678952188732,3.25240463134488,3.29407338333945,3.17596980022787,3.11284491103645,3.24825228784895,3.59231349038958,3.28584473320409,3.1884774696747,3.17947675891965,3.28340164571949,3.33537654819988,3.209917064628,3.26785323323824,3.20680164559198,3.03268629998277,3.16136739120006,3.33108555062872 +Pigy,3.43643421376931,2.98279531415487,3.45902511022516,3.15022288526684,2.97821234824352,3.04543032023039,3.06979611844534,3.27615762950902,3.07188951863789,3.04457882916807,2.8852890751402,3.0311027638945,3.39012996135166,2.86220745927867,3.23898936323028,3.05344667513402,3.02088150517451,3.29851599702657,2.9667824754929,3.45214081798843,3.27155452157507,3.01836146840503,2.88134038420693,3.15488257224184 +4930426D05Rik,-1.31068354559423,0.10926509466831,-2.02634756111901,0.101818702213074,0.500685587178809,0.354570145048225,0.692559829779439,-1.00993150360634,-0.274070793816221,0.609450413804694,0.366143544822439,-0.248092502288803,-2.84209619514314,-2.47569594853909,-3.26318618396777,-3.0821288155653,-2.27778933592404,-3.62618392614349,-3.14288628601581,-4.25632559837083,-4.25632559837083,-2.46439526438885,-2.91616263468116,-3.61967379634092 +Gm11993,2.67864283855244,2.12132598708367,2.28321855772857,2.76113272565572,2.14753150387545,2.3134237427121,2.49957940443224,1.80049501974906,2.56015675301557,2.74180933658834,2.38148854381912,2.47386583638898,2.9777157782596,2.91087584056609,2.76959684139261,2.3668474350828,2.45202485546883,2.5426519777431,2.4911216203066,2.37378000980323,2.52806725238259,2.57653258624851,2.27558783132094,2.62323716139652 +4732471D19Rik,2.18457492867373,2.47806826474825,1.97822880294266,2.24231570780208,2.65186185490882,2.62186734944319,2.57421668487381,2.13789272411911,2.21583396090123,2.13613657541594,2.73771292481301,2.27757975999738,1.65799292166829,1.99155066162414,1.95953928455088,1.91965621536282,2.14441821760562,1.89355773935453,2.03007392934516,1.67887036630654,1.8392840615994,1.98287892703859,2.00317560474518,2.08987583117617 +Rfesd,2.71119380085303,2.73659768860125,2.87603689715133,2.53697197694179,2.47987325703973,2.53856708639847,2.43398408430565,3.38658941777457,2.83122331996049,2.54933388125311,2.84266024534976,2.7664595592766,3.19161494864169,3.30542399445164,3.17336494794729,3.02603450179757,2.88490331876729,3.05649762124555,2.62848902888492,3.46008418343108,3.11840501657139,3.07808388362729,2.78773402015152,2.86263475820354 +Gm1840,2.99744943181052,2.94042385605216,3.34480408494317,2.95059172240798,2.88249535183153,2.94327708662264,2.63164771307478,3.35137612905661,3.15643960931891,3.05216695440291,2.54812140426806,2.95580658473727,2.87251566542853,2.46075184594178,3.34542774013625,3.06326031089899,2.57122785158148,3.06347962507695,2.81324716145553,2.70009836015693,2.95290147396124,3.0133709579838,3.05222767687545,2.85650755997378 +Zmpste24,3.20115392955922,3.03351853872549,3.31307119007949,2.92231642375881,2.83950663714163,2.9695231321378,2.8254935799101,3.44149575308077,3.23418390094363,3.06188573108828,2.86398643954243,2.98045739460858,4.2536766101253,3.81490901744579,4.13888614459797,3.88412538492866,3.90643876673967,4.15760006194345,3.75689361396645,4.21193106490662,4.01429382673822,3.97010561365271,3.84351716199836,3.9338784572755 +Upf2,3.62347306634645,3.97421996236621,3.63756967469277,3.84381676267623,4.1381254628552,4.00857434657429,3.91804738545411,3.70937018026481,3.68936412622517,4.00462005363662,4.05175252510397,3.97938901297853,2.81163288276219,3.14294079445211,2.52105269825019,3.03756154917235,3.45889188200881,2.9963630647302,3.42895982213876,2.2753327120932,2.97639483089108,2.88555533963353,3.30095643767041,3.29234628488876 +Fam129c,-1.32954030669818,-1.30968451587185,-2.55791526786385,-1.1571856520314,-0.248252061222798,0.159266280293637,0.163680266826748,-3.63705740950815,-1.96150459139479,-1.23166844515586,0.291095997283871,0.109286995842523,-2.78027393066446,-1.41927866508977,-2.880811865403,-3.49110488197374,-1.31244416721287,-1.92128024998403,-1.30700819507986,-3.54996644288023,-2.3735529129548,-2.62393196889787,-1.26134688014206,-1.06257888080318 +Tmem64,3.42088099003424,3.16903642497253,3.52230954903067,3.23116979529346,3.07913911643801,3.1151126450838,2.93913866762288,3.30000329198245,3.29918776660538,3.16071112312277,2.78614244078148,3.1512072632867,3.7302847383995,3.394566225877,3.7143390605812,3.45761647698254,3.35525919526237,3.66515797829659,3.12850281752228,3.6551565257597,3.49748915073065,3.64389572491116,3.13877351685249,3.16416902106075 +Pigv,2.61194737253886,2.76996667112241,2.62279569097971,2.78197583805565,2.62595634153114,2.66917072971535,2.81201447657168,2.85775757241509,2.69583673121465,2.48707731972956,2.82871916347642,2.76913233842885,3.11726148464908,3.36742061951606,2.86975847351639,2.94685449130951,3.27445346976497,3.22553984253022,3.2804011663711,3.43261526300642,3.09780598198193,3.15718375399836,3.23090804988837,3.26330303122982 +Fam13c,-0.888453235665787,-0.614694468246375,-0.227426488127861,-1.12034377498779,0.0601413967515601,0.369096456554938,-0.0952460981803829,0.0796817594561146,-0.912922331352604,-1.33667352275875,-0.24586530779609,-0.512392811794058,-2.18502583812792,-2.15870839648227,-1.85132025354588,-2.48666351873322,-1.8635077069662,-2.62555953479937,-1.65883261228537,-1.24256317444975,-3.70818539757016,-2.72893704650075,-3.28429672694947,-2.88583289527866 +Uevld,1.04919769282883,1.01222131151449,1.16498777533212,1.17252569335256,0.780298655774342,0.910755171212564,0.815244811334685,1.17792284419268,1.03036438804658,1.21905705395157,0.907793917121233,1.109417713677,0.714857270207345,0.406801059441716,0.837933383098466,0.17226635567444,0.457698886347147,0.514213406242275,0.207957856728663,0.362781577411964,0.279699166736317,0.436603806438157,0.338567279806977,0.21696391725435 +Trim56,3.66060889894817,3.89291677692752,3.79672058952365,3.69293849966367,3.80557975692797,3.93209037174093,3.79006107238994,3.93643454327811,3.75006798334288,3.8101783021384,3.77105831201084,3.85418493874855,2.72680056105592,3.47163178710933,2.73027031235067,3.4131843442118,3.47248827727076,3.00046552766886,3.34113071560657,2.69356473534346,2.98241499142466,3.25602469139333,3.43750792481448,3.36171275642433 +Tmem11,3.35116406057961,2.94318968799313,3.32910174443991,3.25859080430035,2.78756685626751,2.80872861665311,2.78996412626713,3.1185585262976,3.32443019246437,3.15088725517739,2.60372368945186,2.99376623890878,3.76613020643995,3.18196644611536,3.41420840092495,3.22665479231533,3.11991964369741,3.6022254811316,3.21099905347915,3.39756497768966,3.47622033748639,3.39137834063441,3.36514167963507,3.32327748158412 +Zfp784,1.51353807108373,1.63234009933767,1.94700555350685,1.7922834942284,1.43092079835608,1.59447225792129,1.76211501880923,1.87634390904013,1.74902723731155,1.66081153828661,1.6932962094325,1.31488925454368,1.51081077566068,1.87064124506956,1.72831370143628,2.22977054437564,1.73314216497745,1.38691304546853,1.23365557225881,2.17614474340954,1.76018203788083,1.70102173892604,1.53883431520437,1.72213948522541 +B3galnt1,4.0129635795392,3.94658025755231,4.32346465695279,4.21696661953,3.83184865041626,3.67942927443454,3.60524172311159,4.23912263570157,4.13179632137434,4.31334928734932,4.1621903967235,3.99329011782177,4.39314825182985,4.30382382980742,4.46632438225969,4.61353838565841,4.20293490506945,4.17346910747059,3.69011650749148,4.5623354079279,4.38537100474716,4.77773272161554,4.25368380577114,4.15995812437873 +Kcnj6,1.91808263405844,1.56722068773911,1.78887228209255,1.24136027069152,2.818477309346,2.99542849233325,2.50641309760735,2.70365240910654,1.58572679777641,1.41651547685193,2.51908123155455,2.33929632753958,-0.127660227840749,0.0244410028932958,0.114568137372522,-0.243776601152062,0.284410586155944,0.440474871704556,0.636947367607103,-0.196996066779832,-0.506074316875192,-0.0066795991335304,0.488091479526439,0.0863980742639692 +D17H6S53E,3.486416490455,3.2371514078455,3.50871954035062,3.3013784548859,3.04632902639876,3.11804308021067,3.10827224628356,3.51573665154745,3.38399956274237,3.1887541564731,3.13132394792543,3.20461572323313,3.09052741006429,3.20024661517736,3.07979575363071,3.24343567670902,2.99859767606418,2.79853827050136,3.1657634897032,3.16653140069696,3.24974147797165,3.52610565596982,2.8717808133808,3.03236075853944 +Pcdhb19,-0.658989351548349,0.0504491777022968,0.0083920263475332,-0.722715443659632,-1.20638798250806,-0.366462150521984,-0.991252941107793,0.114688420558611,-0.359962894477989,-0.651307847101758,-0.626246200984791,-0.61862954872766,-0.378002899295287,-0.707855517182939,-0.326157767872496,-0.121974607595167,-0.608313028350391,-1.43024675835153,-0.818298443343199,-0.823029108025092,-1.09016501905423,-1.12841129029205,-0.384980371659625,-0.143552711650323 +Fbrsl1,1.23668545484296,1.83399400759998,1.29686346792398,1.85560172948414,2.45889397821073,2.51119231284413,2.50781375856636,1.38234808533964,1.56589780401285,1.86150281642516,2.39869471550615,2.05597797399939,1.76225402782522,2.76555690451859,1.95170374432301,2.65517662687349,3.17163296961419,2.37907844268856,3.40412035209022,1.86494618225897,2.17412450622862,2.29723992379091,3.11141128753713,2.90535399842995 +Rhbdl2,-0.957602247751159,-0.640078230321337,-0.66285079926081,-1.37340805784602,-0.615088381911041,-0.813258742220315,-0.229842998933438,-0.532745847487535,-0.711229659625959,-0.318444952312697,-1.21484503893294,-0.397613046505505,1.16658143561264,1.00633299981399,1.73477772252787,0.981979818323758,1.18227885622172,1.07846353073728,1.46235515650423,1.33734265722155,1.34265137984149,1.39154606990922,0.258448713487496,1.62636755284349 +Hexim2,1.75732815729105,1.21812716114753,1.77052572777553,1.37075519211881,1.68206805010904,1.34222518221376,1.72933974686614,1.49989836833127,1.47503413304196,1.20879305089984,1.31923703692987,1.26735521965024,1.31873345436565,0.847864645961115,1.58794992040957,1.43824314708839,0.756883801574835,1.04146645561503,1.24620182017073,0.76436319544455,1.08256009097681,0.797514691172323,1.20241193181002,1.05906177602356 +Gprasp1,5.56320092396389,5.48515556359794,5.3493554948425,5.4677805200949,5.6072640359636,5.50919289893564,5.48264921677959,5.3851252077363,5.46377282194968,5.46832559441432,5.72339145745041,5.6674636628332,4.64497675543921,4.90201043388825,4.86156540057951,5.10759690486061,5.26614293978387,4.80496123560895,4.7200694156881,4.8511910239534,4.89071200236643,5.05891080343934,5.38597803689109,5.04561141337757 +Tmem130,4.64113369446061,4.2570394370253,4.74678263690595,4.28015576482199,4.23360306851561,4.46403684882793,4.0925158313309,4.82316901582121,4.53472070562669,4.34658267504671,4.29196008709895,4.32150054244408,3.30017985891555,3.07912146051474,3.58812450631939,3.48352619450232,3.32176796308467,3.16977307487607,2.85879128070871,3.12184987155488,3.14097956512225,3.58028318276236,3.20299044339169,3.06065073960851 +2510009E07Rik,3.25210054569282,3.41890395332713,3.34374872844712,3.2355634104012,3.48990960917991,3.34828725761576,3.23617736110483,3.61871682271545,3.27683829176595,3.0919181945916,3.21662582975737,3.23198335604674,3.81055242161741,3.56133785873203,3.67001465249476,3.50837570407183,3.76700972125808,3.75877139901148,3.47659144265481,3.82944888141974,3.55816367516113,3.47975299011606,3.71178782722655,3.66262770142556 +Gpr135,1.42946231175315,1.66815349374845,1.05897420859323,1.27745129126492,1.21097285952464,1.69996559967248,1.21214312275539,0.563321255249811,1.08535949008823,1.78323635095665,1.27207695433039,0.816310481634791,0.31291710292163,-0.527830589990178,-2.23940045069642,-0.0853489244353132,0.0622663121023324,-0.0073179003113084,-0.477059228185851,-0.887660982515609,0.103577105473226,-0.137643462161908,-0.0937034620076326,-1.74293719018086 +Usp48,3.62874804691714,4.21483068691971,3.70962411945175,4.13102677835398,4.47844760254359,4.38177659674529,4.36236192189224,3.55942217907075,3.78066465856218,4.11297368920822,4.38988754808039,4.14923681888309,4.03087221187102,4.13252997314179,3.95628222593364,4.16862894151155,4.63437381645869,4.20139941647294,4.52579980573661,3.88076808937923,4.14653607016368,4.2152834172798,4.60967348716654,4.48103621361825 +Otud1,1.83150457840157,2.19210906979589,2.08960472893687,1.88722688429023,1.75220992392477,1.22691337855501,1.34273275822804,2.11211986333544,2.26057521800791,2.2354339448417,1.42466350173791,1.66614090023824,0.765487070797116,1.58534555017378,1.19361934013506,1.64290286320089,-0.0260007562694931,1.234383695746,0.550675116091624,1.4892123922725,1.22528148136464,1.13711387782944,0.686377080056659,0.998365939238725 +A030009H04Rik,3.13621632391795,2.8081416012116,3.3852889404533,2.94634746928807,2.29870214909992,2.47222024578056,2.6562786114851,3.4344814555668,3.22671506465625,3.15390920733891,2.40750833253967,2.40895526157183,3.70242493009078,3.67845372822972,3.59557012350646,3.52997757477631,2.94528466104758,3.28134665136099,2.80799650696619,4.0964260035896,3.50704351909812,3.38641186808096,2.95993746457513,2.93866451336479 +Hilpda,2.49746507859254,2.07050725953225,3.01514202975558,2.47603450172138,1.98192701696239,1.49342859246723,2.19231930100696,2.4156864881205,2.50855107338188,2.45595188871042,2.09327066550956,2.27980478311953,2.3427914297469,2.24234343625221,2.1278112795083,2.13388358477806,1.67948533125086,2.08236606803392,2.09838726697647,2.39076648181791,2.29682762688298,2.0310318459673,2.19867138557283,1.92506560607561 +Eif3j2,2.54708834465045,2.35270065220113,2.25979534527995,2.13067022260276,2.23847123561787,2.00413758334584,2.21883714268624,2.07597911970219,2.09825525671809,2.10376966252735,2.14429383605887,2.66328465179355,2.77981513709029,2.45644928695367,2.36186592710011,2.37455406389815,2.3246294564461,2.45945275527735,2.61310656737955,2.30120260469224,2.64971781652795,2.36524070394085,2.77778860264499,2.7215307091202 +Leng9,2.88765588184022,2.82802173913115,2.81501914998709,3.13874808791668,2.81193611716828,2.86633667217271,3.12407751724238,2.65686452329163,2.55880585326974,2.67265994904074,2.74138167108372,2.68578555371317,2.64406219671155,2.89986482526519,2.40726792996621,3.1606098954076,2.81912387612011,2.9997723932826,3.01567780772545,2.37125389019715,3.08021267225522,2.99978560238352,2.80614487717178,2.62836491175968 +Pgp,3.85607027725352,2.75669388676695,3.46998297510241,3.44325177690522,3.14146968977075,3.67305093128581,3.72745700563746,3.14708355381619,3.4415974338617,3.25886953074219,3.47100340146138,3.29398976058565,4.08000096883419,3.59660118793141,4.25895983906887,4.12541887783708,3.99806475584783,3.97792824239012,4.14715322524026,3.92957213791432,3.8380661573607,3.98815950231598,4.05633408170688,3.81393992301909 +Gjc2,-3.53133585186324,-2.0332847744658,-2.16286240551274,-2.64522114572335,-3.53133585186324,-2.94769767585884,-2.36445729960902,-2.97388992747925,-3.03437917086652,-3.53133585186324,-2.61159284549442,-3.53133585186324,-1.41685327849614,0.0192383300508678,0.0410238810515602,0.0148440311297398,-0.164951217088541,-0.718860897597608,-0.0112311736962301,-0.207706605703017,0.530911992732145,-0.380631110063956,0.0198841039827895,-0.493721992537729 +Zfp536,-2.92143614320052,-2.08760217286472,-2.08071614087852,-1.97195490748501,-1.49949547093532,-2.09016591888689,-2.21134407125418,-1.60172087576628,-1.74509875245555,-2.32641055063105,-2.3000798574257,-2.08423327917069,-4.97312927042496,-4.6287530571243,-5.02970507341423,-4.43590069448923,-5.61009747729476,-4.97995580506742,-4.94852650962233,-5.61009747729476,-5.61009747729476,-4.62087734853253,-4.5948857927492,-4.53324181289867 +Pcdhb12,-1.98697231277925,-1.48715217589687,-1.31342105344866,-1.08264380517029,-1.58829805563492,-1.50645310529688,-1.19472621725768,-0.949183379877325,-1.39343212932878,-0.830469756161039,-0.938626828942313,-2.46219642011838,-1.13366818625252,-1.82183192099313,-1.51444377805673,-1.0980277178043,-0.900453922660075,-2.06013965678147,-0.864439171597605,-0.811207611183569,-0.945995026291848,-1.17380640829415,-1.35240500936411,-1.1344299958336 +Rab9b,2.95459941345596,2.6281510223033,3.05303491610755,2.64361799027656,2.30366265452814,2.19647530602434,2.30453763990465,2.95447791489113,2.72768592253586,2.53435856662909,2.31500264518255,2.48395850405003,2.68406574617994,1.89415509841136,2.52700065762656,1.87740004099048,1.69437567171606,2.34585518566531,1.65518245615277,2.29154806471201,2.3156826284909,1.97317548540238,1.83553777196461,1.89159714459567 +Zbtb37,1.88199017352293,2.24556803058253,2.16470982553838,1.81990331365033,2.2892755674592,2.4316627197482,2.10519165781158,2.42838090626417,1.97840326245776,1.80856390021577,2.03370332842432,2.17671091593755,1.4642252572008,1.77377131332553,1.70581401607609,1.65208272082188,1.53718465448176,1.45662332220102,1.86508173140864,1.69636795219842,1.73817678163914,1.43503960661446,1.43372251801549,1.74184656038394 +Gm6863,6.69257552860976,6.26756251847329,7.09431139271609,6.92053823764738,6.34102989172047,6.34812355898402,6.22473379999946,6.6575377643148,6.79918718388887,7.07783493728129,6.35645258603629,6.5376398668894,6.19286735557033,5.9820331600305,6.30590159262789,6.15672653738242,5.96019881966729,6.01613205604405,5.79904571533986,6.41777902081045,6.38168084425737,6.16928285678627,5.84332251246185,6.11707592264797 +Gm5867,0.885135132945651,1.28217793208392,1.63571567870094,0.222972282013204,1.00970113679326,0.394377672087023,0.5086164560053,0.912520380001762,1.39572956518387,0.685345461366759,1.16216358114707,1.09509808190148,1.78085365769974,1.17258378286599,1.38533159404111,1.2619633322652,1.54181032929907,0.965258071856901,0.564339550013376,2.07858183128777,1.66229660214896,1.69982506827284,1.51155883525431,1.70120833108081 +Acot6,1.40963774073261,1.59364231914945,1.61164740702815,1.67797797930602,1.43380581627644,1.51811447799357,1.43502582027446,2.0430467789692,1.84820409562868,1.76704698617594,1.3015175906475,1.43854459326998,1.38292260393355,0.907824238992777,1.43454784349453,1.30772150048403,1.20772399375162,1.41608831800427,1.32015993742957,1.64653953061392,1.12546861122883,1.24935085083456,0.973614826002426,1.04596108007573 +Hscb,1.96683769027753,1.90539467811188,3.12420470123256,2.28269388753614,1.59200226568442,1.23841640897054,1.70030584913485,2.58400173843199,2.90034204711253,2.91117016048328,1.79697533516671,1.90887273956423,2.2113541400956,2.57926832929752,2.38411930451069,2.38241907613754,1.84307594927006,2.22973194683003,2.27616691737852,2.59177695968399,2.55578579361893,2.80601325146068,1.71775668746984,2.09442011466235 +Rai2,4.40741855027335,4.45855162197686,4.47259447769462,4.43624293053622,4.41663055323866,4.59620136296767,4.2355665408806,4.71399502381592,4.48072866404841,4.38121057202773,4.70084879909715,4.58751880471035,3.07752807639912,3.20070964666794,3.07437567723941,3.3657905900454,2.91522322891588,3.19752706688475,3.04124891985025,3.05158110581542,2.99246878476185,3.07341745136312,3.40940861222938,2.85272381921908 +Sorcs1,0.896324735979438,1.02487943968125,1.15504315693838,0.844380821837227,0.826326951697326,1.26681944660095,0.956006861124016,1.13829219494011,1.26117775699308,0.587579027437968,0.740165635454892,0.502772965792196,-5.43660116457615,-4.13708888953943,-3.44690431618413,-4.73320271265775,-3.87070171148411,-5.43660116457615,-3.46979395594762,-5.43660116457615,-4.10324425936714,-3.86602979958188,-4.8414797405321,-4.35974550018006 +Setx,3.32270479023844,3.55252093937004,3.50027472164899,3.61317376778372,3.46855012105219,3.39765334174595,3.45447713144329,3.42549292049045,3.51479731415347,3.52853836321023,3.46699610416482,3.36358565554756,3.30850224221831,3.39758676139859,3.61128128362615,3.60899696134431,3.40072464026197,3.18770060793515,3.2864616547009,3.30165914407628,3.5022764903283,3.57411684488242,3.24384926715515,3.38955686347054 +Casc1,-2.97197109011221,-2.1224063385952,-2.12002970841782,-2.05636236806164,-1.79576624811933,-1.45348195306643,-1.1368835248626,-2.3581711647801,-2.02291250520395,-1.96151787007754,-1.43911647509872,-1.40546308354516,-4.01635800976277,-2.53994556490021,-3.10398320153036,-2.83968588754146,-3.30675950910689,-3.19118777069797,-2.2061849111101,-3.66622823397986,-3.49602444180152,-3.78469750004637,-2.60943943172649,-3.4071270075132 +Fam164a,2.75051435621274,2.86158182987776,2.72732239836074,2.51856238059591,2.3785707266714,2.55818636195477,2.60079633704695,3.05402018416834,2.81928416364426,2.56180193292166,2.60246176717371,2.35482698678385,2.79397037514933,2.70422147629539,2.85333425466187,2.58205289163947,2.11877531497996,2.64928758911217,2.30521390399188,2.98499238449408,2.83335379144986,2.57562547800794,2.24151693568406,2.43871626528581 +Pars2,0.806997074062708,1.47947252618372,1.75683647174201,1.25310316690471,0.814912225135329,1.27202929453016,0.977260930904151,1.51170707432485,1.27298588898547,1.45937500626015,1.24035284905481,1.07390136317655,0.935972358110566,1.20139335722696,1.08323124728262,1.02778580081735,0.981331331420085,1.04331336764866,0.575344238363011,1.05807277972167,0.834794690849951,0.942374550476189,1.46494869142771,0.908546506472264 +Acpl2,3.29039576508332,3.35397411285341,3.6207593269378,3.32128197511057,3.13104730692246,2.84193231607235,3.02112842662852,3.50341074760738,3.46176435828041,3.26857604033449,3.22746651246314,3.1923946940203,3.94890882269854,4.33619869756994,4.44487982345482,4.34559769886045,3.8239060621289,3.77796333871639,3.63080098459544,4.21543270198251,4.28429542157766,4.35514500371459,3.72453565597911,3.8656705653842 +Unc5cl,-1.02821533602158,-0.417551741555776,-1.28460806763225,-1.44402114611645,-1.5520220342211,-1.14681777478225,-0.898629812393998,-1.21603676863264,-0.404729569300081,-2.08205942683911,-1.48837916349537,-1.45797946916006,-2.63603319105912,-1.75830032970005,-1.73932715106864,-2.87606581148128,-3.47480013141723,-2.37631371759116,-3.38869162661439,-1.74497439566768,-1.86553978266707,-1.48331155596292,-2.44505328237568,-1.93646184639393 +Zfp3,1.77304139701661,1.69534391396565,1.93684989366387,1.29688610012332,1.32723037849225,1.78120167168651,1.52460993087484,2.08274785878023,1.76335892260802,1.80175477677014,1.47969138853427,1.80969205843002,1.57381459028866,1.95091214332023,1.82978183728384,1.61391449272713,1.90712008290771,1.9713632909061,1.91648285134095,1.80653700491392,1.72221996675982,1.76402555355401,2.13264555593194,1.59813346771346 +Vps37d,3.41080168239076,3.58127614491972,3.68782007252423,3.44933392730655,3.39223520740449,3.36554033638074,3.59769582605096,3.6834301825171,3.67499007710149,3.94698559554722,3.4777973560986,3.56398624317343,2.30833666617028,2.71653883780306,2.47420639814167,2.76092032674343,2.26937155580815,2.30984834388904,2.20134769948322,2.71940263549409,2.85075930330974,2.89752945033793,1.82245127973588,2.22357467756774 +Eif5al3-ps,2.73063817338445,0.702089472363165,1.95564530760759,1.97940704956507,1.70904446433389,1.60418946944063,1.95187519495065,2.36684032157338,2.34770090175891,1.93240459290268,2.11026003292689,2.07660286871373,2.25849846957119,2.15862341296926,2.37260214597264,2.96736529331744,2.09637543581453,2.56551090912874,1.56959975475031,2.6599831840848,1.72361237310801,1.78132444769141,1.99710050814513,2.39650205338459 +Ubxn10,2.9840065041033,3.35470928610136,3.57698695783751,3.02578897166283,2.92762237554534,2.96649707943916,3.07359477094385,3.73339596956138,3.32092730765296,3.11658793634658,2.85148278174028,3.18447094145425,3.26197135121246,3.72566046338914,3.91486535856251,3.99738458934611,3.72302240694358,3.37984268117943,3.51749463157937,4.00518455759438,3.62092030489496,3.91208591764446,3.67415956739536,3.58911013665623 +1700019D03Rik,3.3609552070354,3.32269320124407,3.35413942069452,3.34646142562001,3.09561456212276,2.90968100320775,3.03931944188275,3.50787723073752,3.47559794785206,3.35004152303386,3.02394472290945,3.24412590912554,4.1541059534151,3.92199896591826,3.93213620673386,3.89960072166404,3.87803826901788,4.01414854382515,3.88600419447615,4.3245797861014,3.73858495627788,3.72185428686355,3.74981070665607,4.0132678053788 +4930412F15Rik,-2.0153945788528,-1.80855191189648,-1.52952025623027,-1.79979331444323,-1.59436854645877,-1.80609500370352,-2.25957417597873,-1.40782255218346,-1.93397079105774,-1.73221266591437,-1.64669319484727,-2.1481874821385,-2.38868802436772,-2.94313619943355,-2.70562652891611,-2.45295445265879,-2.35551045238042,-2.07509903741235,-1.73381325604236,-3.41470683635181,-2.31844778611509,-2.71124026375285,-3.48795891318927,-2.06016492889565 +Rbm20,-0.229018397885025,0.108868515311354,-0.0655603294571234,0.324411316031727,-0.0820554832880376,0.223108020293752,0.0221038021640951,0.144286139575486,0.212400970910747,0.111221730380614,0.111902032220968,-0.251144834297417,-0.403973899043823,-0.607800980833254,-1.52293370794206,-0.689440842957957,0.246101420951369,-0.229587339485201,0.590961975329866,-1.1584283665774,-0.339418108431607,-0.592356893415262,0.529888270026531,-0.248300293142877 +0610009L18Rik,2.86710373790098,3.3719371015117,3.88139210505959,3.6064992362899,2.13998064844072,2.64872839505457,2.82783249612928,3.72408173449851,3.30470680215024,2.68239688816749,1.87917959218453,2.73125865988545,2.56030799515475,2.8492293101372,3.19993532157683,2.44633830466173,2.34803720073101,3.12956831560659,2.28896613237673,2.77946451009441,3.04928949376042,2.76935930844522,2.35896943137553,2.60152936751997 +Pld6,-0.920202155668555,-0.38167413779935,-0.0191221472174676,-0.471147758475621,-0.676284481701507,-0.271080222262661,-0.022892259874406,-0.544987245566994,-0.508669543237349,-0.40356710994676,-0.0735280039940178,-1.26997480417193,-1.48736076611646,-1.20259966204761,-1.86083357327808,-2.47112658984882,-2.1887986608832,-3.17452504176722,-1.7175021658668,-2.0860612803842,-2.1649947569165,-1.19072520521492,-3.17452504176722,-2.53787323973731 +Tox3,4.38742507561606,4.60992092572436,4.40718454976319,4.24556606268377,4.43126420377444,4.57262810451701,4.54130614827097,4.81205960478093,4.56470004328008,4.30474324939161,4.68115263651772,4.43940940202395,3.89368576185722,4.37206407448274,4.01513268625944,3.89597005097368,3.76112351196774,3.69161614726025,4.00138122921427,4.24301191526083,4.03231020780906,4.04520666392627,3.91917334125954,3.78583998943873 +Diras1,0.65733604780836,1.03747787874806,1.15814280323129,0.625438998110724,0.254248738543712,0.384649020239637,0.6679776250576,1.06412927649632,1.22877087753689,0.813034614115874,0.265260599431766,0.299908941997913,0.869338663607963,1.10938156668417,1.8280950342508,1.09633139790731,0.254316198550258,0.795109092842949,0.52647388129697,1.09335042985442,1.10202427075462,1.24183048320923,0.310248795730098,0.59889052527184 +Dpy19l3,-0.174828933331274,-0.449194780913244,-0.0815456036131761,-1.21403516730672,-0.605536376290849,-0.203396350069587,-0.273819613131566,-0.325832683891492,-0.626569145916568,-0.840206763089421,-1.12003286758391,-0.611246587208387,0.829359995628733,0.503248779817016,0.400458976257094,-0.54585237226352,0.0942024198943034,0.894187573541626,0.807531137138362,0.63930354381372,0.593274228920877,-0.23519941186324,-0.259139413704313,0.222976898729272 +Fem1a,3.90634116035,3.56410491870668,3.79957343990739,3.66466562274815,3.56447929085838,3.72367676451731,3.69839527702973,3.64831128018353,3.6340421814597,3.56867826162184,3.62810882384744,3.53077847767617,4.33189684875594,3.93020976720209,4.16085338085553,4.06746414542055,4.31877285115608,4.40612237500385,4.28267991449088,3.87084555447487,4.06105663922165,4.04527675464328,4.4195239133909,4.1828886352567 +Pde12,1.95133864887852,1.33926129117658,1.75391187133225,1.66271412339422,1.20749828487115,1.60397373674192,1.60247464814257,1.75523554292046,1.51263465253729,1.577592064381,1.1766038838343,1.46834315873611,1.73337883669369,1.40004540367789,1.64119510282868,1.63036233673168,1.34714617704578,1.56757989762654,1.28893257782966,1.43660098378039,1.56587052665615,1.31148753323405,1.40552859355077,1.22949982527313 +Rpl7,7.14047911777342,6.50182003488368,7.42310568074366,7.08435034366502,6.67686057481476,6.89686892402185,6.6472855987888,7.10788486691602,7.05778869419376,7.13944744916628,6.7487613936655,6.93920011247374,6.24961024440826,5.94326522617627,6.36940190263762,6.04163987720808,5.73468837940685,6.12940535673016,5.77740037803295,6.43478403367974,6.35181177477375,6.05902611722595,5.79452583347447,5.84300714957145 +Col6a6,-3.45188519395424,-1.30184295010363,-2.02667106089962,-2.15504385453856,-1.71721912218911,-1.18130718813714,-1.38750007982368,-2.43080179988277,-2.50858743136195,-1.2175800330905,-2.50022315845349,-0.961237295802273,2.2157100493305,3.13631831320988,3.48943444356341,3.73981698840851,3.26094842093491,3.59409885556575,3.78760444520428,2.77954062793325,2.00651206764962,3.69208515514886,2.77634819234025,3.12272912714237 +Ptpn11,4.69406737862985,4.46050949509379,4.59944913587328,4.3257076319035,4.62933861858078,4.6899916141916,4.61281661319271,4.67289977894738,4.56138028646894,4.35962284884503,4.66815994540143,4.57403584828014,5.54430140153733,5.39527802269068,5.48560699115162,5.46030265054972,5.74861463543392,5.68684377769655,5.65821831552144,5.2945638857339,5.47332428430053,5.58043156778564,5.76313600927012,5.63786669962029 +Pkhd1,1.17441009242536,1.34063615040745,1.20049151863245,1.4994627060263,1.73959411378467,1.81900370056188,2.00480050057264,1.28045279038456,1.2478940245025,1.51809472415295,1.29785704960321,1.36101708541228,1.01681473240644,1.47154583636031,1.29508753858904,1.48592028873115,1.59381838544892,1.30543400953571,1.8001660703939,1.02234349943195,1.28174040053874,1.4271303695131,1.54233240903635,1.40018039306044 +Gm12481,6.12741161834366,5.3826415727096,5.76576955485208,5.6369516114846,5.69939011849677,5.83708518589557,5.76373276774865,5.98359310002778,5.75039020501324,5.71666730407389,5.81398340232828,5.8742225877916,6.40465528846861,6.0434937026752,6.12025211164258,6.06343100166077,5.92021653165054,6.30327644450405,6.34695004152229,6.38920942226675,6.16578601332253,5.99477283205221,5.8763906415813,6.01619956987989 +1700048O20Rik,0.545281694821771,0.0531742160404406,0.0785379170131036,0.829560938843384,0.151172882842834,0.0070896447311891,0.431197913590671,0.239508088875652,-0.611264447219619,-0.527275941435952,-0.628256991100718,0.39055093850023,-3.07686497753665,-3.07686497753665,-3.07686497753665,-3.07686497753665,-3.07686497753665,-3.07686497753665,-3.07686497753665,-3.07686497753665,-3.07686497753665,-3.07686497753665,-3.07686497753665,-3.07686497753665 +Ccdc64b,-0.705535382142804,0.0423235515900918,-1.23929694520857,0.0715363983211882,-0.799007164039244,-0.130856960308885,-0.529342005356755,-0.561738838962671,-0.226480179386524,-0.334412835368677,-0.273242617041392,-0.704964598978209,0.485824312012753,1.02460355910011,0.149685734294113,0.869875156154644,1.03302723280793,0.524993692030763,1.23310754492877,0.994564611490901,0.808102511263253,0.769856240025424,0.901277110901213,0.700708818827709 +Oaz1-ps,6.6459501540449,6.17988946825455,6.59806654705124,6.40314826875587,6.2178233775905,6.38611608021069,6.38665626539137,6.37341081761146,6.63443644789425,6.5341425959837,6.26421416712585,6.23953071606502,6.63773729671075,6.16668160954351,6.67300227789616,6.29591158521979,6.19770617317101,6.59074334290693,6.26545977186721,6.71290869441896,6.59334683075352,6.49321778023033,6.28371085359032,6.12339847123211 +Lysmd4,2.27198960294731,2.3931154800927,2.15570259210664,2.2600911459802,2.16058041590518,2.07603586792673,2.25856786733714,2.27281692183114,2.29480819724092,2.12368832751484,2.45139553891367,2.38953990811716,2.05116040892888,2.4129864772977,1.96476583713707,2.38573317483804,2.16484350300044,2.21954235036558,2.07294791776628,2.1371798556781,2.40687122339683,2.33462347477786,2.07000302560163,2.08325017922844 +2900005J15Rik,-1.93566678081626,-0.127632812064768,-0.449384447863005,-1.11694285466675,0.346803722237578,-0.827371781775049,-0.161519896959939,-1.39616513810475,-1.44572587372586,-1.14036847222243,-0.15805393368573,-0.329289944532006,-0.0712270622404849,0.479151410545682,0.285119828343901,0.796498802276946,1.7044193403799,1.23867140563445,1.85754548815681,-0.58769715788266,0.661457123523528,0.390050583377191,1.672889735407,1.50158243127981 +Tmem145,0.316811496703656,0.903395660560032,0.365075728996374,0.372222296773727,1.47450276443988,1.35984544386471,1.23494698372557,0.214897383999407,0.545122132669226,0.73823478951764,0.752326732524576,0.353053725405254,-0.392346403827585,0.305509152008692,0.0176231286124233,0.0081802847105787,0.751422488904669,0.554674755062159,1.45599037121601,-0.766466982808721,-0.0726663879034823,0.066890815919475,0.907201783309495,0.481224966132782 +Nup62,2.55697910945988,2.73017004382873,2.74654019286455,2.68846970871881,2.54491102438517,2.80542139274081,2.70580897838728,3.00750366542032,2.66267716627054,2.8569769728186,2.61228672849092,2.67524556582835,3.27297961261903,3.19370674458267,2.70703812985168,2.91452487595746,3.15735030530584,3.09645732082798,3.50637497100462,3.07578730960302,2.94875915881388,3.04207179170317,3.22604973456252,3.35993689021539 +Taf10,2.92981316807193,2.45010385404401,2.61623013863548,2.60258140924668,2.49285223974248,2.42672152039225,2.53719625854002,2.45119803849379,2.60887841370652,2.44414992372468,2.67438250777227,2.44350329835124,2.93165839523281,2.71754878063518,2.80768951956477,2.59554028854248,2.88513069182051,2.97362012767318,2.60731134532126,2.96153123063239,2.75548066268962,2.58036501303717,2.90670185485671,2.76574593658063 +Zmym1,1.93769267410633,1.76527093945704,1.77108912893806,1.79354733545811,1.72596625953816,1.65340720828724,1.57284836580736,1.66734715362786,1.81494239748094,1.69028592909174,1.62295453237116,1.8634553175024,1.29073910047268,1.23710810551917,1.11546355629628,1.16056115465242,1.07281558826942,1.39069782778122,1.39824363633025,1.03954213747192,1.31755213708858,0.616913697021771,0.981687435674125,1.43386070468307 +Kbtbd7,3.90035910780277,3.6871554569316,3.857852788457,3.61064739517941,3.26503129396213,3.22692767760825,3.36931260657937,3.77422102134375,3.73858372998701,3.46140086825869,3.2891934201987,3.50606488002698,3.61236352556964,3.35273431645654,3.58268286264915,3.31096444448719,2.74377192974908,3.46072659395974,2.9340634789092,3.73653210135469,3.50898959730105,3.16237265508407,2.59273123836146,3.12808044678407 +Slc36a4,3.5559413141993,3.38388409185022,3.67598353859148,3.32896360178844,3.22831818855353,3.27250595908321,3.34006486610451,3.44294765272476,3.56976068274061,3.43772059455758,3.01774824507547,3.26806974050676,3.89802574936965,3.63504987045728,3.88032363970065,3.58929051734607,3.44701024941734,3.60898341900805,3.37771682302453,3.62864589165295,3.65942939501726,3.67641929351434,3.35527748360516,3.45415257746973 +Gm8399,3.57358632348073,3.52578694632888,4.07588999526793,3.65971140968871,3.12856648647781,2.93192460487796,3.11965764501091,3.94771371231198,4.26818453963302,3.6438625320874,3.04235610951167,3.03676843162578,3.45746624649121,2.93152192739929,3.10675771907751,3.47262329228224,3.52493406617068,3.87303491712799,3.19831407635215,3.19933253908234,3.19545386068763,3.30060741791588,3.68613969887981,3.49413249785821 +Trp53bp1,3.78890597511761,3.83222013230032,3.47792366636314,3.67323233130297,4.27043889133765,4.21203023596911,4.13519328353351,3.65484632559649,3.69629650718679,3.70575848756276,4.19410598710216,3.97608469304917,3.45483567768985,3.59533683031478,3.44637635414285,3.49997305097711,4.02483186193506,3.74077043059129,4.06555421220372,3.28685089486558,3.42477449658924,3.45154712381293,4.00396444022183,3.81016638587883 +Ccdc84,1.91328339370102,2.83219344866509,0.838699447006813,2.77378401325888,2.98836026053348,3.03107119839483,3.10155988606075,1.25235917584028,1.83441132846701,1.85964249163859,3.09712187519537,2.92309720854954,1.80551217865194,2.44882882558219,0.36472997080442,1.85982674653488,2.77500610305576,1.58831044447683,3.01690254263891,0.528181815649241,1.78717392269933,2.0563946847004,2.72820130611909,2.67231370818657 +Ncmap,-0.471568850848943,-0.226606325380496,0.0893035137749965,-0.320998249974259,0.144204023739391,0.337001817527952,-0.0064166269303256,-1.05101633513741,-0.360680398119108,0.481269991370895,-0.322524727679565,-0.159678247612788,-0.628702576543635,-0.20779660116412,0.0061821318392592,-0.273881085401718,0.107799530077045,-0.544640908129821,0.337178794065293,-0.0887239161682327,0.151807606024432,0.367783838178648,0.549787083499103,-0.52856374175003 +Klhl15,2.43583429877073,2.33634917985475,2.54995312053533,2.37756765865861,2.1051467976666,2.20542822200209,2.17719169614036,2.64129243284525,2.53286489379737,2.23100751009058,2.08179690584705,2.13023995220651,2.71663475244757,2.37509819164036,2.76076583913269,2.44098900669058,2.07415701471108,2.49396218708679,1.68540151864915,2.59987461453536,2.58534192973411,2.44148182208289,1.97334296017877,2.19365123976303 +Wdfy3,2.95968491879634,3.12777468107291,2.86335877760036,2.9298260513653,3.75965248750726,3.65398516892225,3.42544118301431,3.40486860573928,2.91988161965761,2.91837652325046,3.65134908973802,3.37982539999309,2.79831379120877,3.34435234000416,2.85865143112751,3.04933561680822,3.69862983254496,3.22989637763206,3.61718487925163,2.98137132002769,2.7379321183715,2.97572760083433,3.65017272425206,3.47610648747344 +Ccrl2,1.78839394862945,2.00170556718382,1.36320460091009,1.35410004731221,1.21554050184677,1.46439285048846,1.45086048361679,1.88859909328746,2.27295623582044,1.37826215249924,1.10326093534986,1.34399457511636,2.01220935000326,2.29267288687259,1.86986574529502,2.36005083086344,2.04108763855798,1.93746479685081,1.98391211256656,2.29960269688167,2.08772395590867,2.45892884312195,2.22036225526868,1.75124480579809 +Thrap3,3.7441379711065,3.94783542190381,3.73782132477058,3.93160891263944,4.02529496534953,3.95372332355926,3.95398657460654,3.69023720695196,3.79582216120405,3.80985048650967,3.98276028598154,3.82624661311847,3.5842641429902,3.86998044725787,3.82185646703666,4.14781498829147,4.07260022371165,3.68133521577261,4.09849411636936,3.56297133954359,3.88271737823865,4.12957076989699,4.05133578819296,3.89166117876129 +Orai3,3.87552846152797,3.60850697702492,3.9249333771619,3.56654330201706,3.26943681236955,3.55316676437802,3.35610723415721,3.93639405149422,3.85240361205248,3.74596252582824,3.44245646212308,3.51059565807105,4.68763355009909,4.27110764320377,4.55450934664265,4.31116158537183,4.21219350821536,4.44601987408808,4.21718840682815,4.61532476782877,4.4899623656033,4.24328039874867,4.18880208386582,4.08588764344455 +Cep164,2.43062534380674,2.83650045211169,2.47013277701383,2.88256928161648,2.99853919965389,2.90935262292386,2.99793375824069,2.57462715526123,2.41103642500035,2.79744623090757,3.03337268397448,2.76951206172307,2.31664067778874,2.83483839161083,2.31624218638979,2.92173788407772,3.1745144269766,2.47916166425483,3.21580182010342,2.14778266237269,2.48672160312503,2.96762946385094,3.23326072591241,3.11756822067783 +Pura,4.72524428400251,4.7156506598497,4.84699608198546,4.55132465170896,4.75147123941885,4.6917693275998,4.4870110585151,5.09157835749823,4.77473255712245,4.4792971257451,4.53312390493845,4.69698685106602,4.18642294192849,4.18297421222995,4.06996163326053,4.09373192988557,4.19585916920014,4.13068621759193,4.02908056693673,4.21949151759198,4.12631748360179,4.04928166279109,3.98417657837443,4.14192665237895 +2900052L18Rik,1.70254514635303,1.97220528497344,2.02304473450983,1.67301969251962,2.01947146595566,2.19632648660991,1.90074352327114,1.74816902574238,1.92650702737538,1.68531094023552,2.07746206717371,1.80118804336937,0.866336146168661,2.62106182385137,1.71302353812236,1.53332122931023,1.75107781262261,1.68259673025775,2.06573405470613,1.7213908481111,1.60431555568592,1.80847000234972,2.13006995274324,2.13918404226497 +Mgat2,4.72371627841702,4.05067097580026,4.46782615403103,4.55021232479064,3.97726833408646,4.30851242225703,4.33509839014231,4.01346898717573,4.4922553625529,4.11027225946988,4.09003257867203,4.35472414762394,5.60314354076504,4.65934666322724,5.40169802414395,4.92032667146935,5.24828351269068,5.51876651709521,5.31229198826734,4.47555108254671,5.31786446372506,4.79624887368622,5.24487883845528,5.22624641705312 +Gpr75,0.626185282976755,0.71726122998305,0.410408740970983,0.5346381996855,0.965673015195468,1.15189080795004,0.476750373244576,0.815930620102693,0.600328543549659,0.137106972549108,0.884249304454945,0.693928461208784,-0.452084563383978,-0.855963957662758,-0.922368139919843,-0.713675603565845,-0.0302093837133268,-0.622946409896701,-0.628336510502255,-0.670245988606319,-1.57319414248453,-1.02218664348832,-0.359120664051298,-0.872726760571817 +Gls2,-0.395623224379843,-0.693948324418527,-0.841209897713661,-0.621657113507044,-0.729743550790393,-0.161736370651785,-0.408202097386289,-0.985161675266392,-0.560679618593539,-1.19517371573296,-0.104365500770303,-0.191370615441025,-0.699752547955883,-0.943637079700569,-0.646999385565757,-0.5362440561357,0.399470898153142,-0.870614394468607,-0.37144455800533,-1.42848323667575,-0.681295751822945,-0.929428651421467,0.330325684581829,-0.318733955666408 +Gpr133,-3.13506641261346,-3.03535305880309,-3.12717208551717,-2.63084468807651,-3.42168326772997,-4.5128197621413,-3.39957547697041,-2.19445975249979,-3.27783407641473,-3.54262965146439,-3.63295713546881,-3.44001696054315,-1.98149931839257,-1.96025863699798,-1.09767938150694,-1.19975983387863,-2.53590509830508,-1.80487997153658,-2.51414587802259,-1.65109204788513,-1.96991494319262,-1.24595377502147,-2.4843167112923,-2.47321895958658 +Mrpl50,4.12827324038539,3.71710566740649,4.00124456607906,3.68896298048483,3.39142809527309,3.48540712357849,3.35299612518774,3.77876693759847,3.82520216604433,3.87387565020459,3.48212033514863,3.65479254988995,4.20837872955652,3.67614330529589,4.13738846118987,3.91386823521561,3.63865832315505,3.99766209469622,3.57629869713158,3.87394188347112,3.88127309025614,3.92080772558428,3.60545542252242,3.68458714262259 +Pcdhb21,-0.612850036826253,-0.949649002156674,-0.22403463189485,-0.7599379233849,-1.35432199450823,-0.942161758031759,-0.664653458023451,-0.532308252984898,-0.844997135655642,-0.814476864008406,-0.608349942015022,-0.4943701413712,-0.191273997281765,-0.408406830353393,-0.203138452069466,-0.0992905991797617,-0.3241622686007,-0.601570601378755,-0.922882483740729,-0.0967384517210315,-1.10564700224142,-0.602638643588549,-0.196004887408969,-0.230795993948285 +Rell2,0.948788609821245,1.21291338253557,1.35474234898592,0.982509851972119,1.57972170079129,1.4277489295382,1.45483463327644,1.04560230793287,1.29282998345909,1.52738100871971,1.71258190788768,1.0198986923994,0.4239784561531,0.728721478094468,0.359573982123711,0.888002512097651,0.969336173038308,0.499008219613135,0.670843638047064,-0.005851532374687,0.688790881315462,1.01465001902369,0.817118153664794,0.632569023068819 +Tmem20,4.24898450652282,4.01047317638718,4.25068419713606,3.6861397482598,3.68733473615578,3.90267112528677,3.88852589185756,4.33671741796018,4.14891684818648,3.5822403501644,3.60055746815321,3.93896646948404,4.42816227652221,4.40940637757183,3.86571009062774,3.92302204948813,4.31646503401897,4.49206668168212,4.2335674517532,4.59205756868891,4.03209527804027,3.78458028112666,4.15185543409355,4.30776377912078 +Irf2bp1,4.48832205111308,4.39718221961458,4.61019192638228,4.58506494968871,4.35080844250716,4.47005647083997,4.45127199638731,4.63307033033809,4.48642074780152,4.4912442085031,4.38015358379243,4.38043329111501,4.3658163173434,4.27834037566747,4.3907434543446,4.34610033603752,4.32330438982647,4.33824506782208,4.4776428962557,4.349946751118,4.26781917834297,4.43596275327258,4.43215291250114,4.28425035487203 +Ccdc141,-2.74824737056934,-2.27923132452573,-3.52828144386185,-2.08952024575395,-2.00988028433841,-2.10827947337773,-1.70767986394212,-3.28240438105654,-2.64352233086634,-2.14405918637746,-2.66828930386078,-2.03227481420483,-1.55953511377918,-0.626618739660902,-1.9706084992005,-1.42887292154881,-1.61725582724467,-1.00365767477128,-0.271797125444783,-1.57922911163056,-0.626647913690142,-0.763052532488274,-0.90534869212631,-0.836054875157786 +Als2cl,-0.758757234429877,0.515769494370707,-0.707587501252345,-0.20771270628986,0.328465015152068,0.594551368046729,0.486167166684017,-0.28976052255609,-0.68569691154578,0.803779442365203,-0.114764237359005,-0.0338759911082485,-2.19773194651204,-2.03495487242823,-2.91965731331926,-2.65535999933036,-2.027294995032,-2.21399061575033,-2.40997178371171,-2.97722228964995,-3.08840374077393,-2.7562328373929,-2.0760194340788,-1.6055049446941 +Fmn1,-4.65665387636144,-3.74749468156777,-2.97683238473752,-4.49718308037302,-3.33439969778502,-3.17649654288811,-3.69848524937483,-4.00277570338784,-4.16671296927103,-4.08272446348737,-4.94102694491187,-4.72776326199277,-2.02869144560608,-2.11366202447775,-0.959298605171068,-1.82400829113265,-1.61573142502642,-2.14940315578665,-1.33222373084225,-2.29960043396186,-1.27393155738966,-1.27838966261831,-1.82177861682525,-2.13189671285879 +Pcdhb14,1.56076813787744,1.59734015818841,1.8750797767791,1.35226668371562,0.964695313177582,1.45303792328431,1.10276358911146,1.9439719081292,1.89184397277336,1.27487897760628,0.651609529115371,1.15768891940831,1.7329473551122,1.87531852695667,2.2097553691332,1.97572458384534,1.4138957977656,1.70037158025394,1.48023515581048,1.90872968795938,1.74605969117582,1.78992665321844,1.29597032675891,2.12373495465934 +A830010M20Rik,1.18241160482373,1.6045529507466,1.07668921809499,1.38018522260253,1.50498937121906,1.47136500023818,1.46894114301639,1.06550114881845,1.4324034973941,1.39387277521317,1.67378458944001,1.406430450362,0.705321894868991,1.14261832908442,0.652243585530021,1.10059713199671,1.05360373410115,0.960672634315721,0.907101235597645,0.589712280018683,0.920225832162819,1.03875898970667,1.06820304724905,0.939581575289269 +Cep68,2.7653367343913,2.8082277359915,2.89396136965635,2.91851229716458,2.82067129599457,2.6868589443891,2.69960353625928,2.85323313335264,2.8106620518294,2.78823673068911,2.65636536827863,2.68614695438068,2.09859095553303,2.45416822586078,2.50228351181787,2.52359725495085,2.32055509994912,2.31654399599334,2.09851029374136,2.69894776178005,2.43010353816826,2.44093040024722,2.23114263537399,2.41867689388052 +Zrsr1,3.02167098155737,3.3252073027564,3.2891105546905,3.63533732016822,3.21248348149802,2.93895224375517,3.07741071294378,3.1589412544444,3.47103255828684,3.40612907304981,3.29536198354895,3.13753022794732,3.20239424730149,3.45341300571774,3.34627882868624,3.8495756100708,3.45946151590673,3.22047944169441,3.31085842943383,3.40385086269002,3.46456879262333,3.67607531735563,3.40525266253579,3.23871564057986 +Fam19a2,-1.25397313168931,-1.02414780022105,-0.56798311203176,-1.58584661188451,-1.93430108192145,-1.22829348021526,-1.26616527543365,-0.923727124799166,-0.144027336356453,-1.77568517283063,-2.09803511821516,-1.2702826489952,-4.54664310465109,-4.54664310465109,-3.96625070077057,-4.54664310465109,-4.54664310465109,-4.54664310465109,-3.88507213697867,-3.90210621363917,-3.21328619944209,-4.54664310465109,-4.54664310465109,-4.54664310465109 +Eml6,2.07687812573008,2.25381905874439,1.6678330965092,2.14709161074954,2.77444873824295,2.50694623979648,2.42017653434695,2.17343602330353,1.80254384458582,1.98554430417229,2.76498535244589,2.34505262068215,2.51294663117083,2.47168799907543,2.28708413697822,2.48155126951532,3.29338830666158,2.73093626504028,3.04150393915237,2.43080235679643,2.04688396556652,2.31742413998011,3.30220684788219,3.06090430101159 +S100a1,2.75328443441528,2.89592391168218,2.79374755640475,2.89054625279654,2.06764347458124,2.29111550320248,2.16043696076795,2.54477175261403,2.95896642090505,2.98249758351552,2.5925775819935,2.56626240652145,5.61459063223,5.42747559858122,5.87640682284115,5.65804183618652,4.87862948634997,5.29610180491768,4.96703496893207,5.71145995521377,5.65207852455041,5.53208813755469,4.65493747602142,4.89888426689563 +4930441O14Rik,-2.16842048397703,-2.68136804049151,-2.38417262861377,-2.1533953803354,-1.60511845749214,-1.64466351617548,-1.81589031233411,-2.19915768551682,-2.67940122421314,-1.48737999612456,-1.93238647339779,-1.56596759513411,-2.58965423140867,-1.89679262477721,-2.13840541354741,-2.16877929296941,-2.15132434449171,-1.74598930117036,-1.75137940177591,-1.97643827412571,-2.69623703375819,-1.66063190478679,-2.42315658452922,-1.57593338411531 +Efcab8,1.4069598955655,1.05007323877484,1.83687091028533,1.47614756785386,0.761940496696383,0.813658215107539,0.953031217095675,1.12185043610705,1.3535977769736,1.43772394476181,0.954987576709664,0.856092403072141,1.60819275280417,1.3602193970629,1.5345865038065,1.67928345157202,1.06294928819325,1.6392164745496,0.915837712844543,1.64924127682819,1.51831670675971,1.45833959180272,1.1974818689558,1.44601788999574 +Ccdc166,2.77673358303505,3.03992654279318,3.39509926925998,3.01486566866928,2.69925628229054,2.63207806149663,2.74832147857553,3.07407264623944,3.0757923521789,3.20151519681051,2.74066760114434,3.09672545569146,2.96035233050984,3.09957813018542,3.36520107050945,2.94177536840794,2.53733521153041,2.90612812861921,2.90018958739059,3.31395147815972,2.8474189135454,2.93062538309761,2.87563136319442,2.80340857330016 +Rsbn1,3.72207821338963,3.56726402138064,3.80559463726086,3.67160765168331,3.54197597434375,3.55143155485952,3.55513497043102,3.75487645786898,3.82426552165852,3.58590021775575,3.55328550787278,3.58816304746439,3.2911907571422,3.26566755006254,3.3971999686746,3.22757664873869,2.98386710458788,3.19091754613311,3.11142429018605,3.42810938193054,3.19425861334639,2.98581121928512,3.06775101530557,3.02903582399056 +9530080O11Rik,-1.33486478072904,-0.931019255455946,-0.274609630971469,-0.645916875097586,-1.05885766112962,-0.344060155928946,-1.34457033637515,-0.518469416111512,-0.578807405634645,-0.377049280491278,-1.92293752692692,-0.928122462784316,0.513766763977442,-0.856044947724972,-0.352433345709921,-0.556641773438023,-1.00034706695733,0.363792550132205,-0.648624834312169,0.254583435259788,-0.324352998621312,0.0026975294875493,-0.314672484679255,-0.860234251366979 +Fam109a,2.82830882696156,2.46457443270825,2.77637181117442,2.70399539685263,2.70406643845636,2.51977214030234,2.6497473390083,2.48195796306385,2.62048724032825,2.43934679165825,2.73569418830964,2.48794640450739,2.42138807512911,2.13320297437712,2.25963189423609,2.64674592182447,2.375617675829,1.67235656483003,2.28796111362692,1.95811269376382,2.24118248239354,2.51278046834753,2.68343925356295,2.1469846402049 +Prss53,1.18215538862813,3.70352086796475,1.17319494815858,1.52390711648834,3.0037102798431,1.75061333295062,2.49963098653972,1.50787129018752,1.00268281105681,0.0910324884631588,2.32514442921437,2.25155594848495,8.81464779527341,8.82362095883503,8.87224044951243,8.43511130335811,8.27498710346103,8.60409199691098,8.81581504944571,8.99293576714937,8.86851719876477,8.5581922355223,8.34532944846321,8.48414193071589 +1810024B03Rik,-0.836153329092838,-0.3585269353649,0.343561479354034,-0.502764174915534,-0.699955261299549,-0.492460499816319,-0.734786709851133,-0.806115765211496,-0.802643794895831,0.0923025269259143,-0.696678025016619,-1.49149090720039,-0.659896374518725,-1.22203717693914,0.0072163573485368,-0.0221069947786503,-0.515252743885661,-0.423961378967346,-0.823416124132786,-0.329489104011288,-0.0420277197501979,-0.302527306629907,-1.16271376741846,-0.592970234711499 +Arf6,4.43553988136749,4.02455421027021,4.41081335439645,4.29399780399868,3.93002692042472,4.01920866962487,4.09522875103362,4.05194739597341,4.24332886634585,4.26242867929121,3.9690502627593,4.08858919749534,4.59813577243932,4.17949299007569,4.28557896901001,4.34280900754063,4.04114902289761,4.43233611622353,4.05355446062329,4.36044857316211,4.36405178932912,4.32531673396715,4.11512402833679,4.17255137979651 +1810030O07Rik,3.90133087270387,3.86010175907565,4.29482163119186,3.97098330645796,3.51713711784886,3.74923027741613,3.62051140567128,3.96661343869019,3.99540789276126,3.85540035216328,3.62543929541706,3.62144356269527,4.185361158865,3.78461636866915,4.16376507851564,3.95324535247651,3.90563647070138,4.13226741306589,3.8788062558431,4.02795903911432,4.02645775394043,3.90937800819383,3.80903008833531,4.05694915010385 +Nkrf,1.22038596595401,0.991387359575457,0.935227137925622,0.928332029988036,1.50002451396319,1.62672083454895,1.32570249449077,1.03820248537954,1.08169953243286,0.888976696156115,1.24460053933688,1.31220868605535,1.60133870446877,1.5081117443122,1.63093594062016,1.40121206035798,1.73488959006083,1.41616685573276,1.63612489512066,1.14147352630749,1.4723307972219,1.56718345021367,1.81791034970174,1.73539525137342 +A830080D01Rik,0.617335198741786,1.05055733993497,0.815548945582306,1.08142410795591,1.22204309814794,1.39780297448065,1.21822791971266,0.535205765614298,1.02783144995415,0.784320377584618,1.23874248216411,1.11775763982093,0.812391731498801,0.995572855169093,0.635712216356693,0.616928537770336,1.11972748977559,0.839447941218603,1.09533540041978,0.817455242982978,0.912439822076747,0.924527740619232,1.18883415098529,0.901905996654192 +Naa38,2.36417456201836,2.33311619257182,2.88097892007693,2.64504623042876,2.03576918253269,2.18867464327503,2.36179612872132,2.72113556689188,2.582304719746,2.69745714021414,2.06603392704849,2.44404573431593,2.2086673971207,2.22830813996414,2.39387732314419,2.03400877615013,1.6053284294315,2.13104670305544,1.8925657059741,2.44986697010766,2.41988161558672,2.17119503906604,1.75927272276074,2.07912428603075 +Hepacam2,5.84231963284322,6.13375379408705,5.99347444132076,6.06512002512987,5.79970570168937,5.78086113581589,5.73861226748466,6.24673339535498,5.93020961739903,6.0171244476888,5.93922347103772,5.99839508965004,7.39852074361135,7.4013952619507,7.6461755138397,7.69352329354683,7.19456517093898,7.2538612048298,6.90336188756161,7.76278535074952,7.50258954738006,7.72705424325224,7.16034659138265,7.21688568639555 +Rnf182,-1.95868710755741,-1.62380398661084,-1.82934926026116,-3.02886421209507,-1.71476943359036,-2.04617697638047,-1.13038864017215,-1.82207987944189,-2.6012864525033,-2.65627653844015,-1.76440200722015,-2.14219413528713,1.94670679223343,1.81609141532934,1.48774478086861,1.60188826401025,2.21806100219218,1.8232867814072,1.84755337380952,2.12647859782258,1.31336781160599,1.25768665829682,2.53121491341692,2.02218189284733 +Foxo1,2.58810879167017,2.79198481748222,2.76604094595234,2.53332425378809,3.33861749421516,3.2162375002151,2.54261449062611,3.34509931634313,2.74266274197033,2.53775907168514,3.10088873328017,2.85425883434026,3.04695499309413,3.28213210149033,3.27003664854274,3.00590441769121,3.71290928482709,3.42254401526874,3.52730213890936,3.38053389521267,2.94599030210038,3.02940181122347,3.54110839407442,3.28300725045942 +Wfikkn2,-1.35198269865074,-1.70841874438211,-0.906429910632578,-0.814995208533268,-2.56427916827662,-1.60054915739603,-2.05402832967124,-0.789633008624957,-1.37547724689087,-0.529741760548036,-2.41974906798405,-2.39307451383205,-1.46866100167398,-0.872293865076701,-0.786615532523859,0.375089396168185,-0.738939385918416,-0.591671904051826,-1.30093781053783,-0.749001865411633,-0.636281204629876,-0.562763936782268,-0.877897827078223,-0.769101059288592 +Gpr146,0.937994343106818,1.5026960282754,1.61985937816398,1.48324269747771,1.14855464061357,0.936992213248434,0.986999079477336,1.81334947490918,1.90025901574024,1.7503235286401,2.34697852237787,1.62841833718388,-0.648908517440709,0.576709139346584,0.692296110942058,0.583156238641815,-0.893611530243931,-0.23264609389491,-0.77812320311836,0.712441989167748,0.56246225287782,0.403613266111301,-0.441451110000455,-0.479035701146489 +Gm7887,3.90004395735546,3.83731600766247,3.83245770034783,3.99040938629785,3.83987953233134,3.80875614146113,4.10539560577287,4.03530685052972,3.69067835733901,3.74345374421717,3.97740692794034,3.8889568320395,4.15194302585778,4.01357455601479,4.1372786696877,3.94715333201892,4.20620250074177,4.4433815570487,4.1070706903342,4.43422540076856,4.02228645309445,4.08579950507757,4.18064394653018,4.22100238604415 +Kcnj4,-1.08863843744563,-0.411565517523252,-2.09593139739375,-0.0956207213181122,-0.647815883599797,0.486071727505273,-0.381783490260325,-0.291557914541411,-0.998804313427228,-0.180717917080546,-0.363407805971055,-0.408320040238675,-2.82743663687446,-2.16489256870753,-2.4712654293412,-0.599800625542683,-1.89850539065222,-2.06214604378085,-2.35096553138924,-2.81986795273234,-2.8730818298194,-2.47518471498203,-1.63536772469025,-1.77785180133508 +Grsf1,5.07079079136478,4.87150786123672,5.35265393072654,5.03053103755091,4.69516975151833,4.88107231047817,4.74289592909459,5.0556866707983,5.10475822002581,5.0135378571641,4.71547633400775,4.85194740745186,5.51108455764584,5.35316931357452,5.51453569714706,5.48573385655211,5.12931302889753,5.32125116529881,5.10945300302708,5.60673610858274,5.53213510003184,5.52160987062889,5.08621503015488,5.30362756361226 +Dnajc21,2.67977911968744,2.86548868044605,2.26593329484685,2.74619041227023,2.99938817501969,2.92927566919058,3.03106258089636,2.40746062226599,2.50749139487125,2.82398785929384,3.4150543164448,3.07453564509832,3.38744428126297,3.23078595941898,2.91569868108456,3.46561514911189,3.76114751685215,3.35893024308607,3.47366854429729,3.00458454252969,3.1596183360182,3.44307287268005,3.72326737260726,3.48009855372248 +Nxpe4,0.609868043534918,0.84465605748021,1.55565407092082,1.1506582866966,-0.170782251679999,1.0132797859679,1.10354642021724,0.21482115002742,1.22108716512441,1.10131233653621,-0.322496308428877,0.404325295006795,0.202471788451379,0.259015342220396,0.245098424951744,0.495786699490327,-0.965080358330679,-1.00572167873076,0.266828000115833,-1.42576707457798,-0.151581557237301,0.309715955037535,-1.54301775348059,-0.43099873134973 +Nhlrc1,1.05397906112686,0.707846127359703,0.836299985979708,0.079495364470116,0.0454126241479951,0.437625028477814,0.911845088308384,1.19310493111271,1.23473763390251,0.488800387106802,0.455728677556483,0.745143124395028,1.71725121120505,1.3592203989115,1.76779003297449,1.1491780009802,1.02855502073241,1.90959855527113,1.43392270383118,1.49030962158991,1.43703146201218,1.4427504478765,1.49306344293204,1.58672216043993 +Il20rb,-2.058093294192,-1.84465369344539,-1.36647279605496,-1.73048241719902,-1.27925520687304,-1.18948970494807,-1.42371751645066,-3.87641377610663,-1.59218802429677,-2.46565653304292,-1.06039636325568,-1.73612073265276,-1.99013042072831,-2.87382530218934,-1.63828583388881,-2.17986553810971,-2.28619955513621,-2.53136742126622,-0.91375502232361,-4.43385970049062,-2.61290927955328,-0.994088155364834,-2.4111019005626,-1.72298871970633 +Pced1b,0.468536112018658,1.40396838044882,1.40500093677351,1.07767507251739,0.908613285209286,1.25289573079712,0.921097287999061,1.20063341554085,1.03503317047257,1.2407586287493,0.589255136513963,0.885681047725244,1.35069903221512,1.70916606449253,1.49795792138718,1.35608305946822,1.83876223806772,1.16491572574869,1.84640858881662,1.34453346724447,1.59205602751724,1.87842505584837,1.66275097185606,1.29620631959815 +Osbpl1a,2.61483027704924,2.69071647919823,2.81784517170201,2.83482859131416,2.38967391935261,2.54474912137122,2.41526907167846,2.74616578792285,2.59506084911739,2.6183478956768,2.434071263129,2.53252842709836,2.50053623119723,2.69870048083782,2.50177753467043,2.36584006571598,2.03476053526764,2.37101798921558,2.38171988894896,2.59181436531928,2.40662802916818,2.48472607386747,1.79730767179559,2.3287864465671 +Pcsk9,1.03342080645258,0.960575229125288,1.21942363544229,0.570520747088591,0.307374580690637,0.573662275906839,0.90120027189148,0.548875162378049,0.738964776807876,0.536536625515343,0.0234281038070288,0.3994896280728,4.95174061866166,4.26291335325288,4.26832084911679,4.44819110521719,4.46109687718047,4.92539957078272,4.83516829552099,4.59205339898764,4.24028971840417,4.08874517626483,4.55323629506424,4.73198709849934 +Gm4895,3.03619237853921,2.68187455815356,2.93774952235058,2.94860397430144,2.87456796272345,2.63931392233351,2.45926639426916,3.15211566477837,2.93202937983841,2.76940842267769,2.75151904241161,2.70291381210144,3.99467960137921,3.49318050598236,3.67819071380588,3.74402700864477,2.94885877978715,3.31040643040972,3.04210554514404,3.6780165528507,3.59102440816402,3.53006635324152,3.14123984858398,3.09186746341025 +Crb3,3.72561268884346,3.50674510193661,3.82787369859774,3.56966283701383,3.18866774612221,3.4107049171055,3.23583396642254,3.35184617867137,3.41644856310387,3.42001819443231,3.18042438960279,3.43770230683693,4.14709837559409,3.89398490372307,3.99282611397779,3.87981797654706,3.96418239333897,4.01284240736618,4.23294840972829,4.09232729638314,4.14823704503212,3.88546407297379,4.07275385353782,4.00075980340722 +Gm1821,3.73130833513142,4.13100887752931,3.86386601339254,3.70929818769421,3.02690637942141,3.35987790956023,3.5976182271617,4.04533849610667,4.03591226687161,4.3217834860686,3.81915577393576,3.81585034094051,4.64476897586255,4.39425044750973,4.26889165934645,4.21215097097418,3.57216949480445,4.18593455445424,3.94279277477532,4.71882249170665,4.39233444903806,4.56192741696864,3.61287160457144,4.21616826314242 +Cnr1,-2.56159132558339,-2.16454852644512,-2.28371281781085,-3.61834128331362,-1.23996453105158,-3.05234878644201,-2.37217486724835,-2.94448361351581,-3.2555127314109,-2.76138099716228,-3.17149166102213,-1.91605952999806,1.15447145007373,1.37294102040996,0.981482197494812,0.918191657445458,1.13178767988608,1.124623653879,0.640405910600111,2.03399219191344,0.291086862691495,0.812004320416714,1.20931661535453,1.185824542038 +Zfp879,0.979789739952635,0.732754166525276,0.52698394044182,0.464407619327997,0.939131596101624,1.00720231222328,0.81038755244026,0.901230867250107,0.422608332209478,0.49693233259256,0.496273195332708,0.493436760779773,0.365951159606576,-0.0822623445997543,0.109320343847493,0.25696724929069,0.0955059579967905,0.444730544251142,0.0266408446331157,-0.155382841606554,-0.223319672735409,0.205006514280159,0.524998729567026,0.261294379054826 +Ubr3,4.40456002874611,4.36632105642963,4.49381737936965,4.34204755734454,4.52928335201835,4.51052327477196,4.26755567881492,4.49466065671411,4.4575872322788,4.30111235612174,4.36886268604426,4.2932528956255,4.92307158428266,4.84234265215009,5.03053622977244,4.94924435518313,4.89944055753848,4.96087045751371,4.76170743475145,4.81081666827562,4.73046308063182,4.79456248192475,4.86679455057227,4.85179100918668 +Neurog3,0.946054558985506,1.41282492531623,1.21742545911783,0.702124498781609,1.23829696779863,1.50371224016572,0.933365195523151,2.21910578925341,1.07110365738224,0.43645775655679,0.768931269016049,1.06432128216581,-0.400456262639124,0.934752214290542,1.09018038387771,-0.119736983139534,-0.102282034661831,0.219761094946012,0.208682644434309,0.493112483566204,0.28059628674423,0.853501839452917,0.129858519849583,-0.870540453448225 +Trp53i13,3.45796669492342,3.2348975535114,3.45768688089622,3.30650210309206,3.21612071505747,3.18485429484951,3.35412273477344,3.64745185350724,3.46261277060847,3.2778033281408,3.36478621506334,3.24864105586799,3.80435013484191,3.95549648597282,4.07434119512496,4.03934458658045,3.69474094795112,3.80173919330028,3.92884957932737,3.96368893385476,3.99861516753405,4.13833400179897,3.81905606079108,3.78677985299548 +Gm9790,4.43665604292447,2.55157160522929,4.10066412307647,2.87751721093474,3.57348206039936,3.33622932909915,4.04634506358504,4.19369506687026,3.91702435094152,3.53040357798704,3.27306608393313,3.62289269353266,-1.18352912515027,-0.610976835209988,-1.18352912515027,-1.18352912515027,-1.18352912515027,-1.18352912515027,-1.18352912515027,-1.18352912515027,-1.18352912515027,-1.18352912515027,-1.18352912515027,-1.18352912515027 +Alkbh2,1.59769782789114,1.67797809178145,1.8022948003018,1.42820757384912,1.59214744579293,1.64771502564014,1.65294996596602,1.5315970413363,1.73661349646836,2.44034096949413,1.49592132232961,1.88222626429205,1.20524287364146,1.40063885506514,1.82601746746476,1.43124178853288,1.77623178944558,1.12563895033795,1.7756318112258,1.28419985753639,1.6694195592347,1.63104037031736,1.79567562290034,1.79336610182525 +Phlpp1,2.41765755540221,2.17294747803498,2.34671531021647,2.06852166859175,2.4155293222879,2.56573434566321,2.38108502871298,2.33046766408546,2.27867766438995,2.09235518314736,2.37337643064419,2.36599440231743,2.160502037306,2.50038242673569,2.53834705226494,2.47176585817128,2.63949856275818,2.64692119667074,2.70416930698738,2.40181083025854,2.23200692830053,2.20948619460151,2.83867909034877,2.5315867254476 +Gm5601,3.8618068732805,3.70377355004265,3.98935545850699,3.83988338542073,3.41787735576284,3.55037796436962,3.50053801115684,3.91014070800974,3.91551293743755,3.65930106894043,3.47022674139891,3.79205141259244,4.10655504856702,3.82428298013259,3.98595411233334,4.0131841012966,3.61291126147812,3.73253208811221,3.7542004648463,4.13365683991972,3.94474101745539,3.79318928748095,3.74602276525244,3.54761917771905 +Marveld1,4.18127321824424,3.99212605505168,4.25224632808174,3.98163898639465,3.93851838505369,3.90162427483724,3.86183872476712,4.194774256582,3.98346586831943,3.98923988597543,3.96205770388027,3.88365048683412,3.36555471893852,3.56229208702739,3.5001638128071,3.58246186714192,3.72876626025496,3.49211512756716,3.29836263717683,3.64397047318981,3.47951789770676,3.8624348209541,3.56389546659714,3.46493330121808 +Mcart6,2.12616769210674,2.04092733689951,1.96036085475041,1.835865293787,1.73452147318766,1.9521671443377,1.73856740742202,2.22756787240394,2.01496863593139,1.64848713895231,1.60544427811838,1.74682449022013,0.969795389655355,0.465873995970407,0.769044505917164,0.441480659140153,0.635074743960669,0.76588406627628,0.331765156368953,0.791682449510364,0.474763567841284,0.642055087108727,0.714030751406448,0.798062881648548 +Snhg11,-0.743611061925901,0.024964728102908,-1.04411547119788,0.198872661543668,2.48969482931386,1.95589664752405,1.6507724987651,-0.911634819762542,-0.180351583284964,0.155940490785215,2.02262140664271,1.23687801599171,-0.629142900083614,-0.003702899252818,0.050924055713863,0.113942730538319,2.0084435824021,0.573508782911293,1.61861701313157,-1.02589129611322,-0.0468331588326381,0.0276170106537164,2.0269931543742,0.958621957463933 +Lacc1,-0.997310621735263,-0.594222956829859,-0.633125292249389,-0.165887473475875,0.132715998685689,-0.423271105681857,-0.0891528908434323,-0.980539714796408,-0.445759032864633,-0.943246882897184,-0.294451879309451,-0.644897350050014,0.751636136025861,1.11146660543475,0.737030816655509,1.07056937132978,1.22076077414764,1.1680869172722,1.30851957158425,0.49256087240686,1.02037952675897,1.2113523730926,1.05046999616203,1.2769664329397 +Sowaha,0.267262117678623,0.0156837913499615,0.788841523415531,0.620034942505392,0.143445359831966,-0.0105124762646516,0.254287845233404,0.810654205605922,0.577180390827533,0.386824757118972,-0.24219453554193,-0.0526372799859072,1.21623365631856,1.36172612980211,1.42852671431807,1.53279948135574,0.778364820645135,0.911364957985791,1.26390908770366,1.59622357667948,1.69729410517243,1.36251699435403,1.20566436690634,0.995453832180046 +Ccdc89,0.451235921350943,0.282771166071345,0.121167483476359,0.0446850060387127,-0.597983998593969,-0.0121398852522836,-0.0853946726437216,0.235024083851324,-0.0459990750699648,-0.0474540487246131,0.111304499476564,-0.386851079078687,-1.00957262506906,-0.168126677420402,-0.357830027550767,-0.499216024456546,-0.160083940795039,-0.477752152235294,0.193106482692866,-0.637614946660602,-0.876926358247785,-0.089641747450012,-0.660301110020957,-0.555843704445526 +Cxxc4,2.46860449868681,2.94600824436139,3.08758872370413,2.48293257679302,3.1574359926825,2.9724714983237,2.61856209488191,3.4874040505348,2.68801675817158,2.867400701236,3.03839045972998,2.96823501952349,3.32965252515013,3.24073612666169,3.76288879209145,3.4251946267601,3.49385032668979,3.37018985696904,3.24602214314489,3.56661819380595,3.47111863034962,3.5213214536208,3.25875139448689,3.31564889508798 +Slc16a13,0.610349583100353,0.530769881895051,0.541409293799651,0.877891963623742,1.24185312334541,0.849663308707649,0.947054106837714,0.803275218000183,1.00404353124031,-0.28031939997163,1.07010481467437,0.819390203074448,0.727636329955479,0.121928738226763,0.285991164395825,0.30608295314381,0.99920528589993,0.467140660815589,1.06341813934889,0.820325591141588,0.564813498647071,0.892840275087684,0.32727323847911,0.193012547699163 +Gm13080,2.46232614684722,1.24214338725451,1.65578244322959,2.13530726767632,1.38836847664075,1.69407497295783,1.82395616678826,2.06297484577788,2.21884036599551,1.85296280531131,1.83279949957235,1.86462126881259,3.35559287479423,2.44070209848914,2.12575545279531,2.18242443224886,2.18626093933172,3.10168087022493,2.08315176235045,2.29271856414656,2.49251479541136,2.62498873122011,2.30985484092415,2.48638755690178 +Tigd3,-1.18706334104286,-1.22439827028574,-0.918849202560688,-0.738008943849928,-0.624797266997067,-1.63687063383206,-0.289753445248713,-0.705877341999242,-0.975785696824498,-1.15339987983839,-0.992778240705596,-0.962879595045211,-2.02715682391384,-1.30058621212878,-1.13045078392336,-1.00886711752996,-0.658587525566499,-1.53889394791712,-0.80071042793187,-1.73963775309661,-2.43185594229081,-1.45758639058923,-1.83617691523039,-1.75483318473235 +Dsg2,2.1321373367632,2.08991294635074,2.12426610656578,1.70404598943251,2.32658122819103,2.49319528695353,1.88115299400619,2.80984224003218,1.90319739199237,1.8211868499336,2.16872967218115,2.04856987009096,2.18625550452764,2.36364150269289,2.18043653247952,1.95394129367889,2.64349243449584,2.5735927066755,2.60972700954451,2.599044743341,1.96312944990166,1.86796266458967,2.56348052381028,2.35710666941105 +Sptssa,5.47871022418772,4.98773815125029,5.66708747779388,5.31918460097185,4.73868559016758,4.89174963287562,4.8010532370866,5.40939840726453,5.26833429550434,5.31430754440857,4.866528661953,5.19284416165011,5.88516161921412,5.46725062764716,5.91109743560048,5.42707409968685,5.25333247119756,5.7131003575045,4.90113475060446,5.992566158946,5.77680585324352,5.52558036264517,5.09230496251716,5.34107089962274 +Gm9493,3.87780781395541,3.54611345255406,3.92824081953091,3.71858116933126,2.71972376033838,3.94662579063268,3.1450503145905,3.0739655125567,3.28313666337766,3.90890095977018,3.75744933817717,3.49173930663635,2.52259787129772,2.47909759876006,2.90566711982266,2.98889688846395,1.57140511148736,2.90986424005333,2.27309564963728,2.28669466727888,3.17315999452675,2.40667510755108,2.91528818530298,2.61252081702112 +Camsap3,2.32625401786633,2.67074925591417,2.09930260126715,2.51499854666824,2.52784799791731,2.57517362204993,2.55387359768633,2.41851531323017,2.4469448900821,2.06546284241798,2.3381411812457,2.3912056610906,2.12435583827489,2.17090824392097,2.01761649042552,2.23465453153544,2.12311434107162,2.12961666395062,2.65533740770648,1.82693725354405,1.94428806182769,1.99405160784594,2.48604763569895,2.11529517831915 +Gm9791,1.18131279633395,0.971522864127638,1.40350275286292,1.04750053887393,0.995506097383399,0.783779640138651,0.93995503469099,1.25955097531019,1.95170277094656,0.63629308220804,0.851508513190794,0.882712712585283,2.13473253799367,0.755429998441187,0.660214045311903,0.678069484981059,1.45308868088205,1.52751083623006,1.27972789188276,1.41033329226757,1.96238086054652,1.59051986242837,1.36174019020892,1.46939695181271 +N6amt1,0.458492401991042,0.140685361993033,0.34424644410377,0.249276879278575,0.825515420906463,0.850509053045465,0.688570712513747,0.261443192456269,0.300754864881283,0.534479802090609,0.717279192444554,0.218092770998467,1.01523484503509,0.984564633352088,0.815373535463944,1.32372909802158,1.45259680153914,1.05782258075417,1.19105208811448,0.744479231508472,1.09552242805478,1.21934607105832,1.34602963304897,1.31909052175064 +Dock5,0.791515687239225,0.70802450945102,0.554327183368679,0.526304850773416,1.24736308315378,1.22517995574123,1.17756672306756,0.603812540480941,0.408642425370081,0.249601304920102,1.22925542838283,1.11301543232132,-0.562209566592776,0.102582083175396,-0.554428154270854,-0.301311108496581,0.195096402468229,-0.453172562637598,-0.0249336050464701,-0.334569500609392,-0.483563997751784,-0.466557042873948,0.365029431060583,-0.158102524810229 +Zfp507,2.7733277296302,3.0964407485724,2.84957275650255,2.79501638841498,2.92304206999267,2.93354344384414,2.88887479528745,2.86285616205162,2.78295082451661,2.76408223548224,2.85834610828657,2.93991962855048,2.46851765133666,2.8860910063182,2.35040779798953,2.77943264146095,2.90891056742899,2.70956153149957,2.82288768920196,2.47159761247198,2.46355167937441,2.75929505977238,2.81875133154205,2.82838017683154 +Ffar1,3.4661543171265,3.71074478192988,3.79206428917342,2.53370808147086,2.81346399350905,3.0673189507154,3.29085815464045,3.7141856780765,3.45139009522214,2.44533762670448,2.58038118111257,3.10310339953726,5.74964620735308,5.83318422015763,5.45158481603168,5.46674292994305,5.68203313276998,5.80245857424246,5.87389428589535,6.01227966816402,5.19699435959563,5.30729908707834,5.87393524472632,5.68984308634202 +Shisa2,0.46945449807579,0.716330262001832,0.344313154975409,-0.0673499336018151,0.409554162439969,0.152157518189197,0.344171532701441,0.991821853868953,0.644929127488193,0.267520333946714,-0.168354012909789,0.034650415489472,2.89025970019873,2.52625956019667,3.02762031949048,2.7384304711918,2.66493445990927,2.59990118771911,2.2676517898028,3.03907267543574,2.89964511245682,3.17394771771591,2.57817804649298,2.41938786062722 +Fam160a2,2.49420803477558,2.62717355389139,2.4636889803484,2.44318456226499,2.77507440732733,2.68174660993356,2.62317817005135,2.87103175483897,2.55647805640199,2.26856098258111,2.71962972945712,2.55734156278751,2.21942913442855,2.49311838053159,2.34535367874331,2.15570709333617,2.46581080001374,2.2954194012783,2.44580730533716,2.28039531680644,2.3445001002164,2.4090045678174,2.38922877281166,2.3405043357828 +Fam46c,5.25350502675992,5.07810542809983,5.22482712955342,5.18170064397944,5.07180769816029,5.24568483800253,4.98319706620008,5.30941896050306,5.1844142821119,4.947981455665,5.04530657043105,5.11619883214052,5.21310856533202,4.98094603535119,5.1134634268295,5.07141333064948,5.00815398617367,5.22594375852351,4.95362019029326,5.19082989976084,5.22127355685857,5.16305305060534,4.9441295304715,4.98750899594438 +Tnfaip8l1,-0.589718863918752,-1.2597506515045,-0.846111595529421,-0.90838883889238,-1.52261657100186,-0.807819065801187,-0.601623938144017,-0.516418076632604,-0.613395671063728,-1.06217708608328,-1.56869325797731,-1.01948299705723,-0.782802372430621,-2.63042170201352,-1.45252728725586,-2.43756933937845,-0.828967420608951,-1.51203267831401,-0.724270983371698,-2.52330236080096,-2.01411051406312,-1.81983578820199,-0.678609668433895,-0.574152262858464 +AB041803,2.43806010259121,3.18062777591686,2.66933011233388,3.08529401514616,4.08875449689779,3.9285396450007,3.87491224763742,3.24502087575074,2.88242178362183,3.32723215968467,4.10006884933678,3.23396988909121,2.18998726973901,2.82240437515865,2.7504139834195,2.80198572947952,3.95784654209886,3.13177124128388,4.00528458853165,2.40122702884312,3.04157839766341,2.84955208127298,4.28559334960435,3.68582272884823 +Ascc1,3.25679571409297,3.12226221373558,3.19557469735863,3.01004836927986,2.83856024774116,3.28266612656569,2.84574524403967,3.15282636003722,3.14988580990905,2.9915160902685,3.00252535638192,3.18405637532494,3.69342645985223,3.83429545444073,3.95928126070764,3.35904407455533,3.33884050652113,3.4894815287804,3.66750724224801,4.08572609187887,3.92320606371696,3.7109398272795,3.37343305326647,3.13100820089854 +Zfand3,4.96551150569794,4.65640544541526,4.86694616336152,4.643698055861,4.59803807988879,4.69227625426179,4.67516105120147,4.9304623677208,4.80440925944606,4.7518207678018,4.78163417776487,4.73017889170087,4.65885663420964,4.56913831962018,4.64265488550692,4.71164089887476,4.59331168707778,4.64676290122737,4.52435169859063,4.82130533062992,4.62771909770949,4.77074086034667,4.60782744261797,4.54520521806306 +2510039O18Rik,4.44871178226712,4.34490310955528,4.42047733398223,4.43817214464781,4.04778115659646,4.20478928234036,4.19305503009894,4.3906637606051,4.26128826595778,4.37556903621406,4.27242010441346,4.17986192372859,4.87670289802681,4.74975496240974,4.8845227177457,4.82161600998341,4.53342243508184,4.79806798912109,4.66919922977798,4.83015970540421,4.73753733688322,4.80600956682024,4.63929721725398,4.6029628799789 +Zfp758,2.93219192589916,2.90066498528626,2.99404787885007,2.99032330761133,2.71067735975805,2.56209776310356,2.8278276629871,2.8469384031754,2.83641100742113,2.66791905962547,2.54654736788439,2.9883256271325,2.98376526054136,2.8363235443521,2.58396140543565,2.77596374572085,2.41288314250076,2.7120125441936,2.35859724023987,3.08834549700977,2.73604641186949,2.73824121434001,2.00284050464325,2.51798608336424 +Bod1,4.85227374847924,4.51754049395385,4.7593472599772,4.57974405266799,4.4718438504082,4.40124024735115,4.59949684792461,4.80621554289779,4.76464549176578,4.61373777347784,4.39001273955741,4.75609117473839,4.99631224634974,4.78786399460259,4.71825808983175,4.68391101338261,4.64436749785798,4.99488483082323,4.82199144277722,4.83390377573987,4.81681350879331,4.67132720933717,4.69297052976335,4.78132916132075 +Lingo4,-0.46494428488375,-0.443636072995025,-1.46167513831859,-1.43294611559701,-0.516948040158208,-0.186670852395537,0.0090587237638051,-1.49182077983086,-2.27178091605587,-1.67774062887245,-0.853866327738202,-0.139339951456633,-0.630256693171627,-1.67359517995098,-2.06809083004502,-1.97333550259223,-0.609847042359203,-0.647867158096455,0.0667567068191712,-1.92204146635401,-3.63600665104828,-2.24352982842085,-1.03047156988585,0.237288818253283 +Tram1l1,1.66322911383236,1.24035595950523,1.80815299993053,1.48358322541021,1.16602599195741,1.20952644990703,0.982687022620035,1.79563603649869,1.45956132864099,1.48858115158243,0.942027570601055,1.4481265710575,0.48422004763809,0.579332390059759,0.379490025967494,-0.420326099167857,-0.370116423246909,-0.310465342195232,-0.232563529087276,0.28808677962055,0.146775908315111,-0.363862896683065,-0.681232910849868,0.324707010320477 +Rps2,6.13591272063491,6.02116088973905,6.58428321907342,6.40324286007044,6.02451710932903,5.95942625742852,5.89908960998618,6.28347219117723,6.39025899795835,6.19551833261265,5.99208082705147,6.04509802167725,5.94817116265261,5.79072428322302,5.80750055408242,5.65184285929525,5.46804423720644,5.88685199030672,5.60081966381829,6.00557009956337,6.01582332947153,5.61563114105134,5.38893116293673,5.32858963542074 +Dact1,2.75045678861724,3.00101943117968,2.71050205595111,3.14942495863189,3.12718692027549,2.93297648800464,3.04544904517607,2.74721482739929,2.99406123638671,3.01610450003595,2.92084895836534,2.80911243369698,2.63841445350813,2.62096646125214,1.95230666165782,2.86180262761267,3.11680493475974,3.05779240847428,3.24857461142186,2.58421495270228,2.62282718201799,2.50044423196251,3.39421160644991,2.77091756305151 +Tceal3,2.98534330675579,2.79992222421693,2.81335542826821,3.01513887302823,2.79594788540183,2.7857315138237,2.9634513920159,2.62981250842503,2.74198217005358,3.05552220685465,3.2479685936446,2.91338940652355,3.17159265066297,3.12822057355561,2.98361298209544,3.59153114925236,3.36128727590441,3.23771907350892,3.22929381868569,2.85319128333226,3.29071901888784,3.60142447056079,3.4237054431068,3.45728632761531 +Rasip1,-1.47061727463995,-0.952199047365841,-0.0579341044236907,-1.17107997631526,-2.0419254470456,-1.83460992065545,-1.33363797393262,-0.325702864456249,-1.02967324727413,-0.755054773712862,-2.37318646320988,-1.8239762022898,-3.33893728725694,-1.64103465861418,-1.96807116946741,-2.16226516503563,-2.85035987432451,-3.01400052745314,-2.6819435716005,-1.81476803031805,-2.40198740514556,-1.97450967490329,-3.40104764287099,-2.72970628500737 +Cage1,-0.082504136774054,0.287559265710069,0.489853697157815,0.014490861481105,0.004793049962823,0.21236750713856,0.350823486579925,0.379839283080468,-0.164402056064404,0.278225155462372,0.0305782070473892,-0.0768524255616847,-1.15519630275414,-0.715643750293964,-0.159469443572011,-0.422930376755414,-1.17230621161555,-1.02689108394631,-0.476162263603837,-0.795475041782812,-0.0286787890332461,-1.03487503006923,-0.510299250041617,-0.877733415655878 +Acp1,2.52514534575139,2.10584674460655,2.11420528079182,2.07424090294723,1.4032683002052,1.91295185917229,1.62986335847796,1.72637910907836,1.96769241427003,1.9315591278501,1.93804834898129,1.87966295264592,1.60643645048335,1.73437716153511,2.02499259506939,2.0434561446588,1.47759587181943,1.86165565709602,1.53982913865347,1.84775655148368,1.94705882870838,2.01722304501441,1.88773649131285,1.77053611406762 +Dnd1,-1.1438647387769,-0.501601564081839,-0.0378322403474227,-1.24180954181875,-0.913563794458398,-0.827693701276137,-0.414147558822055,-1.0021029614587,-1.1660402273419,-0.860682825838469,-1.06975732686749,-0.65714740542137,-2.99467255078913,-2.3321284826222,-2.31794928916979,-1.81879586489712,-0.848842056083901,-1.72914847843452,-1.46466032170918,-2.54317699627591,-1.29449428024613,-2.06106939266465,-1.14740013946303,-0.411194420250032 +9130011J15Rik,5.36383983095471,5.15861217168957,5.58892905816806,5.21253242368222,4.77931486586881,4.93552408624757,4.95303193954368,5.42348614285265,5.45195899620353,5.26361538956041,4.9472751382479,5.05640914662561,5.74693394966389,5.18704108159758,5.73110695312235,5.31404394530624,5.001775127982,5.52386800435007,4.93220744319218,5.61539811387334,5.55088019363354,5.35963487952983,4.96408564230668,5.13996535699495 +Gm9294,4.15792677855077,3.33753558039055,4.43458726812902,4.08051401681735,3.69240677875564,3.79128962798092,3.6654429151478,4.24944941953259,4.24326763390661,4.23679069257742,3.56789982308638,3.7909957149916,3.25091523070624,2.93864978463261,3.8194821087535,3.27251999505223,2.92452648073247,3.54657053999461,2.26910318595386,3.46470480128708,3.56347305781662,3.34621239008715,2.647939179821,2.61035458867496 +Zbtb39,1.50790996596532,1.75566256813782,1.48235820139772,1.46109506990038,2.24342879892114,1.99936350527065,1.71348356465626,2.02754423650632,1.35023330661598,1.46755606173204,2.04221914940091,1.51678445258831,1.385315668579,1.80424862035876,1.44539766829881,1.56210449534692,2.5299938874883,1.98493684513934,2.33903158062999,1.45547740603993,1.45176113951649,1.55306301442683,2.38214455912064,1.82236301335296 +Swi5,5.76935926505835,5.04384880706507,5.41198591163383,5.44153430249546,5.16239830851741,5.20291318332614,5.30241363427046,5.44207163508554,5.38981459714412,5.43649087134169,5.26389763730289,5.36730493023282,5.76896748375188,5.39130805619829,5.55930898495833,5.42620370049708,5.20355399583768,5.59320761248147,5.24584556388437,5.6616883191804,5.60121148294536,5.47277625205959,5.35464955593661,5.53987967658051 +Rnf208,2.00903097983618,1.98777514636546,2.17283947648344,2.18402904616387,1.83819327724936,2.09414756925951,1.83714372644172,2.15848717016232,1.87895628032227,1.99930090365002,2.12939637458417,1.7067123981245,1.64874658264861,1.49558105338694,1.79519885373787,1.09590162930109,1.26329251361739,0.954859799430203,1.08188723103517,1.24242632021363,1.40401775508788,1.74104537713552,1.25238943245453,1.06012503843763 +Cnrip1,1.66228715928781,1.51847044795809,1.71310072156933,1.7781175180714,1.73394681723616,1.61087403736258,1.5921095469766,1.98896140906256,1.95865683108255,1.66168772586774,1.91721897599862,1.71028733871687,1.12452966501844,1.02710130955369,1.08349925096977,1.40326934537219,0.799435896091726,0.695620570607288,1.0986924605296,0.734739351444789,1.25602920610502,1.00870310977922,0.754353891072638,1.1236628202323 +Csrnp2,1.6278797599759,1.38258615925454,1.31296734918286,1.37153323744461,1.19166216065515,1.14454227660029,1.64191328144238,1.00344727920358,1.45583671265066,1.07579239187293,1.1044564539105,0.808292742082796,0.869743744899362,1.18641484326989,0.865847903626296,1.20128035234248,1.02524549602893,1.06209108896544,1.42301489145578,1.25390945282551,1.39385987337083,1.20200146964563,0.980931324582505,1.1666201376161 +Pard6b,1.688785563657,1.69749732157507,1.96030829281235,1.93384803095485,1.6894261041003,1.70246203505406,1.37854568557964,1.83500955833224,2.16463828748805,1.3864327840992,1.50580272790994,1.71269249207974,1.94068463215932,1.75541523120239,1.98920526380524,1.99218376678173,1.85646535985127,1.94545063825663,2.25918913311661,2.13037267093042,1.95828428343389,2.02206569415268,1.73610792796181,2.09800790563493 +Gm7334,4.27694142639154,4.16586314696635,4.02349096739981,4.39364354848499,4.37599108369244,4.20651346854701,4.14215547710889,3.99231034502769,4.30282939087825,4.64877153653189,4.79634674531876,4.50174161481032,3.55746010878387,3.66194266400628,3.5165665606381,3.87394826159237,3.67865513541711,3.59588777496804,3.25979533857041,3.51851094489624,3.56672655683696,3.62905135339383,3.82910067352357,3.68714733954479 +Zbtb7c,2.10435559228475,2.569299396074,2.35582511102627,2.23289780489506,2.49765135575877,2.43202665224225,2.24959415593878,2.79717786267826,2.52630520610479,2.02734925184191,2.76413848200539,2.22361249872541,-0.373215832088788,0.769784368526218,0.593126879145709,0.172637337403017,0.346563674354271,-0.0851236364657639,0.563297362352434,0.421253746827548,0.322313376570076,0.353385059603964,0.308946115498877,0.630148592095054 +Csrnp3,-3.32841866254153,-3.07074370247831,-2.24793369554072,-3.77197037810398,-2.90949959121279,-3.47011365893534,-4.47062383938155,-3.02766662055365,-3.70486090864104,-2.99037378865442,-3.03040784192216,-4.20324485694919,-5.19673867515853,-5.29271629514768,-3.96312527209997,-5.0998639325126,-4.7081612622261,-6.27406071531813,-6.27406071531813,-5.18559695393511,-5.26453043046742,-5.69627583827237,-5.25884903077258,-5.19720505092205 +D3Bwg0562e,-0.177857826527465,-0.022056204905577,-0.479306165229003,-0.780319991527029,0.192623834588521,-0.0308717671128913,-0.327762439137929,0.163827930109771,-0.241801961530684,-0.283895417190212,-0.40234082745559,0.136834416083913,2.74103405011132,2.69344789914175,2.62542613022893,2.43001336986339,2.61685597794655,2.1958475408736,2.52835434880436,2.81338057939085,2.67373461050266,2.86631704638858,2.23403610824496,2.45195200175089 +Fzd1,0.932250428407144,0.737823795438755,1.02729180373991,0.720636261840939,0.616981841048589,0.948364541652334,0.933003477220173,1.25953996358967,1.19809401376863,0.597269103044703,0.670361511992682,0.953270275374769,-1.10719932372978,-1.00138268158421,-0.416172282147081,-0.323570987106297,-0.70996050993825,-1.12455513862024,-0.970589189198884,0.0657046516339106,-1.22575637928056,-0.301703283972105,-1.00372284502284,-0.894434227039146 +Zfp612,3.73580759706191,4.00914344854736,3.45938425279863,4.0038123326869,4.41956920020441,4.17748615837494,4.35046232073927,3.7700000474279,3.94677445731722,3.99559790766675,4.48738029915006,4.19592800322891,3.59519768394702,3.97457789477615,3.46485356488352,4.33625635602058,4.46610138750363,3.8531334498932,4.29545560585303,3.43282465878292,3.97349864205123,4.18631400715168,4.3662508869498,4.08796647938665 +Tmem201,1.46774399460065,1.64534440461118,1.45467177886079,1.55916247165681,1.84930249213969,1.800146632237,1.71856167061011,1.62288931619093,1.48770587923597,1.58516674426246,1.7687503888552,1.48945167355225,0.703072845600419,0.771502856127265,0.464130926464565,0.756712953733953,1.04173637786803,0.816925339316378,0.832945595659868,0.786735962325088,0.518744410481755,0.7600847866078,0.975200710447017,0.733952836710418 +Palb2,-1.88483780299588,-1.27417420853008,-1.66852849662379,-1.59857997925551,-1.35907655791328,-1.26668696440516,-1.82426370777718,-2.17137617611883,-1.76718050065282,-1.48608610336321,-1.30432978986055,-1.50038570779836,-3.49265565803342,-2.13166039245874,-2.74764622633299,-2.6528908988802,-1.9319573406541,-2.33898610346783,-2.01938992244883,-2.44590685860449,-2.30607354928688,-3.91766493249888,-2.29665813461934,-1.68643872385221 +Gemin7,3.79391617519187,3.31407600669912,3.91245828520415,3.81673102452673,3.34987954837177,3.55509589223786,3.64597119570164,3.74648774961587,3.92057228322827,3.98193854335948,3.44192159579641,3.77208545265103,4.35510807553831,3.91708937441484,4.41411300848617,4.08337892885915,3.82081615189805,4.12015211624561,3.9386024996202,4.45888521339825,4.04300137533852,3.99127934380795,3.80691898804048,3.85632009070093 +Slc38a6,-0.980140830014325,-0.260531014064163,-2.08338064290683,-0.69241682169667,-0.564726021994507,-0.348307500056479,-0.17394117546691,-0.975622524817034,-0.486184847599702,-0.838852206732494,-0.836137876368133,-0.401992052895682,-0.045838790999456,0.299671957088857,-0.0313605873297735,0.444024603974424,0.391581434350106,-0.440009825779149,0.416013679717155,-0.0886762677646504,0.369316045201301,0.226936462966966,0.528176229458858,0.199692379795216 +4933433P14Rik,2.34849154605212,2.21498941472701,2.6337704982418,2.37395289771643,2.31967847602657,2.24912635546162,2.25820568661016,2.21192626836348,2.18219350707459,2.53292707340187,2.06903847139122,2.16806353176294,3.25764208369627,3.02316348611151,3.21801994875254,2.84029787215045,2.51228022197492,3.10974760928356,2.77408755785021,3.18147748263035,3.31372780830303,2.82363349080535,2.68736651846198,2.82954862485727 +Dok7,-3.93649998202764,-3.50607403408158,-4.44138622714152,-3.55527152100163,-2.92537922518923,-3.44337317037073,-3.02977643591766,-3.88394030275753,-3.57549358565251,-3.46250605937962,-2.96445683668883,-3.50431266156673,0.682053430822452,0.788832691734592,1.13011020380122,0.760841595847578,0.720542135096582,1.00889874896179,0.353704820927614,1.11888444910819,0.599398772920878,1.18126508032944,0.675460130077493,0.854169990218115 +BC030476,1.97288979663069,1.81517796952238,1.98875195055931,1.91217852036076,2.56286947018062,2.16750980045218,1.69758734540791,1.49807563272446,1.63839985024128,1.80791368628357,2.04808563749304,1.78781705026201,0.485698288486191,-0.120634500777923,-0.16301222816054,0.951997305652423,0.822112599536314,0.467621384205398,0.0495316845873714,-0.286316440399384,-0.200428832781153,0.227897354234415,0.418445909789029,-1.32217272561485 +9930104L06Rik,1.32978998091683,1.75882316564184,1.30769418708586,1.6816168118641,1.71692039106535,1.6351084315805,1.77793384715412,1.20156947556631,1.49113840087063,1.68298148799845,1.81807194667758,1.67889234333844,0.93239741813635,1.15167300887417,0.64956917532242,1.0331386899273,1.85472871607685,0.956686056875277,1.85537776050778,0.409730722310551,1.44076422513244,1.07645289074266,1.64458068322425,1.33629684189409 +1700001G17Rik,0.934110593731667,0.428707850550298,0.994904738054818,0.719489974340651,0.748303894781121,-0.355982563185468,0.316124790453716,-1.20197236603495,0.408701650182158,0.802336732241344,0.401385274296507,-0.443901676619148,-0.243911064922124,-0.0196981414821843,0.827474323482553,0.0934960058859815,-0.594598703402896,0.112724927413178,-0.426182400678887,0.144790042124195,0.314495858145997,0.990206585304352,0.0330206708734447,-0.244562783231091 +Defb1,4.10784049729501,3.83503909245706,3.52613424028114,2.53783056488565,2.94386481787872,3.70264527099951,3.20297316082722,3.83011219877294,3.24675342351622,2.74922444408188,2.63077903381651,3.89913365927948,6.97103492573095,7.04662364162207,6.75910129976679,6.13328732597617,5.55582685994139,6.35748587953278,6.02840236324795,7.57479595872522,6.60668740451032,6.2492394562835,5.72119276592888,6.54978587925668 +Gm12231,3.52895537487412,2.79110611651067,3.40811294825762,3.50124860664363,3.01648976347607,3.06655096647214,2.96985408446311,3.10436061343515,3.56005242952018,3.37001439869852,3.2695880967058,2.94615269110004,3.91117338857367,3.53623462737315,3.82244660616869,3.39014726520774,3.51055190120127,3.80003639099348,3.23307890146925,3.75781220143106,3.81147758036994,3.37126338372479,3.47840299745799,3.11559115376611 +Trmt10c,3.11963833600285,2.69089679768408,3.20498640845615,3.04793101496729,2.59289174267575,2.77967873444885,2.7727552499019,2.41377438812471,3.22856553287454,2.95821218170141,2.31775767513015,2.84453793292031,3.45189618497384,3.04995784402034,3.37213646346594,3.27644502509773,2.86764580137749,3.08548454571221,2.90629699361518,3.27879395585165,3.41748155836689,3.18202866531131,2.93210904248314,2.78145934870397 +D1Ertd622e,2.21154702938324,1.79524689608073,2.07851375664519,1.71133809529151,1.77231778011822,1.92183915897714,1.7749258602001,2.01036928375403,1.92508631273261,1.69405788107569,1.72290453850593,1.83782623803048,3.36562493257828,3.14154326809231,3.18169286409455,3.26811691493222,3.01576864763036,3.30550641603546,3.05635391255839,3.44603942076066,3.38419600128723,3.28046487592169,2.96566992144464,3.25558727553545 +Scml4,1.89103107935345,1.99207102578293,1.84741316530008,1.72465047215349,1.91593558960923,2.22813076172937,2.01451699890621,1.90463639246538,1.83515795989249,1.61263051769081,1.69495148215588,1.92309301995897,1.44562596069099,1.66302083262985,1.7414925836517,1.83623136645332,1.68295504292665,1.65866237081364,1.5851593887317,1.45164678985008,1.84746973484874,1.84747277445946,1.65571229995634,1.58574598269158 +Hjurp,2.73960653618419,3.21453397087816,2.50515977025221,3.19487022952148,3.15864837027828,2.98976245168814,3.15927492736611,2.65357389540002,2.57758110755726,3.28248053521331,3.13466055752252,3.04418205485138,2.2298644283992,2.61146389096273,1.8793153889216,2.33005325791482,2.70632938125023,2.17849723871587,2.74916980803346,1.76188557972229,2.21371104591681,2.75820508112555,2.5644396633915,2.83531465275369 +Zfp36,5.62872933359696,5.80184311385978,4.14475931840372,5.309950534564,5.36853115191992,5.47604615793179,5.73478882979816,4.74384099528148,6.92254516374807,5.80439510466364,5.60223042489745,5.33396279656344,3.5236580008536,3.67266801030819,2.35341108076913,3.25169406802044,3.17806044464006,2.90380450851261,3.67182563561289,2.94354010217128,4.18658990190235,3.36056722340959,3.21062873456731,3.04279493796907 +Fads6,2.28767093986495,2.79784312729141,2.8265108197271,2.76864973407993,2.83920608401383,2.61830282946096,2.55614375955665,2.5955908330909,2.49122549862502,2.59694303877738,2.59184782784661,2.56763151264385,2.83927973495197,3.09356778366643,2.8421707150685,3.13985462810993,3.37979980845944,3.07178132956499,3.31971495158602,2.8733325109806,2.93752959938622,3.2071917952978,3.24763753764673,3.21630195623733 +Setd2,3.95592315286322,4.1662290948959,3.94265935893239,3.98262615103898,4.42601632930943,4.4430168748977,4.16089780670818,4.09889016620613,3.98327993859207,4.01247261665045,4.2958741951954,4.21588386255611,3.5839549724147,3.69654874836869,3.6057585501761,3.67355704918659,3.86538797956491,3.70565984281349,3.86144856884139,3.49486208347128,3.60446177853343,3.69835616198188,3.84412242700648,3.85740536754654 +Isca1,3.43914206801653,3.02496251010541,3.5776423101536,3.31576617683402,3.24141401827378,3.26564538730021,3.08805343261975,3.28421185234169,3.47652698155563,3.1398029135401,3.09496990377758,3.11756422345674,4.11484285762364,3.47529455257595,3.87992358527742,3.5138804790412,3.49839313913387,3.93382053626768,3.61710386320683,3.89936902124326,3.81224905988595,3.50257129329786,3.70543360983053,3.63881717249896 +9330133O14Rik,2.84527680665867,3.1729918019011,3.39427469194903,3.06904940996636,2.55402086352565,2.78145192722751,2.64791247607428,3.3372230734135,3.27333367206236,3.2761159628687,2.91722850882439,2.94492699034246,3.0614574756392,2.90337052246133,3.05849220707168,3.26629107652987,2.93037824936341,3.09767935622026,2.60209658948384,2.94460294682823,3.08245050088522,3.22431743037164,3.05076391883131,2.7706633463498 +Cyb5d1,2.55140897514735,2.38113950831348,2.60105851802363,2.29376019224484,2.13949018719968,2.16160021176538,2.052225777359,2.48831750891793,2.47406145124176,2.27206737956027,2.00495027379967,2.48816780146566,2.42507179802728,1.96400694037034,2.31763429857418,2.13340819082392,2.21347101106657,2.35103657906458,2.14544715474164,2.40907383500969,2.25993208096544,2.41059828118319,2.54023199168138,2.57837114429591 +Zfp354c,2.10082285366616,1.98289576971847,1.85224758226459,1.64020072605372,1.82526181513535,1.64211390168156,1.83642556384682,1.93494708806306,1.81140061662524,1.89339201836045,1.66309091710887,1.88461118798493,0.809549148701407,0.62526825900432,0.88216451098587,0.742913888795457,0.880927331542686,0.897838191552457,0.496274290605712,0.408699120521234,0.900755520773099,0.819476134366159,0.691594098306446,0.675622774415766 +Shb,2.53606719951055,2.12187043201706,2.29182790633339,2.27321569885767,2.48519915558648,2.64778300141847,2.69777424203221,2.01757499816919,2.33116735447224,2.34799155395422,2.64338585504365,2.33473577298148,2.53090731413876,2.87636145800441,2.22992552066357,2.83457092020206,3.05188399378651,2.55258107900109,3.24577881382377,2.3482323835902,2.6841531149194,2.8100310548346,3.10022627449517,3.11828240445732 +D630023F18Rik,-1.07888566501043,-0.894488524209945,-0.786171153149716,-1.63469650194686,-2.1023390889905,-1.02800666633371,-2.22109084185045,-2.08719488251592,-1.02615726666678,-1.7365413704839,-1.69885284280895,-2.30793123791125,-1.58079843802472,-1.47079323276487,-1.57633955983789,-2.8503309349815,-1.24172901621201,-1.75130463387892,-2.29021196197099,-2.93606395640401,-1.4237162058128,-1.342378325372,-2.00176991785901,-1.4413814803628 +Ankrd45,-1.92920623905161,-1.21225541382309,-0.792334284355514,-0.647177634188082,-0.955491264770793,-0.72771216845032,-0.784775719109697,-1.01068219594743,-1.42708893097529,-0.522324571446587,-1.73492113871434,-0.840632313752575,-1.14513659251303,-0.574187810415166,-1.61001912594572,-2.65495375868108,-2.20499286270348,-1.91030604124216,-1.18684218426077,-2.48178065110536,-1.16689221543625,-0.954949172102506,-2.8433661614606,-1.355327184978 +Lsm11,1.33310517087844,1.28537801287812,1.38202090299616,1.30621237107791,0.974742881985493,1.09444570186203,1.07592316181143,1.30007299930588,1.12961477128386,0.906740326789643,0.985428476414147,1.230869975655,-0.481077652928151,-0.472674421138774,-0.57266765233232,-0.609426775555969,-0.435055939713392,-0.678581204025021,-0.382593812650616,-0.157770752734923,-0.904178720615008,-0.580199934104926,-0.893545619822169,-0.865813955133865 +1700056E22Rik,1.83759828204572,1.77151869470257,2.00775071563263,1.74804769084933,1.49640416817814,1.43820717132293,2.07409234790622,1.77755781772462,1.87854866212854,1.45488434564362,1.88782553619332,1.52113488142806,1.41069878897228,1.65182187730389,1.37474978507824,0.979297870438142,0.831452569999758,1.56405100910565,0.969005464159391,1.08959200233584,1.51200556698395,1.47427197005984,1.03619604536227,0.724615214089829 +Lemd2,3.1635404432292,3.46906892430397,3.12749582418787,3.37258191035732,3.26242615679662,3.22067528893626,3.56784987524604,2.91024947653944,3.0988822051909,3.25841172407034,3.37202784863002,3.30766293189476,3.30172167402508,3.58797197839508,3.17496884533624,3.43035557165324,3.65999301522294,3.26756950099203,3.78273686597463,3.17312371317027,3.42996174461675,3.42344405044994,3.66359136135183,3.58503094634708 +Ankrd50,2.50129649130305,2.55310295871146,2.6930418010753,2.61107026233601,2.75257897947355,2.93074275808968,2.80114783818266,2.78214391396648,2.66443802884491,2.70058350608907,2.63642476226398,2.69166489074516,1.7083848762869,2.11199530995429,1.87934584867847,2.35684976007427,2.16124485004012,1.9317673691138,2.16287942211327,1.96231117485557,1.77660570267236,2.12409360353214,2.22352394948536,2.2947073071748 +Zfp444,3.18434289787442,3.29854390459275,3.31986207444016,3.32136778651322,3.20302866111262,3.19113603025416,3.19708175853771,3.29616838026357,2.98917816757462,3.40680502214143,3.13872859688559,3.45376372758281,2.43105876692535,2.48520363835762,1.91671253376301,2.36961824786413,2.55000263879918,2.57932619879895,2.7027674588597,2.56561537044003,2.4976863167472,2.54317950559229,2.71434959459985,2.52813808866763 +Chchd8,2.55057152607473,2.10775298385384,2.75738637854679,2.0470925515155,2.38311576717802,2.39054057203973,2.18839230296584,2.79994294149409,2.19317558900502,2.51234254974165,1.96784503162509,2.52538996712331,2.66724328064979,2.37644916575204,2.94700572342884,2.53600548287118,2.7288792566139,2.88594496621074,2.12019713947251,3.10390182344839,2.77560054404135,2.25634752005253,2.66502814153173,2.52162827755494 +Uqcrq,3.44993146035831,2.56655353058876,3.19935913734304,2.97432867449735,2.86239664182636,2.72782872875777,3.09294692300496,3.0751302317055,2.930505458291,2.83255414136318,3.02901342658023,2.73723043689798,4.17311949258066,3.68870930980755,3.70651116196163,3.51839989765307,3.81963036688983,3.97868100950305,3.85935234275612,4.07104539245372,3.85090372172361,3.80517571004751,3.76176667801843,3.95361706809804 +4930503L19Rik,2.69852900026704,3.092818765551,2.24588269052213,2.98877979593782,3.29877577318928,2.85653415274523,3.30547863915791,2.40414246156923,2.6479323316206,2.93968136612968,3.04715829963176,3.00169559406766,1.26012404606363,2.28834392853555,1.55853555113366,2.1047757802702,1.56448496446621,1.63644662547365,1.60885504550556,1.56338845280222,1.48339669099889,1.97602348655229,1.84719391921051,1.71764637895204 +Syt16,2.90446553563799,3.80928941015961,4.05745878659555,3.37208751004447,2.26968324697321,3.12382920660893,3.15074311157178,3.33368717532914,3.84411468348565,3.48260510534509,2.40616032591305,2.95802095357105,-0.135265468183842,-0.307728258691334,-0.16583205223764,-0.504742928799195,-0.363665821497019,-0.152945933568565,-0.276934766306008,-0.841196827362582,-0.0245526295723177,-0.728654598845275,-0.770523336853234,-0.860335272296277 +Rassf9,1.47859832492727,1.1834884101292,2.05717348352781,0.61693289633384,0.94784851571051,1.38493966414927,0.823701193410537,1.8136991417281,1.511015350526,0.837418962212985,0.721299069866109,1.18702892769745,-1.75694916410042,-2.46276901958072,-3.44411343975118,-3.44411343975118,-3.44411343975118,-2.81397176752384,-2.78254247207876,-3.44411343975118,-2.85279042582632,-2.45489331098895,-2.84899201570713,-3.44411343975118 +H1fx,2.23807726075205,2.28350682334567,2.73628221311812,2.10634620119775,2.40614999017218,2.43196589649382,2.29383552791767,2.64131918394126,2.40934726045213,2.37008049517902,2.48052448120905,2.15743357443251,0.857810574612088,1.87501577653146,2.51712911954279,2.39346584321513,2.25348813709585,2.07098684907728,1.61569307611281,1.8858775589526,2.4043901544635,2.509495545147,1.48832172852564,1.82411602581947 +Sstr3,5.28513412523251,5.56249139277667,5.66554916777742,5.96027433697544,5.5853281015706,5.58489187769917,5.5024478688458,5.47173360932504,5.37606771812379,6.0135165262689,5.75590301129568,5.63290910698857,6.02970279924324,6.05195753304636,6.01682637672901,6.61260048057837,6.38179555064324,6.2002810842532,6.23141890668714,6.13224933326427,6.09157720380884,6.60606025223593,6.5354270861128,6.308874470541 +Zfp367,2.05209019860548,1.9907352453341,2.03553449509303,1.82013822298865,1.38256811550241,1.38702434480545,1.61908750732533,2.09646540800878,2.04594511307079,1.64105388397068,1.30441311672461,1.82534285312982,1.96258261522314,2.31385627606755,2.01053173209427,1.83912271711227,1.69427927137273,1.85279897770515,1.51546151179325,1.92361684325086,2.21575014227334,1.89093939957772,1.62206406124902,2.09466700225006 +BC030307,-0.155321254159603,1.16779721913828,0.328880005843018,0.171595164265494,0.949442443967992,0.928592147827375,1.16721206727088,0.542256154354943,0.243447194106002,0.360623187586589,1.24913137773974,0.88713490590552,-0.231750850344587,0.734473748991746,-0.0807303245259474,0.305593126201165,0.862147781039128,0.0591524446957381,1.0463822389875,-0.39546137422876,-0.021741422351274,0.165311077057966,0.737377382883501,0.606894640858226 +Wdr96,-1.40400650785378,-1.03144791670635,-1.13107339721738,-1.07629100188899,-1.28264789159741,-1.41561546565406,-0.835262429566019,-0.751473025176571,-0.568521940874384,-0.868275988143543,-0.95117632773563,-1.02786721207743,-2.06420321520789,-1.62457196985471,-1.60182297056458,-1.71259895609398,-1.92990273449312,-2.0346646363292,-2.04970312430779,-2.14467826681356,-1.45013262777019,-1.84735266320359,-1.79810152362736,-1.84128017460113 +Ubtd2,2.04976092095043,2.13835978372984,2.21844963032933,2.03799061982768,1.65214557364843,1.93953041957452,2.06460393850097,2.09547643662799,2.30361649477935,1.97319891268744,1.92350466556238,1.85676156729939,3.68858570400668,3.41738167946002,3.52671755196578,3.37038378931721,3.52390228259026,3.59618487691092,3.26152491135883,3.75638520514363,3.54695388935885,3.70857938519241,3.49661360718813,3.57601466155837 +Pwwp2a,2.28137352672847,2.31233455476719,2.02132063587333,2.00753836895626,2.34451647875379,2.56971237706995,2.34902986637851,2.2483107650769,2.15921234192923,1.8897944786101,2.33483946431172,2.05500932345922,2.17201563405496,2.27420213383009,2.12341956775186,2.01914464437229,2.27269973794688,2.30193039687981,2.44942248440267,2.34760962438768,2.41993404133573,2.22167159112357,2.24051960216848,2.18984800775771 +Kctd21,2.19352735004124,2.32302191050314,2.0644593471906,2.10266951717385,2.19562665881247,2.08852300004231,2.18013882642674,2.3356857871372,1.94222669082476,2.1980418111988,2.05703841190947,2.32666318338889,2.39871434883755,2.35491861640528,2.04521890363098,2.60514464604574,2.13983572545352,2.47607476309911,2.23959683421012,2.48768024057364,2.19731948045143,2.19848384066313,2.16597731691876,2.24007067858839 +Napepld,2.60853214370784,2.47825563846338,2.51595828602583,2.48467398003459,2.43389540564597,2.52859040439915,1.87453285368017,2.49577060419365,2.47717402656273,2.29240791308661,2.48029529994559,2.45156342968308,1.87405701008967,1.91043785417843,1.47063025948901,1.27069280304634,1.61115738418277,1.67798495827086,1.20865260972848,2.07736988713918,2.05849700117935,1.36100881940573,1.56764016662102,1.31483695053122 +Wdr72,-1.07245044107835,-1.76890815824747,-2.81198222188799,-2.00464257727907,-2.32388329593928,-3.72241682471938,-2.46156984797559,-3.29422580955491,-2.94102708760171,-4.0630800913779,-2.85067774507669,-1.40585692292808,-5.04196025913981,-4.06061583896936,-5.04196025913981,-3.51338489267062,-4.05623387825579,-4.41181858691247,-5.04196025913981,-3.95349649775679,-3.44430465101895,-5.04196025913981,-5.04196025913981,-5.04196025913981 +Sft2d3,2.45827085612481,2.30278527488108,2.76313549826503,2.26237485912665,2.17414277702142,2.05099935501513,2.16867744350779,2.61166415440942,2.43917851892144,2.25582084127794,2.17499687369023,2.32477985002911,2.89716571827915,2.65776479906933,2.82788554240306,2.8138347838596,2.4860025577148,2.93648802587055,2.55366759079124,2.87269871231582,2.66665437094021,2.61847346518635,2.49078985315399,2.49557722765902 +Tst,1.31259893325041,1.55153746342218,2.03913270567291,1.60358549712249,1.36281747127711,1.59006178868042,1.25614785836358,1.55639295318344,2.01701051472762,1.71398664809008,1.05494310843827,1.14244468749236,-0.205180595987435,-0.35285863370662,-0.334419813791249,-0.0611395391078005,-0.927759195627333,-0.220435564811258,-1.83208768104695,-0.0326804460627541,-0.479386726448381,0.188490743695665,-1.89853722467532,-0.205885687774612 +Ucn3,0.367612853056785,3.28409114966079,-0.051659538564726,0.897364811597815,2.72713025330805,0.594874438502877,1.27920519340965,0.996174160464802,-0.355857313227902,-0.375468083804299,1.44085387624254,1.65182858578978,8.19784341745709,8.20293902593784,8.41296165992742,7.98744176197206,8.19156113862855,8.3778804526866,8.25995240097658,8.4034021185384,7.946070024697,8.14969767611619,8.24506532086481,8.25536529367729 +1110034G24Rik,1.64574304945728,1.06320879509465,1.61560736172265,1.27289938819954,1.36396065884388,1.2991901108417,1.48270266734269,1.6624810384457,1.7022643322983,1.14999401761198,1.63002475749516,1.72569045753242,1.42771967517438,1.67599132645526,1.71536489964733,1.78750633317602,1.79383487599683,1.61307732919852,1.51558538140811,1.92881011121191,1.66490349534243,1.65876243682265,1.74228358650393,1.6869555394465 +Fzd5,0.200198475112931,-0.012542761175049,-0.432889481343449,-0.133344553891314,-0.368904138839929,-0.66246062641549,-0.260999734952132,-0.0228959814125105,0.954944486206754,0.0175526082062412,-0.608599283219059,-0.601541566269039,0.711712981874506,0.658081986920999,0.656155518679653,0.511650021411405,0.589511977935336,0.873692245879833,0.736533795208912,0.477046564638763,0.609598126500491,0.254616771117274,0.607105842777544,0.625788113966487 +Tubg2,1.95474515721496,2.3421547087253,1.98996459276447,2.2958001164751,2.16866846734467,1.9939993864914,2.10490967932461,1.99397108451404,2.04472680903405,2.34089439819614,2.14235977503783,1.96949664506193,1.46412913149594,2.07676233724677,2.09994297706805,2.37848805197812,2.20932311979175,2.00002326955402,2.38137851815111,2.01713068149101,2.03624581277368,2.07365227274241,2.38111578679469,2.14373033049817 +9030612E09Rik,0.210855898060579,0.707247054754984,0.515501910271022,0.382204949131428,-0.10133312706074,0.325380057840432,0.353732778394066,1.09017706204879,0.688280969389592,0.0277493059853852,0.398625954145334,0.432279345698899,1.09646944279926,1.56579924047559,1.40327561748976,1.34388200318863,0.624193615505679,0.821629450086682,0.755460280344314,1.52396071119425,0.891264534609727,0.581905420115699,0.726589824461273,0.838871609077414 +Prrt3,0.988319665644052,0.915202510696954,1.19856871104846,1.04067451688675,0.743959278318506,0.717895969429103,0.823952866266197,1.22457913780276,1.09889691183403,1.39632252633997,0.637698148392003,0.877069672361563,2.82531707312899,2.40861264146244,2.11997551905074,2.58909175330927,2.66073725890077,2.89653838153905,2.68541017672265,2.28365738090933,2.55523368716396,2.27669996083056,2.55904431841963,3.01724698872504 +Cetn4,0.484452311514741,-0.0116031546227164,0.784830343306185,-0.019049547077953,-0.346428133560274,-0.0234242334760777,0.317969094695331,0.296724378807759,0.416190991580293,0.105691153149795,0.0195829256749613,-0.453385909723284,0.69955379462579,0.444543013492054,0.390914361783546,-0.487390071857303,-0.703216716509269,-0.0043941757838181,-0.93217300945524,1.0382798128175,-0.0737617981099716,0.156681639655666,-0.442036612462605,-0.025629986722433 +Prkce,1.97385390067547,2.19567659594282,2.15048971366033,1.92840656574632,2.99639066709939,2.87800440577852,2.48995297559236,2.64423728703647,2.05885297997081,2.06377978073855,2.80490054494896,2.46329522674615,2.67222608120013,2.78366266920212,2.87235939394665,2.75509918330755,3.36667722790514,3.20348952882773,3.3521216792208,2.80979940257718,2.59785899545818,2.84177603759741,3.44553284736145,3.14973940217078 +Megf8,3.91039719160018,4.21825777001063,4.03413029433197,3.99473809772129,4.39507795964524,4.29625598066155,4.30348625558292,4.22033870547896,4.02973706157333,3.98610952567713,4.31492412578815,4.11660014462835,3.71350730302558,3.95422926855449,3.8679441807438,3.83246640655016,3.95786330621404,3.84096288052637,4.10095927469218,3.76581333566597,3.53324737069575,3.81532280813886,3.97518174742244,3.87919071002142 +Lrfn4,2.9427128657198,3.26765350287016,3.20699615020233,3.0693786303282,2.88692150542129,2.87796201494693,3.07192794484677,3.00363977050456,3.2581837350925,3.22030010482956,2.94748321903333,3.20668535012908,3.8090982727319,4.16978961709527,3.87103358982878,4.24117015067379,3.8131772517239,3.87026130024847,3.84330125327073,3.98648161836055,3.92049945643841,4.05828043227522,3.87770027131833,3.85052585634734 +Gm9795,0.671964574289222,0.999374622404959,1.11751736230738,0.606310652348205,0.44439948471315,0.530269577895411,0.943815720349493,1.34923850136455,1.11290860165504,0.0143088688157545,0.17493050794855,0.424061489350479,1.45001995572059,0.155099981982055,1.03587797523222,0.710309577305268,0.788500534858422,0.538797475778255,0.225704899512188,0.327813818611122,1.69829870006469,0.954902474560389,-0.0801586511190013,-1.19682181409129 +Kcng3,-2.68805072767028,-1.75613809551919,-3.49714737324759,-4.10815356619867,-2.01900401501654,-2.78861013177824,-2.6965437749748,-2.17082073092756,-3.61119688520194,-4.10815356619867,-2.63122417574597,-2.39155708632288,2.38063854645718,2.46201137734475,2.32946152473531,1.99744681449449,2.62497484126497,2.57660005629567,2.5839043060777,2.66190347429023,1.87632673768054,2.11841991690036,2.74202498292793,2.37976180224131 +Rpsa-ps2,1.63206725564753,-0.146032762128773,1.48341757872257,1.3133972806739,0.34336558053302,1.06619882809129,0.721277339323975,2.11801174018468,0.964002284340149,1.38097792920276,1.63402510444586,0.110455513269798,0.898498050114233,1.27874594971614,0.76925883231042,0.864014159763214,-0.404253621733685,0.709753441252263,0.952753623773392,1.2115112944808,0.947166474795099,-0.0809974527416925,0.215229309293433,0.296573039791476 +Pcdhb7,-0.599038616246195,-0.648741542088345,-0.292469783348209,-0.438014280914939,-0.62342834317055,-1.00484608272231,-0.513326039899328,-0.391466343074912,-0.525703821531651,-1.40027891469792,-0.62263508936074,-0.535133510306647,-1.5873519078164,-2.87172457148166,-2.01199801159026,-3.46783839459998,-2.86645411945215,-2.26874456729397,-2.00425641056863,-2.74378503057586,-1.57042533454415,-1.86659542153604,-1.2380803927683,-1.88346388557362 +Fam164c,2.44537381649301,2.56213264467748,2.51060957615381,2.42850147132346,2.19087633254029,2.44778140121199,2.48395110851131,2.49942285022686,2.4565982525538,2.18718038923467,2.09868956420366,2.34113233369081,2.87214214814209,2.80780823045713,2.38561879048554,2.39345497779611,2.71273132200223,2.61620159644602,2.805328755146,2.61651385832158,2.63286201901745,2.54572247238608,2.62343674407564,2.76281153898076 +E130308A19Rik,0.705845092714777,0.479636072057541,0.79882202159918,0.270120936796534,1.13467973116829,1.17701494663095,0.909539524200107,1.02185859310504,0.602792143834153,0.187234354164086,0.771656635852406,0.754561985056688,-0.531685729247145,0.134082258700041,-0.0098814038722716,-0.156291709790989,0.265849670141303,0.0532639901451764,-0.0224355873774909,0.0929854886876229,-0.0575022470673785,-0.367495948782522,0.0223196383905244,0.162364192616401 +Rnf216,4.05986011262788,3.97974654774819,3.9932503656994,4.02493858674595,4.22026665447573,4.30722183859184,4.09529960196056,4.11059818250084,4.16000775899932,4.09008326634548,4.1718165376027,4.14751090930192,3.67357349358981,3.79526590844681,3.7253274177347,3.7656999559402,3.82712038706384,3.68802227170249,3.91821506592773,3.70762454026301,3.80883831343019,3.82373255794019,3.86920145177106,3.76141275967926 +Arhgef37,0.827559362586386,0.986628737252304,1.08588714427354,1.15659959997433,0.368835701224914,1.00750089861486,0.932420273019937,0.257532542299792,1.14601359517489,0.858304805385149,0.851332388589983,0.31437099180891,1.35904412097408,2.08814771429312,1.04044049167318,1.71103128228607,0.532471696839538,0.853553973252976,1.74460519434672,1.74316512924238,1.98634491985128,1.65196036647658,1.01902039665674,1.48401796842362 +Magi1,1.21022450835889,1.57281709691995,1.49316519204848,1.39069583569454,1.93715897038045,1.39985289264548,1.64908423749973,1.4663210413639,1.33520816725348,1.58397434485548,1.67468532815955,1.60863443015356,2.02265920024904,2.42529987273648,2.13507343146266,2.16136208279382,2.58899774189957,2.26352107841214,2.69951064356784,1.83069125430247,1.94855256501483,2.4250237675653,2.6097843852467,2.48803712181045 +Suv420h1,2.79997388818105,3.25458638478616,3.01590062214714,3.03660935534203,3.12668701710242,3.00206522871048,3.02395876148776,3.14613547599093,3.08909756558761,3.17605613263108,3.01371495697203,3.10271170401725,2.38993284142422,2.80721825732043,2.59521683476546,2.74003961502089,2.64992912359883,2.37912945758503,2.70004202614704,2.66393702116211,2.61650311070419,2.6935646736808,2.56427949899562,2.65075487174079 +Slc25a26,0.885482995435782,1.45616835541641,1.09619194874818,1.37917973982547,0.923882926568577,0.945405213771654,1.19849941853122,1.72810341144938,0.924902007594337,1.36079112737302,0.546902812536498,1.10192558228739,1.27154798040375,1.73091372151266,1.57060224397878,1.37395890502436,1.31756969361851,0.869503776113954,1.66720514801622,1.48114308930142,1.41995641616237,1.46175622983268,0.939342976932718,1.09148626396648 +Poln,0.366647973442168,0.285385188028657,0.304443503454009,0.183814439081776,-0.228858721380814,0.452238297130292,0.443784973289276,-0.0328313126830428,-0.249809183543595,0.061507751299084,0.142164972514042,0.526037174708299,-0.223670264013227,-0.733331536206584,-0.807245139016874,-0.387757550058604,0.17786503588863,-0.722573250766987,-0.749068556697396,-0.633843307597579,-0.776748137399053,-0.585320987707853,-0.869492982158219,-0.466858031069038 +Dmd,1.10238329295555,1.04638060872623,1.01793277921463,0.852594533079879,1.28772735804725,1.34188968159427,1.01712210258048,0.94540358850994,0.925899338668779,1.04426186805902,1.1660961563658,1.19383251408244,-4.7644111296764,-3.69450818249691,-4.6047010244592,-5.24004428964653,-3.99071116906254,-4.2404142281427,-3.85986533663292,-4.92214791302461,-4.45207767043411,-4.48593814408445,-4.56864856421244,-4.4697429449841 +Saysd1,2.40869202016957,1.61559830512762,1.99153802825803,1.93597083717786,1.9232371549834,1.97599157687761,1.7330558487904,2.12632158181283,1.97165850771656,2.25689572866723,1.83378983272616,2.04245914406766,2.75936974047082,2.19826946295038,2.57691155664031,2.69623060515022,2.16745790269161,2.54750975455438,2.77534862960584,2.33739982085067,2.73560264069548,2.26495206287645,2.22532118509331,2.24593784350328 +Rassf8,0.814066766196748,1.14580416349998,1.05479873756284,1.19421278585478,1.27039303366516,1.21219603680995,1.16558044131591,1.51104182215415,0.729410066641762,0.593152400096174,0.895226248240586,1.46922331633336,2.43956016583809,2.6143012713623,1.84021162306958,2.33259346911728,2.41049988682225,2.31566243564595,2.31531499137486,2.62773454061809,2.36199137511321,2.56925517793615,2.21804471545271,2.43870167623223 +Prrt2,0.529749735815546,0.787263132941091,0.952296824865694,1.03579348401824,1.05765816303533,0.893051826150654,1.09180092122502,0.834134259356567,0.603978616015939,1.2988220386049,1.09146589237749,0.809659819904454,0.880624557759947,1.1705248462568,0.824658456259058,0.870331399628051,0.997672295481612,0.925293541824848,0.834346931208028,0.812047188934448,1.12961116058789,1.21677724715006,0.784949933857967,0.813472942418517 +Rpl18a,5.87204258554068,5.64785641259056,6.48575847154925,6.08955809931508,5.7860964702085,5.77595715345427,5.47760757938003,6.12880055548594,6.07201327389694,6.19148057312434,5.73896396985952,5.74709211376417,5.40498590605011,5.10448684793616,5.50497227034046,5.29819236167206,4.96318934791742,5.32779030575583,4.94813998043436,5.52835399243135,5.38322268401901,5.35702602319317,4.98416734173881,5.10004013902958 +Tubb2b,1.30860707993391,0.78049815340566,-0.538364659878036,-0.124854550025363,0.642232086136751,0.736639626045012,0.573508359180663,-0.674481390332368,0.388159199419148,-0.533061254712135,-0.447541783645035,0.89590205385663,0.536080155269807,-0.528794517730225,-1.14478035160447,-0.871500076921024,0.129354436443408,-0.0166249765319647,0.28745421019161,-1.87656737059007,-1.48306876559525,-1.51208885255061,0.115707737816522,0.418858758106692 +Pigw,0.252174994356663,-0.0935896005013519,0.331130136074772,0.404893593170658,0.357560668611473,0.377001641269053,-0.0350417257640379,0.376974106214221,0.22675452784243,-0.545003404217203,0.22495277281802,0.0509770321710197,0.0662675781895496,0.136130191658661,0.480174632770007,0.527341960097277,0.667441076862219,-0.1227374835054,0.129697966468928,0.504022734745291,0.189127620309063,0.105271108373279,0.409407888622968,-0.0464404909460416 +Gm8946,0.64540777635944,0.688836689426147,0.654141153171125,1.10225028865652,1.17652619641937,0.935716146941679,0.567417370426622,0.342403045827622,0.48655213325224,0.699471515197518,0.272261991421367,0.390277940771366,2.0194066425158,1.42492728539937,1.49030617375262,1.58290746879341,1.63654653394978,1.12173743590932,1.26192634191917,1.74849765416001,1.68171644505041,1.6047751719276,1.35094182373306,1.601351509303 +Bola3,2.51688584659294,2.17358241419742,2.24077100195572,2.46190756817453,2.06177681510399,2.19004733934746,2.13337572799648,2.35617434287837,2.26927657416305,2.32291197625437,2.25990591964266,2.24626966175885,3.04174566757018,2.46531226445185,2.70349113011243,2.58522066100214,2.31953896105715,2.90613523060808,2.41942790588891,2.81230859401682,2.48215173546505,2.60656467872549,2.48534605100632,2.6584639484224 +AI467606,3.71264417753236,3.55634985630595,4.02792329223055,3.39430162578905,3.19530855723589,3.14626642345416,3.36950898940134,3.81015874807521,3.80258384899646,3.41172031772693,3.08250912451459,3.35284640682852,3.13326272178391,3.07126936709725,3.32199598282534,2.76454330254402,2.71512965807969,2.92668498326041,2.72131993815928,3.3688564344735,3.35441938062568,3.03516341519886,2.67127852012933,2.62757973711751 +Fam123c,1.16213210970047,1.48521612004534,1.51196254402177,1.20316156209669,1.10147163747001,0.780487090355746,1.08710968864033,1.9019823158549,1.63162329080534,1.58417053153706,0.910639823118535,0.991536794578489,1.188731286991,1.79337966389013,1.44655899545415,1.45586563433774,1.23089239051196,1.47975952572306,1.53990725755396,1.3300017737118,1.35641665495437,1.40318680198256,1.13217681836589,1.64241637615736 +2310047M10Rik,3.2440768585323,2.95296361361913,3.31610836336342,3.2474326599661,2.92412271416095,2.95499381918695,2.92483544982207,3.22146090258253,3.3171524377152,3.18987651382615,2.91139216074014,3.01945994518263,3.0356415037698,2.91183796601323,3.23482483887994,3.24366569426451,3.01806684647442,3.1949943497402,3.10266332440495,3.27164923539554,3.07452957469433,3.26743603696753,3.14080846717853,2.74362494043914 +Shroom2,3.72948198415312,3.7644840264161,3.75110129388443,3.91744169801311,3.91088958312627,3.95654656116672,3.62072172268332,4.04494503413332,3.88898381416868,3.85868861008686,3.95919843921259,3.94480444436299,2.6325078108374,2.6092270373827,2.44754756596698,2.50050131787913,2.71383570203257,2.73969717282726,2.55172154671957,2.69202630442867,2.3496340223696,2.59533577026214,2.75240626921304,2.70760372410079 +Cirbp,4.40035331835508,5.40528058986661,5.64965361593469,5.31190541634815,4.50662870609283,4.62893449994815,4.66953681386775,5.0020107999963,5.56313397819836,5.60123321516665,4.67803501785199,4.32681184078212,4.91597106414714,5.4659195291382,5.83096350801632,5.51907933720698,4.66804518881325,4.76402299588209,4.83559707467394,4.92508101033853,5.69257186249872,5.7802464624039,4.66957749624951,4.63120865918961 +Dpy19l4,2.51907812596035,2.63863185677566,2.56137680112433,2.41456939954723,2.40177617846737,2.47182947469973,2.23873697767011,2.81985585501086,2.64752992423126,2.58418056768572,2.24885657091963,2.41625157172714,3.38012111633112,3.22279575852151,3.52778743333848,3.20952353401921,3.01575021007397,3.31116153401799,2.82219242967357,3.70421050628551,3.27920931751815,3.17704077846515,2.83762910644118,2.93724056768501 +Vcpip1,3.16903617308354,3.14304894115061,3.27542414992083,3.05590283986791,3.31357056222726,3.18383805338441,2.87989268965068,3.47142980017779,3.18566866801599,3.11500910069399,3.28380891941507,2.98813389359254,2.94034331063227,2.77941150286384,3.1044843149513,2.74793239301514,2.95771322260653,3.03332365215112,2.75114979431487,2.96762791839771,2.74296331972459,2.74749962485413,2.80767865435771,2.62935344729528 +Nudt18,1.4252017082247,1.36987919558226,1.4639606686867,0.905753815771454,1.44942171151758,1.41336544161256,1.22328904710398,0.750672569744907,1.33854644143515,1.25779264425822,1.3509888009327,0.959286061586628,0.913506415337381,1.13443242355858,1.2705406747531,1.17440487343358,1.28661430041244,0.849625461343168,1.28029202900365,1.30510932410822,0.785623647920908,1.027530394165,1.31361789184977,0.956496928453167 +Asxl3,-4.69685962892531,-3.44200693984996,-3.45342817652998,-4.33816931660241,-3.24959379916068,-3.74517635110915,-3.4735747692866,-3.08043166310576,-4.92359410401583,-5.34794559010834,-3.47034835498269,-3.27074095436467,-6.32682575787025,-6.32682575787025,-6.32682575787025,-6.32682575787025,-6.32682575787025,-6.32682575787025,-6.32682575787025,-6.32682575787025,-6.32682575787025,-6.32682575787025,-5.7317043338262,-6.32682575787025 +Hs6st1,4.6790379883797,4.93903006136761,4.80897363742144,4.482498037051,4.44172407618671,4.55508990999398,4.49113700060867,5.03249410697682,4.72665286288655,4.55608261881976,4.79910316386491,4.56796412822366,4.04616607291092,4.39095992244287,3.80945632215893,4.11656014458005,4.24644430660088,4.11555266810161,4.12144174797141,4.23013035361934,3.77940784348406,4.19173682712086,4.34939979209103,4.28539153478167 +BC106179,-1.64049419284368,-1.37541802646055,-0.345636753081953,-0.969105729075445,-1.35085272642005,-1.26108722449508,-1.35382443814482,-0.725686716594168,-0.681761759013018,-0.545313980063402,-1.01290537001601,-1.37214940557028,-4.50545722003764,-2.72482757020589,-2.0572690620885,-2.69261232727583,-4.50545722003764,-3.43820817783902,-3.39201790768262,-3.86092032902572,-3.17210031482863,-2.71352688605565,-3.16529425634796,-3.42860155564155 +1110012L19Rik,3.70843249929712,2.94933582798581,3.29855902780755,3.53219854542007,3.07881975931631,3.1915776323908,3.64482172284305,3.32107416220612,3.60579251312473,3.34979782211537,3.14130035165906,3.26517647872172,3.1643323730736,2.91523876377904,3.42618633211359,3.13488610504327,2.76643157028368,2.61376322493326,2.60333222905653,2.84621002811016,3.11254368755071,3.20199628720154,2.76726087987504,2.78401109946416 +Med26,1.36865862178953,1.33527786893315,1.56746288578691,1.57331828252745,1.77088694463151,1.9089851937039,1.738355070854,1.52963772197977,1.46722801822229,1.49109211364227,1.79260621035353,1.46217060221767,1.05481038771759,1.07017147449959,1.00270850132759,1.055696137381,1.56891027423674,1.32235723239306,1.59353945184152,0.970399317116478,1.17990654437755,1.15043271238376,1.64282464306241,1.26578290926645 +Zfp688,2.17473093917107,2.44052726535171,2.37177825866424,2.42867059785894,2.34167280099877,1.84188961420299,2.46910081399746,1.91230177209843,2.02902037257383,2.27492231211561,2.2438495135523,2.35518758087499,2.15592973136558,2.3204737047643,1.86059080105209,2.29317628732825,2.24677494813598,2.08495468736496,2.36871639665899,2.18943643804573,2.08889705753442,2.44234072985122,2.29421239053978,2.3238411112813 +Zfp574,2.45772181469343,2.45244203255773,2.63206412874586,2.44947568990983,2.51807609359722,2.58536333253144,2.59301140409841,2.48918794992431,2.57510003290056,2.40851375580664,2.65856648000446,2.43383529360185,2.43316625676851,2.54099146553206,2.49644036376663,2.36601442640308,2.58810966233557,2.49362132724689,2.90747383847061,2.30343332746715,2.43890871824209,2.41094816417799,2.55745610383337,2.58714642338411 +Morn2,4.23949038699844,4.08012091662029,4.65994881231612,4.04267668739186,4.00729790029142,4.0099573852059,4.16931418043121,4.42397570110503,3.89373257213887,4.13936754044309,3.77162039274776,4.06428474181337,4.48918605303539,4.18327529358282,4.47774956812888,4.2705489292861,3.63580847454367,4.25049379272528,3.79084066052934,4.5011688651996,4.18016580942846,4.25554577062901,3.7761023638181,4.09322746106166 +Klhdc9,1.10676602367403,1.47050461130809,1.69733227865039,0.711831780559847,0.951420645636599,0.93133923235086,0.902950564861675,1.87319096542828,0.956716953508436,1.24805464695587,0.7391795590169,1.00055135389676,0.906907658266511,1.22115724305812,1.65876687370135,1.02983704792384,0.323855011653135,0.695021347215459,0.66852604128505,1.76418002946656,1.30690880897476,1.62691072877399,0.700326881343466,0.906071281824211 +Zfp691,1.63512786705583,1.80127964802971,1.80864525565652,1.60390706553541,1.61397516881107,1.48081924091625,1.5899838722069,1.8016783473991,1.90709074143896,2.16725003791685,2.03418731600037,1.74227477960805,1.4995956499117,1.38414708008657,1.53271087156783,1.47636877759179,1.80755615962198,1.48094280543239,1.81816065446834,1.00002115086942,1.22738165308483,1.48442094963253,1.81510671394354,1.58781427254239 +Lca5l,-1.71342752421041,-0.766216290366614,-1.18773700698565,-1.42836150034607,-1.40830411952,-0.900334483949175,-0.963149132094273,-1.97115602460445,-1.20150534531661,-1.29862107927652,-1.57395222013419,-1.3782871037786,-3.65227466692814,-2.63772660968639,-4.4861116662753,-2.47513863128211,-2.00432605681002,-3.39255519346017,-2.56712169215625,-3.9780403087728,-2.46569255818159,-2.91338274583744,-2.72031367718577,-2.02889021083031 +Tmem86b,2.12769205440732,2.58022566459556,1.81722296115407,2.34985886568347,2.58952717865426,2.6697590193134,2.9708220737621,1.9148511532091,1.96289854536681,2.39788705682756,2.61679556350362,2.73373552175079,0.57294586158628,0.841019187572595,-1.33460052971995,0.644004517464734,1.41218449879038,0.71784673053656,1.25506439693175,0.408653238836186,0.761224855569364,0.502412743590194,1.42455051244669,1.2458389073596 +Dcaf12l1,2.56011279810564,2.9206403582432,3.05965993076081,2.71723820620996,2.14132945843471,2.24920996462589,2.19679422337153,2.88976250345226,2.82854924631956,2.47681380868695,2.07316804520042,2.47237230608705,4.23788498144906,4.50385435286721,4.82715276571501,4.6826014539409,4.05435929016263,4.41318309246893,3.96406244068784,5.09069464047275,4.36688982988891,4.5350147536361,4.12247580748627,4.14026979329798 +Rtn4rl1,3.01883118108397,2.80329619556079,2.79796870953046,2.4743494192192,2.64196207136357,2.909775578938,2.69918575099997,2.99944923080095,2.68585283837054,2.02690810664369,2.70144270745874,2.68765172502768,3.43029410657666,3.80314767594482,3.83793192329425,3.77112938275793,3.58682240997345,3.49869056021147,3.74940919386164,3.77340419801488,3.7557651443167,3.89216200214324,3.63572955634822,3.43350707542091 +Ush1g,-0.566039293146821,-0.813445474158818,-0.557116238634923,-0.448355005241404,-0.428297624415334,-1.08997652359783,-1.0763553910112,-0.036445973148346,-0.349134855819089,-0.318614584171854,-1.32169310796771,-0.810137119395268,-1.64276829528884,-1.11930487695205,-1.01116375147258,-1.10251051925851,-0.255209416079963,-1.06496088210543,-1.31714023335868,-0.683906927479633,-1.48568606307693,-0.521360112615784,-1.60225695685526,-0.782648358033973 +Insig1,4.39189048430369,4.48037130557103,4.23205988739376,4.11781198911038,3.85457165646476,4.19195736556146,4.18997831855343,4.2907771505567,4.69085051973034,4.071750719175,3.9852166131526,4.32688074832039,6.89652129515953,6.30862353184459,6.63124171210598,6.53161353631396,6.10486953387009,6.65265408460334,6.10595135056779,6.81512275481165,6.72755825193466,6.4078021231822,6.19529572360415,6.3688451638307 +Preb,3.38656700304274,3.3339929744014,2.8914735971348,3.35286949116197,3.88441019343123,3.67255503885888,3.83796409489131,2.87644208786235,2.99409115115697,3.12802532681361,3.75071866355428,3.48236817167307,4.32528266023251,3.80777403694549,3.77744952896102,3.87420226624612,4.90309547673315,4.45030292373878,4.91843768007402,3.27959780442526,3.95008301878485,3.74535535008006,4.92170278481153,4.58800878075265 +Lhfpl2,0.582486141890976,0.191727780299886,-0.315361529110628,-0.521373000541205,0.0265717596839066,0.430389680825763,0.036604646364808,0.610879982338667,-0.0997613761919496,-0.10664365183457,-0.146063812281511,0.591235920429627,-3.84877312308098,-3.79343483493418,-3.77566336626178,-5.06196176273539,-3.08915923400901,-3.86286793542939,-3.79855300602527,-3.63461894527007,-3.75108829238281,-2.78427818002022,-4.16015090274266,-4.07880717224462 +Sowahb,1.0695991055211,0.988830228822721,0.899516535844761,0.818825956749267,0.407100759394533,0.553916428771611,0.888942905863366,0.743125689837258,1.02877870885861,0.763077996014784,0.469704949956459,0.383998328281905,1.4954415747692,1.40644176183017,1.38954225414844,1.65708790849404,1.42831162844791,1.26318977339936,1.60409701502162,1.3826012641252,1.5266719145767,1.12969745455588,1.68218413335757,1.52263878992464 +Fahd1,3.9699081259388,3.47456067206745,4.21082447577482,3.80541572089971,3.17209057889318,3.5343550223651,3.45040314449596,3.84393823331674,3.79136970115505,3.92397448067169,3.71707638747113,3.8258001682816,4.37776927159924,3.83669062045425,4.28205730727676,3.7385296535513,3.56055347807522,4.06423397981045,3.49095452651305,4.17436582027821,4.12481517745027,3.86599667207476,3.7533466586417,3.93098382193568 +5430407P10Rik,-1.6048422854405,-2.3365546681782,-2.96949571571605,-1.31240760211734,-1.49135235748501,-1.26175423779733,-1.33690548691102,-1.32551718582596,-1.96877836751435,-1.61229874121942,-1.53742904446046,-2.33442173068439,-1.46601933530002,-0.155171022316489,-1.59080506027511,-0.596514852874479,-0.698442741987851,-1.67800962944272,-1.08111953066756,-0.733384627852891,-0.170985054888671,-0.791676380955402,-1.38698308129875,-0.197809002961759 +6330549D23Rik,-0.834828151710907,-0.533335672272941,-0.786563919418189,-0.564536129641367,-0.776096640123143,-0.961561208158483,-1.2571610209102,-1.14230793218559,-1.16789492616182,-0.635455052931095,-1.33098788404827,-0.716561428530598,-0.870266002967057,-1.21464973012341,-1.52959637581725,-0.875420136232965,-0.704747415038045,-1.12113040113306,-0.806835614687679,-1.08400119481338,-1.22430603631804,-0.831262472783328,-0.736832315688882,-0.982974072102649 +Cenpe,-2.83951144572909,-2.44246864659083,-2.56163293795656,-1.6408217644884,-2.51069850446666,-1.68708936775517,-1.98646012206521,-1.7043714847592,-1.88506008898563,-1.55940447373182,-2.76540403381968,-2.53127879813318,-1.09755730448326,-1.19280575662375,-3.01635202139295,-1.26478571478045,-1.82989783374121,-2.21158205307537,-0.950070653531886,-2.17586313978881,-1.09985662172225,-1.64681238506869,-1.59888873886232,-0.937045958073478 +Nyap1,2.9595062552452,3.3436702829423,3.03768684656439,3.23607335467657,2.93548213884338,3.02759711591963,3.25766369323478,3.06763156378782,3.30312476450141,3.36334941409102,3.18740683067223,3.04540290368785,-0.994008224358691,-0.0286597741842902,-0.941255061968564,-0.0103101805249524,-1.15613125811535,-1.01145749074933,-0.727844644776817,-1.72273891307856,-0.911346405152569,-0.472543069572883,-0.723865555123247,-1.06957137516668 +Sh2d5,1.05632674534545,1.0157883682607,0.809974595008294,1.13257740189811,1.24776551626229,1.10670963539773,1.20050659097825,0.720049133964951,1.02997726736193,1.73804576243358,1.30152787571306,0.877107122731665,1.27516692981426,1.20662595139407,1.62891783345946,1.61346478052774,1.8365579249795,1.29039219910537,1.47330176672746,0.544728386879555,1.00197966330562,1.49566607844621,1.7653474940791,1.63762397456593 +Rbm15b,4.27157549112962,3.92530458215763,4.08241611230081,4.21005881930015,3.97508027703031,4.00199401863225,4.28405332434226,3.92790759666938,4.12028396940019,4.26092825149156,3.96616277523905,4.06490926861964,4.65773606154005,4.22041377582518,4.28254257119252,4.30509011969325,4.50719141314412,4.6789456299483,4.79539128299565,3.95510114582154,4.33401624719966,4.16649606174331,4.78004912161785,4.44797480316204 +Wdr81,2.63830171330235,2.99751061263673,3.11910299003292,2.93319335196985,2.86884320792211,2.64601303828215,2.81089530740175,3.16995132408622,3.02008475242723,3.19884898329232,2.91849495902936,2.99662329860094,2.91018727606224,3.26777393306953,3.2338762038978,3.27609662483816,3.18068279171058,2.95725104828892,3.29166117498913,3.41050605709471,3.1091469239446,3.28162407707392,3.18675076653786,3.25123801076331 +Epcam,6.43549050537081,6.30192337065042,6.58303566972672,6.41985087098918,6.06483111884131,6.0281139416332,6.09170951393379,6.50034465960717,6.38903707277704,6.38129573360356,6.20153566350085,6.30640395470281,6.01552425598189,6.03092513445189,6.11395428709924,6.12771197354967,5.67414033908641,5.84851164343522,5.55946710393297,6.04131404382629,6.0853455726812,6.03549356426222,5.73034211307223,5.73684084259757 +Kcnk13,-0.805344086585443,-0.831650261571247,-1.38575639185386,-1.42872582624071,-0.737053472608028,-0.18068830372051,-0.636213868370497,-0.526975531608693,-0.895262713802788,-2.47823381919515,-0.933970236637873,-0.692070463013375,1.81342771627714,0.28688400879399,0.081351272971381,-0.14516349860652,0.0255092225883999,0.792132690910765,1.00939306062024,0.337518871986267,-0.770029786325738,-1.14681329800206,0.420168461454315,0.429651208815351 +Trim39,2.48346354740772,3.18338398950416,1.89560492922837,2.99834116298036,3.45466849814872,3.21038608422621,3.38692205131682,1.82655743271701,2.54686106514281,2.88314202966736,3.444501608845,3.10266889470349,2.47896519801164,2.88812168962355,2.03911330362232,2.869121855542,3.44911470441154,2.82986118648206,3.41762936667905,1.83294377301238,2.66599473323837,2.58143039426264,3.38982420729094,3.20213871568561 +Akr1e1,2.99001888201426,2.86394987916737,2.79642610144525,2.7596549045554,2.62254039248415,2.66702300908672,2.60902658773712,2.86086340680146,2.77439782526226,2.94309483199655,2.46914918760775,2.77989409284895,2.88788613337473,2.62745545069471,2.68220383832799,2.78874327748714,2.53176676792996,2.78241813287002,2.54964421050056,2.8846656987025,2.79268738658153,2.66200300997611,2.57655488842641,2.52066992612313 +2410002F23Rik,2.23448337103646,2.79421037789556,2.50685373021989,2.88695750722935,2.76269909514557,2.43204747704712,2.72679044027079,2.18893595746714,2.51567922744162,2.81840834667729,2.72916127562547,2.55240135782334,1.91559796507816,2.401404876367,2.15816167123343,2.36950904015936,2.21880630914654,1.87397880207269,2.30261848855206,1.57245141766544,2.57601903205968,2.58623801539019,2.23200110493117,2.27648891313054 +1190002N15Rik,3.5191465984494,3.23922942994018,3.39846582633246,3.25637936163909,3.30407452474854,3.28213660116852,3.14779963421129,3.48281386357681,3.25567107308843,3.26544959330142,3.00420511916114,3.34559384987536,3.80406569253277,3.558915126637,3.74894121438096,3.76307877301611,3.11604808330952,3.51556645381507,3.00832377451112,3.92599234185862,3.495829971898,3.66031885995411,3.21822070912117,3.29360682288895 +Hnrnph2,3.77674353088046,3.72137520050499,3.39828636694093,3.7236362275773,3.63335090397223,3.6391805740761,3.61434217447833,3.32531880492494,3.70996793563201,3.61863178298985,3.69751830825225,3.71613560209283,3.9561608942786,3.80923863140569,3.65492743174089,3.88690369108267,3.75881405062129,3.73772593138933,3.61472989576533,3.63664411339268,3.81793605353859,3.70403768009941,3.71137170059493,3.80781222239477 +Tmem60,3.35957812312144,3.3438496414055,3.39886092424835,3.48263900343005,2.79791162449754,2.91257004534844,2.99759430359084,3.35790141336937,3.4755481262356,3.04288999412872,2.90836993867075,3.25670265905539,3.72895374371555,3.61313564317639,3.85339524648687,3.88502699654238,3.02733497955332,3.55893024843632,3.14666748725051,3.95038768647482,3.9189389160926,3.44178608190495,3.04021336487254,3.24593784350328 +Cox19,2.19247956077599,1.67370154187527,1.8565968039616,1.90286244144997,1.9787337706921,1.69398130228982,1.72074305345259,1.92208277060177,1.77580049324592,2.00208835314822,1.78178631184773,1.85831796379338,2.18320367657026,1.73250169558081,1.9514351862309,2.08257080711491,1.68186220824496,1.94478467590615,1.53718235090332,1.98452929867596,1.91078137717037,1.60135071802849,1.70297657142219,1.97408995959686 +Gprin3,2.61796028832427,2.8116776955077,2.71895576185939,1.98172235098808,2.26048686024551,2.6888834952909,2.66503785517406,3.07250226043796,2.83512982540976,2.11412275622463,2.4938706013518,2.42593145961052,3.16154131704007,2.79564905283417,2.91154442747665,2.53158684399368,2.65739383896103,2.86455766155129,2.91645211130011,3.07764668298012,3.06409441823191,2.28873675928939,2.57542232265083,2.82717374504141 +2810002D19Rik,0.232166669740718,0.294833940630947,0.488787060552471,0.475055248789757,-0.481177951341647,-0.306025380349864,0.678107349161568,0.618396598910775,-0.319212457899269,0.0308189552801963,-0.447308419620389,-0.256672188150347,0.4501193391847,-0.961202542148266,-0.232274244974829,0.0764352327923339,-0.607181301042674,-0.274274591081955,0.130124675549312,0.353235801989741,-0.566325788927277,-0.239275260818415,-0.556645274985219,-0.007287096912333 +Zfp956,2.77529836727594,2.93151249421433,2.7099349975531,2.8608084454459,3.07774358675797,3.08453679343985,3.04622214920272,2.41801004778698,2.91331889008649,2.92372613302221,3.10521034057091,3.10785608101434,2.03984479547845,2.25441085254143,2.15641805919551,2.47235338000057,2.48553554715784,1.94170379265674,2.660345411905,1.83150742470634,2.54524767183957,2.44168005543401,2.5439798797928,2.5386261349059 +Ttll13,-1.31168863371286,-0.288539779836535,-0.507634762434476,-0.23649174613622,-0.387484619308737,-0.430556473374586,-0.583929384895135,-1.23838784642671,-0.468737167138871,0.210471515342594,-0.628973828730478,-0.367097902949871,-1.20102593447951,-0.414642476346433,-0.702528499742701,-2.28351974690204,-0.716253269364143,-1.12963359569096,-0.271207309191665,-1.01010664581786,-1.22949714476511,-0.598875077333011,-0.662012996983563,-0.8762857649224 +Trrap,3.71212705523618,3.93254200637899,3.67027661619702,3.63128818083933,4.27356423821519,4.24424812337753,4.05277780797587,4.03923591051535,3.71240942752945,3.7050569713714,4.12539516575505,3.91304055914055,3.14231004105465,3.50192384812438,3.43206491759457,3.31519118121529,3.82352748785834,3.48779246204053,3.85316069770459,3.1272070777526,3.19347219421302,3.31772692148205,3.74187411057305,3.56570929077352 +Pcdhb3,-0.660319599284843,-1.07914925880344,-1.40906869030299,-0.974161189637663,-1.12786177802568,-1.19851164937543,-1.80584332469461,-0.659550291791337,-0.458770810618644,-1.5115083398228,-1.10837878123374,-1.69018314651652,-2.86823686841558,-2.50183662181152,-2.12322743671514,-3.57906781972486,-2.13480612628885,-2.88020747167985,-2.82544339574285,-3.63792938063134,-3.27293598679254,-3.7046813945975,-1.93627587867321,-3.64581446961335 +Niacr1,1.53898242469746,1.83387718436485,0.606914200339847,2.25175767197095,2.15984966227893,1.92139194085003,2.44673550573447,1.47873855168226,3.21191250006697,2.06205158496082,2.02373061153012,2.01110143341264,0.625142931368926,0.397483876371362,0.618669943577127,1.07696901652109,1.1417867859756,1.16024660932228,0.336813636667842,-0.475546453664902,0.695154216710837,0.978713252940939,0.7057278618695,-0.494461794306858 +Sys1,2.51565903422529,2.39141017048356,2.669808201426,2.5057009941819,2.39062930565387,2.21707485618021,2.39352343867978,2.47887348757301,2.51553189847958,2.52803719137936,2.20243062802449,2.2476006550258,3.25283984708508,2.96820995834724,3.1570460552897,3.02469149314342,2.91850914139797,3.23101223183768,2.81859268245813,3.30833514071831,3.16907085705461,3.02645122335214,2.84596331383525,2.887701032893 +Zfp560,1.28043207032729,1.54016966825061,1.59757035822804,1.35475270395589,1.40875534613539,1.23710616764172,1.30543676767136,1.54285519968027,1.51941153334057,1.25756557083235,0.941450140940854,1.37519552315609,1.18438078836539,1.06664951986859,1.45834153698354,1.3741119196933,0.769848322277101,1.08047147447762,0.8393953523879,1.24585356404931,1.49063303643698,1.40935326421414,0.827478642078173,1.02353491981424 +Kcna5,0.790460220696376,0.639798651975201,0.790020056588985,0.766784288442012,0.617617141380528,0.658412582532153,0.694004622773116,0.395114013963368,0.456706297475334,0.868100588584551,0.714611438300798,0.814003401721108,-3.09365102143749,-3.95068939147124,-4.12507070237213,-3.18817084104922,-3.04055560451157,-3.2272512252299,-3.42323239319128,-3.32112347409235,-3.2060835656676,-3.76949344687247,-3.19652537862154,-4.50893925497449 +Ddx28,2.75024465767953,2.11320610729979,2.92940635913089,2.68070874950664,2.27609631284816,2.33079790952159,2.53674445201898,2.86122774768838,2.76960395901064,2.57560100166715,2.36710353121083,2.25260285931727,2.99193849062803,2.78524630271375,3.0158224246326,2.73102377001785,2.55208363269501,2.98341356890228,2.74414132834299,2.91530841110395,3.11987104418335,3.10571566527289,2.80898451009721,2.75253297559382 +Rnf113a2,4.08269844698754,3.97024878909887,4.18945631622566,4.27469393757452,3.71821000796544,3.92839929982582,3.93793954031978,3.97608644716337,4.27006508004909,4.22658183686175,3.88355115333122,3.85062134036764,3.50936079708117,3.67280031146421,3.42400004759886,3.18116367672758,3.33231957335911,3.53902952864609,3.36344993840977,3.34006990395069,3.5645980417224,3.23693054924673,2.92840790379052,3.2490138566905 +St7l,2.44497738066216,2.11553849998025,2.13641794115324,2.35282815855738,2.35980841721217,2.43978303791292,2.43430348981556,2.14781776145226,2.31475500346105,2.26594777459976,2.41241711601802,2.33926591086903,2.30865116713557,2.19417260611603,1.84171583600835,2.08758871069855,2.1589690129982,2.20410833118217,2.16189160233329,2.12496710819112,2.23056891412016,2.06499867696384,2.18885643929651,2.2398256398248 +6430704M03Rik,2.20092790789301,2.42070862036756,2.93744196130939,2.51565184199876,1.7542818421806,2.1134292511104,2.08236226028015,2.72226777079373,2.96345886993345,2.59528114426262,2.13567626276874,2.18858354375377,0.264318754214081,0.172685776410492,0.556403672156311,0.212332917158866,-0.181038166893185,0.0415350342934957,-0.397227023156967,-0.131537450141757,0.395829971797959,0.0963124591059983,-0.268444408730717,0.0372579717026653 +Glb1,2.26888243295422,2.55596129760525,2.6153263842305,2.41479228441893,2.2533027477059,2.24389574610878,2.39861895905658,2.86661129190253,2.47262714383304,2.54357531526916,2.33377189384004,2.35362460877505,2.48023515587762,2.80726680545138,2.8223574216736,2.74511776982362,2.60801064410821,2.47335882395284,2.63448400000401,2.74945834229273,2.55776892889495,2.82528455399465,2.49806732434787,2.47318397192104 +Zfp553,3.04910075500451,2.89267857978279,3.10544838382823,3.03657777812583,2.80858489514617,2.95742529836204,2.94878304291882,2.76685830293589,2.76463382122517,2.95084076499554,2.75407264426802,2.98554962440411,2.78882859943921,2.83029559442435,2.75966274559919,2.71871795319211,2.75092820876571,2.70133906670437,2.92792244067758,2.39422075947251,2.74259380257108,2.79973185441573,2.81543764484297,2.84689582642166 +Esf1,2.54094773570733,2.50380952504409,2.53844085412054,2.74068767773028,2.41835817022832,2.30569192916664,2.47342495738945,2.50654283618198,2.90302794630376,2.55294601329869,2.40558099288868,2.73957463734303,2.52572202043546,2.5322867066828,2.33267672805399,2.45165888165041,2.44488638644778,2.23391723717187,2.48881383988875,2.17779062435916,2.30348520178224,2.53770692080922,2.45275509071136,2.59415933751559 +Mtus1,2.35896725117029,2.56823620548456,2.16163337863364,2.33662846451135,2.57887745522697,2.65271168211945,2.32736349876581,2.71864813237872,2.36426967424821,2.29863671414012,2.54619574810841,2.48974294985969,2.74559220477415,2.74644595594937,2.71703419669541,2.98087983590323,3.04347074958914,2.93676548250911,2.94442014432797,2.79123837258195,2.75572313944669,3.0373873215595,3.08800810802471,2.8666797058207 +Zfp629,2.93463861043995,3.12817750564397,2.85771462231603,2.93817650731078,2.84587672593841,2.88833791359886,2.98599143550152,3.08635736955094,2.87764935428693,2.91318088783951,2.86185388077882,2.8671579175318,2.14768101264265,2.53159413078209,2.14728252124371,2.46031989358948,2.54743531583053,2.36894334988373,2.52052715408558,2.29863068153878,2.33463704757828,2.53328642532568,2.50830769595447,2.49793013691376 +Pid1,1.73820675860268,1.41629658148895,1.6505553010008,1.24952499586201,1.40914094607057,1.42227357227467,1.12313584629222,1.82490882257484,1.63936263913524,0.93409812685087,1.37008680959069,1.4402978435743,1.41830389800805,1.48954626887415,1.49917704577397,1.88104241994169,1.39781797858017,1.62189588134421,1.27101324917759,1.82323200906864,1.72165064352293,1.77061411415248,1.25708591662892,1.19337671198889 +Plekha7,2.55321591690505,2.82907542697114,2.39421956615867,2.96638542509796,2.96913609540239,2.89696681245826,3.15776662084141,2.69455354872384,2.53103359132501,2.65790341307182,3.19864662351153,2.70157137548896,0.0314962170916249,1.43580946140754,0.374935478145549,0.917106432354378,0.842107409694457,0.490207641802251,1.23617570051383,0.31013030336123,0.303418312836993,0.812923717795149,1.03555687499825,0.741890252083315 +Mfsd5,2.73657540984599,2.50234415002082,2.87919394178797,2.26362298448554,2.49003189885534,2.38854147388791,2.56264692087611,2.73232358203864,2.89065428740307,2.52402616355684,2.24613824600313,2.61825416468892,3.4131542292512,3.11365044091472,3.26719290819237,3.18528008377171,3.21037697496253,3.16730831484236,2.99566234264631,3.35639889051651,2.90095068134916,3.09260934885842,2.7745005280968,2.91607038924213 +Spred2,2.19503019748752,2.02782395119783,2.21441390882511,1.85423729454833,2.76155455710196,2.91489419477575,2.27314749907574,2.74822476108364,1.9462568477992,2.28363579894994,2.38077127382976,2.36398950426431,1.67765996873431,1.78622335518633,1.76615236286676,0.942345645076509,2.22275410724574,2.15366508304858,1.95082480074249,1.63377157630266,1.51581409912653,1.66704054098095,2.28755784518148,1.57860665654447 +Col27a1,1.09960048601347,1.67441298313738,-0.998922491857716,1.15818035118825,2.53472975477949,2.81294983508645,2.75010746311277,-0.414436026948279,0.46761557348901,1.08406645819735,2.72176419975233,2.39633048873896,-1.14648980208141,0.128006839535515,-2.04186872406942,-0.0913733245099912,0.570673325473584,-0.389931544803471,1.33369375136248,-3.34382083960637,-0.732892000242945,0.397108238653626,0.98459492361139,0.509459225950534 +Pcdhb4,0.0243712764461965,-0.211129486229284,0.0258429823681556,-0.569859898248115,-0.399849478374349,0.354570145048225,-0.299529073311053,-0.0506611612756969,-0.131225138542867,0.346703607162758,-0.323843668119387,-0.0564043579816071,-3.61935739150104,-1.96436333378407,-4.25632559837083,-2.20610945329479,-2.27778933592404,-1.98310251446272,-2.2895183897423,-2.1255843289871,-3.24679531352011,-1.10562085657154,-1.42299087073835,-2.34039022510699 +Wdr89,5.18873378206422,4.35494991982305,5.24794351103425,5.01552233388242,4.60401244795884,4.79353511538837,4.71523200529601,5.15743110687059,5.03517985134422,5.02032368183383,4.66778861293286,4.81699782916683,4.36274583684724,3.9292779182931,4.25853887543558,3.87052951644267,3.65995845929595,4.25181528714967,3.76810773334818,4.36331222669813,4.28874124996016,3.98375501425629,3.78988060886236,3.89140183300122 +Thtpa,4.32775257567119,4.23420514855534,4.50966936780378,4.11472384380911,3.99049577712876,4.17408256322447,4.0513539679783,4.6153562239375,4.36472315524551,4.18232754757724,4.09481729081634,4.22558567631271,4.39368888495962,4.37925793181427,4.63210745081527,4.4811556473233,4.15781270417253,4.31741012375725,4.03625774351803,4.58797261879636,4.38508107751915,4.46212278172799,4.23856863531292,4.29056172374947 +Prr15,2.4936516958624,2.11068596985,2.83304179968521,2.58434994526621,1.97867210232631,2.31875849056709,2.21558647563323,3.22948007744978,2.92907498519892,2.13167136004375,2.24111269005273,1.77714491108922,1.12068249583117,0.227252492217678,1.01805564280446,0.0374800481846787,0.0549349966623816,0.194412522928828,1.18427373100574,1.03261660101007,0.437813318068443,0.676691646304134,0.785605035005926,-0.116253189232599 +Adrb2,-0.515400647658788,-0.489768989108208,-1.23106466318357,-0.0342131930257132,-0.233004840055909,-0.557597880930833,-0.309409918542577,-0.447594144306839,-0.79518720190552,-0.177355773771681,-0.696238233351941,-0.327734885968036,-2.8240744935656,-1.68041305060365,-3.46104270043539,-2.75764424851699,-1.6741221596199,-3.46104270043539,-2.00401982453498,-2.37257893905237,-2.45151241558467,-2.47182257167316,-2.12087973674572,-3.46104270043539 +Pnoc,1.19078040862581,-0.197384926026958,1.81375622130745,-2.03941096576751,-0.653848066774838,0.432742391684198,0.279369480163649,1.14915661223589,1.16482639136057,-0.507602138183019,0.184126547904362,-0.991930394822982,-2.39311498675969,-2.17092475188257,-2.89004462303877,-3.4704370269193,-3.4704370269193,-3.4704370269193,-2.80886605924687,-3.4704370269193,-3.4704370269193,-3.4704370269193,-2.87531560287524,-3.4704370269193 +Mms22l,-0.818306528805546,-0.119241848524177,-0.0068749154900857,-0.647745773413723,-0.0077467222894056,-0.181277782964977,-0.166251146368218,-0.592269799044539,-0.55101445011589,-0.269076399834792,-0.312096773467864,-0.137638019627006,-1.73077337775246,-0.82304633390246,-1.52441024013468,-2.30097552889653,-1.25468610161051,-1.59461266891544,-1.84239561326274,-1.79532482774714,-1.21041524681852,-1.10145801978396,-1.61569253468904,-0.988223971824313 +Tssc4,4.34084045426617,4.07513537907299,4.09893914898781,4.22701529379854,4.03639717021624,3.97388314740725,4.15963402982793,4.16560625403483,4.13511297891333,3.86824064017546,4.22854745442397,4.15038469791217,6.11429988386517,5.77847117341279,6.34649676909124,5.80473463415802,6.06349749376894,6.02708532306098,5.97931487837019,5.54514354481731,6.13315232105977,6.01936713591703,6.03562117528088,5.92965270639905 +Zfp764,2.19037453650957,2.39096518752062,2.42109476139745,2.30677213021758,2.09182451057111,2.06303641780038,2.04813331485048,2.39900410480522,2.24373690042782,2.31454668440654,2.02016316637403,2.52483985435231,2.30576084078332,1.84515265161764,2.41743775344929,2.3082959804566,1.89866302276711,2.44158908952934,2.08092369363881,2.42374515053871,2.33075489967816,2.17342346632124,1.99993475467419,2.15957556575957 +Fam179a,-4.99460953679493,-3.09276247748961,-3.95571820653735,-4.10849483065504,-3.73459117566857,-3.19009394348547,-3.82773098454071,-4.43716361241094,-4.12871689530592,-2.7066231894918,-3.51768014634223,-4.05753597122014,-1.04680287094687,0.290713900800926,-0.0079316870318479,0.23203346178252,0.0436545109269657,-0.195619056215233,-0.0557586962531293,-0.370744377873236,-0.484597479437926,-0.0382784849743225,-0.473823489862482,-0.0686105944856812 +Basp1,3.79486268296447,4.24008354958075,3.42930895880987,4.85651494000237,4.69076663041367,3.92438189662835,3.77217551481433,4.07912992481114,3.64851404693083,4.97308735677794,5.28728821128402,4.55004853508605,-0.958116664009347,0.111786283170142,-1.44905064792257,-0.655229277867567,-0.463796015166254,0.265205045702661,-0.605918917531626,-0.785616514084665,-0.323224756691112,-0.941953291758941,-0.313438262991198,-0.418392776569002 +B230219D22Rik,5.18039995893953,4.96916392980398,5.24171560259282,4.92612201294492,4.77694835172359,4.82008948853838,4.76208214061355,5.2241842654177,5.11164963096852,4.92929913691508,4.7175329287558,4.89055120754951,5.16122353647042,4.8923300396502,5.10427843418317,4.89606832619071,4.81025321833337,5.09347859667062,4.66440382024015,5.22292597689143,5.01366865525602,4.91612202845662,4.77206657541635,4.90380621631239 +Ccdc149,2.99534203897113,2.94217033696305,2.58461381300429,2.79197057469816,2.989621799774,2.85896193455307,3.17316339949592,2.72008003404936,2.61219295802186,2.78537680983081,2.95410293450362,2.88425359581245,3.72405085338632,3.29764052830691,3.03460554679954,3.35513796387986,3.75358794439714,3.49482350247902,4.01215398942152,3.08488864919683,3.25850781079292,3.37904346530673,3.72019836097855,3.86847105517118 +Whamm,2.12683075087819,3.05428070328459,1.82409150336032,2.92466490493375,2.85363482618928,2.75159088750346,3.18863106572433,1.63875009907386,2.39299708780977,3.08710443754718,3.05644032077023,2.93203979051303,2.21375465502171,2.71833178409637,2.33815509330796,2.74781675555749,3.01472133013926,2.65077940178898,3.18614974361168,1.87598743187439,2.62458441889248,2.88200742430438,3.09525236591238,3.07634802957948 +Gm9800,4.71984512329167,4.3651384269888,4.90522064990419,4.75651381058273,4.4128159367524,4.47862989449145,4.38494247314705,4.58573897426565,4.60753237712677,4.70339227775724,4.52933279184454,4.65744746586645,4.93473580693429,4.30102358403362,4.89932503265315,4.93455927783312,4.69406318669763,4.69310867258996,4.56977646645226,4.77792656059042,4.75295439466342,4.98523131193223,4.65007744512958,4.63789606583298 +Zfp36l2,2.47918418669873,2.73195249412214,2.85508404150566,2.4783698659777,2.84941015455562,2.92871525682023,2.60789812064091,2.94964758588478,2.77263793199495,2.62223306927826,2.79447042915002,2.41938783368611,2.45184683906398,2.95155461008862,2.88208497587707,2.57974683077657,2.78481178618977,2.19669624054977,2.69372808951195,2.68265711129942,2.62565074119132,2.77473303015149,2.43383611012615,2.38493142296676 +Zswim3,1.28742278208945,1.28889264691127,1.49286424781542,1.50031735001402,1.31586352098295,1.14397831481561,1.13897133362007,1.48589733955799,1.05325714648993,1.01917051416726,1.27438396661168,1.10531193855417,1.29433262172012,1.21368603521758,1.29491217668855,1.1867757392373,1.00988465067753,1.39792988080731,0.971597090018041,0.869552491520013,1.52188256805556,1.10547399726581,1.44746098033445,1.0380864400875 +Serpinb9,2.90244102532381,2.97365708071597,3.40591206453016,2.76788948764702,2.38828600210778,2.68774823785949,2.44421345728697,3.32741603297397,3.16803693680437,2.79149346210151,2.35666581168256,2.71165827467743,2.46663541430577,2.70336161419067,2.85348408113039,2.39781433831645,2.07218248837536,2.48740717358413,1.84307127866702,2.75891150923345,2.58044995975136,2.5804529922861,1.99282929616217,2.2855111224999 +A430105I19Rik,2.23225639580773,3.32946494153634,2.55612841514592,3.35710220357474,2.96069344988378,2.81671855930781,2.98189988565631,2.67760316893145,2.68649349805282,3.33949563223997,3.2507284215165,3.02526270205974,2.41402008842093,3.45820434129493,2.31075328648707,3.58982006734496,3.17986664605014,2.68743848343247,3.49748051344909,2.56925237454982,3.33449186932085,3.76331592094029,3.51269826166523,3.53957955565368 +Lyrm2,3.63246528957827,3.50886554288679,3.81998517526202,3.52814549337125,3.08834095237394,3.47906249431509,3.49762327827676,3.67025678630076,3.82887639385524,3.7650804672223,3.00188877292208,3.5124998750043,3.57527187100711,3.52107554629231,3.65515538141808,3.96494591296885,3.17628946965533,3.19320032966511,3.07277087623644,3.73797893482897,3.61803462305746,3.73197115039889,3.17968362818132,3.6740844431245 +Cradd,1.79841301692687,2.246290302853,2.43410879621378,2.05983405625306,2.22335727251153,1.84301439108507,1.99471947462143,2.29334731712851,2.01667660119978,2.16007884405864,1.86447036362725,1.81390456451913,1.81641059987755,1.92411421324683,1.90280097487106,1.31575587610821,0.976599622107454,1.28892279698602,2.01047894271591,2.03689988697371,1.95690812517038,1.72813709304148,1.40445741415904,1.73278031291208 +Slitrk6,3.19186348613638,3.609259456302,3.61330431024073,2.58944078430203,3.31068856777283,3.44470239674726,3.05816145513229,3.89198589655429,3.44288000569832,3.18392811724937,3.26892797398666,3.44244934871163,5.51255458868708,5.70552839284976,5.50372303463175,5.50513057471379,4.79198823954697,5.27670644243779,4.9445258827463,5.95674599149428,5.75397855586549,5.44361826129848,4.81287795277852,5.33739211570721 +Adra1a,-0.611164359218122,-1.55644547216119,-0.854357057442254,-1.32610207574952,-0.655162678044189,-0.558095307934089,-0.646477377243257,-0.824005260416346,-1.56345295080992,-0.521372399659014,-0.960152411503937,-1.15176670408199,-5.38714841183454,-5.38714841183454,-5.38714841183454,-5.38714841183454,-4.81168594896496,-4.7570067396072,-5.38714841183454,-5.38714841183454,-5.38714841183454,-5.38714841183454,-5.38714841183454,-5.38714841183454 +Pcdhb8,0.456774104892373,0.0447914725014251,0.944871974162674,0.770224920354295,-0.0401108768817791,0.656241076113206,-0.436286598336797,0.502637082730691,0.603627927134613,0.0732851734740776,0.465723723469323,0.100297586147614,-0.758955630476254,0.0214219345054985,0.353414297826655,-0.295622864555784,-1.15191867570078,-0.0761196177856678,-1.08853700223004,-1.28263118161048,0.014467498606717,-0.606837345596037,-0.0366994243835779,-0.550305520904096 +Gm9803,3.95859728706174,3.57327193237005,4.28309130963482,3.64761697317633,3.24734053001806,3.31724026720728,3.54203160696817,3.86863469981409,3.85701611501125,3.59629496888268,3.38773610317018,3.65793158920234,4.31069581991541,3.68596033055687,4.00597833468361,3.86741387486226,3.65277116451309,3.8084100813311,3.50436828472933,4.11855711759191,4.03796997505579,3.96434175474351,4.01501499413886,3.92888996271667 +Paip2b,3.63853332790181,3.29586698184338,3.74219326910892,3.40518690113653,3.26071293331619,3.19975068818592,3.27024223778358,3.68894221810228,3.52950824421257,3.46578119688697,3.22885552160399,3.37183017851747,4.84020530181006,4.27348735572321,4.53790163054994,4.38843836406756,4.3692581056539,4.61018817837335,4.39952051523105,4.56297209415182,4.54510872217821,4.30423140171333,4.27057782184831,4.48676288838182 +Npas4,1.85502529156785,1.91473574863829,-0.144208588482618,1.65858615956441,1.80050633205504,2.17021675866682,2.30449537158837,-0.396668596532362,5.05090696928263,0.207745878662561,1.5323636297726,0.779038161018106,-0.290714487183894,1.65754021292438,-0.916080765658731,1.15285647527585,-0.0563271575974873,-0.429693012397147,1.38739840337438,-0.330570718694161,4.56538336490508,-0.0497124497592107,0.862370063049933,0.655057636596792 +C2cd4c,1.17842329794582,1.38183186311694,1.38564488815397,1.03274418735808,1.30351997313065,1.44940882860273,1.17269047619745,1.71292033742604,1.19719802029509,1.39598270779127,1.55266985701984,1.07837482935738,1.84027448460868,1.82922669384875,2.11775240851369,1.49471563307739,1.4550096045218,2.01963652643887,2.03116705860129,2.02555528823825,1.73521040502458,1.58997317202103,1.77768162600128,1.69724443744984 +6330416G13Rik,0.875601193449584,1.02463134969798,0.809081898641088,0.847423845551552,0.992318933832002,0.842939667936836,0.877086514671574,0.934490601263246,0.693002928320459,0.341804652266968,0.721461503469171,0.922651387235957,1.68460543630385,1.65778644854355,1.44209857107933,1.5068615333042,1.7157562022454,1.68789397461026,1.78481146724021,1.76037327085187,1.70349402480523,1.53700360253572,1.68400840525212,1.76008053691775 +4933440M02Rik,-3.11336147295152,-3.04384263513188,-3.67678368266973,-2.85676381446902,-2.36560124682428,-1.96904220475102,-3.78690155975718,-3.32926408516083,-3.79083319462408,-4.28778987562081,-2.24471701141414,-2.57119339574502,-2.1733073022537,-1.51256520681844,-0.907910840732365,-0.594204277834513,0.23934164511231,-0.357938174549563,-0.501225829156903,-1.82681167296419,-1.10096542723618,-0.848018330495021,-0.401611187195201,-0.759266183482062 +Ifit2,-1.84706242954321,-1.28199912220424,-1.46144086708497,-0.908008941015563,-0.970277324319897,-2.33781989040184,-2.53140157248866,-2.22995471747564,-1.66898294989537,-2.04685210112211,-2.29176558421857,-1.5388297819473,-3.69787024155545,-2.19403843341249,-2.75903066432565,-2.80626308195605,-2.35630218597845,-2.93257964846183,-3.67326748075282,-2.90738663248272,-1.99769197101244,-3.34561831966301,-2.31208064849722,-3.25798278402916 +Mtmr11,2.58273321973319,2.76827852410862,2.65709527380348,2.9610113636721,2.78107496426881,2.67852662993255,2.71839600996226,2.30134224198503,2.70847821940924,2.76284346794985,2.79669109991521,2.7004913192068,2.69816716740912,2.74011050515015,2.82250866481422,2.93580086327357,2.97414690215326,2.75217669396226,3.05754989360887,2.54498530131245,3.0181850444111,2.98116188254393,2.89290908755092,2.95421190609127 +Mrps12,4.93582685406753,4.20576381062552,4.71348758979719,4.71671529867523,4.71641950644348,4.67609014365514,4.67721977426848,4.73680819941989,4.6103376480679,4.48231775951367,4.65154509484624,5.0047470890778,5.83548287587324,4.98346119772988,5.48119834761037,5.04394136070066,5.76773243476107,5.70736857187525,5.527574369574,5.21233166018267,5.35246012427239,5.13033508614379,5.80446069101547,5.55775037559686 +Wnk1,4.30138796354593,4.36597754842016,4.25954877641141,3.99157377152698,4.97736688449983,4.95128025130274,4.41504132644098,4.99176686640222,4.21853583465656,4.1258716161787,4.74894471250846,4.46041442433675,3.85742680049165,3.99685884978921,3.76470975546875,3.65744176105633,4.56866317553414,4.23348168428647,4.28205931711067,3.95293489936502,3.58719447799393,3.70272579809203,4.42116328367958,4.22018064851316 +Gpr158,-1.11745485711933,0.571132168298679,-0.443060095829361,-0.598018490157683,0.456229925877509,-0.392063651013007,-0.336294105200922,-0.791212571371474,-0.930774649582217,-0.80355110823418,-0.770012091925147,-0.267926894618962,5.16451087565754,5.28418518555183,5.45922759443394,5.19614803520215,5.15644930885795,5.31091048685024,5.16603428734947,5.41079392474918,5.18449731865555,5.27226211881042,5.1425738815211,5.17817406941334 +Ing1,3.27691431253175,3.10254896892647,3.64487011883231,3.35750471036645,3.16149187490084,3.19238157300331,3.08940310293054,3.30128217513365,3.42075353408401,3.33303273355393,3.07527574755193,3.09556896491243,2.6082712861964,2.5769594512036,2.7027267167475,2.73904242947314,2.60192923391545,2.52425487139361,2.88644043180457,2.82430820163059,2.70443347965541,2.87992807721022,2.50728903477139,2.5612401231996 +Mcart1,4.15448289845538,3.96327375576808,4.12041719864697,3.84342056483035,4.13677248598227,4.16833515531658,3.90999813359705,4.42900137225886,4.19655605166296,4.09407204158076,4.01445004433093,3.97882682308624,4.67464845019478,4.40465813346338,4.42254868676627,4.50133487168547,4.56363115482832,4.60475569226389,4.45680885316794,4.65415765324689,4.45759896386165,4.41231940367684,4.64866512310553,4.55854445594539 +C2cd2,0.741300145089555,0.524115237824297,0.555752517377141,0.623420402463919,0.315547955528426,0.461261187784315,0.431060267012193,-0.0681727089815571,0.32254153202193,0.438947365531759,0.422424543554467,0.323756105953655,1.38778505840199,1.47379659552424,1.34702740156172,1.54646372685177,1.06763090357083,1.51549850533093,1.7123175889944,1.53888888779706,1.09447266700045,1.49703544027511,1.42352511818109,1.4750110274847 +Tmem104,2.31397299203516,2.1175362541183,2.31255838818245,2.10831482293551,2.69024033066587,2.50785531747407,2.42299151519722,2.56940435355499,2.27729598456957,1.75646575456436,2.49353338420888,2.04563606159561,2.2563275565194,2.14881615196959,2.47234034220805,2.19844678862108,2.91736177033138,2.75085522594634,2.92499157288752,2.25676943691349,2.33946477850768,2.09900711675603,2.90617771829531,2.43378354130987 +Eif4g1,5.71123203341951,5.54427246711491,5.30924041447463,5.72649355684216,5.89684824717149,5.71405558384325,5.7992491685489,5.24145819671538,5.42715571184802,5.58337766123798,5.89395036287381,5.74634799932872,5.58751244423632,5.87394910967027,5.24634377146193,5.98584819329614,6.38274027677287,5.82174458485023,6.32975290968177,5.14743503273789,5.54895884541097,5.87652481578317,6.45855826524625,6.27195704952294 +Onecut2,-0.175575342862398,0.41563095844515,-0.356666638781966,-0.517182386019547,0.275931652699564,0.213614085962357,0.122218867610294,0.663936078555226,0.0601609421153277,-0.719671838291895,0.0087515096668577,-0.0713571864338394,-1.67563246990685,-1.44004033186638,-2.3622302873705,-2.2145833819273,-1.24945203988069,-1.30539667715215,-1.08568964901041,-1.812574822136,-2.44304361093439,-3.12330512309828,-1.4028721308088,-1.75282329679243 +Polr2k,3.1384220168491,2.68456190841805,3.22599756123319,2.51965899777506,2.02935284019384,2.07017703193752,2.61754210315291,2.56105073708281,2.80337622430117,3.13588721723153,2.16462927048657,2.78080963620748,2.82023546098188,2.41287124392102,2.55387194740881,2.43473168501375,1.81636084624882,2.48723023406403,2.27735951272875,2.43449432086735,2.3812190599743,2.29869242667807,2.43493589995356,2.2131021209476 +AY036118,8.49599653376897,7.97102825346099,7.85410698913968,7.54558711201253,8.12195775519496,8.17386741725134,7.80400629595377,8.50093449591992,8.07949304813537,13.5644074873688,8.42299848645516,8.17153591526918,8.89589024263911,8.47508328985352,8.92502877793378,8.51597185210025,8.01703027691315,8.59473498291543,8.54698633072926,9.31696300758738,8.78968806075738,8.39068209602842,8.13425334779236,8.58718754814723 +Pnlip,2.43357732679687,5.64685077991558,5.06344222914208,4.6455174843832,5.16835556021483,5.40178380322058,5.33567424003401,4.69172394075404,3.79420176313104,6.41149973264415,5.01465189937643,4.51375678572106,2.59042312831533,6.28684156762534,6.0027674730736,4.43989450258963,4.97913359104287,6.24241770199094,3.87708510662923,5.4366059663588,2.90696912488969,5.57792571080925,5.44481258842079,4.68475085758164 +Zfp830,2.79178071885212,2.60837385555936,2.62382769032989,2.72911745748485,2.45151659976652,2.33123445216052,2.46079508779105,2.30201349213416,2.70142486513226,2.37555272978649,2.38435841961453,2.54649484962435,2.68973206573746,2.4735765215339,2.24310788467499,2.41112573824791,2.37314240433249,2.17440727304361,2.360821883331,2.26526188662036,2.33686404267003,2.33901267353034,2.39863715389531,2.24354376927597 +Pofut1,2.3699831205432,2.21155699887798,2.30974435596564,2.35481156693595,2.41242765187117,2.35887453572129,2.152085394007,2.20848025313708,2.19320077013661,2.15123100775819,2.35952418461645,2.25647825458165,1.98713101844378,2.12491428669559,1.98815209427977,2.17705072470341,2.2666232805207,2.17112182108275,2.29862086546335,2.04725601302324,1.9703670004884,2.13441660230819,2.14744464754035,2.2664947611871 +Stard5,1.67401885818022,1.78265469942953,1.12368639703766,1.64735628496835,1.56809477763452,1.5992408086159,1.61213127116561,1.95606354406839,1.60325196325407,1.82754960928793,1.76741429899661,1.71465991484481,0.410132109266642,0.476742434086671,0.828947893102051,0.456323788407542,0.390075158281867,0.631575219772402,-0.110013837000867,1.2177750647203,0.29446739316652,0.457358898893995,0.358984785519789,0.449978154569599 +Snx12,3.60127319857807,3.21382184649769,3.27011134719194,3.16665394718979,3.3986538525685,3.36371734007077,3.26378766757667,3.66988180670464,3.2425114586598,3.3944929923215,3.28098063026535,3.32978583099082,3.71578029383957,3.45733299427072,3.62730939933515,3.50129838892229,3.54499448953544,3.77916556814418,3.4160562813662,3.8764704383817,3.4682825452612,3.54816355461586,3.59594032647487,3.73787111938231 +Fam105b,3.87553918282656,3.68606708137053,4.14411328304155,3.99147700359084,3.77234522123987,3.47623135376646,3.77340662207151,4.0340668231541,3.95242444637788,4.17992876572148,3.64016815142109,3.58597644643044,4.01909544591896,4.0639616356016,4.03165775739459,4.17715053371111,3.96459385693733,4.0128776380504,3.65350773282168,4.1031035619475,4.04115724840336,4.12829115114464,4.13674075409542,4.01821596595836 +Sbsn,-1.29928212960561,-0.582331304377092,-0.904394133147061,-1.05151467849012,0.302871104292206,-0.387214251908205,0.323922530008981,-2.28159099078615,-0.555234564584026,-0.132806057806378,-0.180141678469335,-0.0861890996673977,-0.969720077002293,-0.679205726421229,-0.106671557305206,-1.12108590609271,-0.578677295097265,-0.632815594298157,-1.21087138931318,-1.42286374632055,-1.53933309343329,-0.180853409320079,-0.620448561954192,-1.1105993468651 +Eid2,3.66852442066006,3.38464836500891,3.57174724708105,3.63441403714088,3.42146668588181,3.2952732384157,3.65510268504989,3.28138168974253,3.61273440216482,3.78931556730375,3.31363014247712,3.36907221311697,3.86882838346217,3.5435275264268,3.75507347885131,3.67887255303456,3.57042118282078,3.77312120684914,3.69233608721864,3.72266868207921,3.75503594802719,3.84036950138595,3.48658137577496,3.45789284318828 +Ppp1r15b,4.47094157717029,4.46647472195617,4.61829919100296,4.52668113827442,4.34134303130343,4.33313347630837,4.34296071957341,4.57844650904616,4.69246390730083,4.3953131285111,4.1596947756579,4.37381369030435,4.58943503069188,4.44700880049091,4.40776391896023,4.39359745421347,4.35488601077809,4.43573720711736,4.47885465663698,4.59772484466702,4.35606879093118,4.39519835528912,4.3244717955141,4.36496161474703 +Igfals,2.038896416589,2.67800085086285,2.35024518725295,2.70127255511179,2.14456045974631,1.62289399874137,2.25108867188026,2.83509517626504,2.10437233711383,2.5187837735867,2.20589746225413,2.29223986681879,4.46893456289495,4.9090831549305,4.84616050880953,4.83158696388196,4.60622168137878,4.60153544107449,4.78690866089067,4.95593745537658,4.62398322461495,4.69391628641203,4.55370318363001,4.57096058023631 +Lrrc8d,1.45964210889875,1.71205129205248,1.63562466400805,1.51456095087909,2.48452761506514,2.30279928122575,1.85288131572892,2.22914472543139,1.60040783624765,1.92122620443695,2.38377138369777,1.93347237339399,1.92869505541141,2.20251172113794,2.01265050929309,2.13703762550822,2.77255942076303,2.2562950890896,2.54569486114656,2.23298424406776,1.98788152598232,2.32465676726412,2.78273782286224,2.41123814099549 +BC030336,2.66351099143965,2.55801980231394,2.5630903776728,2.62727469737862,2.40300241481876,2.64549620311423,2.51640922201809,2.43827729884119,2.50716539628895,2.42933942237371,2.60659280149486,2.34892148070283,2.86559229343551,2.88339196748309,2.88820964002203,2.90763108026677,2.55146351960116,2.8026116862582,2.40063239918313,3.2579877030978,3.08226348857927,3.05868861331724,2.67499448209812,2.64577345780601 +5830418K08Rik,0.72805274638596,1.1782519507811,0.684681600713632,0.99099328353907,1.62298607932148,1.57750649873192,1.2747352656502,0.636718531422208,0.826606135112109,0.985401473034698,1.44826236096178,1.20543617472781,0.0927505918087497,0.704120870008072,0.449114193991216,0.547177615012151,0.987565279420485,0.341303450716378,0.950865872128765,-0.111359363266402,0.420440176576717,0.571801435476291,0.785287384184141,0.717878462387748 +9930021J03Rik,3.28152897205723,3.6069105439528,3.48857518277826,3.40608300148544,3.71965848605799,3.68792944745821,3.49028389379388,3.65763030706595,3.56803101164916,3.63738645163464,3.61481445335908,3.53382068904673,3.5943672681508,3.59873822327443,3.50574862242907,3.6831529701202,3.6592605802492,3.56726524645384,3.45122352139542,3.59471314665114,3.56667864053515,3.63660542486522,3.58379947414027,3.53206828493495 +Patl1,1.71537251860345,1.93188052098521,1.52218946316805,1.49131784766346,2.52573262117365,2.29333571810796,1.94372948875437,1.89215662774739,1.58649012887722,1.47403763344763,2.12046303945021,1.86443866219065,1.54684185065774,1.60818733744737,1.36038172534689,1.1418261243496,2.26884967811174,1.66785178602058,1.93143172781365,1.49219102390163,1.31593097577109,1.19513449923862,1.84958267272637,1.4833978009684 +Fut10,1.09508500393073,1.13271312909321,1.65444620961257,1.18097762181213,1.2529799844799,1.13654120287057,1.03053012120776,1.76115065254993,1.5074065902626,1.3537407118563,1.26173604269959,1.10396675750468,0.708554202795971,1.05622633343737,1.32244509144864,1.18250147205115,0.728032945587601,1.14844307013902,0.35250064760275,1.13648398064846,1.07529737944639,1.17618165886164,0.425165637993051,0.561099454517997 +Tmem229b,2.6662773533141,2.76831587459021,2.59130395297715,2.29486495362977,2.54952666748162,2.46900754304038,2.48256724043481,2.67004343350716,2.41991902987073,2.47283737466012,2.31964563819152,2.60809673214572,5.46258022758332,5.39616667179995,5.52258807320037,5.15890654479736,5.2945161404095,5.61498888034316,5.42990266284224,5.26906600186507,5.59254034206485,5.31850022929293,5.28745842799226,5.39286520394366 +Chrm3,0.74523554959741,1.7090555567251,1.24550228925365,0.761501923686432,1.49543341971056,1.30289323077762,1.05122817800774,1.40648426978416,1.18912857959665,1.23367968946013,1.21161656260762,1.21552061412935,4.08346088358238,4.63231696022694,4.18487288026138,3.97475090645357,4.15264774150227,4.22630454396562,4.30359472693242,4.36938887084617,4.13292599763307,4.09254534240454,3.94291789692813,4.27210401188427 +Adamts6,1.37504747740724,2.01916457325315,1.27729713218044,1.91512560363997,2.58234094813837,2.27790325432683,2.267397013027,1.71205372292528,1.35781228171866,2.09498454212793,2.27647792631399,1.93502152286436,0.242177549983345,1.08699387337162,0.309845585724261,0.919505148820322,1.79180986887715,0.819242474741943,1.32523336931233,0.367967881960977,0.762540102089272,1.03424044592839,1.76518129412314,1.18841312384791 +Nxph1,3.12459447804026,3.31314162918374,3.35189270916943,3.18386789535533,3.42753228810425,3.41092896981736,3.4304978561303,3.678701174944,3.44413449335217,3.2957393760048,3.42722589763975,3.28113700733867,-0.562220760174857,-0.738379867469563,-1.03788951914638,-0.916663654274883,-0.99276662944724,-0.35666381115838,-0.706892856920342,-0.867033447453737,-0.638273073509112,-0.382815511546463,-1.19052232771206,-0.145630768834753 +Zfp84,2.97779057686642,2.91771863112595,3.16556499371139,2.84520421326443,2.79197055415375,2.86940379612479,2.84179651666337,3.08575796176943,2.86666239729478,2.84017557917167,2.74526175492037,2.82536154795105,2.96727011907522,2.73684798982536,2.76536725883498,2.93035457072819,2.61791482773621,2.89989403693732,2.68734824502152,2.82766084922055,3.05198993564961,2.65661602310323,2.90798918425777,2.76817191495404 +Pcdhb20,0.411703477983148,0.529158577717198,0.374722854295951,0.553112557505698,-0.466622474255115,0.330813560760218,0.11156596384601,0.676579861270464,0.602906113631424,0.22699662824966,-0.420060361643333,0.558609869100142,0.720812646206183,0.23175014135516,0.71988108176596,0.139844976888692,0.491502511298731,0.322310069668501,0.543964638361507,0.531628656158492,-0.152846246338871,0.526816826621864,0.363511864160127,0.719956871724295 +Scaf8,4.35904650026347,4.50701899089489,4.30961738077264,4.41360628818684,4.58245879271235,4.7151277198878,4.53394699162971,4.49372752780987,4.41776816163698,4.46223336031985,4.61098883958777,4.53365375524657,4.17597859952025,4.20623160710278,4.09612918893958,4.1370015514847,4.46970823376061,4.31114770267326,4.32464243020488,4.15024953470278,4.27327907234103,4.12127464104097,4.32914740116659,4.31343379826735 +Pnma2,-0.097654453090219,0.489517241059691,0.579179419650488,0.458353625302485,0.0466284279477511,-0.0167524377926362,0.0553137287486836,0.518089684751919,0.211221787401411,0.227678028775055,-0.199757974666584,0.212424133568551,-1.55264734834403,-0.0775355324705536,-1.30547827095415,-0.329325014864408,-1.12667194033368,-1.76456788443648,-0.898793259378692,-0.882702887739697,-0.809680491403418,-0.950496491197527,-0.849878565171405,-0.962479361203312 +Rprml,-1.28728735354732,-0.963664678819177,-2.46171575621661,-1.95166930951848,-2.46171575621661,-1.87807758021221,-1.96082744035299,-1.90426983183262,-2.46171575621661,-1.48283558845471,-2.46171575621661,-1.52464219064182,1.76801440391124,1.20409225589263,2.52496209354647,1.36560094618335,0.904668878558086,2.52342716202734,1.6008128265698,1.39802501481035,1.72615836358459,1.42498681219173,1.1510134488062,1.43241514935207 +Scand1,4.42085895881917,3.93845298282311,4.43532093430945,4.26843851491703,3.82253892098321,4.44056695046462,4.19396923443895,4.33087419578883,4.44442592132762,4.38729629587435,4.59662770621549,4.1753066335599,4.97488850830316,4.95668114046551,4.88480972321361,4.83726451435721,4.84788175824998,5.10907865036785,5.27643680208484,4.89414974432021,4.8727430252725,4.91487579917947,5.07447373719025,4.70147426235621 +Vps13a,3.83996292838753,3.62183538566234,3.69583817958631,3.62347145725353,3.9958623476072,4.0314309398711,3.71828059903633,3.70986532090836,3.74679161593349,3.5255897472029,3.88690758754869,3.8687043338061,3.83589731836866,3.64120211150003,3.8409788178757,3.75745043481642,3.76733707702982,3.98306324737945,3.45582288698237,4.00027063823792,3.64864065997338,3.65484788983176,3.71227577326309,3.78505538109051 +Usp27x,2.10330930444238,1.90297028880952,1.930693985272,2.12052744501703,2.06043401067392,1.90438379709285,1.8615008658604,1.79873358671056,2.16348994661094,2.24130705127868,2.05793406691495,2.14245680996831,0.878598398072524,0.862914104399386,0.971497146069955,1.07306549598005,0.956909553535873,1.09683126200404,0.842079711110632,0.731180222059409,1.00349752631376,0.787701813310805,0.929075938592656,0.753648222959487 +Zfp62,3.34731291488224,3.42096551435231,3.18721750352124,3.52685843415805,3.40043504842858,3.24962725766624,3.51458869985078,3.23149925947122,3.37280498861271,3.51253574722669,3.46319762365089,3.55293681043442,3.14650732911665,3.30333258380816,2.96221174887175,3.10896895482225,2.89334731433927,2.85315668229275,2.88620856825992,3.01125975816287,3.23562372561983,3.04285371954562,3.08622865425425,3.09238220174865 +AI464131,-2.34005564485392,-0.961667678221544,-1.35602196631526,-1.22559440852644,-1.3663406705731,-1.51042390868474,-1.58423634691262,-1.66776007365877,-1.67223102641611,-1.6315436422163,-1.42029104054306,-1.70636910015041,-0.546350039066257,-0.203900716364012,0.147266770071579,0.6562733243493,-0.492130502510729,-0.470752959043842,-0.100811065844645,-0.734637759925618,-0.21874945149762,-0.155597057534248,-0.395853695946411,-0.323426998459502 +Stxbp6,2.13322918026166,2.07965190178279,2.52657191311557,1.62789510911513,1.66929121433151,2.07359155928278,1.50719545608563,2.36240237284674,2.08011626090089,1.50851895380672,1.58930853807689,1.70409603659413,2.70828818980489,2.52484341589118,2.77583541484692,2.45787710504025,2.23087754813214,2.60576385621694,2.15319672232412,2.70201759104894,2.69569024657558,2.57488444063348,1.99566869137039,2.08491336494208 +Ccbe1,-1.80235114503514,-1.49611012029017,-1.53272230568245,-0.619776876055219,-1.01194914219837,-0.486958413104248,-1.42472813947642,-1.60198630967783,-0.681148057906029,-1.08951356710454,-0.76518278475547,-1.0614004051895,-3.4040647199062,-3.02381682030429,-1.79848510818829,-1.2929100216379,-2.25916914966213,-4.29028397267472,-3.05186697342848,-3.5618015032544,-2.76917281258796,-1.46510903212342,-3.20830215444224,-4.00598973022896 +Ermp1,1.39600850175756,1.53663726940523,1.39850477374923,1.41805222068256,1.4864427257352,1.43943544477824,1.17158922303707,1.66275463699603,1.36919252691131,1.43933356821399,1.29048228483928,1.45259722249867,1.90068946600251,1.95554802290623,2.3646730030027,1.97674420680438,1.82158140650435,1.88605199717463,1.66595471129746,2.32800048617936,1.75628371838536,1.63715256138421,1.85070497072958,1.80276087008463 +Slc25a23,2.24299866685016,2.40942173159074,2.43900973858532,2.14189474463427,3.02315139419045,2.89468858857313,2.62808770173986,2.54295504979227,2.2520803806983,2.06450644641925,2.8435501661433,2.27434205856207,2.22608480141137,2.24332007274373,2.32393026031371,2.24258588927746,2.83877134828953,2.55212656696881,2.95225451801658,1.95789681453047,1.78406898702013,2.22705812564527,2.76483871786825,2.4026898897358 +Rpl37a,8.34410563881982,7.62664530880012,8.51983579288286,8.17444391318819,7.86648924767164,8.05443341602898,7.83638145717859,8.4610206718584,8.41475859965654,8.22379121543763,7.92282931546814,8.17775107691332,7.66828639157245,7.23816204414175,7.78235859368144,7.36729145224072,6.97652122099391,7.49999425096739,6.97460374163536,7.81971450569764,7.83119355320402,7.47775652049782,7.03345036828542,7.18239553279496 +Gm11223,-0.0646311650793712,0.15652570893097,0.554443530162233,-0.183823631962996,-0.0801770622946688,-0.514438457868569,-0.207696709236359,0.31058374502219,0.820750509430252,-0.030967703874901,0.0067208238000495,-0.248138192809092,-0.0304759984461008,0.969218339592008,0.129234106771106,-1.14475726837251,0.655973669428975,0.248944906615241,0.0237795752130573,0.636888565932403,0.945983436907301,0.662127983455537,0.165286567017859,0.984895165839148 +Zfp322a,2.83056955810017,2.59280715809824,2.86082742317381,2.60215310201819,2.4515125123876,2.61890144473654,2.44528406250881,2.76964009009482,2.80049591345794,2.4378149890947,2.52294933819041,2.71785045198815,3.01079501121965,2.46677963841658,2.55102435075759,2.64358350105763,2.69590876061808,2.96160652455694,2.66299605426189,2.645953081028,2.80336749630002,2.55681850334749,2.54836682230396,2.80649338016216 +Rpl27a,5.00470685250655,4.49989110586657,5.29870870938109,4.98111847541802,4.56217835571463,4.56418786845075,4.63681617451455,5.07046056634944,4.94970333777941,4.97992423639801,4.65168293889407,4.72702361102883,3.94056242053289,3.7285154730636,3.85504146091249,3.52075270711211,3.36666313071461,3.78597033297049,3.44181960609734,4.03316733709487,3.81989470022976,3.60258725070906,3.47492393842477,3.6418411124233 +Asphd1,2.54162929747014,2.64040350619005,2.0490431599255,2.83181972416842,2.67852726463599,2.4228621899661,2.98456627726554,2.07042560047883,2.38018555143677,2.9880963999285,2.75330037606998,2.64403198598363,2.66886753254081,2.66665070542336,2.39933741592962,2.76455260991118,2.94594139165942,2.6629337699934,2.997156812431,2.06355613817418,2.60297610160589,2.77109621158652,2.98500648133256,2.97209894729814 +Jrk,1.33559801281281,1.69240361998235,1.84404224531552,1.51166986833198,1.28688193835316,1.44038865911575,1.55095960882274,2.06191477557254,1.71708827642276,1.60808304932048,1.3502439888955,1.47613849861715,1.42423206922767,1.55030850934779,1.58978081752585,1.63066236643586,1.59859309422348,1.80320289190341,1.63358396947448,1.64916644412566,1.30415229358682,1.66663034331972,1.55176938596056,1.56555974484117 +Pcdhb17,1.35268406824693,0.930566820349133,1.6196849032908,0.965680477679105,0.711349701556274,0.808541175641317,0.954167184845284,1.49115243802558,1.22416616036966,0.932888562538667,0.724329696826166,1.0712960157394,0.597776233295586,1.12201717690873,0.93877879314107,1.02995255811796,0.630063416243348,0.670812871325906,0.948437281195332,0.850430612821686,0.675945870748719,0.368521245892222,0.573491323446377,0.881826659609712 +Yod1,2.99271724962033,2.95956157556942,2.91378527019964,2.97084001528743,2.69197205000972,2.82846423535921,2.87924543890307,2.95488028813946,2.99265267919431,2.88968253840126,2.69898149776388,2.83737789588402,3.07204708770505,2.84076281272607,2.99324366195812,2.93717056637489,2.76211542400949,2.94224528297685,2.77796608391696,3.06365913859654,2.984099314207,2.67601294358796,2.74438912263659,2.73438926490907 +BC046404,0.862394530073224,0.507261161247077,0.516791060588217,0.450007211324591,0.315940362530145,0.464399835990835,0.105839025738407,0.436749018251787,0.294287927596028,0.501122744265911,-0.0625284618940851,0.0971851529189554,1.60370055682087,1.45642802927655,1.58759816343016,1.48209684255327,1.46513737509521,1.55899867326012,1.29222492512312,1.3887457760133,1.34047876386172,1.82345381973184,1.33744936121585,1.57701954428159 +Ngfrap1,6.89723695356443,6.68033768749841,6.94453569964294,6.90749161993573,6.77812274275706,6.89327601456456,6.71266099232215,6.71817799559039,6.84673239912688,6.92099542695778,6.95810040695141,6.93217993900362,7.12776821137312,6.86820128883926,7.02957329146813,7.05833904000523,6.95321416691452,7.07850288636492,6.90331583441684,6.93440253944061,6.98013352425878,7.14229626106857,7.0448023231858,6.93224096924206 +Hnrnpa1,4.54834950733769,4.70917149230987,4.98981553932032,5.14331664611517,4.27428630144812,4.29122013787388,4.47324255789078,4.21516991932857,4.91971201493353,5.15240764335731,4.43232273433301,4.4504180659122,3.5064902557013,3.83162007322904,3.67969430005129,4.16092216871099,3.54090892480315,3.45126416057988,3.60911760644358,3.26976273264088,4.11018953205836,3.98582212076509,3.58697386676381,3.69306180680285 +Ftsjd1,3.31766576479561,3.00813201518647,3.43462482272348,3.16725525514093,2.75663833959697,2.9607970808278,2.92967165295665,3.33815469656875,3.55247972773266,3.33494051270688,2.73915652944259,2.91041193254706,3.42952728544122,3.01991997651813,3.50724976284203,3.35147656018555,2.9856634006822,3.40230846382781,2.95930886037269,3.19457187667729,3.45898738703664,3.02626908822482,2.88516091572982,2.66941201789582 +Ppm1e,0.468970766089633,0.927230844151679,1.161649357797,0.600266850663772,-0.131327143251677,0.551428762627967,0.265399857778806,0.794367235575423,1.33502038081282,0.845988514076799,0.393327155191542,0.244408289007376,1.91000610382037,2.08955511717947,2.17478998311915,2.25205982118582,1.78320614266737,1.7510128923594,2.08362418946664,2.0154256802181,2.29101105385127,2.32966631823437,1.6506226953933,1.94350432696635 +Camk2n1,4.45625986000762,4.72194221843336,4.81366770726683,4.59610357535218,4.61342230396962,4.57815800880041,4.46780607399766,4.95052855125853,4.51813243547065,4.6802627035791,4.54698722371933,4.49138909095951,6.00583846374345,5.93804559696335,6.27711513122629,6.02797836935095,5.91441550230165,6.00346202337731,5.69311053681404,6.33616612896001,5.86161559597777,6.12197466668121,5.90121669620767,5.83426346548929 +C77370,1.10283275052069,0.552555425429835,1.05120418375251,0.764050759665392,0.821357005933012,0.788110685084512,0.620610242877615,0.891640254244441,1.12689390717676,1.14378879978053,0.656076579695591,0.948186762148314,-1.85340962779212,-1.76695641169106,-2.45450466127937,-2.20785252189214,-2.22746098852585,-1.7778125477697,-2.17701848358321,-1.83357165389445,-2.02576130523926,-2.11416750438292,-2.70458002459115,-2.00730721410975 +5930403N24Rik,-0.855123164711456,-0.653984602705739,-0.291432612123856,-1.62122233872403,-1.20805851779024,-0.865186099912505,-0.593584518089963,0.0611562361287736,-0.524688002137142,-1.89010205145768,-0.136817886804552,-0.854552381546861,-1.5302484151008,-1.474910126954,-1.87102772257402,-3.44683550667361,-2.14205277960738,-2.81669383444627,-2.33339619431859,-1.51470363461227,-3.44683550667361,-2.86905062962785,-2.43162382212805,-2.03315999045725 +Cox17,3.13135319080854,2.50508357352822,2.9472363336511,2.82696795885108,2.57118505090432,2.53994254293816,2.86978161807471,3.03944758739476,2.92646568878408,2.97378501540282,2.71631539983304,2.87895457867594,3.23955055994459,2.95756961088247,3.08425306639632,2.97644985250495,2.63147937580407,2.95097678321557,2.66200714696196,3.18729849773679,3.15886091134338,2.98253640132428,2.73183442496802,2.96231211533154 +Golph3l,4.35781308820874,4.2072610548676,4.39108902788577,4.32585403969421,4.00805004133089,4.03512087896075,3.96540478395338,4.45128230224527,4.40946641035301,4.42962016868954,4.09685543410749,4.21580941909992,4.88430262886551,3.73507040175225,4.63417396270657,4.13277870906818,4.41874098741252,4.73704496290276,4.36960458903324,3.99670960473218,4.56898567286225,4.03248026897101,4.3571096025472,4.52471787054321 +Zfp526,2.9478653534854,2.86458968362142,3.09821712488753,2.8067337488696,2.57688161899003,2.60301327598518,2.68168361523511,2.9538010664246,2.96578627942923,2.86171502198066,2.8579964498468,2.6416456074882,2.59648203596464,2.63685646956774,2.47155274845762,2.67839391886411,2.70347343140839,2.56201565179054,2.79584168055794,2.37536555764473,2.58394478321127,2.58551872390433,2.73648606043692,2.75541934705054 +Fam43a,2.74826060937712,2.75713945578446,2.74507211713678,2.93203002731998,3.05361422018638,2.85326467833995,2.81777011369255,2.8652743072985,2.85202120582652,2.85845829553756,2.89300946296751,3.01436567159547,1.75069072064851,1.96973093280627,1.44750994283232,1.4890336333897,1.48180975622961,1.41302346596028,1.42086450438353,1.7254889776482,1.75088674362336,1.7382363229368,1.73418625716723,1.79430492101599 +Spin2,1.8382780256513,1.85694706045125,2.36017830989792,2.40481166369388,1.6618312484188,1.69681904435562,1.5641515832481,2.28508190939026,2.15118955722954,2.45751452192817,1.34247309972348,2.00687039637737,0.706394090625717,1.2709606186483,0.749420323020995,0.161047645898841,-0.146738429249019,0.883013437481706,0.622081428312811,0.500689836266418,0.77944746894252,0.245445435733938,-0.476749016923755,1.1240381081605 +Zfp319,2.52774806407137,2.53556645195597,2.32072567764453,2.27235919936737,2.57376546192668,2.7517249488233,2.54377902813663,2.86150866005387,2.39266094850081,2.35310697016235,2.43133842362563,2.392107840387,2.17616522574146,2.49434914018385,2.19457361772394,2.31926895293907,2.37977927480884,2.24668356413742,2.77202047129901,2.13702807053629,2.00333179373062,2.2447653444291,2.54973587247599,2.42170833309441 +Unc119b,4.13146683482775,3.84313345264621,4.09942177238732,3.8101626657814,3.94629167126825,3.93984366030484,3.85645766889463,4.05595004350318,4.10158145975986,3.98228807285306,3.66789586983984,3.83121926607032,3.83655300318599,3.85799885440841,3.96919216562176,3.62233324492276,3.95814889269464,3.84788377065858,3.92308914927094,4.00822988344864,3.7610147899575,3.80460775454124,3.8520522201352,3.86846944886944 +4930430F08Rik,2.76306366567891,2.35270065220113,2.6973504108206,2.75131217880508,2.00296400744612,2.31446229009814,2.21883714268624,2.48085347806882,2.61695212384426,2.73152387200021,2.5673781506473,2.72077451534465,2.93106610171333,2.59390341464539,2.41671986855098,2.73370914648372,2.30173635330973,2.35149321394407,2.42474174772683,2.82854927893976,2.69582194027507,2.65569467705851,2.2519075638675,2.5341785070631 +Zfp518b,1.07157585271297,1.00126115610309,1.06073765854013,0.996371241721961,1.10111145115695,1.0997645394726,0.991606568898623,1.20721513271311,0.89058562551444,0.791173089767953,0.892570609821382,0.827034335958334,1.48868713048554,1.71334316195279,1.53562778077437,1.73682016321358,1.52083828948397,1.43703771727757,1.32910048523338,1.76752867817445,1.51119420890683,1.555426207756,1.52234949762903,1.69070281195788 +Lyrm4,3.61966698232647,3.45523544611112,3.91626236134592,3.53208863542037,3.15518700152222,3.39289529528851,3.19204899307666,3.3224677690343,3.66077136012696,3.95126246833749,3.19814322548723,3.45115396685603,3.79584310000978,3.4778766764321,3.74674757933236,3.56453726579496,2.77929740173849,3.24572620616825,2.74521508490603,3.99752234805419,3.31541049184462,3.67605780704048,2.93938867892851,3.23133101065615 +Prr12,2.11473171205667,2.12567727430723,1.75266926580535,1.59245276671578,3.25779068556323,3.35823617599552,3.05222785383995,2.97218135113366,1.70077181340226,1.81417421471632,3.35868942368589,2.50306879784708,1.3890896561758,1.81348656073769,1.52225126176647,1.24768297311039,3.07097003829339,2.12655246111107,3.28619972740303,1.10261925897639,1.14192973020592,1.50738848814931,3.08376959126854,2.44833900904298 +Gm7862,3.63166180559375,3.09936281860979,2.94393021177737,3.19306039465868,2.84281392903998,3.2688278460517,3.11913909642571,3.29015056037449,3.27954760020035,2.54671105520598,2.65820174875712,3.50253858887765,3.644279035489,2.62892040012981,2.48988269893971,2.96072875835412,2.71068189811783,2.78068760410679,2.51274163976941,3.32920285249768,2.89126172800743,2.71701482957035,2.68958501946272,2.87199900241682 +Ccdc147,-2.47345093234273,-1.3105661573198,-1.33776253463311,-2.91927127972666,-2.58741005933537,-2.78387362686724,-2.13787571807985,-1.58825579534953,-2.1478683123704,-1.14058217255139,-2.060344197081,-2.03260120291872,-0.798770980001971,-1.8114547967009,-1.7924816180695,-0.906752044956182,-2.12488079884088,-1.67534550096518,-0.443939690140686,-1.97267579190394,-1.08678015157364,-1.95029573696929,-1.37732766871836,-2.18748168802382 +Tmem215,-1.37697905565961,1.00504174694192,-1.84094771683068,-1.49661847248686,0.595215438871676,-1.28825261904941,-0.574666266152902,-0.685370963115443,-1.00927325760954,-2.05701320738454,-0.477492521638665,-0.443035075056528,6.20267694056936,6.26987324441863,6.37718291154881,5.89580317609763,5.82313509477641,6.09846495888729,6.06255402323775,6.4813816805997,6.3192765487629,6.16618500300687,5.93044526049998,6.07840053921604 +Bdh1,0.623828547804183,-0.144591932373999,-0.055730811270265,-0.470054255758547,0.137945765544824,0.401047711465909,0.451114517218874,-0.929576513609728,-0.251379712310615,-0.246711313032153,-0.0743553661230494,-0.176558931749355,1.89111028561013,1.30093433968684,1.69743193407247,1.60549271075128,2.15737898508421,2.03881226039146,1.79304611028502,1.346473253679,1.97320026028539,1.95087459445365,1.87255093686604,1.74836245540108 +D9Ertd402e,1.82412546305473,1.75656549880296,1.34290073276259,1.7080034586868,1.19968088924185,1.59962154476168,1.86832062934845,1.34785843073627,1.74775872373673,1.41891109892416,1.70179873273234,1.82568825666126,2.0127418077885,1.82733077837757,1.83934790025855,2.04556709029617,2.05675760904999,2.12423656260041,2.03342040170251,1.86472686648816,2.26069403788148,2.40108932698934,2.00346203379072,2.22316079322464 +B3gntl1,1.50419672713539,2.16059255555038,1.49896605089423,1.99022854927352,1.91043527433602,1.75065965664663,1.9681699819007,1.48274384722077,1.6018209945637,1.89043044968855,2.04439013739801,1.81598749182473,0.697053718113911,1.27897648090372,0.511050862869351,1.31515838977414,1.85086191167116,1.0810236319551,1.65300322987031,-0.0145106235170767,1.30183430535942,1.0881539579669,1.78434459688717,1.62904775204714 +Oacyl,-4.2057965034235,-3.27048431036356,-4.2057965034235,-3.69575005672537,-3.25720169086017,-3.6221583274191,-4.2057965034235,-3.24727071296352,-3.70883982242677,-3.2269163356616,-4.2057965034235,-4.2057965034235,-0.822301959787384,-1.33139721414045,-1.13046267984493,0.0588708983561277,-0.839411868648799,-1.00169420713638,-1.56512070421385,-1.24995388631306,-0.433309688522798,-0.181722429881109,-2.18303870349548,-1.37759456325122 +Vwa5b2,4.46906219615427,5.03702380514565,4.33687847597131,4.81524714298876,5.3281518153412,5.32813478319356,5.2935349975583,4.49825145154517,4.66599685811677,4.90459827421951,5.26127370713317,4.96322297581532,3.35490455641505,4.0936121106031,4.10370380829817,4.29515009135794,4.6542306736479,3.9658876668513,4.58199438520064,3.40940603277057,3.76337364063397,4.24624224131029,4.56112046218864,4.13427698332348 +Olfml2a,-1.98768826088989,-2.23871162782814,-3.2967422476382,-2.13894676429036,-0.176319128116848,-2.1293832572837,-1.71583711482961,-3.40393601179744,-3.32160677251371,-3.37659685845056,-1.75924282325697,-1.72672382897413,-4.29636210679669,-4.3607780237262,-3.61963884517735,-4.22993186174809,-4.3578678507969,-3.86608127146787,-4.27175934599406,-4.93333031366649,-4.93333031366649,-4.35554543662073,-3.59316734997681,-4.29667851163658 +Pkd1l1,0.135439204400734,1.66450354915795,0.262974555275878,1.14411780998875,1.78188760513613,1.66105257186405,2.10598396046125,1.00184569156034,0.964138941596953,0.663116639818959,1.97295125930118,1.25804584916977,-4.07051656044632,-1.56565254804236,-3.32550712874589,-1.31762308341441,-2.26246132537293,-2.91684700588073,-1.76032632757878,-2.16111671751379,-2.21980847558867,-0.698253433485383,-1.99777494133096,-3.19697300272925 +Gm7729,0.922604634223329,0.57780026441799,1.62255938121668,0.487364995773829,-0.384829924805774,-0.724705919098139,-1.43504150632016,-1.03500452868418,0.763748991116129,-0.019032206299168,0.141589432833628,0.390720414235557,-1.2296965134427,-1.00750627856558,-1.72662614972178,0.125500556009267,0.254075518158493,-1.23976951140369,-0.572702797786256,-0.0017303549831739,0.409512651920952,-0.0023771286199623,-0.966855589912628,-0.620465511193125 +Ttc34,-0.13799094067715,0.0396286486082458,0.178381955288307,-0.152941151401904,-0.562211695497696,-0.334967378094383,-0.423832436389124,0.172956665019188,-0.363242956770835,-0.458544575519943,-0.618483169342719,-0.29241452820054,-0.635615779376469,-0.366544112986038,-0.0055343780890257,0.143255176717854,-0.358211318494703,-0.207134861844279,-0.259032813411787,0.554685580505636,-0.0082713836217833,0.260949378379292,-0.220162980488009,-0.636437975559307 +Zfp316,2.40431555185889,2.54225543868052,2.48866158361963,2.48163263946311,2.27331796065378,2.25080216428804,2.4321258244293,2.5249884476428,2.38386348519222,2.4481639776112,2.51595229824935,2.24944608300248,1.73795099850255,2.19592710156402,1.62160718209821,2.09392590373163,1.73831571193852,1.73240147320656,2.04240755927907,1.82513728495195,1.85000394490179,2.22038234803387,1.82053387553636,1.90337456436633 +Rbm12b1,1.54061171431266,1.86587104328161,1.26065533775633,1.65773246868659,1.85892960316732,1.76039937473274,1.97940164136603,1.23603599902863,1.63814958354633,1.59828484816663,1.95233355447139,1.72769590818804,0.896406087032815,1.22633753113937,0.474831835833988,0.986550084893804,1.30799405046905,1.4282163798429,1.1855499147734,1.16286293263,1.05893872100033,1.01953241145334,1.11296496948227,1.77242079415205 +Cxxc5,5.33524547688688,5.23452860647713,5.31648847860295,4.97487758858148,5.23952389257479,5.25219364519123,5.16317280956554,5.46664083414614,5.19348165916689,5.07459273249227,5.05031039678327,5.08173735831769,5.13110377777119,5.3411117369082,5.46390188076772,5.24755904276173,5.1218697720134,5.14485121953736,5.23366227555194,5.38325824669488,5.25885151804893,5.25544271353851,5.21507628327532,5.13803033530784 +Fam54b,3.90180984800713,3.46537369053954,3.80197660416963,3.80958614299541,3.54598209643933,3.6254438635237,3.58432075165076,3.2896653558102,3.78723747289851,3.65505002830088,3.50630289851634,3.47336298113893,3.73245038444317,3.46394563150539,3.7679055999907,3.58381571700206,3.37490098352905,3.50207618319248,3.35029728220631,3.64704923909694,3.70021732214592,3.63917186508725,3.35495906151659,3.22396507071069 +Tmem251,2.09392724836315,1.85391109254703,1.66203183291147,2.1514278772005,1.76056157647604,1.5405824286873,1.73054154929349,1.38885984265213,2.04252219185138,1.62586000338552,1.78972561084773,1.92933929709685,2.61290820978945,2.06839231131783,2.31561710366948,2.49749642354935,2.19778655112793,2.49209173337306,2.1893508461708,2.03279031110713,2.32289850319447,2.02480408018041,2.13529983012402,2.45227917800354 +C87436,2.08630485706573,2.25106867851478,2.20608453860556,2.26461664757106,2.16551845116771,1.9138689395269,2.14867720166414,2.19608829646693,2.14912044276026,2.28731963570572,2.14080071330412,2.15694639398043,2.01398217646899,1.99353658171613,2.17153935761646,1.97987068338164,1.98410569695301,2.13685633041234,1.96850338349497,2.05510893801758,2.10294909354137,2.02133634438546,1.91478178634942,2.09864933850396 +Gm5424,0.0596414758155257,-0.559487514302069,0.203389290226242,-0.532876937196924,0.262946527391972,0.0489873478567622,-0.454576863246851,-1.50557297254203,-0.112819769874609,-0.74698092710794,-0.586359287975145,-0.442684149284328,0.748104761706634,0.323413725500348,1.08135127297138,0.85483650139348,0.462422356458838,0.730301221659829,1.07694171778508,0.824773496615887,0.937008904140992,1.15402330898272,0.636755620583444,0.422482852644607 +Tifa,-2.17910080987189,-1.67004839815022,-2.03233019158968,-2.41973679695548,-3.60627240360718,-2.97255458166635,-2.93408233884944,-2.29988249332935,-2.32186847367316,-2.58666404872281,-3.07793782571782,-2.48405135780157,1.22230541310011,0.9162078557574,1.21298979121813,1.01489321128457,0.809450101426219,1.38174403231027,0.113919847081928,1.43425706561915,0.971510589091547,1.19207623009257,0.796576599121638,0.89512964028166 +Chtf8,5.27171472114101,4.97035244474628,5.20579929141004,5.02692687491834,5.11304678675313,5.06587133305544,5.06871528924021,5.28105099755965,5.12233310112788,5.06808550407529,5.09063656001078,5.16530196401705,5.28884250077885,5.13592049134883,5.10483794565759,4.89270380646841,4.95469247975165,5.27882821779502,5.19418882583164,5.44517394204869,5.06240596870553,5.03162684175921,5.21764586541456,5.01881856715089 +Csnk2a2,1.88328558357899,2.15685252494272,1.87802554784707,1.70095756653545,2.01445598843916,2.23732288086929,2.07475180677023,2.15012691735409,2.11906091335807,1.68367735231963,1.74263504799277,2.03301685423819,2.02399621708157,2.04601652755653,1.79946825583798,1.87011853890423,2.38364811011065,2.16835975555509,2.41761402190329,1.80155962218759,1.96346933906467,1.95212963272596,2.16485934680428,2.17735773080243 +Mapk10,1.55621186611356,2.10362822274111,0.864074931748144,1.28906110853437,2.42065327608717,2.49682221364888,2.07855344276059,2.16231729605174,1.37432076013139,1.11649582168512,2.40337463632989,2.25444058597954,2.30604109715145,2.31850266588669,2.09920998296663,1.9295691324242,3.02490066932406,2.70769935159153,2.83206653428656,1.93332025742774,1.98175650110288,2.13715617350883,3.06696380791759,2.78184059916066 +Hmga1,0.408206098899538,1.27342256869053,0.847587379269081,0.846508501206299,0.972418069865671,-0.0358296567540277,1.03291171195205,0.47430236643251,0.665134630654191,1.19002812613082,0.35058278205775,0.384334289811572,0.428892754927855,1.19481214931642,0.990292746841412,1.82321305740257,0.904018305097155,1.01862039068818,1.21204900438104,0.852179459981872,1.24899463645703,1.40633219121399,0.580977954009398,0.64377726174281 +Bst2,2.33841254717529,1.29999670709775,2.5264898853923,2.75190927733905,2.38659441445199,1.72371398142734,1.53500749733273,1.47384826473426,2.28201266324028,2.44578450639474,2.39285560235294,2.15321789349905,0.855908355958764,0.69567055853925,-0.175511324975876,1.31924112187923,1.08912261955121,1.6064071130821,1.12513737061368,0.756469973998893,1.62933148504174,1.17764934800469,0.753033998774719,1.06455846553092 +Nxph3,-0.336504266824397,0.303987713328563,-0.36372611261534,-0.321129246052615,-1.19233602816763,-0.974934186342004,-0.577862028467353,0.0157906414778524,0.0646891557101288,-0.660155085230539,-1.9541836265983,-0.375028213545417,-0.392720484413756,1.14759343771329,0.685205530331458,-0.234448000719513,-1.13209099352952,-0.315407605515251,-0.0652992661455338,0.818605126401741,0.393891195168638,-0.128647062841785,-0.156076872949419,0.165146623275753 +Rpl14-ps1,8.25680596636781,7.63708423854692,8.5735378676517,8.36396740134035,7.9327362398697,7.90598144631494,7.8135712610804,8.17981332415558,8.28140600363829,8.25885441897025,7.93989130717762,8.11653612642438,7.38905690852089,6.90097155446282,7.37753286443521,7.20645324246643,6.75333669777357,7.00199858909733,6.78116812978638,7.31961528232155,7.33032852853128,7.07110303758397,6.81214445175484,6.80961282360966 +Cdc42se1,4.3563028271626,3.97759519668354,4.14808978538246,4.02878402493256,4.03483188737744,4.14009273762538,3.94547955951002,3.99539095837104,4.10473272075663,3.81109079157231,3.91208617107019,3.97627175162318,3.90485808300521,3.6217407267097,3.92933088367364,3.85139384975435,3.76090622459854,3.91104851603182,3.76688252068242,3.94806197400854,3.92506893114646,3.78033376466645,3.79445827914325,3.64591513341862 +0610010O12Rik,4.39422136726812,3.9226981062879,4.3384759414718,3.98622081813611,3.79003993928033,3.98982562636903,3.90968719654467,4.41510698931189,4.18261148085381,4.01513499772586,3.80742329436616,4.12340030810183,4.00040457075596,3.65758638566561,3.95505510188591,3.53693766480248,3.41253018909648,3.88927302057336,3.38867925192008,4.0519525305655,3.55672635729772,3.66576214885916,3.57641513191501,3.793494205701 +Kctd11,2.60048356045836,2.67816362947817,2.73797451549846,2.70079327665062,2.6222973642075,2.4384554749599,2.60828615804097,2.82534691238657,2.65011249917094,2.47436658726738,2.49879162811875,2.45104482459384,3.39936817105313,3.08202226024033,3.27883119437293,3.06004727731473,3.21582955075586,3.39110560306576,3.28784717730378,3.28379119020848,3.3113445333109,3.21737058803212,3.29595651626157,3.04334623582326 +Gprc5a,-0.474431637022888,-0.0805024141044428,-0.446423348294929,-0.240909053292259,-0.424600124622419,0.383589014079547,-0.48624543958626,0.309283342036447,0.738632706492693,-0.457238801063212,-0.110056069930435,-0.827790564672743,-1.73290941414873,-1.86003929149821,-1.26083485487137,-2.24587690699396,-1.633153148984,-2.01781488983608,-1.0773400634084,-2.33160992841647,-3.42007368979949,-2.84228881275373,-2.07991072610982,-2.3432180254034 +Fat4,-1.17260400274492,-1.25195148142541,-1.89752028381274,-1.9096270947321,-1.02602622541668,-1.21875312727429,-1.6999109535287,-0.725272580055512,-1.19893886641011,-2.1812764006393,-1.24879982009839,-1.39802339221903,-3.75118658740422,-2.63976170650717,-3.8892988033989,-3.26614378627198,-3.31835758736802,-3.17541459260283,-3.18080469320839,-3.50696618549302,-3.44617189288943,-3.23422884955569,-3.1136141120055,-3.00535867554778 +Ccdc66,2.36350282155777,2.47918520414032,2.00937971850399,2.43680552740005,2.57398460011742,2.44878982902926,2.71653820990104,1.98204609271768,2.52405487192022,2.61909641266811,2.62468636180527,2.50563570139107,2.39552161255996,2.8256504662257,2.45186615831425,2.6868615175511,2.51136927197072,2.43454944506944,2.78069731214163,2.45300041009695,2.39248028854733,2.7722800832034,2.75114251408858,2.81558828657377 +Mrps7,3.47415443354038,2.90794748612663,3.17920946806913,3.28877231848069,3.03859898855093,3.12279014870077,3.01537820455404,2.90529393170882,3.19087445866004,3.28688225546846,2.84222086327346,3.33650429336599,3.92216653605807,3.34476819282754,3.71856710002466,3.76636891963151,3.42948764213472,3.61282881688772,3.58568504461329,3.59084864328416,3.82560502037328,3.7056302322733,3.54832162635125,3.58164052413443 +Fam83h,3.25675131798518,3.33828459267361,3.32831092007294,3.39642114739995,3.47139010280323,3.466209687876,3.39219239717521,3.3418546607617,3.3883620657623,3.35191563390696,3.37764308486476,3.33921966868303,2.93590112146161,3.13596770029076,3.0478229149677,3.23624879286854,3.14142456770444,3.03504168984442,3.38425933103538,2.90764381878537,3.08766040646656,3.10394375586132,3.18655587762503,3.27809074501078 +Rhoj,-1.76562496831461,-1.78524284038405,-1.90289204672663,-1.8131155901751,-1.69373381717104,-1.01763612869878,-1.71746759873047,-3.31056049169149,-2.13614743673992,-1.51229142622996,-1.25809029512493,-1.92498712680903,0.0184527010112632,-0.211918243518447,0.0158203532141177,-0.458475317409433,-1.13092022453549,-0.31722184242437,-0.422890565519153,-0.0592845579540384,0.300087000922018,-0.378657747402915,-0.985452430620606,-1.16416403570769 +Ttc6,-2.88132652693714,-2.40671827843605,-3.36262882073618,-3.0429122708395,-1.84422766121275,-2.74976850267777,-2.73614737009114,-3.49130483128994,-2.90461787793725,-2.78345466539482,-2.25373770410947,-2.61298173966375,-5.7462895541311,-5.17373726419081,-5.7462895541311,-5.7462895541311,-5.7462895541311,-5.7462895541311,-5.7462895541311,-5.7462895541311,-5.7462895541311,-5.16850467708534,-5.15116813008705,-5.7462895541311 +Epm2aip1,4.95627402191012,4.74009186756213,4.78828660021201,4.73534646573981,4.82419424897181,4.79999847503569,4.66562497166729,4.85737447575802,4.77251455948824,4.50231208336437,4.72569662322379,4.72647734319514,5.09646710476351,4.66369542408838,4.89392099051694,4.75920202668482,5.10166396577408,5.15558088955316,4.87343674549568,4.7500871888388,4.94842574403609,4.61796705360116,5.10186303540002,4.98928498381291 +2410016O06Rik,2.41447611498126,1.95111531451785,2.00708377333156,2.26210413594573,1.84516871339943,2.06269984378054,1.9134530340928,1.96979880176434,2.13127335042243,1.82624550905583,1.80145221071348,1.79041365617253,2.12593577731016,1.657208071663,2.1228133647569,1.72875650410074,1.64723526124445,1.96322745585186,1.94383951735779,2.06845026068349,1.85320993245054,1.7092183318451,1.66667060463909,1.82129497153534 +Zfp787,3.62525969798854,3.45863314805102,3.74370427567691,3.75360149209199,3.50436944981247,3.62826876427152,3.55025925688441,3.28108707924252,3.54736771079099,3.37165072429705,3.65266674228832,3.71487043695865,3.49196955558577,3.28351418763507,3.07480121657252,3.44887755811427,3.24720840131444,3.11935345540424,3.52230813216786,2.89387806419523,3.32460871454161,3.37140115323411,3.34321794651042,3.14674917273633 +Ppp1r3b,3.38370053288632,3.21243627650014,3.7114018449726,2.91490994912033,3.00890550666698,2.81957754210658,2.87281327905743,3.37107315319683,3.00674420894756,3.35032558636205,2.90568728866711,2.80017910290629,2.15814789281163,2.12143600943573,2.1818825540531,1.68484527859162,2.42033902635386,1.64981045981196,1.9111280050178,2.58203620047683,1.85167973577609,1.81156908468632,1.97975052189313,1.73614042631124 +Cldn12,3.84041092485177,3.49684673928045,3.83778648726693,3.68865749391113,3.48302819590867,3.56076879614181,3.34766263061929,3.62172625476185,3.77352528501037,3.54212692052784,3.48307492373056,3.60038568378628,3.91149935250126,3.71389160449589,3.87351645031301,3.95995376269834,3.61100236353261,3.90963504045755,3.30417287804499,3.87424345047581,3.80727540648708,3.84040522877322,3.65343309770509,3.64400107916802 +Mpeg1,-3.30301444119875,-3.23349560337911,-1.82823196131083,-3.29329706230703,-1.8651008211384,-3.47942978709725,-2.23384642211194,-3.91999691948405,-1.72100264969305,-4.47744284386804,-2.15176796888996,-2.97700732798054,-1.25620498407267,-2.04866538339861,-1.78863253160544,-1.28077782753656,-0.696709486440394,-1.36173743233229,-0.753023207772814,-1.42049760682276,-1.87663133189381,-0.49772163256888,-1.99320222567215,-2.79088980145886 +3110062M04Rik,0.705364514015315,1.0467381833663,0.726803102431693,0.859292899370554,0.974481013734742,0.966171906696616,1.00635935286038,0.949769591016933,0.47366109167071,0.508445431975256,0.958697551361034,0.950998151476696,0.161462682829502,0.513292302204481,0.203911677962765,-0.0546643673534457,0.341432680874765,-0.127288856085075,0.454836286109425,-0.0162896740502778,-0.0933489455174632,0.141903570812076,0.536017302827849,0.561688148527809 +Atp10d,-1.57135051188869,-2.44891707395779,-2.26634898754242,-2.63035860868648,-0.974086083731498,-1.0521061034168,-1.77397491783286,-2.32028733584953,-2.06531604558766,-2.20157371213324,-1.73118062057752,-1.7516994324672,-3.9195064887504,-3.36181051225847,-4.02004442348894,-4.63033744005968,-3.18607574662367,-3.06051280806997,-2.33704895108858,-3.20299462259435,-4.74241287805322,-3.34993605542579,-2.84949527378219,-2.75058965455385 +Ddit4l,-0.883354311820554,-1.02058275206549,-1.25619068752857,-1.51557035424561,-1.29305954735614,-0.0511225993952156,-1.13749585133758,-1.07117574443161,-1.43980103976875,-1.93719840263807,-1.5797266951077,-0.930908217848223,2.4913516736866,0.786398408420169,-0.917429090108293,-2.09255667732398,0.739469809278019,0.744187836482046,0.763385493166664,-0.502810922514256,-0.888764660371752,-0.118130954790258,-0.418430547742728,0.32348924083038 +Slc39a3,3.93705168410461,4.02239481818032,4.09307204974704,3.88986433612926,3.8458730006752,3.81869144973826,3.85898113188462,4.23361304163601,3.91392549953768,4.00403101251506,3.90688314806526,4.01622814344658,3.71664504184273,3.87384631328749,3.68790567552051,3.7684769431757,3.74634963779451,3.79451878607289,3.76647450623605,4.11701842539375,3.58248789203804,3.84008035218299,3.83291553708837,3.82923897530155 +Fam187b,2.85216413607489,2.71900670097072,2.87412344275848,2.68110678747083,2.37327471076168,2.49411792260304,2.60145946388972,2.87227366238728,2.62920372036767,2.43444080856309,2.23528570089792,2.74771296241397,2.62488007684271,2.72577982032497,2.60820583138375,2.57650831487298,2.67975430995278,2.84723835812571,2.97894618291298,3.0448414442607,2.5487004835024,2.60042824194525,2.51704257377695,2.66713781209908 +Krt1,0.35634603964782,0.179457624074911,1.09500717537865,0.582338608453131,0.0591363092164956,0.345026918219012,0.0533449054661301,0.478709788189939,0.723043474727411,0.396202276847999,0.402397788100494,0.0369716507787845,-1.20751603583612,-0.596868653363867,-0.756267217974866,-1.05987987672473,-1.50358517024403,-1.08334635780516,-1.15186293759887,-0.594300078553161,-0.827591101908015,-0.862419787886714,-0.817910587965957,-0.714541143421696 +Brox,3.62671283874609,3.46107396604001,3.73469689967143,3.62831113498186,3.30919659777014,3.27334728891134,3.3602373200144,3.48338235498753,3.68581431686238,3.50850996163102,3.24899566648944,3.55423207670032,4.1095517078501,3.76552005400388,3.93072694475673,3.93387582171891,3.74374550823362,3.97735989867445,3.58325390184281,3.86249527192277,3.97579274814552,3.94515747991372,3.64513187622731,3.79524195992 +Ckap4,3.21923968050812,2.84553335169451,2.7812823543165,2.77712649540246,3.12172115032144,3.08878173399874,3.05251744020423,2.78693979335316,2.91512862142005,2.91637487988673,2.8250178150624,2.69664087795902,3.7296663103404,3.40928105320273,3.36146113152576,3.30996048807748,3.870724622055,3.76899907167777,3.99398892241041,3.12900406692955,3.52943647830277,3.24425232039676,3.75708665502433,3.61291007219332 +Vat1l,4.3035750975349,4.38650646323168,4.32784470524409,4.2202902745021,4.12450247344935,4.44169458504929,4.28323035130536,4.59956407800588,4.44402113748381,4.33003560194472,4.18425584988807,4.5005666358466,3.12934020153904,3.18308553906711,3.47517626133835,3.04497202840727,2.61340197870835,2.99446924524829,2.76394455813963,3.20250575804202,3.46644376265432,3.32767987224129,2.55926515120217,2.90766495805861 +Hectd3,3.28673293320037,3.35827373600969,3.41985498825297,3.5004420862753,3.28443992532375,3.16982848668167,3.16272066141683,3.36409019693676,3.36681872212315,3.39543764168785,3.1651722898643,3.29683801039244,3.58550188152179,3.66850010650079,3.64070204214031,3.77401457831307,3.76529330122259,3.67184767592974,3.64808617769049,3.60908360855445,3.59011769181808,3.84393691114748,3.8437960855749,3.61981960918263 +Pramef8,3.21144841578469,3.48897395097642,3.5598082318217,3.15065170090368,2.89024501770365,3.04418845958589,3.00633395775216,3.61413607281608,3.42489180074092,3.19946264413786,3.0487285353264,3.258915461219,3.11002448102425,3.05481961712536,3.38614173871513,2.59671277789597,2.9359678401484,3.12508724130434,3.01771706996148,3.40926046609859,3.27133020338607,3.09021945455512,2.96849378673382,3.10481416246014 +Fbl,3.2410153591922,2.36351872310158,2.60882630302641,2.71733585631403,2.74978688777804,2.57159124381867,2.63953646349387,2.04530222238987,2.34206943766454,2.38450411329533,2.65694547949737,2.54845170245483,2.59437635071356,2.00441503799897,2.05636350409322,2.20129191285435,2.32870580518577,2.48382161998835,2.09449564648713,1.83690067592685,2.32670973809656,2.23772255116819,2.56362932988573,2.42859740624624 +Mbtps2,0.469168399309286,0.666843205546564,0.699102232584936,0.663805122827647,1.06730554897387,1.10228610526217,0.772316565681147,1.30665747344253,0.790248925875173,0.702432276482365,1.18601457096071,0.935780602197698,0.797370194591419,0.797547939984292,0.723139504536074,0.412610851276719,0.945122876222144,0.770039554143626,0.432046923749534,0.851089947191034,0.755538036294801,0.783859312850663,0.797552715799598,0.647992695258344 +Atxn1,2.72581925067549,2.84297861937155,2.71996957207091,2.77959959943653,3.05668769870316,3.07500580051659,2.93839500409213,3.08308246343403,2.87391479092407,2.8654256151413,3.14381316859653,2.90923792568745,2.28591056200339,2.77377628161764,2.55136068341056,2.67940538216324,2.80321408742714,2.67817380884375,2.88664788058484,2.72965627286795,2.51529568216551,2.6218505588753,2.85269044198156,2.77792218251407 +Irgm1,2.11837936886433,1.84533488990863,2.02791436261059,1.9197364787735,1.70373910822746,1.56372490421155,1.52089142883047,1.89312935987214,1.54893589122023,2.02362728707802,1.46808089866955,1.62371854042199,1.67536068955818,1.64032261416339,1.78686962797871,1.77476727643682,1.44674962626129,1.78480460844361,1.08311394674297,1.80149531091604,1.76991289563002,1.81332442740305,1.52227647414101,1.54268107991844 +Zfp740,4.38942964553553,4.8008773613643,4.62549940708004,4.97247990345937,4.7156138470697,4.47873022585961,4.62733421403103,4.5458422252001,4.72942848001763,4.85589305168699,4.68878167945048,4.6530016753018,3.83663135963154,4.22478348552367,3.87684159061972,4.26384205995889,4.09855776364125,3.85982688782153,4.07483782902388,4.07755486722671,4.16434551603654,4.24369476368036,4.14061915820156,4.18376616827232 +Tefm,2.53231769251158,2.26806207925671,2.32942983942414,2.44179315769095,1.88650455874432,1.91471585643926,1.91718987663511,2.19127158105668,2.3702190946853,1.90085992507982,2.26954422442991,2.0526100008466,2.75032088410211,2.34349208908049,2.589062490227,2.33070534108514,2.06849884724622,2.32537948716286,1.68923933264705,2.4775125775877,2.59139186656428,2.47445746351451,2.03953523873384,2.49172483296276 +Adck2,3.13628101796135,3.01224871880146,2.92770352097721,3.10886998112643,2.9047916199213,3.03526347401103,2.9146893694258,3.1804950760504,3.14418664533842,3.08058836755669,2.98654292913145,3.07060050607687,3.33863652365815,3.19448187062245,3.17490781462615,3.07744890068918,3.21960666313434,3.40162998513779,3.21877474334031,3.48270988126539,3.28320011224689,3.35969057771317,3.34482702981236,3.25425770327806 +Nqo2,1.40645517236616,1.28725361373813,0.974061105739144,0.835217783569226,0.980507449680758,1.01484187391941,0.954817710701513,1.06188750383894,0.955844545196106,0.562445172370993,0.7905332785689,1.06264723009931,2.13460608591513,2.30344639119714,2.31385353601784,2.13294969962267,1.98214875254474,2.22860557341995,1.657102655317,2.47779671455143,2.10165120379476,2.04568971039954,1.93792166237553,2.1421018156566 +Gm5815,2.41277501573594,2.35282517623882,2.73530733941751,1.9727124119488,2.33667357167047,1.84933807610669,2.38085289270798,2.39953601234194,2.51144468529747,2.25947810263106,2.25620384815487,2.47806658547232,1.85916704867473,2.21543895160945,2.21332297375345,1.2210187928555,1.75870884298316,1.97891179983968,1.35209038780538,2.53764570275104,2.05580116977955,1.98766072341275,1.74439658704077,1.78394359699318 +Slc26a1,0.847715039564645,1.93279106382176,1.01748695464607,0.798583899954893,1.27285461479486,1.4994011560557,1.20275835392055,1.59307646259064,0.899896300772201,1.86406959664948,0.726751071657323,1.2625966999467,0.917087510779015,1.24207640621481,0.797116421382607,0.798059580174232,0.950235960424473,0.60581015982576,0.690241876420771,0.764610853877308,0.593252627929356,1.22882338287276,0.649995668793016,0.46544653819704 +Zfp295,3.13476940693885,3.20234483039562,2.80710126462906,3.03855208278255,3.15876878861053,3.23213655898212,3.27737541023684,2.89221723869542,3.3323197778899,3.06411550300702,3.2593742167534,3.07272206499612,2.62736658918918,2.41049917019408,2.2470169458137,2.39536344851619,2.84602945722124,2.42982703443001,2.94479436991265,2.01599506748335,2.5897555816444,2.2776542156215,2.74667718434832,2.45277943663932 +Tshz1,4.11194965944269,4.52031151315553,4.3664537792724,4.38242149862363,4.26669859682144,4.32218930625874,4.28751364095237,4.35283119927761,4.2355993352591,4.36311023755387,4.4136469390838,4.36564044768308,4.79016129526682,5.46978671184021,5.03346007875869,5.38099887997372,5.39842967405045,5.01583743187232,5.42600186894291,4.92604522397699,4.89503028585579,5.34720472306717,5.51334454927892,5.39637228192962 +Tapt1,4.16359287649802,4.1984300583043,4.09301578815172,4.17339045935083,4.14372278819165,4.16131347204201,4.15193228233028,4.04961849059797,4.21361447304163,3.969124456999,3.99608644980415,4.12401554042883,4.55679167459948,4.24210005241867,4.33858643011941,4.44371114170468,4.11861696076076,4.2851238306931,4.18118676518942,4.46328350081785,4.32925347074423,4.30085201618365,4.12179796798853,4.26441716073627 +Mars2,1.07355069830698,0.890611860609893,0.857771305043499,0.765351259687126,1.43559711860977,0.835612902455788,1.07966379217844,0.423781885598706,0.926141468784225,0.594403814878062,0.653433598769662,0.660491315719681,1.54395691879958,0.882676416751178,1.38352138933803,1.49839327493214,0.638650334799528,1.5065395408995,0.965843585189935,1.05879139344278,1.08410420041396,1.33837910663651,1.27021052971145,1.36573584820001 +Spsb4,-2.80636836617299,-2.56504003254383,-4.17102179644854,-3.35100192824783,-4.2311312999762,-2.97751239609015,-3.91005094211748,-3.03429353981472,-3.62259229180909,-4.78202798939962,-3.8622849830308,-4.78202798939962,-0.834221323551557,-0.233036558893351,-0.0673400820448746,-0.954711286999657,-0.808907930066507,-0.852176288328375,-0.719499406613204,-0.814474549118968,-0.371611557527227,-0.279159240574282,-0.895849300974013,-0.83505047134531 +Zfp41,1.25882783146643,0.789144017285945,1.27443544008576,0.905896743463001,0.641942207132406,0.985428226315226,0.891238747911846,1.36450330133922,0.93861852123811,1.09621653390192,0.583303025219004,0.898101723565713,0.642763246812324,0.359456547986088,0.355914771407815,-0.121063127836714,-0.164968584200368,0.325487963543206,0.315684212568541,0.270720551433086,-0.323482685020955,0.0854504121817907,0.197847965777138,0.459048766998889 +Mtap4,-1.34132253280259,-2.78603662640789,-1.800005829645,-1.52789352968267,-0.0837325942274745,-0.226321163017782,0.0381034848824502,-1.29447498175453,-2.41826032574404,-1.74199751959368,-0.656520529661879,-0.973899063391238,-2.11339677532401,-1.73802160231005,-2.71629239840768,-2.85578708409129,-1.14792470021754,-1.60191230657434,-1.26062652520435,-3.3854469758849,-2.43232825877596,-2.72100131702081,-1.30389447432751,-2.11404849363298 +Fbxo41,0.518926214954487,0.651319873144265,0.646461565829631,0.523630027314783,0.806941191595252,0.849024956716648,0.689932172319044,0.445671632772971,0.403781303885248,0.557457609698967,0.307034767240584,0.527396518049949,-1.05323046123394,-0.0084448013812954,-1.06978146978983,-0.57821388195345,-0.918929980519168,-0.451669546552432,-0.336722455901841,-1.2415181820933,-0.328072611771915,-0.340747480716411,-0.580472906187806,-0.67334970569442 +Mipol1,1.98083574622683,1.78803308982549,2.06675752028259,1.84934713707986,1.59137149230546,1.86602624642179,1.81334438525192,2.04515650002649,1.8875038594418,1.84836776797429,1.65997668371451,1.74182057253969,2.18643780923203,1.65482190780793,1.85927339583709,1.78988990576408,1.73290141363782,1.86311390334927,1.57665666865994,1.8966700102209,1.86176864369001,1.80600319891804,1.69847454982425,1.73620841938291 +Spata2,1.76237365229607,1.58421400748869,1.52742673696185,1.80925292527351,1.68361367790643,1.6734510337089,1.65605377708263,1.46545939510732,1.66657658058327,1.49604453465984,1.48572135865768,1.24542665257053,1.01980764038889,1.29941679214418,1.00094418268323,1.30736165280206,1.42357142675067,0.950272002216597,1.46463743715592,1.24187577683457,1.1062834802782,1.48494543833307,1.44792536720401,1.51946978028557 +Zfp445,4.18254697349147,4.55699397146168,4.23113953682343,4.36509678229266,4.61552398876549,4.56239452760481,4.61038525091459,4.14597908276247,4.31101878541908,4.37881184336919,4.62020590411855,4.48523945860573,3.98077665106456,4.1720753687985,4.05598427598118,4.24945686957077,4.46175202990495,4.14601063932736,4.53361446472467,4.02494296501084,4.32984492865981,4.07885329668296,4.36945860824896,4.3791763656725 +Nipa1,1.99092736183041,1.62344694364968,2.15745403119948,1.60655347379954,1.54877728440154,1.80299653229086,1.70474608473796,1.9022044730787,1.66819367061346,1.73874631940884,1.63512539948611,1.66245125378026,2.60626128196786,2.29287325024187,2.21049106373219,2.23334904352985,1.96469190518018,2.20452419599715,2.13142407933929,2.42015688173843,2.31857551619273,2.11603344060311,1.98454347422644,2.07131706553684 +Prr15l,-0.922313010006703,0.18361173834705,0.0249570371569205,-0.554856666538397,-0.302602471734355,-0.752050507317182,-0.675457379216885,-0.604011154000002,-0.174661789543755,-0.0518357838717745,-0.487710130728278,-0.366730196807728,2.24194151777297,2.51204171369501,2.80779294852595,3.08153457693499,2.52692970456853,1.95624670472458,2.16803650377598,2.53036795938087,2.71890876270309,3.24501614699307,2.63916745790465,2.47325693901407 +D030056L22Rik,3.01616325893152,2.17294394947136,2.7362801884308,2.92530542606414,2.31391752805135,2.28114206580009,2.169675738205,2.60450720011777,2.7027712257813,2.43601497490248,2.01734784983681,2.73192016505707,2.65520275431675,2.6107428354098,2.87916842574341,2.53685723159838,2.16853074856174,2.2105859064511,2.51592201172419,2.6906021191517,3.0713118350677,2.55798940796657,2.20760519150452,2.24813187961542 +Tmem164,1.98718932782207,2.0765328120475,2.02465169648521,1.97617577844197,2.07927222192374,2.08462422509076,1.94539918539397,1.92250444894554,1.91974536950366,2.028370818032,1.91995724668371,1.69246610671232,3.73201234361208,3.94005281178768,3.83171271204426,3.87857354658862,3.90991057471866,3.88701171352514,3.85564694842217,4.05082285873651,3.75068056965915,3.85253788164935,3.80822082471623,3.85971376847906 +Dusp28,3.82633048605311,3.4627760008994,3.8036698281492,3.52769220059999,3.16851922254632,3.05839448438263,3.35914843354413,3.52595402723426,3.5381065497583,3.34222328623361,3.44583158724928,3.24816122363739,4.18342163754267,3.96757714276912,4.22855933531612,4.18367587488033,3.85405439581133,3.98709448536458,3.67081486814502,4.1031035619475,4.05843704471743,3.93566897385974,3.65449900646815,3.61984796816326 +Ngrn,4.64351917354835,4.27258444719392,4.54862611927256,4.53165104030192,4.25296871976325,4.18818702490956,4.33890849945814,4.41772531008831,4.50237616808732,4.63264172181337,4.30420686685326,4.3256533064179,5.07748707979181,4.71864410289547,4.94027584991495,4.93765191276985,4.90410225025669,5.05294964543241,4.96771457825163,4.76359366423593,4.99128747682093,4.7851134313992,5.01550065251868,4.9646677239488 +Lrrc4b,0.65052224828499,0.284613608709752,0.83443344733888,0.667191277855059,-0.253619093002387,0.254350542568437,0.259585482894322,0.365778992943041,0.793342845471627,-0.6281321169745,0.18005076526912,0.870829380831545,-3.91181904363821,-3.91181904363821,-3.91181904363821,-3.91181904363821,-3.91181904363821,-3.28167737141087,-3.91181904363821,-3.91181904363821,-3.91181904363821,-3.91181904363821,-3.31669761959416,-3.91181904363821 +Tmem198b,0.345027080330774,0.434281091333915,0.388385649901462,0.542672816335291,0.595358878792393,0.439622037291751,0.304270896245796,0.761654023457139,0.682225209956725,-0.0637120368389876,0.537191530333706,0.786621810125723,0.815696776033019,0.437831801220844,0.782437598271712,0.850469695054717,0.927104418436473,0.715940336036414,0.713852258926669,0.638852981727473,0.662026712062916,0.422715858032098,0.848860076060444,0.788270924394716 +Rnf31,2.61062568081637,3.11804820558963,2.70254785074818,3.08767985815039,3.1906508423494,2.9224652469672,3.19213145821291,2.86916714428,2.89095245393568,2.89170783188909,3.1996190727253,3.01414555425083,2.75234501449483,2.9814476635138,2.74711122332962,2.89145301292221,3.08045743278441,2.78027717577258,3.20746522013378,2.66411899029965,2.72290990205079,2.93136538219766,3.13239500489961,2.96851781395497 +D330028D13Rik,0.324323808868724,1.17384609120104,1.35405403928888,0.446654333559626,0.310396037848324,0.597780883774417,0.637813924465631,1.05642111239092,0.471177631110963,0.239773563720975,-0.0658061014296007,0.711213990430017,0.174588232817203,0.79828179885705,0.821053176960433,-0.428073160579433,-0.10288705363932,-0.279562886130548,0.485501670103267,0.936081404796169,0.384980559114949,0.34673428787712,-0.233398653910208,0.277586866679405 +Ticam1,2.38288637942776,2.3942378631347,2.34268349179385,2.35411213436453,2.66804853687978,2.55339223526834,2.54657399112733,2.6745758274132,2.46502934424095,2.60033783191852,2.55217981945624,2.57395771972441,2.69845105922876,1.74856158936001,2.18347238592948,1.9353928754151,3.08970207644027,2.71900350273278,2.98150110651494,1.528968210587,2.21576061949249,2.23580704520629,3.03001461809411,2.5453943427935 +Cltc,6.79051155280581,6.34706703719846,6.64345475523926,6.31487824042744,6.27177362940008,6.35205658511597,6.18597912665936,6.82866904292537,6.59356690915501,6.28436520593194,6.26184894117493,6.3642049226378,7.30850390575744,6.83130187781578,7.25746767234988,6.80136719874103,6.96646145577355,7.36555459933438,6.78509329274445,7.24087586825383,6.86030915201626,6.75998040372853,6.98176751246318,7.02344226132157 +Cd24a,4.06592907832937,3.96155230299599,3.82215805528937,3.21055077849389,4.72575863716456,4.70994053937662,3.93126500317043,4.52296442427192,3.790247142335,3.88770800736149,4.17813564644681,4.4658664723294,3.42118230937224,3.27444740313773,2.62467551908895,2.20977645007207,3.01868317154796,3.35321080471551,2.6240684992124,3.26286932146492,3.02777527316671,2.37372408319247,2.88684670840168,2.35298503375842 +Zfp654,2.51083070271261,2.67964822337498,2.35216885975767,2.5324547642266,2.82065624032235,2.68406724221758,2.57364866955455,2.76092801072766,2.75683975552801,2.40645143148377,2.4960776762704,2.66635044071753,3.41386070847064,2.91828592233125,3.12790093051184,3.10926298137923,3.17861785908127,3.37610508385202,2.95948634737585,3.43488514040635,3.11274476049911,3.09637380140778,3.04189548652494,3.11232749324888 +Tet1,1.47866200498114,2.06457277328075,1.79463510154692,1.55733983728173,1.9580195832284,1.84620526995895,1.79252444544372,2.43701677153088,1.84784787514965,1.78392715185982,1.92909651577923,1.8620181855189,0.667085809333538,1.02960063458095,0.549655127006694,0.783649863629203,0.935329420417187,0.768689747111992,0.747624949039611,0.959006785072936,0.710864131791634,1.03634074252299,0.877583158638252,0.63270114643049 +1700001C19Rik,-0.0446617962932838,0.432964597434655,-0.330351437803037,-0.0894332602330959,-0.0331772181333516,-0.0090183472431868,-0.817347931074471,-0.151344247474209,0.0444890333867984,0.370144648640608,-0.154085468842717,-0.341653538733114,-0.95400906247638,-0.261147455844918,-0.502760244615122,-0.965219232627126,-1.09871631871722,-0.476948920832577,-1.66342258642265,-0.340793105193417,-0.474368382188526,-0.509584365829681,-2.80261691819464,-1.71118529982952 +Khnyn,3.7383006193046,4.2012093067949,3.63082750852527,4.05447574655464,3.96765211425731,3.83234279120597,3.98233047906177,3.77007043366566,3.88068169576182,3.83143959158876,4.12655669647837,3.94156221449075,2.9834694859909,3.52926928231172,3.07122783435721,3.44655274164921,3.55631875481125,3.19414635916172,3.63299015651844,3.22117581748286,3.20276021534724,3.4173681251582,3.63004058831898,3.50557147557459 +Cyp4x1,-2.45166814527252,-1.29728857492206,-1.18897120386183,-2.15923346194935,-2.91132076654685,-2.26049475122354,-2.46178642529133,-1.41387921237059,-1.50518026396268,-0.881324253452719,-2.54945208505586,-1.8350446433724,-3.01309836527146,-3.12781549346242,-3.11363630001001,-3.72392931658075,-3.44160138761513,-3.79718609627181,-2.97030489259873,-3.78279087748723,-2.2426049568794,-2.85675640350487,-3.41211608395359,-3.01365225228278 +Tigd5,1.96622606634968,2.02170443424875,1.86778321016105,1.98326644400723,1.39034963288727,1.70144160068187,1.80708792774545,1.67634109621913,1.70773963401383,1.14973364236274,1.45162744322901,1.66722283634144,0.166462619277089,0.517872291146754,0.727862611190647,1.02011780928766,0.748397335687007,1.03297998972721,0.800442701818938,0.832277258226898,0.956174110725794,0.789028225284495,0.80454578809244,0.524292218839378 +Samd14,2.90497674449375,3.26997178920633,3.15791822734867,3.15366841025947,3.09988960289192,3.12121644014205,3.12683908400583,3.3981762891829,3.0322790980123,3.56074321207252,3.19751051541676,2.94894518714046,0.452296022052264,0.867975304907731,0.775590026634493,0.193065784110816,0.554856718674955,0.135578239980154,0.765046710670833,-0.0994255566819913,0.51493011766508,0.533632050590156,1.1402772675038,0.022894434757353 +Rab2a,6.85795598213867,6.62954851015437,6.91069645716438,6.68122788650165,6.3674028886445,6.44108964983009,6.38335883281992,6.77674669414941,6.78995606277831,6.77814707213267,6.47733717354075,6.62654904013878,7.2364470334763,7.04296448310766,7.04815314628774,7.09423469713931,6.72771111093795,6.97287661418495,6.74781646428329,7.21924570100558,7.14023008934946,7.08345582682846,6.67265763719282,6.97328240404972 +Dync2h1,4.01773751646904,4.22482857151907,4.06443680147403,4.15328463778504,4.43835401387384,4.40766470960032,4.26304184680586,4.28779230520133,4.15532673628477,4.16093530792369,4.41282248566846,4.29153669479034,3.70839882935754,3.68399752407914,3.71892760632969,3.8864042126184,4.15102173930772,3.86927579831024,3.74264978118075,3.49012199540258,3.6473446991965,3.84032921760687,4.05473287004274,3.95375429365253 +Dusp18,2.15721176650185,2.40928419974508,2.16118675007581,1.98615704077496,2.50290187819181,2.25590221406508,2.10918627302234,2.54793649522084,2.689684109275,1.95471059538465,2.22889508242219,1.97197541809502,3.58273143107407,3.47168777173882,3.74415974018141,3.62874910408927,3.85572734146173,3.82483479292977,3.7689534136681,3.66155836950496,3.74738829573102,3.56526057200921,3.84729823181507,3.64233529858765 +Ythdf3,4.59634342497707,4.54465557860816,4.53835203349159,4.58325107234226,4.4970346124544,4.5863607341297,4.46096243306573,4.45341016838725,4.58341600631073,4.375386659024,4.45993281970969,4.52043294312955,4.66906105451931,4.5162528732083,4.49174542444128,4.43409264001244,4.56731976354492,4.5554928146203,4.37605660288903,4.66499783776596,4.57502900733409,4.42896479396822,4.56296972527112,4.62113908411674 +Rpl9,5.14376214135253,4.77075945440579,5.51332431072895,5.32246602921449,5.13513216969396,4.81743494261941,4.89486149970016,5.1177457495374,5.23992823002945,5.26549586896248,4.93687407398993,5.04704228018111,4.46969653382083,4.19497698585146,4.5887805762945,4.13835494383052,3.95286911707904,4.45054423672966,3.96462837635126,4.52459495351233,4.41830460919492,4.2011060069801,4.11727447093219,4.06273076244489 +Cdh19,-1.19260733101473,-1.49663115244669,-1.32290002999848,-0.934793230694954,0.571372983797382,-0.805720148759625,-0.961968728515734,-1.71712618971453,-2.36038737140292,-1.00927602381942,-1.3052021900798,-0.446246714431627,-3.97211091255569,-3.97211091255569,-3.97211091255569,-3.97211091255569,-3.97211091255569,-3.97211091255569,-3.31053994488327,-2.88364715117267,-2.96258062770498,-3.39432603550993,-3.37698948851164,-3.97211091255569 +Fam185a,2.37302125707794,2.16838250113199,2.2531176030887,2.48068042786401,2.15871970571467,2.19696487801965,2.24429022991284,2.13325073300949,2.05665733418705,2.23514082818622,2.39009942576142,2.43239666356494,2.29403382404313,2.47931675798279,2.27843316838164,2.50353070398301,2.44332329291265,2.40745526985097,2.29441856826819,2.25663535965815,2.38963888557948,2.38382150689446,2.37973260602414,2.52623030835264 +Gm527,1.17052470534025,1.28609203245063,1.16174130346983,1.15070571618769,0.637467883450501,0.943938350793234,1.00736577696693,0.965261065116017,0.870834156798931,1.37119178206683,0.744222954926329,1.0978924761847,1.59092362570564,1.339455933224,0.536592838501739,1.4892921311029,0.818001864613325,0.601459142546612,0.455473131008134,1.00431335723921,1.39309142965456,0.462410986486866,0.438854070700627,0.983790285671361 +BC048546,0.043668851440358,0.111877401392833,1.08167482035399,0.264042726036583,-0.300687699684579,-0.105404122264218,-0.3891952504564,0.75064551519517,0.774643049451238,1.29543414749594,0.105304969835679,0.0108115173350742,-1.65598253923913,-2.03972307874887,-1.60548508379355,-0.971693015437504,-2.03236349201025,-2.32023447986293,-2.25072393737995,-1.04483467775533,-1.25442002655183,-1.52507271814329,-2.10921694557515,-2.30568460282628 +Cldn2,-2.67466235250637,-3.15945299797481,-4.09476519103476,-4.09476519103476,-4.09476519103476,-3.09675213426397,-3.59387687517113,-3.53731926665076,-2.93532949344422,-2.12656202358705,-4.09476519103476,-3.55144722053933,-0.497692219233242,-1.54103070601259,-0.153431512978492,-0.473000642701221,-1.41856421038997,-1.3994016450738,-0.728951440129294,-1.03781995398948,-0.49237831219843,-0.160803751780566,-1.36867579846545,-1.26656325086248 +Mageh1,7.03688448878321,6.68476127393225,6.96914625511674,7.07526073708372,6.61956402679126,6.58900597649014,6.64693068959273,6.79907136880391,6.88198530990737,7.02560548442236,6.88119031236836,6.79731959109747,6.67313278443505,6.44752469359166,6.51435674111508,6.9862636972002,6.68690613301273,6.69274702876405,6.34353158449621,6.4853660682459,6.81172967128416,6.92721176900273,6.84098302662397,6.74882330377152 +Taf9b,4.19303265044562,3.95357696142855,4.30876000326876,4.06477568343713,3.62356596893115,3.91225554407297,3.72062965563027,4.12450948581267,4.2062574813766,4.00327486621083,3.68852545520863,3.79976698871104,4.50489622818748,4.08936154752947,4.4476621141556,4.32206630557647,3.79336470813533,4.23216261359604,3.70486307899314,4.5813759968199,4.31139960847117,4.24109542972137,3.62439966139452,3.84982587532124 +Hist1h2be,2.18771874418098,1.83822978025589,2.00337556048883,1.91853484736848,1.65428182491496,1.70538582467262,1.8440655668904,2.22065639906986,2.18437103221284,1.84264215479258,1.77269199732947,2.01162869217512,2.96778172763077,3.02687159314384,3.14340932835871,2.76162936867119,2.57391547075012,2.73825278435521,2.4057411013627,3.52937101798473,2.98385363086809,2.95164293586432,2.41000929828902,2.64702296219582 +C2cd3,2.90497077385076,3.24522611393492,2.99540734471506,2.99426955841891,3.4924180902884,3.4165375760006,3.22823822960838,3.3008866835711,3.00889112825626,3.11853782196312,3.35473988904923,3.09104991487102,2.7445297009972,3.12000894185465,2.99370560656369,3.13086067773687,3.59782937609536,3.04375901684001,3.50992739518824,2.88288809165009,2.79384582485699,3.06188620334576,3.49688198385208,3.29989141671105 +Mc4r,1.17527541266994,1.19620218826276,0.376733353186112,0.472174684930225,0.802269676706151,0.899060781116555,1.00256138208463,0.709034086491148,1.18636140745928,-0.163828753569136,0.54087768887471,1.23975210311161,-3.82503330727282,-2.84368888710237,-3.82503330727282,-3.82503330727282,-3.82503330727282,-3.82503330727282,-3.82503330727282,-2.7365695458898,-3.23371029334796,-3.82503330727282,-3.82503330727282,-3.82503330727282 +Emc6,3.88502559896484,3.51469207200763,3.91426954706493,3.53946739765348,3.33823201412461,3.47370963371095,3.0923891096449,3.45551588167613,3.94026214165312,3.53867347192044,3.30563417685102,3.42003794807997,3.77071296950328,3.56826695079906,3.89234425023353,3.68260314405422,3.53569888444678,3.79931162490117,3.29560491352593,4.21514228613249,3.86396363638191,3.52579363091493,3.63531884557096,3.54313682995033 +Gap43,1.34314114872375,0.907901937596249,0.961251142572849,0.400457330180008,1.39132301600045,1.98202134092041,0.641343606826255,1.30927124433512,0.936825552419034,1.51455820856552,0.524225057775496,1.30166465705295,-0.139363042492779,-0.67636452765937,-1.17078272342742,-2.26492834032774,-0.820666646891727,-0.868593348376171,-0.198969450553662,-0.366835495147634,-0.783603980626394,-0.17950126453441,-0.484086174050241,-0.52532112340696 +Zfp358,3.7035321371525,3.66773866389317,3.78697884400529,3.53289980715754,3.34934700677869,3.56610402821655,3.59193597304166,3.94796787357751,3.79792588519875,3.56288697862528,3.58907334793417,3.64083187036352,3.94383411275553,3.68418493338988,3.96103264875041,3.75415231924992,3.72457217912899,3.88364755804805,3.76912108261285,3.77561359850885,3.81299436156148,3.74710853220297,3.7082665467344,3.5225067729461 +Sfn,-0.362495954820252,0.288413986780562,-0.285502762259929,-0.916026869699447,-0.234568328770027,-0.147712469409928,-0.574534341965836,-0.124538831620672,-0.385301790384616,-0.50156825281379,-0.286352821831037,-0.831272539387065,-0.113682264382577,-0.759195024327721,-1.06146044052247,-1.23831239615268,-0.0762295683074758,-1.64889848895108,-0.551774910914918,-1.11902541685315,-1.45350168079362,-1.06735745236219,-0.704966895944433,-0.937356541021604 +Neurl4,3.79628991571555,4.05692933018302,3.43785856802361,4.05048056170082,4.22633331087508,4.12235704542238,4.28514999490048,3.81994896225174,3.79072959272871,3.89919281481425,4.28300322739646,4.12450409003879,3.01526209514678,3.60916534299711,2.91862138992844,3.42305480324938,3.76790750583621,3.36137345612044,3.88548404810976,2.89903184973035,2.9036110762487,3.21128705927498,3.84716283441901,3.69963011242018 +Pcdhb13,-1.55754277887022,-0.906632837269409,-0.267544120345126,-1.54282682967286,-1.8718702325935,-1.44225705658167,-1.66581370180023,-0.569086186195216,-1.58034861443459,-0.962517186300747,-0.872740775729516,-0.778788196927579,-1.11349415546588,-1.27901141486535,-1.55739380070186,-1.15196257364996,-1.10175289772901,-1.5508405670035,-1.47684677127198,-2.54445563891954,-1.05937966457983,-1.8044544604512,-1.52011472039515,-0.942354895947273 +Zfp286,-1.73565292451013,-1.2732822569303,-1.24118151908583,-1.45137368048852,-2.85955903680284,-2.55385254048576,-1.84973670574123,-1.52931794924619,-1.19909320057637,-1.58991660598925,-1.70323602204489,-2.2244917824012,-4.72083138999876,-4.3764551766981,-3.78199181276896,-4.18360281406302,-4.78233713399897,-5.35779959686855,-4.69622862919613,-4.26933583548553,-3.76014398874769,-4.78001471982279,-5.35779959686855,-3.94412408065219 +Lancl3,-3.40824087742944,-1.3096171792064,-3.21419583374823,-3.39852349853773,-2.49351972891662,-2.77815368678927,-3.41579072784452,-3.62414348963876,-3.17943762624432,-3.02593582488281,-2.53959641589207,-3.33658910211601,2.4616553400329,2.31672366671117,2.48049472969572,1.99098403721771,1.84018309013979,2.38062028205005,1.86204766437306,2.85488011503999,2.23057457143244,2.29069080180328,2.02471055753834,2.25926538551586 +Cstad,0.286746286645097,0.471143427445584,1.54287089432743,1.07432679947194,-0.569746214949383,0.585474229411052,0.109009952616696,0.175330059522661,1.03328261982024,0.624791160532205,-0.967609211455313,-0.18038913403519,-0.5444131927644,-0.105161281109339,-1.66575635172845,0.435345773182989,-0.680359503684715,-0.0909968083382284,-0.924580010315458,-0.197917563474889,0.16475844755892,0.12992976158022,-2.6588957661315,-0.0757495287072701 +Fam108b,3.2430710782837,3.13651738581496,3.38460884234695,3.12901628335584,2.63711877953448,2.99255914693374,2.82025564116063,3.05511318137747,3.02321300624183,3.28894454516393,2.60256841440107,2.890244527518,3.2421022346941,3.20681012251146,3.33432167219103,3.48471880744505,2.88020297526195,3.04631577771251,2.62357336243796,3.45003073929569,3.27481580890353,3.21056898441832,2.83682215595208,3.16610217884052 +Gm7367,1.32035900307804,2.21867348818875,2.69325893613216,2.56405840890509,1.4529162384304,1.46470250860889,1.80637463594013,1.97542967158206,2.42341220464078,2.57984414677698,2.00307380806042,1.3543965483184,2.29709943093326,2.39221177335493,2.4947579771996,2.30551305582615,1.44276296004826,2.06358024088372,1.81841642297983,1.70090239238434,2.01629695191279,2.52574548532753,1.78528276715587,1.33592560413833 +Zfp768,3.13810127909266,3.13512558405487,3.30949749604023,3.05679883876725,2.9607458243509,2.95175734732742,3.0197533028118,2.99591668438681,3.11727658476308,3.04447072744573,3.00875284095008,3.31576647100562,2.63159049050215,2.85261560431892,2.37721139703158,2.9161769429297,2.55212818761251,2.54384555516979,2.81686141012107,2.69653336211444,2.77603196201596,2.75428952982248,2.34710745225393,2.59671633215231 +B3gnt1,3.19395598153318,3.07504095934495,3.43109023709869,3.34387177666463,2.6396841129761,2.86702362385851,2.72362862972776,3.43699701698995,3.18603267686311,2.99777375949297,2.71737580420838,2.78117202932744,3.71147829750988,3.52468008002947,3.75977437810579,3.6407721705594,3.19987598322857,3.66288696984608,3.31371332672961,3.91864838909745,3.26172434790349,3.56937241915643,3.2945786614859,3.11919917642896 +Atmin,3.56401181755294,3.37041771058584,3.64099303651938,3.32781699878534,3.18790679735416,3.26451441828613,3.09084500969877,3.58610340200626,3.41809490107176,3.14943410349161,3.24870363880628,3.34329726545801,3.22714217402426,3.378576929468,3.27847673063087,3.35318356822185,3.50639940626355,3.47512556840141,3.26021594057097,3.32781632653548,3.10959706032492,3.34505909645608,3.5897727922924,3.3752556154846 +Ctdspl,4.23741701336886,4.3165437912583,4.31748221903845,4.21040361330138,4.44526051652181,4.47487250740743,4.28627298355736,4.54524779987741,4.36061752063469,4.18993589520321,4.41959082067857,4.42015279681285,4.39971103564581,4.53370999931066,4.38671271480036,4.56849255784806,4.65855145002746,4.59575605824844,4.53042173670862,4.55168660715746,4.2931869092164,4.6311275058884,4.62692145046928,4.58115681221819 +Zbtb44,3.38707062384403,3.48888885661243,3.57681620218617,3.34084519313482,3.61726240726718,3.53628879846066,3.3491901964553,3.96133957471729,3.59505013145935,3.44930193829615,3.4535456237486,3.57394637640787,3.07877943431695,2.96607236363851,3.231265854763,3.07070963455611,3.17739566993855,3.11076340748025,3.00205091833808,3.21390085481312,3.13460270500851,3.00157052296853,2.99768498178328,2.98545230984648 +Gpr68,-0.256998052937683,0.0713297374490489,0.272141507806797,0.48523348810531,-0.287859983677907,-0.0516376525674587,-0.442175005837956,0.375289445661704,0.422468110073716,0.69395569295826,-0.0773342098334737,-0.59444362011836,-4.47411098317029,-3.17459870813357,-3.89371857928977,-4.47411098317029,-4.47411098317029,-3.84396931094295,-3.36067167081527,-4.47411098317029,-3.46458069831957,-3.89632610612453,-3.87898955912624,-3.83745918114038 +Rexo1,2.60405861475797,2.9570882253774,2.32272412052742,2.81429534372773,3.26634716811439,3.26217599889487,3.32100779331772,2.61407680624328,2.66651225581212,2.86954175849697,3.39700266094626,3.01623320647295,2.00311829615932,2.54461692287158,2.06580383479875,2.62921996251475,3.11279619272353,2.26573124816145,3.18528949675527,1.92437515673451,2.23693773840763,2.59136000896574,2.92412024723969,2.81338992968451 +Cmya5,-0.985720227204319,0.400367846630997,-0.0454449040826774,0.132143238823543,0.352068439026184,0.296669153179548,0.146740422547451,0.011298646537055,0.21968487215139,0.258614960900471,0.230645865174556,0.0742559456682219,-4.51399660120414,-2.79163511803805,-3.48003784648269,-1.97852965533244,-2.70594136613075,-3.82849256056186,-3.9614187958033,-3.6229378058127,-3.21169479890857,-2.36308854199645,-2.73136790934454,-3.81442525653895 +AI837181,4.09022220253632,3.97676007506254,4.30192617115167,4.24936165037153,3.95002880680349,3.89857495262637,3.79863972481681,4.15672736268252,3.97971770879269,4.01719994025794,3.81636523914472,3.98041987749652,3.9827872968416,3.88963035448796,4.07843910997,4.18591186006313,3.73229255257753,3.98294391751759,3.78158217730076,4.0229364472432,3.92748186518614,3.99321620780322,4.23098379823367,4.04497196001413 +AI480653,1.56172880645738,1.12742023503002,1.71118491332252,1.40200368528843,1.57620525234274,1.33722488816433,1.41517078911975,1.41314129825963,1.43380661265475,1.45402733876792,1.65978023294501,1.25513538646603,1.55575093912934,1.80497628473385,1.7391993396771,1.31073564240287,1.91579285478219,1.67338383542183,1.66113823689905,1.58948052124785,1.04115074044924,1.71081979680454,2.15093606643547,1.74947113274735 +Arl4a,2.48950540900162,2.69348181832965,2.63726361853447,2.54176540718086,2.32066346556957,2.37258068743303,2.37749739527724,2.6348395342311,2.99922241671855,2.6227055173039,2.29728752058207,2.33031062615312,2.50888406887777,2.61033751718976,2.43807644675611,2.2451808818842,2.00488234560816,2.19060611431527,2.25074610387635,2.62616299379405,2.59204448475099,2.38281296252106,1.95242701698579,2.1462464505864 +Gphn,3.30022926102029,3.33134998866764,3.1794098796349,3.44529804718563,3.78962720650626,3.72211758451786,3.62096702646204,3.03389785994348,3.20497433907914,3.09884144135301,3.64643725363532,3.42574144280314,3.71084352855765,3.76766563762745,3.91047467782662,3.94739559413252,3.79412260438222,3.76347297688062,3.87008606970572,3.85920408471625,3.81806079082118,3.90533720735936,3.8874677741933,3.84050364982785 +Dynlrb1,5.77242880083604,5.0901564317891,5.65922587176273,5.52347082956085,5.19037163564093,5.3359508283773,5.11005327728726,5.57524069108597,5.47665930088837,5.41618895453198,5.31915537567332,5.30489562413624,5.75021836863402,5.03126956484412,5.41287089363431,5.27986358062178,4.86394779640626,5.37491119498865,4.89258522187893,5.51438474514465,5.36567073987838,5.24437630371449,5.12336395968899,5.08747394801646 +8030462N17Rik,3.63367975624837,3.61261505321346,3.61509962966319,3.50207103866775,3.29533892105481,3.44705839477015,3.51783509187402,3.52788258488767,3.62796788951246,3.60129610435893,3.45366338978412,3.51552732527129,3.76497063502247,3.41003037211629,3.61085878392067,3.43771424663301,3.34447598895985,3.62465545137366,3.42048505374862,3.63283077411934,3.56099836345849,3.49659268188856,3.258712136567,3.41510955865549 +Zfp30,0.860994916327811,1.08440030778298,0.824575091077814,0.909717201219778,0.561831533806759,0.554664369099618,0.629530438943164,0.693902655170435,0.473187077622581,0.800564951249559,0.600969470965768,0.778933685914627,0.39128286285142,0.928797865802777,0.749419703263119,0.642427498706669,0.852296516413501,0.748836601172072,0.893391414883665,0.861807939546517,0.886549363691374,0.671994758837059,0.846072200768827,0.705280798846778 +Rnf152,-3.38782252173472,-3.60768442223957,-3.12587074814998,-3.52087504027705,-2.21161767974185,-2.51301043009157,-3.26593505978879,-2.49608292541634,-3.15554919458704,-3.95279802632897,-2.842622759069,-2.53503812930734,-3.39504890817779,-2.37294059515112,-3.9337236974453,-3.07701237193332,-2.72673277996987,-2.69705652727926,-2.51284454065539,-1.89308578966155,-3.49525955927391,-2.62137750513588,-3.31601265417652,-4.43267581714881 +Cldn4,5.82810893503971,5.67500469373309,6.27895596983994,5.85687902384766,5.18479713324394,5.32632522208874,5.37349101403558,6.15364350581438,5.94170554223904,5.96008428204872,5.14610509161718,5.34674261435835,5.29122230653726,5.3100911929871,5.59144731215079,5.36233534546372,4.77162703568609,5.24990040840764,4.652044326781,6.02905270233963,5.26586567454623,5.19017930788111,4.97846396128705,4.80605717989923 +Heatr8,-1.84494167471376,-2.27242978557524,-2.10190823167389,-2.23461404041455,-0.722383363336377,-0.306294696227047,-0.325874368480722,-2.10928399031659,-1.86800506207974,-1.34075832959101,-0.778787201147063,-1.41783877156237,-0.67663859040666,-0.615302559389158,-0.508126708872268,-0.508684786619884,0.722602378316259,-0.546878185489717,0.587807189925242,-0.764704485227763,-0.358513399738126,-0.252730817012882,0.105106751348623,0.163530728870743 +Baiap3,6.17870028144637,6.34862261078192,6.19262036086621,6.08857769414887,6.27973657226526,6.3808378697229,6.59851831902045,6.23644238143693,6.42078111735344,6.27262788667504,6.41499286943057,6.17244543794167,5.5232480573639,5.8126561612043,5.99341779809656,5.84564322435648,6.03765479997836,5.87685372410416,6.15277725371049,5.61795007059335,5.6066215731764,6.02904925188841,6.23952553186214,5.88506699309101 +Gm6776,1.76010206108558,1.47540618627277,2.14891746601698,1.95761625283701,1.73684351569346,1.91612616456371,1.96199676955665,1.23749590155297,1.77284704757873,2.27347724383577,1.99141642445312,1.67025960607605,2.60810459815127,2.21419674971187,2.36237649869424,2.46330639061964,2.12086719993701,2.37580195240826,1.69394863816496,2.38111842492245,2.61627098108195,2.05547128691474,1.57352421270413,1.93149387870412 +Tspyl1,6.0151372416917,5.83706683385306,5.93279479168079,5.92177709001266,5.6597090253698,5.73615332919878,5.72829796970654,5.89270322944759,5.96226840688865,5.82704662740509,5.72573316677996,5.75075159055606,5.7897689162807,5.5078938017142,5.73996295800973,5.65838126627246,5.54325740888564,5.64627353640342,5.47583986405334,5.65428268093976,5.7265864981692,5.60717241911439,5.55539897353089,5.56558570896845 +BC049715,-0.574222536444392,-0.201584120295511,-1.46274068769279,-0.298812012150912,-0.437469208925797,-0.345079615417678,-0.191629107156754,-1.3557399160734,-0.598691632131209,-0.0251344722993936,-0.382722440873071,-1.76539296274621,-1.69679965954169,-0.770906187504961,-1.09029961465006,-1.250833782132,-0.618893077498927,-1.17280275800799,-1.09778257346135,-1.38378641517513,-0.646240175054423,-0.612526105889432,-0.149798971602436,-1.27440673148933 +Dmbt1,-0.120898170294158,0.910892922564381,0.547626207919653,0.140522869032034,0.594628770187427,0.532079756539226,0.922151166485991,0.469067783924723,-1.40585907623735,1.32981816348647,0.953026880095095,-0.173378255841874,-0.214357541206212,1.33475415387602,0.925797184723402,0.0431780359281371,0.378194655882278,1.33606831580536,-0.472832793079327,0.272448758447112,-1.40080118327672,0.43509812054044,0.807891663936916,-0.0771891198037964 +Fbxo28,3.56153646021071,3.49310558224315,3.70159497124549,3.58696935631524,3.47364936496791,3.49789354393234,3.51310439802629,3.58225979666055,3.56271049620064,3.42370756694555,3.37946006019107,3.5557512140892,3.49495182586873,3.34623289209649,3.3617067061562,3.45161282505708,3.30209380584062,3.46451530168626,3.29434731967213,3.33326202204507,3.4296909210614,3.30342376766948,3.05158355801931,3.30816062895603 +Cltb,4.61047906909978,4.13002665210467,4.25999369086093,4.36013243718496,4.3941253284202,4.402499802022,4.45787049180311,4.19012621082373,4.3134031640464,4.32681054370908,4.59966531788771,4.37779011408948,4.91515037600361,4.44189391934416,4.58945627265906,4.63409889848941,4.85701563299221,4.95010880573519,4.78053647704349,4.69169973404792,4.61620998741363,4.58039557412289,5.04726575436622,4.84916024313923 +Tmem41b,2.12501919082591,2.09691826072404,2.14984961583585,2.06943797568999,1.53420620011264,1.50972468890754,1.92209595883949,2.06959770157968,1.8254424638722,1.80084506779807,1.86547425445663,1.8150520620597,3.30020865948017,2.43411759280831,2.72236466376714,2.76042828151422,2.48514613237555,2.91750431744216,2.60530560546282,2.64216751355106,2.82834809407073,2.58611646433356,2.71777413656418,2.63452878470232 +Lxn,1.56477234854687,1.65895262766469,1.23818480411407,1.8970290951522,0.951095621495905,0.830336152370737,1.05126410765374,1.47150406163457,1.58502147023104,1.53940595106539,0.725517636228868,1.42883208277448,1.27094543872715,1.59860004456887,1.22433160915247,1.68816478957662,0.497342203735146,1.39768193687209,1.13051258463491,1.32874625618872,1.80511894990793,1.94632267779394,0.7153383217924,0.877816124053871 +Tyw3,-0.298656241735327,-0.91520055533439,-0.521784388288008,-0.814688842461983,-0.60166013539608,0.0332403777241117,-0.479824056286156,-0.768140904621956,-0.724215947040806,-0.680697972912839,-0.278769420896907,-0.459921694548916,-1.16441686442931,-0.454011379523315,-1.23835595434583,-0.540710097052087,-0.620536691324527,-0.725669991929706,-0.536513507042786,-0.999288522049719,-1.00699353234595,-0.661208839657082,-0.935182203042604,-1.16521850236006 +Mafa,0.30706141873129,1.86086653027677,-1.86143596985859,-0.337311743594635,2.78304637406666,1.16775593404628,1.55949381452266,-0.724707713224777,-0.371508991271569,0.0771468732910212,1.41728088264076,1.53579093327235,7.61916977860457,7.24242703750375,7.05588696493682,6.82812250370932,7.89442361503227,7.90510360841586,8.35890224180419,6.95531666017835,6.88303322999098,6.74316302993001,8.13806149268884,7.47001099009874 +Zfp235,2.6990304321418,2.56324576654409,2.36616813782532,2.64853271127154,2.65082861847101,2.68121673677742,3.09253001187642,2.04821708927928,2.51741199702523,2.36059654185244,2.60782413985256,2.7789653093787,2.52935050108536,2.27674453374906,2.46240976141428,2.11874362190277,2.77565941719106,2.38470310393035,2.44642629728191,2.19158327793804,2.16243223258773,2.33747867351794,2.33198601439501,2.58219277562384 +Frat2,-1.09333231343668,-0.49782500840812,-1.08543798634039,-0.86285727156494,-0.560296668459249,-2.14955528531487,-1.10428928647932,-0.839560923535078,0.0783597689657718,-0.0482997618374061,-0.44509361267174,-1.24921397020788,-2.83213051286551,-2.16958644469858,-3.4690987197353,-1.41888257465926,-2.16431599266908,-2.40184967753669,-2.35565940738028,-1.76735024569039,-1.64814829879796,-2.47987859097308,-1.86388940782417,-3.4690987197353 +Ankrd34c,0.0482976970379068,0.759225886698073,1.57576930601415,0.689304924970727,0.361926338488406,0.371819436964428,-0.059168976540787,1.37874200808877,0.76155787067348,1.24419595900448,0.176818679494483,-0.142975177489109,-1.55435680224607,-0.893614706810809,-0.773861277989605,-0.934395445471547,-0.992638394968389,-0.973475829652223,-0.899482033920704,-1.53809810622945,-1.84788895467583,-1.5157180512948,-1.4753205482448,-1.75290400234933 +A430005L14Rik,3.65272061826704,3.27456746221269,3.58819522393259,3.4698439006963,3.17727574879426,3.48434423476881,3.68084994102153,3.55778001960524,3.7136248492295,3.35473861692358,3.58903811286543,3.59126460914874,4.11402254960769,3.68151287231855,3.86734119654514,3.95312598232452,3.72423310056788,3.50948741311794,3.82831434752651,3.7059049170208,3.80464674483662,3.84719298670917,3.84824019181414,3.67629821461362 +BC029214,2.23241051312174,2.27815053235496,2.03465608992896,2.47503843945143,2.49797935810676,2.03504836616873,2.25910753208372,1.68891162910535,2.27712895402709,2.29651031218884,1.93075989274772,2.0991443818904,3.03644692037262,2.99614242767047,2.51869283157076,2.84279035637509,2.88296729545563,2.95433068491102,3.0599615273675,2.49925501488086,2.8683183922901,2.49504181645286,2.92924978647494,2.85153747236665 +Apof,1.03158467961554,0.322699154816749,0.89175496254465,0.713905185090391,-0.401209646638232,0.330186398941664,0.0308156446316291,1.06917847303685,0.471163078781975,-0.0263247712505761,-0.367340114916974,0.569655665137646,1.92394593969921,0.462502867804668,1.58358552964285,1.56159155095165,1.30631323827538,1.40120679524526,0.210092980252727,1.61067914243351,1.26277182965213,1.22386378940324,0.418387027834511,0.472238142020585 +Fgfbp3,1.18431902363142,0.81798361375273,1.2787255050493,1.20088423131057,0.361019049033969,1.16698015987192,0.471121352305192,1.12547361721844,1.00475785305036,0.942979404792563,0.613415191837597,0.86187302919306,1.08500278564699,1.16978311193224,1.19243194850438,1.07787794746577,0.956054615325474,1.1076384588731,0.472687916833119,1.95715415798164,1.66443620682324,1.11458753310622,0.929175230260786,1.08416207817922 +2810006K23Rik,1.45185300998767,1.41310460676233,1.60042378371031,1.46882597535104,1.38897526442874,1.32161551624252,1.51155248510393,1.10052941120743,1.34868342198227,1.20399412711923,0.738500299901902,1.48214994436896,1.75541055138057,1.58710622863655,1.68752758765138,1.7419408503033,1.80213864266168,1.43391060248292,1.55803581922925,1.86943020063154,1.49212078553902,1.36174302765461,2.0037603403149,1.90686171413649 +Nr1h4,2.12717791824019,2.38153057450785,2.67066187993138,2.26747561243662,2.00491808631603,2.11767595939051,2.4183577675511,2.36346915976451,2.57459449789005,2.17466602071443,2.16758895136898,2.52732616140536,2.32457430227966,2.57795298197393,2.34041243086724,2.16712384242487,2.36104847498819,2.23653600645787,2.36405672786575,2.99727760299383,2.40796463225178,2.33265743092365,2.00385398243957,2.26863269157567 +D930020B18Rik,-3.73936748423104,-3.19720632493468,-3.73936748423104,-3.22932103753291,-2.22336048227875,-3.73936748423104,-3.73936748423104,-3.18192155984705,-3.24241080323432,-3.73936748423104,-3.73936748423104,-3.19604951373562,-1.62488491086394,-1.59856746921829,-0.751395004253557,-0.542702467899559,-0.677189470885242,-0.451973274230415,-1.57238704828129,-1.80723561216971,-0.815997524180875,-0.588662742431758,-0.542509389143754,-1.8234321109672 +Gm5454,5.11732790923591,4.87262549607267,4.90869032270363,4.65561143316731,5.23877059216048,5.34153398214466,4.98995025882805,5.42515944125069,4.7710510431167,4.71344182151599,5.23437796299191,5.19329868151704,1.28397482535532,1.52117450313326,1.33247072847541,1.5395240967926,2.29847133134904,1.77830300541831,1.05595829379535,1.47005614284285,1.24477215173356,1.43454432315953,1.71154871501237,1.52547924387135 +Fbxo30,2.49536439828232,2.55975354605574,2.48180164317846,2.72505360032656,2.66062416764789,2.55157957627607,2.50575637550173,2.30663603100354,2.6207447342276,2.39856355280353,2.42318695074946,2.60055289944287,1.51806899020091,1.78599952983553,1.67358157883479,1.88138044829298,1.48998679862006,1.34458025087583,1.48759441303362,1.69740652644674,1.88704484372582,1.73136453662673,1.62171952841819,1.44198214360162 +Cd3eap,2.36086946472319,2.69875637791957,2.6291375678479,2.39163393127532,2.18295965473981,2.2280665645422,2.24747824483864,2.18550406801589,2.1583610838206,2.70110959298883,2.42062667257553,2.38397859298049,1.30110140462565,1.62875601046737,1.56922878518779,2.25289629764267,1.92659762158134,0.940005054425387,1.90258545619052,0.712669965122606,1.57211462634372,2.09841719336561,1.74656510054782,1.4453638216198 +Trpt1,1.95726664618546,2.36320410939229,2.7115632243714,2.65835662808515,2.25282277122152,2.14364274031846,1.74559738665232,1.53758296183861,2.49474855167911,1.92991149968997,2.0431408057381,1.81612801991973,2.37388290419676,2.83662027457839,2.47808538499842,2.76739686676641,2.44159576793807,2.50513953563198,2.65927894505828,2.03755268077665,2.57400182093624,2.4921255120375,2.3091299236117,2.37302544118757 +Msl3l2,3.1150432098457,3.19118542756717,3.07632194180301,3.11951585560486,2.64718868354125,2.88577873989175,2.93358637865281,3.44048089599324,3.19818578250148,3.03804802814585,2.66338037526517,3.20137564262704,3.12466115914393,3.07367885780318,3.11233084999543,3.02633079605886,2.91351080227289,3.32944735969033,2.83339109100378,3.21084835820312,3.28771877137961,3.28772180391435,3.04663988451791,3.22064385003828 +Rps8,5.80474676440389,5.369441258814,6.1942109210675,5.9312455732141,5.46485394933348,5.49425997957288,5.37218261926725,5.80249263733679,5.88896864613901,5.82877303743117,5.5469417347267,5.6018289649444,5.43853438766886,5.14340050123725,5.54611149233475,5.34576423638387,4.95813210212162,5.31817013568835,4.90949104750388,5.62934923282221,5.45801056007672,5.25314793201885,5.01925316956585,5.05844975255504 +Rpsa-ps10,7.43657622962943,6.96515494672515,7.68316019178162,7.55812571223017,7.08802754087258,6.66069654317323,7.03459667335948,6.95136261059483,7.52836929259721,6.95079904846511,6.9946349583087,7.19134689997732,6.48975495982145,6.48632571196417,6.76196692818739,6.56184931908289,6.25941189578211,6.15613550085622,6.47264458753882,6.48021966591378,6.78343507808727,6.10629250139466,6.22464511790889,6.1146255344211 +Yipf6,4.63163840669157,4.40584470270021,4.76703455699996,4.5501182714591,4.19014386478199,4.21472940726683,4.16296453286025,4.57940206806303,4.63485188890988,4.46051878716901,4.18369704509011,4.21630327700215,5.45130467392661,4.9642230688716,5.19861488000559,5.15184646024197,4.7882976491607,5.20371152212247,4.83541179477726,5.39145115073239,5.20946299419298,5.07900450115444,4.74696072242412,4.89157383209332 +Zfp828,3.06973664493902,3.20165834847269,3.44286773894511,3.06332711107202,3.13258088638332,3.07841281701223,3.08285869233082,3.31492812996767,3.29778729536233,3.02004535243307,2.94562624013117,3.10869641032724,2.97148077411907,3.17053497812394,3.06471005109046,3.08602545624185,3.14619139667805,2.80715862107128,3.14905283704476,2.7770210602945,3.01949450501285,2.96642005845223,3.30214868311749,2.95623473921015 +Ust,-2.83040320156416,-1.87116332346387,-2.82378126448081,-2.32523891129406,-1.38313737179953,-2.4633507724857,-2.09555989725311,-2.93097502864005,-2.84864578935632,-3.48148916274719,-1.7934606080332,-2.24048458098168,2.2357037032161,2.02605057855887,2.26071609459447,1.84183396182159,1.66109598883473,2.1615890536889,1.74372278753016,2.26431036267386,1.44095182039022,2.03392788657145,2.03716241853995,2.20359771268528 +Ppp1r2,3.67890586566776,3.40326478641704,3.68086573321691,3.53903081759165,3.30263151214343,3.38493631570742,3.19509443991596,3.45402899235641,3.44310575985432,3.35254656417314,3.42933028949924,3.41509476548478,4.40493966697618,3.92428668725212,4.21577479617514,4.03339273209682,4.02165868428096,4.22653996494429,3.81180694580955,4.21783551714582,4.07873054046368,3.96828590883258,3.97968860503627,3.94574282073688 +Ubiad1,2.56638355842818,2.2645966589426,2.39273758626577,2.1693202284065,2.14947431485872,2.22999121395097,2.41380098998199,2.50261801998385,2.42122582273999,2.24776181039843,1.98306279471145,2.39787054295774,2.23263929732474,2.15839981693361,2.09137388399272,2.09158831267571,2.27054546253582,2.27560282254307,2.40150322904127,2.37479565168897,2.20440149844498,1.99810288410393,2.17570498513701,2.01604029615061 +Bola2,3.50836808283371,2.96845536044314,3.51647992388072,3.18223740609474,3.2235574113781,3.15314842471383,3.04499045413985,3.36505961023403,3.34438303350284,2.91164002571283,2.93612299730277,3.14837521915007,3.60521817647061,3.08155702769646,3.31340533081939,3.02785012182765,3.15695352710251,3.51496815499907,3.16906795957128,3.45404675187643,3.28546499114255,3.24532212872124,3.12882402745352,3.12293209784154 +Fcgbp,3.0963648318061,-4.51848258424674,-4.1539353715123,-4.58550760049239,2.18288082450297,-0.450570848543621,-4.84965510938996,-5.0580078711842,-5.15064102015516,-4.45980020642826,0.0493744737462625,-5.07946009606939,2.18348468976812,-1.7302599477473,-2.94119983806561,-2.8198686453127,-1.48940214091106,-2.57572687152147,-2.05814536429434,-2.33531094442004,-2.75159617355884,-2.28167284699911,-2.99001755402439,-3.07982948946744 +D19Wsu162e,3.55965671081573,3.67726874568335,3.53145437698885,3.62319183652833,3.68454702718717,3.64403071284136,3.63076792025121,3.70273478937412,3.51473190864735,3.57772639345666,3.8969899310182,3.76163900471659,3.16578897946487,3.29805251394544,3.3029322250261,3.40484968675396,3.69753365258511,3.3596859714446,3.66126354328806,3.08608202117268,3.36677127841151,3.39860247247774,3.54139259550656,3.56645562630172 +Samd9l,3.00306532298379,3.49322103683325,3.14268627761184,3.03116857569474,3.03427763217083,3.00878827466878,2.87415710988972,3.32940086769785,3.10788624525042,2.72649546364981,3.10315315831975,3.13952243571535,2.457163024655,3.10993171854025,2.51172764882537,2.39022882591336,2.50584591020503,2.6516108368595,2.4875248607259,2.73173982428164,2.73356073942596,2.49034519615642,2.42378306922123,2.60995678604918 +Rnf150,-0.545382442213711,-0.537063629985709,-0.540335372780339,-0.935521443828039,-0.231693245916288,-0.574931471402092,-0.489366867172223,-0.227560948400555,0.0516249818850687,-0.549199928838859,-0.688815660730193,-0.979638677962701,-2.17890684273611,-2.08658871733535,-1.74310523479961,-1.8098461968495,-1.57668640224998,-1.993069388345,-2.11705822108245,-1.89394709464202,-2.53292415203649,-2.19739135412367,-1.75098421082385,-2.59954903992395 +Zc3hav1l,1.47216864108252,1.28313279255708,1.42392079739124,0.866150907765643,1.56120027368206,1.58445544842467,1.06602647748992,1.98617105276033,1.55769411934769,1.19195504451135,1.52144580798852,1.42487602551512,1.20812829663025,1.42441834473621,1.09652690844152,1.23238445842617,1.67654296217453,1.53600417834914,1.32589506795724,1.51795299770116,1.25272101620747,0.920105531923446,1.10977105130714,1.27773937462162 +Fancb,-0.52711965226482,-0.885335501873051,-0.870787923658398,-1.23479754480246,-1.32583280536442,-1.35652542133295,-1.00434657788083,-0.842826782542682,-0.867407283375624,-1.38858579199336,-1.37629139730262,-0.882090024588475,-0.63352874680836,-0.579793828182633,-1.48998667014491,-2.40959946162486,-1.37708075633326,-0.650780618093427,-0.278697456947075,-0.881229591048778,-0.921537918380028,-1.4964251755808,-1.591984435124,-0.341915187767305 +Lrrc49,2.56097518249917,2.57961576808218,2.67647302645662,2.29351803988797,2.47773423734902,2.55207484826657,2.45090427753767,2.57998429746984,2.6333221862869,2.58992472815448,2.37294327167896,2.52873416831735,1.75297549029361,1.69742007364096,1.42197588806787,1.57106884204567,1.63878766754244,1.44736204730412,1.58544908674674,1.62170839830241,1.60800513243166,1.39787961310794,1.77119321016731,1.49166346161956 +Atg16l2,2.76879261797371,3.40521521136436,1.85586278059717,3.40855419096502,3.81860112071413,3.4855567889523,3.68605591107878,2.49353061305193,2.72406341351297,3.31224430499448,3.79127884085448,3.51687304063462,2.71430042288194,3.14067096381927,2.43008536205275,2.96940212115588,3.66201199658603,2.88419078775005,3.55797309271418,2.42970748367404,3.04533850177615,3.20753087383346,3.68672086831352,3.42370353030412 +Phf13,2.91466267969225,2.86033321696515,3.07885418540439,3.30703444234601,2.89877152793504,3.12924140610468,2.88651217734713,2.79366812956514,3.06616964615889,2.96043261097548,2.75442924584763,2.68868279364358,2.72222356333081,2.74122486958867,2.67935021783862,2.60611306052143,2.3477663108051,2.33604006720221,2.57534709548238,2.70581155995339,2.87797168155631,2.58069810940705,2.40603162966572,2.54107022608544 +Lix1,-0.788224343815566,-0.73814277115075,-0.485819774910437,-0.772516767334834,-0.84338708795793,-1.05734626749314,-0.391494382678031,-0.312819242138613,-0.645498716999851,-0.48009633605729,-0.648749039739346,-1.00799307529362,-0.75780634612486,-1.17410819166187,-0.694367431361908,-0.519536341427441,-2.35438034894548,-1.5734019319677,-1.79856726336988,-1.0843556527157,0.0861299531278963,-0.912720936713209,-1.3079661621285,-1.6982952209218 +Flrt1,1.04621303139193,1.40005852187316,1.47663874254038,0.952194296633561,1.89701512482732,1.74933322218012,1.41492426419435,1.66282805914947,0.929379165571947,0.801068303709692,1.69248130832849,1.38704097116552,1.90966628992456,2.77847905783321,2.44058671540228,2.44871479869751,2.9079934786783,2.51784697215082,2.89044575423006,2.52078897085974,2.17288106291299,2.45012865235902,2.81849507314506,2.7487306854851 +Slc38a9,0.0156180227228533,0.610922254784166,-0.137215764372482,0.0840114177470466,0.609691663925142,0.650139237658526,0.467418586001984,-0.0590188323294938,-0.0239478335527257,-0.0029104467010832,0.540409163816397,0.423509687267543,0.123514951571131,-0.0931239015555163,-0.359309563480692,-0.0245397200958597,0.197454198793449,-0.0476186824900329,-0.13297972346663,-0.158669441887144,-0.21194821436685,-0.270152572154821,0.321220218956781,0.317693510026556 +Sned1,1.2528447969616,1.90776616524452,0.222293240150115,1.5048033757734,2.4475701639219,2.57046048207044,2.66151902298575,0.952575691295399,0.995338359787449,1.24465624323983,2.49648008494544,2.07447707122974,-3.16424167255567,-2.18264006596735,-2.91916064005539,-2.74336673411642,-2.46351973708255,-3.93402207562233,-1.88355131622276,-4.51950719093497,-3.00715944034376,-3.45484962799961,-2.67481449856791,-3.16496528347881 +Akap10,2.43352571740129,2.63744597926912,2.31536914346771,2.50710776945248,2.78437795287955,2.54873652441818,2.62132458101551,2.60676222186434,2.43008151912,2.52144306302184,2.70042744626645,2.50749708503021,2.3656332423532,2.63620451372474,2.26631509313803,2.52940644651642,2.62787423452653,2.32291294797064,2.53713299095619,2.30464303813048,2.40258348755708,2.55689217308454,2.60488817534614,2.62950166828937 +Trim16,-2.07738020054431,-2.0714228488002,-1.37484669384378,-2.06266425134694,-1.4681277328355,-2.44729386376875,-1.75589935059858,-1.93181570898438,-2.53304279214118,-2.21645249853785,-2.44036665966046,-2.86149129704325,-3.68871949447894,-4.19348924469826,-4.76604153463854,-4.76604153463854,-4.19057907176896,-2.86354925541413,-4.10447056696612,-4.12150464362662,-3.75651124978782,-2.78224169808625,-4.17092011059449,-4.12938973260863 +Pygo2,3.70911711736071,3.5711924961801,3.34642166132261,3.70397745320295,3.88089411426741,3.75440094099713,3.92630531285774,3.45931619671292,3.44295842657516,3.45697263243612,3.77093921342129,3.61293454361986,3.3374810374292,3.24072274477663,3.23215189299996,3.33949086524636,3.44663951755462,3.27090422375422,3.61418048788484,3.09864324063839,3.28896848586989,3.3491513296467,3.60925246092877,3.29350501685075 +Cdca4,2.15904625849243,2.01683782431449,2.42964034622302,2.68516776824792,2.08276164106967,1.93133448957613,2.22003043890059,2.02428185692715,2.37279043159272,2.30078350873935,1.75843775097641,2.05920846913826,2.39629709637838,2.32841050413677,2.49136508805153,2.40360176487413,2.27966740650119,2.56108620637413,2.17970143608918,2.45337014342974,2.32657728982016,2.13853945775547,2.18951246291397,1.83356102528152 +BC051628,-0.667802918796745,-0.446646044786404,0.316230759741908,-0.420035467681258,-0.309783782165769,0.0743952465579178,-0.341735393731185,0.700790174956516,-0.568143517937559,-0.634139457592275,-1.23083925021922,-0.0341163740932353,-1.50789640166772,-0.493348344425975,-0.233315492632813,-0.187681874753779,-0.943589542448619,-0.822392361025445,-2.92212580489541,-0.989993932834075,-1.91259552004469,-0.769004480577031,-1.31691649298428,-1.00619043163157 +Diras2,-3.06165995225777,-2.98371171338871,-3.87075659783507,-3.05073672963436,-2.39261323960403,-3.48374973401536,-3.60978574350401,-3.20974876586803,-2.68790817773164,-2.19377644348302,-2.03315480435022,-3.23568261280342,1.94322383641368,1.05133805939237,0.914199326713929,0.905111670079574,1.47868828539872,1.80785209977436,1.36209548392925,1.42848842660793,0.706635878468487,1.08201299204444,1.32931693526381,1.47287201122537 +Bri3,-0.051903574693136,-0.359971489702642,0.547756261200817,0.0450113489979835,0.213571768867783,-0.0941316762916564,-0.1643145442894,0.29558534221089,0.415172690442069,0.299659561895268,-0.154392460731714,-0.118749671725018,0.185738358049314,0.53395430316674,0.525223875425023,0.479731770470845,0.155794582991801,0.326839566944212,0.0546890017461337,0.472611873243031,0.309503474202779,0.570687117098933,0.420143593907875,0.184868772699035 +Bex4,3.86325788363505,3.94469745475493,4.08991638982133,4.39488464972712,3.61267958628491,3.74936264555535,3.98791372663808,4.0119647194984,4.15582265780496,4.36100532878229,4.04513009479194,3.68765338556234,3.95050308052825,3.96680984279407,4.20363650082861,4.75309019081249,4.25065103308969,3.8319008701716,3.83798309628872,4.4049535499403,4.58652794422527,4.50322557075964,3.81986859579098,3.53380018975216 +Lonp2,3.46938450569742,3.42190713727461,3.57120311105937,3.61350623246677,3.43981613828101,3.48664389735294,3.39611411024303,3.41273287992659,3.5739093180148,3.46227070353132,3.4609236694039,3.49365135308779,3.66699246519675,3.79874675792804,3.98922827676101,3.9322817770871,3.92673461848839,3.75321041673956,3.83270509397192,3.80630678164033,3.76989717302469,3.92789262714527,3.91187422823068,3.82588151203888 +Gimap6,-0.159524680013182,-0.0443208094181495,0.0754116164097365,-0.921936684158157,0.159481315796084,-0.470346660037511,-0.330918450752869,-1.07176798970807,-0.671313862498315,-0.621112520213015,-0.27739298980901,-0.158882939177414,-4.16711603525944,-2.3864863854277,-2.17741918686742,-1.91312187287853,-1.60602196349865,-2.49316715856379,-2.20030882663092,-2.73966421931692,-2.83375913005044,-1.8624746102771,-3.57199461121539,-2.05331528736656 +Gpr157,0.837538784327616,1.14640357249617,1.56105971642552,1.06662533097029,0.73536198674761,1.00012110791912,0.952685749134958,1.41259876377094,1.06869461456101,1.11137987688192,0.884367039862461,1.16178630118128,0.374301176779891,1.1418092202644,0.636184020565596,0.49792922058823,0.621631688236157,0.602997365537124,0.440163217959157,0.722691361882055,0.318392786698772,0.572667692921325,0.81832688970233,0.739808447604472 +A4galt,-0.888058234411836,0.205043366874661,0.449807358444998,0.206695123748729,-0.484297011196916,-1.16102290550419,-1.23617415461788,0.688535768655053,0.11755840950171,1.1232586291596,-0.812861853898089,-0.683761909896049,-2.84280236950419,-3.47977057637399,-2.48663116197093,-2.77637212445559,-2.49404419548997,-3.47977057637399,-3.47977057637399,-3.47977057637399,-2.88844756244913,-2.49055044761176,-2.46455889182843,-2.84311877434408 +Usp14,2.9274879645548,2.69960311914028,2.84019861478307,2.63407617516277,2.83828516908408,2.75983795737004,2.57734197417558,2.67657221354981,2.61848452613474,2.59499339339131,2.80226877096581,2.76780816147642,3.00437293893719,2.60373560767438,2.83410305070803,2.58224420322245,2.7352445875427,2.77945596814345,2.53455878064852,2.81582557421226,2.76879651003826,2.55406999610935,2.69362891725929,2.66833804883452 +Rell1,0.845069983044603,0.555692231061304,0.933513861914382,0.609335977544492,1.24652663916947,1.34537617078523,0.560774682106315,0.662886502470126,0.0125190208261357,0.798820902136727,0.901259529195318,0.920983970846386,1.95161842695844,1.6471360898785,1.64983595995689,1.86851018684795,2.28799359064969,1.8241351244973,1.78154950564643,1.65475973637994,1.21734188044935,1.56698013530744,2.29909009025906,1.91221751204503 +Tnrc6b,3.93243080133501,4.22932417195484,4.04639669740277,3.87638876413645,4.60941775359173,4.51825491635616,4.11092294514392,4.59400279814303,3.98668405757198,3.98394729458012,4.38707670650288,4.18737547640747,3.03168292952877,3.39601624195746,3.22929042947105,3.23759027943037,3.82980366199623,3.37609191872471,3.62848897832234,3.13712800368357,3.03646646585747,3.33253742429804,3.71878465528548,3.5367216498267 +Sstr2,3.41035003998007,3.68268670025646,3.84185081510879,3.924546306785,3.48313565120078,3.25833921838539,3.59454688872966,3.58499259018359,3.77936070703862,3.98468109206349,4.40839816829575,3.75624168266978,-2.78725513595616,-0.995445882356517,-3.42422334282595,-3.42422334282595,-2.84876087995637,-3.42422334282595,-3.42422334282595,-3.42422334282595,-3.42422334282595,-2.84643846578019,-1.81901403091482,-2.01054782660959 +Gm8566,4.75875159492492,4.18364594478297,5.42661162963751,4.90968141075009,4.36854474722163,4.52074201525755,3.90787601451195,4.54322189840425,4.94054432301776,5.00506040666164,4.72007607990046,4.38521598661065,4.44553729484171,4.02860996584162,4.32973033309019,3.92067886683819,4.05516196645157,4.31484025407883,4.18529119076638,4.55571455333986,4.17123134059386,4.00760681944347,3.90197824389081,4.13728757549901 +Tshz2,3.26988348465676,3.5970404251099,3.6242438497031,3.3287918843918,3.52481337440348,3.62211857162255,3.27724458006979,3.76223382715308,3.43753340021472,3.36231036336726,3.49241078691425,3.35790256482389,2.9605805765315,3.09355238996231,3.1834361206653,3.09615729420277,3.27197505807487,3.08922275536927,3.09405741342829,3.06923667647334,2.89491821642445,3.18872706624102,3.24052816572281,2.83953597217851 +Ankrd16,0.629892111619395,2.27186983213241,0.376090208537742,2.3716342640061,2.69962477168859,2.33064881956176,2.51963225442661,0.43326334098124,1.3096334879064,2.2781628310362,2.71539792388598,2.20675315317384,0.541560604859394,1.42771941085781,0.416639738775574,1.46379733823479,2.27282664714187,1.12079141315563,2.12854119747577,0.216448271359104,1.43999924479575,1.605684552929,2.06831397863822,1.85752165999466 +Pcdhb16,-0.170963343262978,0.341433073248393,0.381951477490683,-0.0337015248817121,-0.186698073399869,-0.0345721076259791,-0.209331624817511,0.38828602954212,0.0559564587024584,0.107109816160167,-0.110315036396225,-0.296827775186788,0.0588461591117895,0.789533207158739,0.567771042298765,-0.235621124848549,0.167774685104673,0.32297246844039,0.310908438823606,0.240344187306989,0.304153912721723,0.612529379910247,0.247927289115094,0.727489090363326 +Trappc9,3.75175064815535,3.54549145113596,3.48909749467664,3.35290531308775,3.74302182635486,3.99152908164129,3.75010960291151,3.86382561627083,3.51790474111087,3.2896602908333,3.79533281477603,3.70114362687196,3.79587448247866,3.85244249719609,3.59547589690089,3.65231137422456,4.12046647696094,4.05113176488229,4.32582798832193,3.79282559919976,3.35526638613947,3.7292393392281,4.24177862177054,3.98959680627186 +Marcksl1,3.1305810442826,3.1107821079797,3.22157771470756,3.13090429746337,2.72352594423678,2.88284184210893,3.15027475859915,2.97113669725988,3.16935452800703,3.08398711164377,2.77082907713053,2.5846713234017,-0.215020398015152,-0.169584858485462,0.587223244466872,-0.452618708894795,-0.896324002414101,-0.123194726362391,-1.07717693913998,-0.0881415306580702,-0.327452942245254,-0.602234495255248,-1.21494702871451,-0.600978478929334 +Gp5,-2.61813414094032,-2.5609767117041,-2.88528271181296,-2.98624245806591,-2.54769409220071,-3.49628890476404,-2.6243118574819,-1.10535879054985,-3.49628890476404,-3.49628890476404,-3.49628890476404,-1.77969242488826,0.856118158713541,1.111532868608,1.27181930468136,0.265711222131843,-0.200155882007353,0.325952511371677,0.663366097318349,0.57157756101995,0.521529046425933,0.731144835750674,0.576553605891736,0.5509065824498 +Stbd1,-2.17612145511987,0.0526082608210641,-0.112193293151847,-0.7443084096188,-0.533960897644704,-0.89437102708017,-1.10695343603306,-0.835388591851026,0.0916775178363303,-1.79381640257324,-1.30747699358249,-0.217242043321809,-0.0459037765034677,-0.796815372766997,-0.902361699840022,-0.75918441891545,-1.05152783426769,-1.94829105782576,-0.851167479789596,0.198073028226543,-0.634018652265909,-2.04156730791315,-1.32779205786114,-1.23674910989628 +Rpl9-ps7,5.40269201891332,4.83519030370683,5.85198506865124,5.36612832671299,5.13699022553408,5.10951645746326,4.78347627315809,5.61012709761017,5.43238055495504,5.58436656184912,5.10244289723657,5.15737189716045,4.7455998784974,4.51922480294436,4.81424291833719,4.45132400505342,4.26912399506396,4.40175891361599,3.94419551007125,4.74623287004335,4.80327374464906,4.56548925531293,4.27686733325493,4.2464095214612 +Kcna1,-1.76413345547607,-2.00402353113543,-2.45913193112981,-2.41653506456708,-1.34026783607308,-1.77531301900685,-0.977184264367621,-1.65091715055212,-2.32102163260903,-2.56368394682919,-2.5025137285019,-1.12583801070691,-4.44919679540586,-4.54517441539501,-4.21282736707633,-4.82312038364707,-4.54079245468145,-4.12426003560206,-3.55971162693694,-4.43805507418245,-5.52651883556547,-4.53729870680324,-4.51130715101991,-4.44966317116938 +Ino80c,2.49405614446149,2.35682295911379,2.71458836699959,2.48140003348634,2.05813479468641,2.01754094390565,2.17779621124887,2.31315141416932,2.69875760143728,2.34474924400781,1.77113096964221,2.18187760540921,2.52602501278648,2.38714140903298,2.81168777049993,2.48624258756117,1.75455277385454,2.19898493675244,2.08150050402967,2.59394615203037,2.49742203410253,2.41206461298233,1.79782313405383,1.95826265464104 +C2cd4a,0.496163970920751,-0.444490531361548,-1.42803255569052,-0.661375582825989,-1.28049900008873,-0.477758331171234,0.286115351442903,-0.405575887826838,-0.442523715083177,-1.81762583427912,-1.31957661158833,-1.07990952216524,1.83968272765849,0.923641608809472,1.39994023034576,1.42021338817653,1.6996254057021,1.61393876493529,1.99858504602811,1.17104743823962,2.56187594015737,0.938354812604043,2.01402888072178,0.799753638285723 +Prrg1,-2.1533687359943,-2.23094017283505,-1.79913603830097,-2.80577034508531,-3.09916515593924,-2.27555601922774,-3.23856163886663,-1.2961604769285,-2.05075539124448,-2.95291922734742,-3.05927671319614,-2.27965077987196,-5.91575411608369,-5.34320182614341,-5.33536171220317,-5.91575411608369,-5.91575411608369,-5.28561244385636,-5.91575411608369,-5.27121722507178,-5.32443110215883,-5.33796923903793,-5.91575411608369,-5.27910231405378 +Gigyf2,3.0091641440456,3.02542959956351,2.88389828744974,2.96524702218216,3.18664986681483,3.09504804397706,3.10367771233388,2.96169881130447,2.97884509167102,2.97978581728987,3.17446366488986,3.15063226831269,3.21032599776222,3.11532718345303,2.88515164655816,3.1347532236886,3.27124678244631,3.1509034527952,3.37946662675606,3.07608672471757,3.13162320598972,3.15620170303358,3.22793900425879,3.29277029082383 +Zfp473,-2.60411665555777,-2.18915614168979,-3.00215693559064,-2.34098195483552,-2.16375163275756,-2.18649378372644,-2.01800495516225,-2.09069353547595,-3.10195596371532,-2.10660690854151,-2.11324788742154,-1.98069586254423,-3.47933340951326,-2.47963907147515,-3.31962330429605,-3.51381729986428,-2.27042183137528,-3.66807801837523,-2.88031632343291,-3.83567959018386,-2.66357271503222,-2.69942661661745,-2.6536117410545,-2.83110729006845 +Tmem229a,-1.5843956048178,-1.21494407499369,-0.396835774305415,-1.79901622420882,-1.31444323093906,-0.824725384353837,-1.59638300156047,-1.00188642827516,-1.18320218228328,-1.71616946630812,-1.36898673517535,-1.15314015692033,-1.74152933051249,-0.958856744193902,-1.78402625742083,-1.58476281572991,-2.24300365051557,-0.913735858973498,-1.48598050926899,-0.563481249555955,-1.3399668178252,-1.61061950941666,-2.06877742840264,-1.45855801763551 +Rgmb,2.61182327045178,2.38738152679401,2.79353657982325,2.44195479645141,2.61412490369585,2.67257926433943,2.39465926539091,2.89998239467288,2.34734018232416,2.46667549299987,2.64073249861446,2.39101906353812,3.43590113265546,3.44775117603842,3.5089873164624,3.62455503867947,3.63121371975399,3.47575754701916,3.54113829771701,3.51054594817745,3.55996783655736,3.61697490745148,3.62951565299925,3.47812102355251 +Eno4,-0.857093025687187,-0.750782341553963,-0.330861212086386,-0.0355903527584303,-0.726582487704075,-0.638101430613309,-0.788227802667916,-0.795437595587333,-0.279828677255653,-0.438369126217436,-0.287820024891896,-0.665971249375565,-2.64473401272154,-2.42254377784442,-2.72891663847809,-1.46806189050023,-1.04585507223636,-2.65480701068253,-1.08138025367149,-2.29460423693862,-1.12124454090692,-0.933230525169421,-1.69929825295313,-1.13890981545691 +Isg20l2,2.89923530681126,3.18938159203341,2.89836767313956,2.90593075706926,2.94460270157667,3.03884704228041,2.99215566255488,2.74550998197578,3.01260281404841,2.95441976567338,2.88459052886549,2.78452562828095,2.55178874345769,2.44325918040334,2.5950895379446,2.80655016658167,2.73305415529914,2.39336400529083,2.67971557450344,2.49995551929171,2.4391990805554,2.61765633859845,2.61542992422326,2.55091193858383 +Arxes2,4.29360839724189,3.93957074929751,4.49285754061818,3.91950319981798,3.7447912571728,3.84460711647205,3.58891525184079,4.28074254725126,4.05305210769283,4.03951680587391,3.70990525504978,4.02231987459419,5.23192383832205,4.81116012325393,5.12607569075372,4.82743567051892,4.47094657999705,5.23681239615834,4.26061500478295,5.29279428982254,4.94746784615417,4.72882988470737,4.52553591922218,4.65654439117498 +Zbtb33,2.50424267854118,2.28488211079046,2.4666262591558,2.0686975084629,2.83234689649242,2.66163340716604,2.17529300216268,2.96628769414937,2.32378459370095,2.2396658174208,2.28276532020748,2.44403758831058,2.18615366485987,2.1812748434536,2.44813234000209,2.47933411350391,2.76114587281386,2.54691585743483,2.35047904574428,2.34107263711341,2.41968520911083,2.36892344808303,2.5359478765261,2.23778897064434 +Ldlrad3,0.264606970416425,0.365491925124299,0.286406628738185,0.0135111253920659,0.507377758236702,0.482087772819515,0.55859570623096,0.392991142545125,0.257456184328115,0.0022657299747326,0.553790928743312,0.555314168464853,-0.196893776774993,0.0993807647369529,0.531333081817184,0.130982349726511,-0.0116089164013795,0.226659260297861,-0.341834804410505,0.367794175256474,-0.0505932618367013,-0.0327039963103699,0.178713232322507,-0.111141098678389 +Arf1,6.33093733802244,5.88339439805491,6.25328420887096,6.05878992791055,6.0006442610065,5.90942808714785,5.78744756514652,6.13736721228742,6.17677914331828,6.01508304928677,5.99572406154256,5.89536248478277,7.18530410969564,6.89360123813821,7.0973073943066,6.82543360448392,6.8741005211628,7.1303035115412,6.73669044675129,7.11050833752495,6.93349649216742,6.90729925547219,6.93132341893203,6.92760297565234 +Tenm4,1.80833319459313,2.23125710936686,2.03277029396767,1.77271719458549,1.97249215827988,2.0232406402144,1.82946910201121,2.56582577374978,2.035822747318,1.99271390984141,1.98734993419771,2.05643494387488,-0.72363108045517,-0.123741795736458,-0.123401973013811,0.0755880651679899,0.563036320445622,-0.337119724180503,-0.0873647845432579,-0.882992966646163,-0.833861311043762,0.488442010451836,0.117328702185881,0.225814611197344 +Gm4737,1.67309264154157,1.1546630853883,1.99607690793875,1.85723358576883,1.15328030712131,1.22135102324297,1.3660996008874,1.47716515241204,1.76583363351814,1.62749123954247,1.79532116701089,1.81342115045163,1.21750091420534,1.18913395787787,1.24052542267391,1.90168255239392,1.70318545803555,1.81769141430408,0.99836430316538,2.15870186710907,1.24341126382984,1.8270240554518,1.83959665293226,1.87686840186546 +Taf13,1.28652045178485,1.13749006321524,1.22555782599857,1.12466007551633,0.966892770057806,1.04318057221861,1.02365979002137,1.27389965743099,1.13246751070864,1.18745927643948,0.990486206210733,1.17751610967882,1.25684756091594,1.58801054645966,1.15739832417205,1.41051536994632,1.42864372807978,1.2586539158053,1.32303024790055,1.02990597130079,1.35703877320163,1.49893588614245,0.764991632439758,1.00858347443131 +4632415L05Rik,2.77466903677366,2.5116966532491,2.87317614865892,2.49091537097255,2.5592436364457,2.61517423040595,2.40073921236689,2.87567397866316,2.50569986682029,2.81202483151893,2.81329053366469,2.18909512098371,2.67780184132597,2.7803928351473,2.87570597940892,2.40317414856289,2.86113961853961,2.72540583423412,3.10277230998972,2.62880271728812,2.57235589975935,2.63983585738176,2.36812045322507,2.76466548400865 +Kctd12,4.77434692546283,4.16396446778039,4.14765511036967,4.01149254781826,4.55159328426711,4.53493172189386,4.41851960191874,4.32911219816372,4.48848543296692,4.02869845760863,4.38509353995817,4.56513789971867,3.72035805281623,3.35830651925757,3.51246781649242,3.5330066789156,3.76274295567087,3.45106110336205,3.27526545253891,3.46134640116429,3.71394237174971,3.64762546059582,3.44320143582159,3.40898778384178 +Rbm15,3.78910863340575,3.94712104723627,3.83227935763622,3.89964930637066,4.09873506717379,4.21304700936965,4.07103458564934,4.13080243898494,4.08493810099347,3.92582826379413,4.1066695684769,3.98094858522675,3.53452001220724,3.56435479679623,3.54497097688573,3.44671161169358,3.86939110947395,3.83830541186403,3.88166092303771,3.53897151697608,3.43200687540724,3.62886013861305,3.84207930346331,3.82329206949311 +Arid4a,2.99341417775535,3.31424740713093,3.05545894247102,3.22319186883304,3.51454136547709,3.45367809216777,3.43039024959583,2.87286887421212,3.17209860860213,3.10127247554892,3.41083369543633,3.2736867146003,2.34332263141356,2.82617425732567,2.38830522574904,2.65179636805455,2.75738348366692,2.58835144879093,2.85059067037135,2.11407403579393,2.50357463983246,2.6115998124076,2.86241661415613,2.64698127562502 +Col6a3,-3.82020920968241,-4.04007111018726,-5.94191816949259,-3.43982783227844,-2.13251535607876,-4.62237473507215,-2.38215719534737,-5.94191816949259,-4.33019462833981,-5.94191816949259,-3.49331018305666,-2.6655577138367,0.1012023809797,-1.42326669438228,-0.633398574844177,-2.55993709030449,-1.79907409985325,0.221087154703333,-0.775674814923505,-0.188519125569677,-1.04091701463071,-1.87481420536221,-1.4867824336272,-1.55167666295494 +Nwd1,-2.72366701619386,-2.53189688640765,-3.44521981883844,-2.25799124663354,-2.27513273735535,-2.92152119097373,-2.28567739889796,-2.25677650297034,-2.4324030530164,-2.54033570899855,-3.0545626112989,-3.02466396563851,-5.50317059773483,-3.94313619943355,-3.34393176280671,-3.97459523126563,-3.71625005691934,-4.87302892550749,-3.5363633891063,-4.85863370672291,-4.91184758380997,-4.5139504689726,-4.48795891318927,-4.08949508151847 +Gm12663,1.24986034613454,1.44622154340294,0.994833948572899,1.30745134764143,1.21042824467522,1.35150200251092,1.27855297697465,1.18079593470486,1.30617777592656,0.947028946307821,1.6018496126904,1.44968791476832,2.13072278458839,1.79150324584996,1.34235910931766,1.84297953160849,2.01735036745106,1.52465100317013,1.69511180305371,1.84991210632891,2.20069669949459,1.50991295775683,2.01500414982825,1.49583466101713 +Mll2,2.92839772665654,2.96974032406508,2.51303954567868,2.53835318813218,4.69088968391967,4.77128589442337,4.42074593529807,3.98278165411314,2.54980623757136,2.64116442240506,4.57657239281699,3.75598048253392,2.07330117626454,2.5633063853657,2.23713242977981,2.20235483305422,4.28089736030729,3.43126863417269,4.53449659606507,2.0254417789027,2.18076883807029,2.22329442719232,4.21562186481323,3.53683239391786 +Mcmbp,2.57396683388466,2.47474859906115,2.52365687042519,2.55671231743296,2.80446471522208,2.90826187648847,2.70813787821744,2.54896813121482,2.7875704055406,2.49143227814322,2.81426837248465,2.78416355585833,2.742796617494,2.97842610089145,2.7155818304337,2.76506640282318,2.81775800054943,2.81041691139659,2.90546429450318,2.73215296233629,2.63840977583492,2.6831499878583,2.83458165631713,3.02873528743232 +Tmem81,0.955654231962716,1.26756710581632,1.55712643008393,1.443886489391,1.32427250181768,1.53611808494522,1.53466478586226,1.80234416027585,1.56723038202743,1.04714714031451,2.07073873976775,1.4706442109537,0.501275819794245,0.758595259136715,0.634089599108784,0.461266391838602,1.16977680041796,1.17364774584827,0.498979214652047,0.807055283785719,0.811478022057133,0.67734488429909,1.22585681098381,1.33991863023434 +Asb8,3.49133590477197,3.24384655553652,3.44008471725264,3.38637655601021,3.07959233240599,3.13380023384022,2.99832912906516,3.13787923941091,3.28446656113756,3.6034055687766,3.09453290454551,3.01684891111917,3.80937007278952,3.75428705028529,3.85173363959946,3.54835977620074,3.40177910521058,3.7290390244015,3.15588022298619,3.92410508469921,3.81889716573684,3.61015199040079,3.37112554670838,3.47823776332896 +Bend7,4.23327260887747,4.64631826960054,4.58203632462022,4.70271284964143,4.6580308347401,4.60384019310709,4.53584948854282,4.50584393251764,4.61408269396912,4.74694982857337,4.78574296754623,4.6438914640023,2.43385417806296,3.21237241891704,2.84199914031227,3.1787450670872,2.66072194396858,2.6723064915043,2.82624332021553,2.85985262359866,2.98575308276851,3.17808812849842,2.87645810857555,2.80118401965695 +Gm8181,2.52997897456958,2.04921397327305,2.37833150055538,2.12493694997973,1.76631953694753,1.91528040882163,1.37014381549251,2.69260761068083,2.34361149342766,2.26595862604613,1.97178350395685,2.14231897153827,3.53516532844191,3.31132518533866,3.22755005426687,3.05881238348843,2.99821060912411,3.10023841536469,2.91992577578458,3.40770131329428,3.46582436991956,3.0305250015332,3.10572357060699,3.38631683876646 +Gpr85,3.07302172733676,2.98113638070484,2.96601124309906,2.90419902931209,2.69974766349199,2.89502724679281,2.94187029508046,2.99694696488923,2.75506332534644,2.53253588314476,2.6098430055798,2.88617194425197,2.36553132614494,2.05564486123073,1.66150107030576,1.43987166753355,1.28126657355444,2.05176318794417,1.59202254280971,2.31040390698278,1.78756495640689,1.56494466274718,1.45887301901901,1.81192378879728 +Amigo2,3.25607373731444,3.59266432301735,3.58566991370871,3.47329304353527,3.48054491450191,3.01998297179164,2.99015617320888,3.69150025981249,3.29626532877012,3.69675340634424,4.05571709030231,3.30656910546812,4.26718662870633,4.51213228160491,4.60515717486537,4.65021596452053,4.41486570474067,4.13370313651614,3.6875468901696,4.75599877623297,4.56852111841229,4.70647548318004,4.50035570332751,4.22338838904654 +Mfap1b,2.13725487505331,1.92870643533223,2.43279174751197,2.24686267198596,1.84147416812836,1.81609541488243,1.6586686652186,1.85080019563774,1.96864373605398,2.15104330342087,1.68104377281447,1.70524832583504,2.538243095145,2.40670743277976,2.7459983051002,2.70745294286902,2.23596806531701,2.30456185753503,1.88554169803946,2.65932646549389,2.86811778145063,2.70702273182762,1.91906603961793,2.19697239394323 +Fbxo10,2.96775632356066,3.18558545773108,3.23342898222379,3.11151382375785,3.12027737792849,3.24437300903702,3.0997992911026,3.12261523238214,3.11862722065473,3.31117244409582,3.21614196890804,3.0002989419898,2.04128218282745,2.33806804632817,2.42510911675702,2.43600967708002,2.56690993002697,2.44516291741219,2.4974087194313,2.43351280906627,2.33349326412048,2.39119302493817,2.6666482431861,2.56671847985302 +Rnf149,3.11970422911856,2.96011943059997,3.05212727037061,2.8165943097198,2.79823051613426,2.79307945205328,2.5312774897923,2.9799550910979,3.01321084176925,2.90955361403072,2.85946255388473,2.77444542410545,3.27943156475219,3.20673146857265,3.45203090068874,3.24790183069726,2.60295721484314,3.21643794998855,2.90034197356051,3.51132734635646,3.20690137008749,3.2860062903695,2.8738762307831,3.08806927475413 +Gng7,-0.260684665572888,-0.0112463609913966,0.0538254459523162,-0.738694484220785,-0.430585781361193,-0.522558083339973,-0.273482115968988,-0.501235369017191,-0.0025482637046874,0.042002846158796,-1.0033737167956,-0.176915813641314,-0.190432225120731,-0.282937025488428,0.0363163833746141,0.0651170463165536,-0.596103696602891,-0.865037291586596,0.0003797570486971,-0.409283613749885,-0.774450175194211,-0.267949527535099,-0.648438328281741,-1.15639071662164 +A930001N09Rik,3.74519363558374,4.35274431614966,4.58565825167957,4.24847297011833,3.77561204207363,3.75671273059276,3.66668286724802,4.83014623993111,4.55262827293954,4.41367499926729,3.89198525322712,4.13795824451337,4.41023333024388,4.66012904645069,4.92690642388429,4.7591058353622,4.01746589586108,4.42654886651738,3.86182874503917,5.15856973207613,4.66650234491093,4.80408314693834,4.04524685655011,4.40506234472202 +Gm4879,0.070994060497766,-0.013890835204853,-0.324848787648282,-0.102268072872835,-0.78632089224667,-0.389761850173405,-0.464913099287095,-1.43649549612508,-0.75296077212593,0.0624484107772604,-1.78876651467437,-0.637693662674255,-0.124624582341216,-0.567709506030449,0.0870643455586175,0.583786994630628,0.173549645636077,-0.140610563249922,-0.209127143043631,-0.40322132242407,0.30812738867083,0.272572513590374,0.0175798715261122,-0.125363283618964 +Dip2c,3.30025553096747,3.21456088684466,3.18830177584591,3.24949013651738,3.38522255988659,3.50439404629791,3.38739376457692,3.270725935188,3.37025682279104,3.2252491294599,3.34337098673236,3.38188376464535,3.10978881650615,3.46675348024036,3.22088932450225,3.17108992028804,3.38318541482901,3.33708420696058,3.51955486987783,3.35050396159642,2.96020665708108,3.10886831912088,3.42105256355798,3.46619125617557 +Rbm33,2.5606761184675,3.15952510166374,2.67216427612579,2.77481414342322,3.4340694890074,3.37819299979448,3.23827026150705,3.02005986104917,2.82274559276211,2.75348925905337,3.5147433757415,3.11645096892019,2.07370075172142,2.66994324168237,2.32589074552557,2.25535698879214,2.84712038206233,2.35621641863006,2.90704066081249,2.23451163961751,2.34272721154779,2.40194435884386,2.72124634952349,2.61185358883681 +Syngr2,4.52479873173163,4.07924454825907,4.59716884282474,4.28445891251828,4.29826730465092,4.2322688474846,4.0783004506805,4.3915443298871,4.50650231322755,4.41867066490314,4.42030080521451,4.13732854508672,4.79609142873217,4.6022919801342,4.84065008179394,4.6615254021872,4.39244070798996,4.65853926749026,4.44100072196703,4.85760012577239,4.62003327292853,4.52651105361745,4.47669633114011,4.35125098406894 +Sacs,0.836209206684782,1.066537572772,0.805061712511863,0.901382631616139,1.03065309811261,1.11910895989549,0.807407719674583,0.845381405995615,0.827445379909681,0.559809747953776,0.677107438259791,0.96788837584023,0.555538764593023,0.891772586771357,0.449659149958422,0.791010359994375,1.12975700348212,0.635715757635829,0.749490070598165,0.501168838609779,0.620994009708376,0.659489741966745,0.820051924516222,0.997800026663477 +Zfp738,2.33754629228971,2.56254684152394,2.29153179163646,2.23873208278703,2.49117905204849,2.42634532958304,2.26951357435896,2.71468914675622,2.54867927580678,2.35267288850459,2.48776911850143,2.44941484736936,2.25032376016218,2.40789829877166,2.40158273923165,2.09745277047951,2.46049104884643,2.17363587501924,2.13017583964275,2.53453398458025,2.43410609114332,2.22825225802759,2.54753308832304,2.39275574921617 +Frmd6,0.149426103954347,0.290173623856205,0.273659681431772,0.119900650120934,0.545261170549066,0.584318179394489,0.245853884056966,0.445117848720054,0.23288184941733,0.331294529317168,0.0920362175519718,0.127142497377235,-0.98466783349897,-0.191262990711918,-1.42403504765761,-0.317073403520857,-0.43889673566115,-1.37763850901337,-0.570342904277847,-1.25811155914026,-0.476390569932277,-0.176103163175371,-0.910017910305966,-0.310789272807408 +Ankrd46,4.04020990891129,4.05130352387557,4.25017573283499,4.03134256240758,3.82772373544913,3.81614762123459,4.00050727725175,4.13013578013275,4.17924535472049,4.00014674544346,3.74512052312146,3.93824856391799,3.93757724347594,3.85694827763179,4.2541305823925,4.08240780434756,3.90703806552064,3.78539769455213,3.70024837955109,3.97893661129946,4.05106010586544,4.22853897988631,3.8975114628574,3.97713178252567 +Pskh1,4.04159140062843,4.17026118850277,4.5242411489894,4.19296606202703,3.85123088133246,3.95987623307405,3.89721109828194,4.36769216802387,4.28410399485052,4.27288621880268,4.13316438966486,3.9548881538353,3.90618714347773,4.07592700707744,4.0996449279679,4.23590892862188,3.78080941313217,3.88705681230803,3.69648080015114,4.06709792169761,4.0789832961394,4.3066730235843,3.85481313084036,3.83998343576988 +Ckap2l,-1.63502997330382,-1.65878090892297,-0.855393485052695,-2.36902831562534,-2.08860775080592,-2.42848374509828,-2.04525503639463,-1.27528749446016,-0.682083930181975,-1.72281003229931,-1.81951386553933,-1.12278694880027,-0.70615029831675,-0.52148519382076,-1.21522251300063,-1.14619216140087,-0.336819248449858,-0.989259686656724,-0.644982628696982,-1.40930508250394,-0.60127952582399,-0.63804477321825,-1.52655576140655,-0.414536739275696 +Mfsd6l,2.99553060502658,2.61593153981934,2.72756488946116,2.86180447569001,2.41259263600972,2.79239521508846,2.93847685826857,3.05255978709753,3.20604371616191,2.82143918441368,2.64321962445277,2.56791839806306,3.49421626656069,2.96892825748313,3.30412154306042,3.16075011660095,2.8162641897557,3.31930179926536,2.87830917742915,3.58080102974883,3.13900014109744,2.95030652925334,3.09417706865795,2.79960952639018 +Ric3,2.79227112282379,2.82550616426308,2.80396942294421,2.87098769105713,2.62556189097394,2.59574371494843,2.7629725711314,2.87775553779644,2.85458329607928,2.9150895969597,2.7802220593916,2.73220481595729,3.03071556106483,2.99916612866595,3.07141502807813,2.82574069027367,2.68659200427563,2.94170260961737,2.61407426767488,3.07359690537339,3.0195933471772,2.95046012965731,2.66939067765616,2.82195925335089 +Pcdhb18,-0.0819220402620964,0.461992612115395,0.402279219740524,0.549438907383994,-0.0946474722105934,-0.113396520939059,0.0902391096529818,0.852382279164633,0.489973142283723,0.393414663682004,-0.0720791635353266,-0.0370240854418373,0.719226343477985,0.497729097706245,0.876948124214154,0.755899215681134,0.467380055509512,0.988866355867784,0.298021602442222,0.682335654802235,0.815883344421464,0.551163564217386,0.142001246799523,0.718360528594096 +Selrc1,2.12762293002301,2.08601177048197,1.91881158241517,1.92633919502239,1.62372624054085,1.74472171535251,1.93586764061494,1.98526333195618,2.06553261047927,2.00888116847742,1.82496230415665,1.87011685734041,2.397131601732,2.30723070149026,2.3090982809879,2.5897147576822,2.25742344291424,2.18087693413258,2.06899296677918,2.41033210195207,2.25130990917313,2.13956703177448,2.16621988519778,2.00105899538241 +Arxes1,0.986255946422951,0.94184926661,1.22119224284587,0.515016082138884,0.967791863091068,0.434481547876646,0.588334990249082,1.45276116825783,0.922883181244608,0.399463549074589,0.731937061533847,0.945302580204902,1.85188464252141,2.26398802877255,2.03141229975656,2.07887737682076,1.67898823494615,1.53057404045287,1.43448158590229,2.09944135304243,1.95124997752424,2.1670662375226,1.36501955865543,1.11956622685669 +Pdp2,2.03688658133389,1.9356842493208,2.02163284551451,1.47466526438887,1.47621612067026,1.74041082936764,1.74292615912204,1.69717765732958,2.06667278016515,1.15348202081415,1.46975443369583,1.51846448749134,3.63128090252926,2.74269874429678,3.00864686223834,2.7337892247234,3.23097434234724,3.33886074996335,3.18901777170716,3.08486079717388,2.9648162059977,2.94006720123435,3.03741214801569,3.18103895023964 +F2r,0.16232127038014,-0.123749220516649,0.271391327042901,-0.907769259442727,-1.2703449358055,-1.50528448918886,-1.15310564573673,0.118730541145176,0.16813416108491,-0.540930380903531,-1.63832590951403,-0.953626081482604,0.378531062269239,-0.366786285099458,0.572279342218125,-0.704952816761863,-1.65093319142113,-1.06539720300424,-0.893910050174542,0.434510053061157,0.10094022385125,0.214443091470119,-1.36084450338065,-0.783084678932774 +Socs4,2.87507598866948,2.9948125160806,2.86188182893179,2.62393345170189,3.01303684175044,2.88435492760624,2.8800880056624,2.96112250382065,2.95165589361288,2.74601007375664,2.74019182717994,2.64834546440151,2.69416478741102,2.74802784116494,2.62859275695039,2.38982942676456,2.61699299172972,2.67153451662724,2.59478502129282,2.66889702189968,2.62475228008861,2.43603352304434,2.51347103283079,2.59919200406374 +Scrt1,0.829388198849391,0.551164523412853,0.899523638391961,0.513439326067339,1.46279363388213,1.12295187116135,1.05868425748494,0.874904299664254,0.718143996893625,1.23715314880226,0.981381258908131,1.01701443285875,1.46941594265883,1.67481052353232,1.80133265524492,1.40074872441745,2.7097955782763,1.96445070209895,2.7647973180152,0.472861181856682,1.60787680670234,1.92650320969615,3.01821520004622,2.09590204451058 +Fam171b,3.12224779080822,3.34429224715866,3.90736263091484,3.23953170349609,3.01506185624076,3.01645524609362,2.62414483593249,3.75707606854313,3.47739397610695,3.40054398091565,2.95197409288218,2.87407574436082,3.58194350543609,3.83395341552264,4.26015058630467,3.58975825958882,3.31916113757977,3.52375479516279,3.09242481003296,4.01928630123361,3.73167241365262,3.80230379744238,3.08919080515904,3.38996786690194 +B330016D10Rik,2.57595454169212,2.38642031550665,2.50196515682287,2.54585664130217,2.21293407412602,2.51216521166238,2.4417419486004,2.55780383216527,2.44113136904055,2.22299789245536,2.18662538181918,2.71141971295803,3.0868676413534,3.01508425210339,2.86989355541665,2.36353073158271,1.67742253307108,2.78278117681545,2.4609546583729,3.09686566607956,2.78570456216482,2.61914945484085,2.22364982386993,2.77427910367755 +Zfp407,2.60010392089668,2.7372680791277,2.46783378317557,2.54794367759658,3.2162527606064,3.10550066931913,3.10504542278581,2.757104162496,2.76357820869666,2.50404686858635,3.20942144784931,2.8608403560928,1.90063669084833,2.18011112935965,2.19203754568087,1.8788278162114,2.5225255297867,2.28554945920881,2.53175046322436,2.01960922529985,1.99780859986086,2.00500186041378,2.45236145248916,2.42708093476729 +1810026J23Rik,4.26873424331546,3.81952363169552,4.09497894936003,3.94689467204223,3.91693085904015,4.01726864975628,3.8384924151191,3.93738180941777,3.99461879837838,3.81437890369918,3.80672782033609,3.93068730370892,4.57973568738791,4.05562868113618,4.64162443424442,4.23619949702481,4.30963903425644,4.58907345124238,4.28472566828947,4.26427965393648,4.47686739289266,4.31885369789533,4.23549247133629,4.37138893710474 +Nupl2,1.09024129287221,0.935647505806424,1.06639543359035,1.01641745770772,1.04886848917173,1.19663647175148,1.09157423599137,0.928237175222891,1.09289079785065,1.3835067474476,1.35711412483883,0.974347101380909,1.04144447947059,0.955009103504492,0.733829205295553,1.19582107889088,0.886718546866482,1.02272213154434,0.843508696716788,0.798086417717138,0.765575184690777,1.1465939384567,0.731383669758825,1.06053396852714 +Cyp4f16,1.04578317303722,1.64359632178671,1.83505706945341,1.41316436047375,1.30096298997079,1.36352547061695,1.60234499845996,1.19242667865193,1.45603876714645,1.43018977253441,1.17011584225445,0.898299137414164,1.53249658425928,1.46821499463974,1.78686390140937,1.72542971947288,1.14689527820346,1.87499757097093,0.95669655900588,1.75296069161547,1.7365277058399,1.38191726828268,1.45005668136848,1.69996139215697 +2210020M01Rik,-0.192960098358216,-0.0116903437836152,-0.565796474066228,-0.335019225787858,0.0130305037560391,-0.218486305170116,-0.0633745747306296,0.231896301905407,-0.0753027960151557,-0.252172467887165,0.158455980611498,-0.0816995421560882,-0.63112241792146,-0.923045092036678,-0.419433490021627,-0.120765817308948,-0.332948189944167,-0.519643810662488,-0.715624978623875,-0.909719158004314,-0.498476151100188,-0.426181828911717,-0.730766738427549,-2.13815169222736 +Ccdc57,0.308274388607324,1.03964934025515,-0.0148126152265506,0.830446286053605,1.40576189783752,1.52789138829956,1.39879771296468,0.602106268492546,0.787177150064234,0.972384257633776,1.14740789371543,1.14260948516641,0.190713614490109,0.746802289225436,0.296170185814754,0.296626910189285,1.05002676922884,0.488886467958682,1.07176649860993,-0.153662779613548,0.479784253577319,0.642040306963847,1.0598497883002,0.948525932043844 +6530418L21Rik,0.0895019431338864,-0.422290603758576,-0.0859319017142535,0.0592117262900977,0.3242482251084,0.354706451381129,0.270791076863642,-0.144626679025399,-0.134318247184273,-0.199883355917204,0.0550537667459197,0.0388009651802208,-0.476985243984239,-0.653902733566964,-0.724665591656693,-0.6115219450932,-0.558246759107063,-0.541156185341531,-0.894303620011311,-0.45706754639281,-0.51337302073833,-0.684761816852346,-0.63619581096694,-0.895845311467252 +Mypop,2.66142072365866,2.31155996955214,2.48611765897615,2.00296457972454,2.33094473024904,2.72655730588755,2.50954930086115,2.57349005586426,2.32902568327425,2.20436921488505,2.56683839994207,2.45184927213916,2.62313880681896,2.2542347097676,2.39660308121885,1.95297102010609,2.39804497345816,2.60411986484843,2.78119174985561,2.53036716807486,2.50828595337449,2.49861156395944,2.6936752666628,2.56655223748247 +Bdnf,-0.266462520041455,-1.41897410874088,-1.11886236612612,-1.40948483610738,-1.09556753637794,-0.541993443645133,-1.04083290423651,-0.720031392715038,-0.838923033004105,-1.71394250263258,-1.56339340130704,-0.948966945789367,-3.31046515364553,-1.94325276706172,-2.83839059436817,-2.26318549915466,-1.93545141595049,-2.42973047150301,-1.89943666488802,-1.19497501119339,-3.17667900835894,-1.5578578841705,-2.27154003672698,-2.06092525711955 +Zdhhc22,-0.85055478316916,-1.48282202654209,-0.388395119810164,-0.840837404277447,-0.508976183886158,-2.02498318583845,-0.85810463358423,-0.0876503505673439,-0.86554748824792,-2.02498318583845,-1.49302624808797,-1.48166521534303,2.40377150198655,3.16729421859639,3.7297007376073,3.02138291220273,1.03719482750735,1.09072222569729,2.67643155634643,2.84102814994121,3.57858409026366,3.22072868510753,1.70341553991034,2.32658067510097 +Zbtb8b,-0.978541691204402,-0.379520546096922,-0.777238435702992,-0.793660352349704,-1.2029308964455,-0.670876608465589,-0.855144703127338,-1.33004998460604,-0.522943299117661,-2.0965721277057,-1.04503113354586,-0.895839848013268,-1.83816915664661,-1.23635992034569,-1.90170125879911,-2.07541996064933,-1.99722900309618,-2.36404347048102,-2.2900496747495,-2.59842881378536,-2.13603705639181,-2.17125304003296,-1.94520729525129,-1.53088332430323 +Fitm2,3.86399542416058,3.48157966848792,3.78771838681063,3.50670633731259,3.44110485733147,3.50766815861579,3.51492685800059,3.69079662407291,3.59120034150673,3.5681626764205,3.28050199881492,3.51386831894846,4.71683373900158,4.29079774569111,4.72029160140603,4.61784525430572,4.38346888062624,4.4470695507461,4.34633535113774,4.62450934381373,4.55366935337808,4.56852347625834,4.51362973635137,4.39245237625335 +8430408G22Rik,4.12280508710015,4.80307774376818,4.38362672370713,3.88250954536202,3.70001511041101,3.76096241648343,4.10420075220607,4.67333113877496,4.92350700289182,4.15332491644129,4.03749825709722,4.30335704192232,4.13217266137967,4.73536535825168,3.8715742324263,4.04336078497502,4.38777013594612,4.50122126461703,3.81501536279118,5.02334487509431,5.10259993425339,5.15347273733874,4.75927162917919,4.70314477686631 +Nrip1,2.34403359638136,2.56203004698827,2.26837787653789,2.071132257666,2.45274676396843,2.49150652777011,2.28947213259966,2.77623899695081,2.40723774490437,2.07240107749321,2.44952970550239,2.38012764866803,0.977130705968352,1.3868977112439,1.15117658738523,1.31169454278889,1.46260434318562,1.18754577372789,1.2076670996999,1.19175747779805,1.12227412496661,1.24869149283519,1.53422132253892,1.25781876190025 +Tyw5,1.30014439441794,1.19157255309223,0.965068862608807,1.36866216359007,1.15536304890205,0.859350373266946,1.17789630746943,0.664842082298123,1.1836276676003,1.39725563728522,1.11810549309965,1.23568245966454,1.14369037785887,1.19873659335583,0.637051204403069,1.39297332820609,0.589667530231573,0.742654954493167,1.15670589580437,0.847196586266413,1.25356561395406,1.21415930440707,1.00128038797979,1.16845696119787 +Mmgt2,2.04790135578819,2.0096482551194,2.58250656592106,1.9690645385903,1.62669081913519,1.842309636592,1.62792128303954,2.5619785515805,2.13283725537221,2.16219618647136,1.60105209239604,1.75827898665237,2.84052129016578,2.49892595823543,2.87574834247867,2.480726160089,2.44719648688061,2.58551225688025,2.11743108957812,2.93088901765623,2.59408726405479,2.41237863486411,2.37642702702675,2.26970655242778 +Cd300e,0.0969257195756079,-0.728913876490382,-0.449882220824167,-1.03370134648855,-1.18475557344536,-0.427011510875401,-0.655626843580527,-0.0404184525019735,-0.854332755651636,-0.873943526228032,-0.974924575892797,-0.831249437201981,-3.42353256232873,-3.42353256232873,-3.42353256232873,-3.42353256232873,-3.42353256232873,-2.35628352013011,-3.42353256232873,-2.33506880094571,-2.83220954840387,-3.42353256232873,-2.82841113828467,-3.42353256232873 +Phldb1,0.952535685933564,1.54009015594086,0.88163575709437,1.23222378231498,1.11762338193466,1.28272696658666,1.31032388676295,0.677800666025483,1.24369115725246,1.05658013039738,0.989248733676805,1.10226695659276,0.542475373924885,1.09757035481639,0.676102308899336,1.05031309890639,0.274547739892875,0.0519962171674018,0.88030473907973,0.229194460991105,0.79078459183154,0.992626517348932,0.146250067273655,0.5711084338703 +Gm9826,0.355796469019876,0.0540386227611446,0.328574623228934,0.440352355300507,0.865247548280908,-0.157162874445621,-0.0616198039896628,0.64430182862003,0.102859394987127,-0.45082593390359,0.28519282585684,0.39449553326063,0.7905212193128,0.315564381027848,-0.427876837988556,0.553484234467102,-0.0626113005619358,-0.170913323413448,0.359380483201547,0.217030335903714,-0.0222810756834694,0.242269753426849,0.287703826413063,0.197891890970019 +Tob2,3.1810275867631,3.28145940010663,2.84935426335295,3.29271575830724,3.4306513851917,3.36531095427494,3.31786585192649,3.07638301684893,3.428080366861,2.85553064096633,3.30938076421508,3.00227127141474,2.89849943310979,2.94638358403572,2.71035836434925,2.90987109780427,3.09040923999841,3.1019251976461,3.37768327808035,2.571251993561,3.00260815356637,2.66203160253649,3.0988286804085,3.01995270848373 +Thnsl1,2.37040144841239,2.54707489660808,2.61816995103857,2.4960202110054,2.43821355025929,2.13492967721182,2.33426067608326,2.46451260258416,2.42563799110067,2.38834997676291,2.23430496327919,2.3473540137678,2.56699892294314,2.61932080600035,2.46750911977759,2.67790906120535,2.5135757732843,2.61777231572908,2.29065936470842,2.68235368643918,2.88521037320697,2.62405757564821,2.51735664132331,2.66052810143297 +Mlec,6.74271447090192,6.19876783446062,6.19907825016205,6.31834669132863,6.56424584429925,6.33033748288541,6.36446915218985,6.39308218626374,6.17397801059974,6.25364690616637,6.52650685789422,6.42537913617578,7.34017413616843,6.9816248024037,6.7988176437062,6.91040726715972,7.33853859440887,7.39823322023798,7.2517034433674,7.32415731479943,6.87978410953586,6.9667787069909,7.35221607323559,7.36057238412353 +E130311K13Rik,1.5207606146352,1.24867191998362,1.89474316193274,1.43122828518536,0.948725613442421,1.12781584435575,1.41946813647706,1.89428036008964,1.71583831340258,1.37990628089171,1.28282040864942,1.71052265871871,1.86377962199175,1.90985834100546,2.31742273080714,2.0209082617485,1.41502153854883,1.5705924253641,1.36932739999775,2.34006691738111,1.91890712195336,2.09699107463654,1.42846813909861,1.86291277720562 +Igf2,-3.52353174051673,-4.40136197903948,-2.81413714751859,-4.15252839053842,-2.72433214936978,-3.01792650122963,-3.92506438087556,-2.41005571480561,-3.23574100056132,-5.33667417209942,-3.01099929712134,-3.62007769222364,-1.44171626302896,-1.61652656124892,-1.22035562471697,-1.38697782300004,-0.506384184372561,-0.595601073247409,-0.370713781512042,-1.59345836749198,-1.92715731832097,-1.4988311313054,-0.157506294714154,-0.548698186973957 +Gm5763,0.214048823521253,-0.0257818232195217,-0.556084124859688,-0.576530812226375,0.0759833441770587,-0.175176329935968,0.715027455676349,0.237751916971774,-0.613020619123498,-2.09974098167862,-0.313816682357077,0.197739306215363,-0.790143096708591,0.530720165294582,-0.505111150235968,-0.214016931238953,0.595355981712062,-0.650549589118045,0.441483528726487,-0.773332950821398,-0.362089943917271,-0.925499825122147,0.856536085758727,0.815509756128165 +Gm9828,-0.486239823174861,-0.083152158269457,0.110238118543113,0.230799123415143,-0.417949209197445,-0.260046054300538,0.0777855941163828,0.205368269369304,-0.220060838239366,0.413905848105933,-0.223311160978861,-0.248447094963614,-0.886899261247136,-0.748670312901386,-0.55815725335762,-0.333881931812398,-0.653684997654691,-1.14796405320722,-0.828367872188212,-0.238409326093181,-0.113476132164165,-0.487283057952724,-0.601663289809802,-1.60206226310761 +Myof,2.72489704627293,2.07395727356451,2.74336296530343,3.13623696531851,2.68194343698335,2.99727231642712,2.68866545879364,1.88019268967073,2.79476936807613,2.85401068378552,2.4093757935007,2.7058756170044,-2.0583475278014,-1.27196406966832,-1.61869775238517,-1.18385617428664,-2.3089983186207,-1.54696397439552,-2.19437054441047,-1.50983476807583,-1.17323953411,-1.12395352116959,-2.9975386579316,-1.80836457959461 +Ctxn1,0.969132263906924,0.620037692440844,0.112640118203062,0.526150228055736,1.49590787793002,1.59114604789132,0.855048482675824,1.22258727656185,0.733571671690924,0.892989106594932,1.00154916637216,0.872849789672573,-0.36453635571956,0.0157115438823474,1.03473402186243,0.441227130862999,0.229044758227781,-0.979065531755839,-0.486033972501743,0.194102872362741,0.0635167970717599,-0.348372983469155,1.23316427997411,-0.06986817102726 +Samd13,-0.873974852651416,-1.01278173103952,-1.01738354116927,-0.93705875433284,-0.35871401240026,-0.489715056527092,-0.607096281975924,-0.28034151929468,-0.527575084143643,-0.424644770523538,-0.541359864697343,-0.185960449426113,-0.378019712493674,0.0509440643823034,0.187574215407237,-0.101382645314183,-0.478477918185245,-0.360574326911458,-0.683829668630481,0.345705608981714,0.634515967877357,0.135555647267031,-0.0864301755115,-0.026827482908768 +Lemd3,2.9873272127929,2.938837571479,2.98010339447251,3.03035509236785,2.87606093978121,2.91926293528433,2.89109665839377,2.94238943895603,2.98356037383136,2.93170435220678,2.86169143654886,3.07624436790606,2.70265444572003,2.77843700093612,2.90629148889681,2.66426348970007,2.79767448081958,2.68354804028227,2.59226191275743,2.7402915355167,2.81011206869958,2.67444254812251,2.71084827701713,2.69758226383444 +Rhno1,1.92926337007953,1.96565399958322,1.68574314020578,1.97667021608381,2.00369979865524,2.13481406249112,1.67194736859034,1.7394592438431,1.78588089269895,1.97611230667742,2.15383914181236,1.89139274581571,1.52772260557846,1.54312174403149,1.7953843978594,1.53202519741859,1.52044196232502,1.75454460086685,1.73047372947917,1.56611141318765,1.77358447890981,1.7059834217034,1.7983203851135,1.77251851497441 +Tpcn2,0.409533794110731,1.27294040004314,0.380234433879837,1.30939598234769,1.5502536644877,1.41611687066334,1.64215882906263,0.375663889722101,0.912688507858666,1.05686138320149,0.821388538711142,1.01781100778931,-0.443678090345797,0.894734730167781,-0.0078764824093047,0.540019953487942,0.428340810053741,0.47086552501889,1.09063576231167,0.0656192934215032,0.325496696029724,0.247560784024721,0.882108341209363,0.40988651553261 +Mex3d,2.28631347370919,2.15789377538524,2.04010731863779,2.29609964346171,1.93645201725107,2.09706803943879,2.30212948501161,2.08644063581029,2.57646723882989,2.26407058427898,1.88727930088761,2.15272037691871,1.79329140847628,1.9920962294553,2.13666441490849,2.3331161215541,1.7483684003741,2.0030362092366,2.2447375446568,2.06606970427624,2.15926068125671,1.84051819810363,1.9608609732924,1.84645849749914 +4732456N10Rik,0.0595580051897402,0.419967850941639,-1.47284933764783,-0.908443825523521,-1.3284934945287,-0.898880318516862,-0.48533417606278,0.0265296569362843,-0.497330171943217,-1.73462420745195,-0.268591346910403,-0.235411458862775,-3.06585916802986,-2.7214829547292,-3.12243497101913,-2.99942892298125,-3.70282737489965,-3.07268570267231,-3.04125640722723,-3.05829048388774,-3.70282737489965,-3.12504249785389,-3.1077059508556,-3.70282737489965 +Ccdc6,2.80009951523924,3.01436137458121,2.66964326087126,2.73859318228719,3.04938906730778,3.15223233137817,2.97245602259089,2.8968693629983,2.91178847577158,2.64947324317278,3.15234161844301,2.92313706629893,4.63503628606301,4.27734441753454,3.66098799366504,3.97051063241351,4.4879203415162,4.81464473687996,4.6158000409299,3.84268914733527,4.10180768346923,4.22769879358766,4.78285165179417,4.57193014847535 +Lurap1l,1.9805097843411,2.46113329610505,2.31715790950351,2.38726673736462,2.24978690825448,2.16805803034747,2.2804752083353,2.53141036289844,2.211381086932,2.24702531738715,2.29363924259663,2.22609669320712,3.10841063563717,3.24701859062607,3.48023057052563,3.38851610544948,2.97676420684868,3.41970410056796,3.12786732517274,3.67695708449724,3.14961716509471,3.51246267864965,3.2272145079357,3.14246394960618 +Tprn,1.79045257922169,1.5421400039455,1.55400219417144,1.43949886474975,1.37689504716918,1.66777287837834,1.53803765041714,1.66245486073103,1.63041381232717,1.50456341895053,1.28327689916217,1.28327101141492,1.34178447606343,1.35389216971915,1.02759213319298,1.42958479673031,1.43375168067833,1.3230832759056,1.56681758222562,1.40369620934528,1.51464885845544,1.33241591705333,1.49128627438137,1.31979863041905 +Gm8666,2.00626121732329,1.63153683221693,1.64452691261296,1.54967929457618,2.13262583856167,1.99619828212224,2.34837712557437,1.92971014129928,2.25622055155499,0.393429043123046,2.17935334244459,2.112287843199,1.52903144872824,1.38647425508075,0.990356659460732,1.84706798497271,1.39308513780793,1.0884977520568,1.58152931131089,1.87552707801776,1.012204483482,1.8562985278744,0.754711839050814,1.7023218363059 +Tbc1d12,2.2143967784352,2.21991235389297,2.37542126274369,2.28339547646096,2.07913180981219,2.24853674346172,2.31893770135807,2.25493073732695,2.23371960620427,2.2768067970586,2.19373727540121,2.36269313426868,1.92130859280118,2.10209783244171,1.95390373157888,1.88308080994389,1.5943205226958,1.91180177412591,1.61005383612703,2.02527371451127,1.76246853846654,1.94610854720584,1.53162445678219,1.57889552569598 +Zfp454,0.331304562851266,-0.365153154317851,0.433876668156973,0.347601305186495,0.308046017459155,0.567486716939776,0.46514968285136,0.411846346692621,0.266947089454979,0.129677735669113,0.251517790240241,0.82363316561838,-0.809241505456833,-0.583828592975618,-0.0658455222953869,-0.441540238878705,-0.140815624340277,-0.350811045209561,0.0212721159367908,-0.160751570302879,0.286424585562342,-0.335739301000977,-0.4413471601229,-0.180755128154508 +Ggnbp1,1.70424098858585,1.66016845102041,1.48257595594663,1.74541642247734,1.80864429651615,1.80568463775366,1.8321104700019,1.6482700196101,1.53845366316417,1.38177779333344,1.74434423228912,1.80942948974641,1.50192638730303,1.50397634531082,1.44482622831845,1.16214096558311,1.50200978296354,1.50713199155989,1.66978126032094,1.40165929776308,1.44282880430964,1.07772262994562,1.45400609363366,1.42569375487744 +Klhl11,5.12959377904263,4.64223070013689,4.99936185529704,4.75022392043122,4.57461159985273,4.80206845652756,4.57968512896364,4.85806438323724,4.86669673733298,4.76779303930533,4.40000256877909,4.59131103130667,4.86765814411155,4.43510969927725,4.91294621130715,4.70822546880233,4.47012418587254,4.75640976267419,4.54883908903496,4.81549954351491,4.83334045827259,4.56765488184166,4.34949061844374,4.40242919098197 +Mcat,3.11680002395513,3.14156533925494,3.16881493480636,3.12681365671287,2.72330239710906,2.91366463401701,3.13875518141866,2.9923473439085,3.06844309898284,2.90475570386975,2.93847120916626,3.08253984379477,3.28480245998955,3.16460001775218,3.27416185835849,3.10920741770864,2.93753360868425,3.13320717106749,3.04210180100481,3.41935906350422,3.29895545611029,3.06286032290555,2.9176883660375,2.83124362815837 +Foxo3,3.83536439377121,4.23512133848735,4.18921860662723,4.27527482293963,4.2824137760988,4.06064850469818,3.90327422279947,4.3721229482603,4.23576595787718,4.4354898359819,4.53460268141747,4.26902634571555,3.10913338355299,3.78914310526753,3.65420598677745,3.93126024988267,3.93501585521494,3.40386230890504,3.71103458731094,3.47258066411418,3.39348139606122,4.04522598011778,4.00452964222497,3.74260679849918 +Rpl29,4.04718714952531,4.77310557512565,5.1472545572651,5.29381971357899,4.74047984590659,5.45564740596518,4.70153007978901,4.51380463791165,4.29629915519223,5.5764619107096,4.40422241306236,4.72890460063921,4.32597695137657,4.3818391417167,4.46194135904671,4.33727957992,4.00558056270642,4.41960745110762,4.63524523243647,4.39483278230549,3.78082260375153,4.81665898356058,3.62676491831958,4.04597467729735 +Tmem53,0.273119173986394,0.825248673590467,1.29272649814001,0.959308143999019,0.290329051836,0.558833373379088,0.519974804776211,1.13966203473841,0.917508856880501,0.629946989036461,-0.281458598955284,0.950053711673667,1.21447106163474,0.733933382748774,1.46358385039726,1.30401809850425,0.35945362902707,1.27250876513348,0.521541369304138,0.977587103645604,0.967414233525366,1.3649327469825,0.34903502050021,0.390587690295904 +Pthlh,0.31089127003202,0.834043453928993,1.27856408495492,1.63574970648324,0.767217537500437,0.539132402605365,0.517575698231827,0.63493265085585,1.08291518391457,1.50202213140729,0.560369995487166,0.425230640123486,-0.753707223181457,1.24408843798349,0.589022116321989,0.503994607079591,-0.365984295268603,-0.768962192005279,0.323628474992073,0.639037441310752,1.46782678144362,0.795657764880633,-0.557944657717497,0.41526485114229 +Dcun1d3,2.61527995769942,2.42157594546084,2.30374438510321,2.24235146271109,2.46816970558921,2.51434376365624,2.44921760255726,2.47718732550938,2.42898414762726,2.14622932832495,2.09195108324667,2.19720734024186,3.43431583488964,3.23502540671612,3.34030177832431,3.037669878071,3.16728798608491,3.43126269119266,3.24439647093457,3.33733211529409,3.30300218909356,3.05391789041202,3.11892959632601,3.32291892918871 +Cyb561d1,1.25033601930977,1.72335406286684,1.36765087526676,1.475389983975,1.34873725139537,1.67183304246632,1.38468179249832,1.19793068382534,1.56030850729612,1.4979999021271,1.46882448758209,1.49592292817579,1.98038683504527,2.0877258632118,1.76227391492052,1.91252804527078,1.84863213110719,1.88156282374994,1.95955410629001,2.09886851119636,2.11824211310549,2.01881245414814,2.04996022292355,1.97172318463669 +Cep120,2.89166674769468,3.34779611647621,2.59943985673072,3.08877942211739,3.41086280567727,3.32739522217884,3.29284243485622,3.02266174124897,3.03222697018045,2.94860923204665,3.30122624200672,3.16598536169108,3.14861060141333,3.57169632970046,3.12458534993743,3.55152015726335,3.57546851170151,3.33423488508767,3.62084202655426,3.42052008534354,3.52869061801911,3.4746075013628,3.35842583696682,3.61227056866201 +Slc35e4,2.79321663251599,2.68038800346157,2.62315466464536,2.79933421280253,2.39588705814296,2.40341913755747,2.7574250487337,2.83501367923842,3.09231076492957,2.48935948973368,2.46011738200705,2.66433959133694,3.4726528332093,3.43338947624461,3.55685819095687,3.40087493366547,3.27126525469864,3.39749039788216,3.45520171586877,3.56516718169918,3.58169914643667,3.57197324757329,3.44604757420763,3.31200882089219 +Lonrf2,3.74304657188807,3.72138024213266,3.70845086448277,3.85505736781155,3.65983198018466,3.82145324236315,3.3146469155552,3.98435025732689,3.69638050313758,3.70531468521299,3.81708440620319,3.82354770545234,2.02446241383249,2.37514777731648,2.17712826876404,2.10105902821609,2.33274149798142,1.95582554071428,2.06105406860588,2.16800349448384,1.95925950989555,2.14960168056301,2.40432050837842,2.26945379832948 +Dact2,4.17113148051177,4.28152692230475,4.27264918222462,4.38594103907174,4.11351901443119,4.03078279812333,4.15992322773098,4.48508336231343,4.35176118387795,4.16193755830101,4.12141609470581,4.16800276158374,3.81072443924605,3.93183796342481,4.03621689192571,4.2321770902786,3.95337344503745,3.93813783756482,4.22164353957472,4.01704795592666,3.81900203072959,4.20963481384676,4.21811597275992,3.76158739728987 +Vps37c,3.91377739398561,3.69437250435163,3.53024073823498,3.64613902469401,3.68455394102496,3.81382320035984,3.76483237005867,3.81813245213432,3.78306307629437,3.68182783786414,3.64527225752254,3.67741040886064,4.25469770515825,3.78043891685482,3.79997442873196,3.57631788770824,4.04191863613036,4.0558222329952,4.32569018900875,3.75160895097276,3.76915526028841,3.62119013319748,4.09017287772638,3.91642640532912 +Slc39a9,3.96633897634918,3.82214687862594,4.04459999414571,3.84480712596416,4.16575379713321,4.02944621640719,3.71893368961378,4.28047409327491,3.98051625620954,3.81323800125669,3.85704991807719,3.87183679090772,4.49128939724068,4.03954115753476,4.45506921188738,4.14503306491441,4.58644784385551,4.46147481872276,4.50231771440993,4.3849938513853,4.35980568225792,4.23186392074744,4.45344357582168,4.37457394416419 +Gm12185,0.600624379559852,0.165196636527276,0.577963721655941,0.421527919619057,0.12550262427668,0.136457312507595,0.200414861353421,0.28474493718412,0.285487690735416,0.237489160862982,0.212399886065607,0.301731165315152,0.104193243213162,-0.102365343759712,0.126804504293492,0.371676879723664,-0.0117783663310709,0.146279705030857,-0.102833847069952,-0.0635026613416669,0.159142635576446,0.266422167753466,0.0759160226223927,0.0611319033998994 +Slc25a47,-0.331760687524847,-0.0491483102918971,-0.962471242722695,-0.226038472242948,-0.302345058418551,-0.216474965236289,-0.0102798375791198,-0.629491907404891,-0.35456652308921,0.747460969260223,-0.45853859082764,0.112885792848274,-0.436537082917098,-0.591644561149645,-0.446912022414522,-0.0364349658264322,-0.237623320044053,-0.452523063825804,-0.023735080729575,-1.93195826023606,-1.00615009934809,-2.03120189285685,-0.410195094977314,0.0171918377064335 +Phf3,4.12630541967901,4.25399395843753,4.06460962943337,4.09935275894003,4.38938960268513,4.3371766382531,4.21171799580246,4.25708218602924,4.15351615367287,4.15122514494034,4.42146280065293,4.26741049426993,3.98550756497602,4.2514127857366,4.02256135271524,4.25735641632704,4.24690850416259,4.16079283585211,4.12066271482399,4.12996367909388,4.05526204766256,4.25394794503068,4.23505783925693,4.35042641641891 +Hexim1,4.21273766674258,3.85965716555878,3.68375046979143,3.84298093604826,3.98503110625342,3.91579248407521,4.0164849932957,3.85217313844877,4.17643297405026,3.66946906981963,3.83729525958919,3.88137625143082,4.16494046746214,4.21022861474224,4.19207439312064,4.20108685963298,4.19275731190796,4.1122016290329,4.33849568238574,4.15760247727817,4.26443629554146,4.21299929252363,4.15546202796636,4.07720079700598 +Cdk5r1,1.21123592889045,1.52679550058009,1.83669883282757,1.25266461723905,1.32113493823012,1.09495629057372,1.34942936507518,1.90022363407739,1.53242285308364,1.10400475721543,1.05869694126112,1.01977824210681,0.491338235585276,1.72394855894492,1.75739650316176,1.76101526641338,1.19230278712792,1.00472911402518,1.12650414196085,1.47402271783027,1.31012550823857,1.58097512664368,1.03000148281152,1.12979925847184 +Zfp710,2.86920421157571,3.20279929982086,3.07308735458956,3.02390402905696,3.13149738006597,3.21931693056637,3.1100958767144,3.23627269024085,3.05971232510285,3.20880061130224,3.28152336041162,3.02790170549179,2.20344653933553,2.94831718746817,2.30937851689648,2.74642162504035,2.7384533661034,2.4709342663184,2.77673930469238,2.47587742131687,2.3991290339512,2.8288683644292,2.69012821379087,2.64239356755644 +Rimkla,0.219825806594185,0.476915158837085,-0.645861077667867,-0.0591563080333088,0.872890392444619,0.826755066711957,1.13956993674829,-0.367249006714402,-0.36185574989387,-0.0654815554766159,0.551732946218134,0.724255634648294,1.08746672040738,1.40378068856895,0.591738412049966,1.38140407159962,2.05417556146647,1.32634439585884,2.13864835531775,0.420573660340594,0.867993654949407,1.23391130301223,2.17488950589322,1.94977979866588 +4930539E08Rik,-1.49956137397892,-0.304284998615304,-0.675613269157982,-0.969809415437893,-0.30746068862809,-0.336595361289546,-0.914703801227446,-0.701674883980401,-0.568574096775202,-1.3714323890428,-0.946573291833041,-0.665958059647064,-2.6777487735736,-1.8250386488416,-2.34404318899156,-2.74201520186466,-2.64457120158629,-2.22433238914743,-2.15155554773105,-2.86009947487937,-2.19141983496647,-2.22528030861681,-2.06614195437139,-3.10567830453152 +2810453I06Rik,2.84501961188825,2.58340124925478,2.7585294603638,2.95522429598181,2.75952529105899,2.48144035402381,2.59753879920491,2.46517811058803,2.95006029395735,2.70324028236082,2.76185507168349,2.68544036463663,3.79184856402305,3.23028735661119,3.48996142243743,3.33792265510825,3.3120068042004,3.78096530414898,3.46852661402149,3.22535565279558,3.44802327576275,3.28300419559201,3.32931757105338,3.46883499392052 +Rnf24,0.820929768039409,0.517747917574627,0.912818774492173,0.710269753429076,0.809746550236425,1.13284103296501,0.470050447709232,0.650958958568396,0.840586674805083,0.473556352090021,0.629653014169834,0.402924389646608,1.08243024701951,0.635921086456961,0.940833200846755,0.440749482865469,0.926112235207042,0.944377077361017,0.743821778688236,0.902838256224965,0.547723793766961,0.301472662323135,1.01461341677084,0.844892153438858 +Efna5,1.10532735643624,0.332428475905114,0.767711184247281,-0.107159825166486,1.85464896641334,1.86157436557331,0.919425601306309,1.91900081625325,0.601222477864583,0.795160186869793,1.58330845294938,1.29521007315267,0.679915954265131,1.20502408895797,0.988711957083926,0.435398719196658,1.72810055625458,1.31050817333762,1.58336938141494,1.08015149351944,0.622772178093059,0.735358468426051,1.67926514007914,1.4179240681691 +Gm5540,-1.89065617618111,-0.958743544030014,-0.545104488054936,-1.66899095073239,-1.57741343155877,-1.50624342140003,-0.834136067760844,-1.37342617943838,-1.20982584317139,-0.761169978608798,-1.6194724600333,-2.3736854491347,-0.867029734947178,-1.16995899969674,-0.0751314784892205,-0.878239905097924,-0.014625991952804,0.201040747734449,0.134261823497124,-1.37862714264816,-0.294122104995465,-1.00611758972715,-0.196559293518804,0.285500625617257 +Fkrp,3.57412272836229,3.41073525655908,3.6120986446187,3.46347183715409,3.32540475794356,3.41084676686771,3.32207501365086,3.71886288312469,3.53884364652188,3.40546476064933,3.39828978875019,3.30884375974011,3.81613658367329,3.65947826182931,3.87428940354091,3.66274440947636,3.5705203766946,3.61448816078543,3.48395294356863,3.89820012585404,3.88267156426784,3.74962517409822,3.64220681666804,3.4719725610321 +Zfp689,2.25451606437971,1.77863374852686,2.1565861752921,2.24698181011791,1.94617113422623,2.11005778794535,2.20418394202162,2.25381236723993,2.1784654824646,2.36168411194899,2.0151589041837,2.36603404087864,1.97838321781543,2.04483337122816,1.77864770930298,2.03047108225236,1.93396826788868,1.70373149413862,1.81152413219302,2.11178081680841,1.81049149893751,1.81049447602878,1.84136127335696,1.57417971681869 +Cdca2,-2.01120132166672,-1.29750902830528,-1.22068323401014,-1.56785926685508,-1.88069078368361,-1.48744435386518,-1.47741094282011,-1.94954589156687,-1.38036217609956,-1.59247742219697,-2.01968694597312,-1.66955786416833,-1.27909137705917,-1.45083346251005,-0.889054826595331,-1.6794993325292,-0.903044289527569,-1.43535755873797,-1.03002259547532,-2.57087615024155,-1.77192560164771,-1.64758439581292,-1.8496482412409,-1.1532864042214 +Tada3,2.55775250064741,2.43891769680142,2.46482274776567,2.72631070483848,2.72721926917776,2.82721597787074,2.78536440110753,2.658586429875,2.35615254535246,2.74770137610519,2.69729041856317,2.68807851826798,2.24830516378478,2.53292618117121,2.15967013102408,2.49154530848694,2.71903299339907,2.4263466823018,2.75625412447586,2.33523731483574,2.40067369983848,2.50545618416335,2.70580061282413,2.6437564375313 +Gm6206,3.36186296731305,3.22156123938001,3.29319706164446,3.36023129053656,3.55720518335605,3.47306425403718,3.26133508076016,3.39861696405123,3.39928905775172,3.40868486739204,3.64807401728503,3.48713951773118,3.87342341005152,3.79532886963726,3.65210694084139,3.5687537051866,3.53871539305721,3.648424304185,3.47669566576063,3.99952922228998,3.60058191199855,3.42944135440171,3.7361193107683,3.8237527333647 +Prex2,-3.46875078908948,-3.3690374352791,-3.78656641649172,-2.96452906455252,-2.41625214170926,-2.60014719984555,-3.16732471817104,-3.58953247254694,-3.37891666507108,-4.8656370276262,-3.07971272830466,-2.15630022901088,-4.7671951552285,-4.54500492035138,-2.76918337180953,-3.25315175651439,-3.86598093294132,-3.41644563506562,-4.11020143957206,-4.41706537944558,-3.12798598986485,-3.16236780297307,-4.0154800763341,-3.55674423444335 +Rassf10,1.44556535055821,1.24977470547649,0.567769526737872,0.865764453062748,1.75297919255797,1.13307566597959,1.03400318316512,0.776316620629405,0.771640337726049,1.19662639725314,1.69532395824809,0.672309773498255,1.89971618507546,2.5782348975509,1.98862620026864,3.1603250476181,2.94515870652334,2.07048606095257,3.09828485430025,2.27668554147692,3.18096985107307,2.66585577728878,2.8508650124503,2.14607014990466 +Mrgpre,1.04901610007743,1.12240100643909,0.952641744438718,0.255122475484179,0.796468944679753,0.853660394556631,0.30292630389467,1.50353885441816,1.09634084742042,0.494583293401503,0.676587472717407,0.486716942605902,1.94290186697377,2.33492130030951,1.9625956226977,1.89820473979581,2.34369629551714,2.39754942531187,2.60304735762748,2.19261113287667,1.57979712317065,1.90656830505091,2.28174126653353,2.30267261878752 +Yjefn3,5.01823238716567,4.48688260457616,4.99994284126246,4.72000846353298,4.59561243738686,4.77282124008723,4.79259049383616,4.96093389816402,4.90416777879289,4.84027434724433,4.63299332883067,4.82433619525611,5.32335160059458,4.84742767767949,5.13599061287318,4.84735118117967,4.53435977763623,5.01382157455919,4.77262051921001,5.23554909454241,5.03835725102447,4.93316308347149,4.61996145255508,4.80926614069316 +C1galt1c1,5.66459532115377,5.05909134537872,5.41605949326892,5.12657994910892,4.58810035077729,4.77199978994348,4.9048859678865,5.57609172912102,5.29004612048142,5.12183578722088,4.8960949196065,5.18471649363388,5.50169817316512,5.1348959739458,5.4561416943296,5.01280080315099,4.78922518190902,5.39194067650833,4.92472004319579,5.63020302157322,5.27221024333297,5.05925710264039,4.74097292364319,5.06007434418388 +Nrsn1,1.4123732965509,1.39284655750267,2.18829454727838,1.05421140152039,1.883437780854,1.67351750221357,1.22388150952063,2.00564159504579,1.68327765990435,1.38603868672893,1.36093527910829,1.04778181687155,1.45192964821388,1.39089779168996,2.13518193126537,1.08957525946632,1.07290712845155,1.22785066089628,0.280500593386796,1.81227994540115,1.3449473326583,1.58916758652598,0.706306299651444,1.14397095290963 +4930557A04Rik,-0.329722619867719,0.56385431575017,-0.465259692279426,-0.618036316397118,2.44210025013233,2.77747876602427,2.15375978408204,0.886779091677177,-0.34471532494648,-0.525270854775106,2.51022486035911,1.19358794530085,-0.867182815667218,-0.931598732596726,-1.50415102253701,-1.50415102253701,1.71813361576406,0.169797854158643,1.38334411627527,-1.50415102253701,-0.912828008612153,-0.92636614549125,1.10607590410475,0.783621938407746 +Atxn7l2,0.940621803260165,1.32754222060786,0.921268495686882,1.14814213474412,1.59800968132628,1.45399899945291,1.56471313202184,0.697707168295032,1.05924210678871,0.852401289172438,1.3775657772707,1.43339877546943,-0.200791086520814,0.463268377393142,0.215157732311077,0.921001875835871,0.818148809362711,0.727419846106321,1.10820511291548,0.179631733067577,0.674370454388132,0.457969647827431,0.792323040975139,0.706198009552943 +Tmem121,0.76857932328296,0.165638754153007,0.940981733932511,-0.535587921472669,0.390586794992023,0.12871250510925,0.242799570530621,0.639439668082421,0.559650727188877,0.829535176465766,-0.0136731516232561,0.30521855271088,2.08576139927716,1.94830424714356,2.66307651583787,2.16454956430228,2.04299599809724,2.46583187010039,2.17457418749315,2.50526783543287,2.17062715229044,1.96371939452931,1.89847832766472,1.96521056432474 +Mterfd3,1.00001784766744,1.64640749502931,2.25696321791426,2.06519238900409,1.95704403610625,1.57357827821071,1.19668880573582,1.7186977324212,2.09297996851298,2.59459272832456,2.0217967136653,2.22453545836699,1.45789145064037,1.57113294718546,1.78652093965062,2.31279686030927,1.7196969494829,0.97321574593013,0.838568245806536,2.01662623146537,2.2777207559878,2.0588895890939,1.34312098900641,1.59519840542977 +Rapgef4,3.66923535593267,3.86193284378401,3.62807375175566,3.63021738071432,4.04395454791792,4.07766141560505,3.79829525167936,3.97053425691427,3.56526149836071,3.55253391607325,3.9884531009281,3.94124079149479,3.68677420117666,3.933632726906,3.99220931520515,4.00603879791906,3.98961256106149,3.86738073502624,3.82158732862608,3.8169601707619,3.84265825150973,4.03101379524201,3.98152570501557,3.88485297698675 +Armcx3,3.26168113694039,3.24540296948496,3.29203853123009,3.30303690827226,3.04619255146503,3.15073774614767,3.26539495499778,3.21092948690937,3.2588548775905,3.26437935469788,3.18581563040814,3.07493745311284,3.41594284807686,2.91198133299469,3.27283890721404,3.28702229458486,3.17863981437045,3.15981477212223,3.20696643507948,2.91013356683172,3.13749910666846,3.26905481269625,3.31661091482573,3.25377234760853 +Acap2,2.98485855064432,3.18274820879132,3.09300435180878,3.11866454514779,3.22548666346521,3.20720322841703,3.07293364545267,3.01317836391285,3.25099710772184,3.12611314095217,3.11929540501229,3.29718554474576,3.89905892727157,4.06837769055018,3.86702571178243,4.05000201865735,3.90542432393781,3.98233736091968,3.77065965786844,3.97070501462362,3.97128996411367,4.00025231298434,3.89323438666621,3.97186876480061 +Bmyc,2.77413632562022,2.76376086295802,3.01073517279579,2.96461233038425,2.40627237148474,2.88799424270666,2.76101474647127,3.01946452031113,2.93956848660213,2.70876243565396,3.14010794236951,2.67449485827109,3.26755385391338,3.48441594871655,3.32135363750647,3.2347271844243,3.29009504603016,3.60569056025454,3.56526591134965,3.53575034713695,3.4182242390634,3.40983317557254,3.39717133731094,3.32341845624697 +Zadh2,2.42936444804933,2.51056980351456,2.30472649006006,1.90169175551691,2.83651332108251,2.7359197445516,2.36234276338454,2.93194777623455,2.15974517032148,2.09381239207075,2.45076193162334,2.22273846355674,2.14303816679171,2.41671720667491,2.25093800277522,2.23196811344952,2.78541360771838,2.68827444536001,2.60712439838051,2.44314397514218,1.80829257763777,2.09507851437991,2.69184624297935,2.56302471722025 +Sephs2,4.16697100923602,4.01312058801658,4.28903631716012,4.38627182075568,3.76482347931577,3.86453144849538,3.7503094757356,4.00134214754647,4.05071435721866,4.30354147633826,3.63251729283861,3.91398083504145,5.25605154518987,4.88658805167376,5.40874807623113,5.21771465483197,5.04399407157615,5.28414235185052,4.95271695225679,5.34735667564188,5.17206781000591,5.24326227911358,5.02058929636959,4.86472753006679 +Gpr137c,-0.618577854373398,-0.662069206176409,-1.71818750215098,-0.995545175630533,-0.0544735272394314,-0.489518710173205,-0.137369588670268,-0.232347925203342,-0.854138446589398,-0.694721011685391,-0.226348643835698,0.0292669225672724,-2.55356025108106,-2.26879914701221,-1.92978908351365,-2.71214916026262,-2.67482507363978,-1.67282556893854,-2.50640877091577,-1.7797463240752,-2.64306891861096,-4.24072452673182,-3.22551284218626,-2.32478915346797 +Ankrd34a,0.239051324184613,-0.0977476411458083,0.928147547275543,-0.142313900687935,-0.126398664389211,0.587692066150833,0.187247902987415,0.277918107651633,0.134540230962367,-0.598296314032006,0.159264551573588,-0.674373690371262,-0.346963950240726,-0.856059204593797,-0.158098760962041,-1.13909305500313,-0.233068863006931,-0.917983539611208,-0.537434648101427,-0.0492357766526998,0.194171346895688,0.1562440745315,-0.310731569527728,-2.04390545146767 +Dcaf5,4.323424554454,4.30434492870859,4.36867260566595,4.35081336539901,4.19971661374048,4.36677968199504,4.24826179608936,4.35028239831693,4.45611610367235,4.33636735788886,4.28151464231717,4.2176650127644,3.60116310533068,3.84808531944898,3.89279934039242,3.81647767203196,3.80060957063743,3.80351418907952,3.83079313071466,3.6569356182603,3.84649502566823,3.87206362108021,3.91899819279031,3.86082076133784 +Oxtr,6.3046535714247,5.73888090353697,5.41245260246436,6.1082260661325,6.16335332250945,6.25643247196195,6.04632663820398,5.37904595498747,5.45359443845706,5.76095797091958,6.42556291152692,6.31201536844909,2.86359340850084,1.87750635315546,1.20171042232407,1.84907826175296,3.09090400842331,2.89062124087638,2.92169336759647,1.46151182628747,1.86668058960984,1.91748094493179,3.02402544270499,2.54989802478164 +Fam110b,1.08392743718233,0.904354864091688,0.675559798838831,0.807171866848067,1.08093733993496,1.39787008176083,0.893886116240121,1.19087648999407,0.911549006215755,0.930440163032291,0.977201745120403,1.03229172887622,1.65884420647672,1.69908563447,1.80450251307728,1.65290401150564,1.74935325735336,1.94101560704463,1.84910030568984,1.82055667681502,1.90310888469269,1.79665955580898,2.10935312314167,1.84270131209741 +Gm8186,4.61975879678781,3.99204215052523,4.35352164593505,4.56042616012423,4.06000962583054,3.84096950087353,4.30424848753815,4.37267507889071,4.5556261631929,4.64263485893903,3.66026755659221,4.32922853975004,4.22443737809408,3.67626322283855,4.02095541764026,4.16403821721008,3.91491361892416,3.94627798014116,3.34816666951462,4.20110667666766,4.38800602580346,3.71901851342672,3.79595888504159,3.82857358477718 +Plcxd3,2.30886390158175,2.35304540356244,2.29960003645173,1.90851310305486,1.92201136647128,2.2606503211955,2.05515591987104,2.39594236419225,2.34198634041656,1.84745188894762,2.01121032569614,2.05965342942669,2.84246562708566,2.62921252538915,2.941959523822,2.57431809820238,2.49041740081888,2.88245829616256,2.55507218168111,3.00691371301202,2.75393419399562,2.47785781419615,2.61543583804576,2.56713065265441 +Fam183b,7.03098001889663,6.75978467741453,7.37768857568165,7.12856133619401,6.51522895498263,6.72932913330094,6.63036408878939,7.42300450883449,7.12565442280988,6.99969003237228,6.68046527677646,6.79846685896027,7.19058799545765,6.58716343223458,6.78775298687157,6.5895887257202,6.40013763525931,6.75313992401897,6.46602075637911,7.00135990981948,6.85114911828815,6.51509300039396,6.50968577779907,6.56931733922975 +Zfp518a,2.87265731572595,3.01339662886106,3.19613838793701,2.76240067889394,2.69106528655606,2.82063412212766,2.76701959030557,3.30812862893734,3.02438745239673,2.86112257440631,2.63375632332654,2.87845318506242,3.02876951277281,3.01699212110326,3.14550363260369,2.77386207293466,2.50138160888315,2.89038488260572,2.49139548355779,3.36457888876023,2.90310884740699,2.72874049261162,2.57066804819738,2.82756470790403 +Frmpd4,-3.25059373599413,-3.44089131048986,-2.20399618799149,-2.92011354653671,-2.48228881418726,-2.86370655373902,-2.81260411869822,-2.35297939076585,-2.70138486811462,-2.74641039087139,-2.78644444413912,-2.82349083284274,-5.3931291106653,-4.24946766770335,-4.23255324871638,-6.03009731753509,-3.35389633689031,-4.96284827533648,-6.03009731753509,-5.38556042652318,-4.20914689659775,-5.45231244048933,-6.03009731753509,-6.03009731753509 +Purg,1.87598142774828,1.76606288304704,1.73832328166071,1.73312222024207,2.02263584528665,2.18066599968099,2.09929853779076,1.7586525524635,1.63836264586374,1.60138461690564,2.27556994623743,2.05855640966208,1.25440186775988,1.82239368548079,1.44880278942613,1.68160631699967,1.98660572954325,1.4098777772636,1.35029660993813,1.85166823181047,1.59599056193139,1.48846415955305,1.83260936759191,1.45463611554913 +Rgag4,3.29575044544409,3.64978646811905,3.05241247734037,3.45438508732772,3.76269906109781,3.70978978634946,3.72688874409257,3.27790763410227,3.31098050169959,3.25184161185427,3.59329772299175,3.67684744599581,4.12637732915082,4.30404198007288,4.09127981738232,4.44074981142678,4.54355978172132,4.34827348279815,4.53180894566935,4.12286104476187,4.24705930675868,4.45848069831269,4.58620924731933,4.44824423350749 +Pdp1,2.32202702414876,2.0834912034611,2.14974680091755,2.02562484404883,1.56286098290834,1.82004563893347,1.82294407643197,2.11098357226876,2.24747801043402,1.81669972439535,1.64318849955684,1.78218873634409,2.51680040016807,2.53243063887655,3.00348823627346,2.48666703975049,2.27718867025738,2.63588706469805,1.939760927255,2.7715097335357,2.95698860711036,2.54297203030657,2.18289607651451,2.28727451048765 +Gm9833,3.59320663376585,3.85156400610261,3.28629272317159,3.6592937373177,3.75313853827908,3.58234803730908,3.77072910213782,3.58642704287977,3.49863446289336,3.65855936300305,3.70403005156966,3.72383101074654,3.16653775029801,3.46039950469482,2.90258367128259,3.06169649621277,3.09356143635951,3.07709266236785,3.20381415200982,3.24518777520067,3.23775789732422,3.14545857318492,3.17891324443763,3.18518421387579 +Tigd2,3.03079722242574,3.33651474852737,3.24022830979799,3.13626821971716,2.94640259366151,2.83422625108553,3.10100344670544,3.11644560802556,3.16674561140025,3.35670392389352,2.9631331270755,2.955991485821,3.08240398809339,2.97879736343689,3.01389992939587,3.15855093383956,2.87357431497869,2.90167411908199,2.7094797394982,3.24874357605252,3.06911485163023,3.27194128205239,2.75266062217043,3.08762943713066 +Apoo-ps,3.35595883436628,2.61204136886062,3.10851189517318,2.70525657797411,2.54280244230994,2.78193906566563,2.1728822499022,2.98923824735482,2.81546397867441,2.91436196497299,3.03405276532848,2.88947267880476,3.4411472183853,3.15852161750316,3.60516974988745,3.03644311206218,3.06161554464523,3.42232338112349,2.83015159179161,3.56900667225314,3.68711240765962,3.65933453083688,3.33896664175856,3.10158118546204 +Gpr81,4.49174007518421,3.7795135332351,4.51298054423411,4.10165638396527,3.99078977742672,3.96858272850407,3.93357279282585,4.75607103571012,4.46318738911713,4.13767130955054,3.83224369166829,4.09360794273054,2.5312102082292,1.62731821986144,2.74195306179984,2.27013133716088,1.67589238187519,1.97098253312349,1.38388070570745,2.96964857284384,1.57066909277112,2.86701358847815,1.89498786993777,1.83808991785114 +Lrp1b,-0.841162141506803,-1.58371268935882,-1.00601193388002,-1.43686733418372,-1.61860245256285,-1.41325762320959,-1.10862054173715,-0.937119802529924,-1.23531285741622,-1.08866027363225,-1.55642592545061,-1.08469797552768,-0.705426123650541,-1.55299703396811,-1.08340686591582,-1.16165595527505,-1.18190200708398,-0.828357575997471,-1.40085655484864,-0.889066760299245,-1.210998315842,-1.26395690691597,-1.18698744383844,-1.1354442008141 +Kcnk3,4.93302016199825,4.65745894748137,5.0960549164698,4.94126703991637,4.83908592355367,5.02900828407086,4.56363278946678,5.1065427212696,4.73452003996555,5.05862639991023,4.94362622628427,4.94550792054314,-0.243173356253206,0.780869486615732,-0.134263240493073,-0.463885145739564,-0.562859363628872,-0.779402085695585,-0.179292855943372,-0.323648407858875,-0.0637710052506539,0.0805125911023141,-0.26281025179089,-0.196392618383789 +Scn3b,1.55162757998318,2.17526328176144,1.4908468012342,1.88006095493942,1.9821921374915,2.08206105338154,1.75914192118779,1.86511294551379,1.62280183938114,1.73973855603476,1.69009780355984,1.92220193124575,-1.04978643068061,-0.314206991688012,-0.801380983467889,-0.883162117698935,-1.05212510937068,-1.32105870435438,-1.04629442033442,-0.500145401172118,-0.605427623909448,-0.495884140084306,-0.804466870449684,-0.938727561229631 +Mblac1,1.76146675605022,1.55151438853228,1.8165151275338,1.54843460094612,1.36182861510251,1.45691858089304,1.60941020946196,2.21406892551386,1.03240138543934,1.53275901070724,1.18370853899452,1.08536013540682,1.75249085434605,2.25921769688192,2.28228549486318,1.73429586445102,1.31170310574255,1.93195961771587,1.58747688128462,2.27542634778727,1.76123866610008,2.01173808114692,1.18638384394233,1.67913585616891 +Iba57,1.0883615807412,1.37962738429608,1.0837227195046,1.19332939636767,1.24721661576664,1.10121520374667,1.11962982759902,1.60697423173115,1.33908537046544,0.923268094415204,0.995465478745543,1.15445023802696,1.18465961714536,1.66186996068384,1.50659356471157,1.22814448844699,1.31068166357028,0.921784313218477,1.38542027280085,1.53075940748898,1.79527389285935,1.45818415988907,1.02375231461516,1.34306692544112 +Lix1l,3.43166258038065,3.12571700657822,3.58643224047976,3.29178753230455,2.94069314561371,3.11640971967346,2.93345026948366,3.34673147792936,3.45153364703892,3.15840811204121,3.08465152025406,3.07549851189549,2.36189893330154,2.00447173079141,2.57141318563249,2.29553230295247,1.91281463458242,2.11931186878107,1.64643475937495,2.42257229573772,2.60396397303702,2.43846013962894,1.72191963004277,1.99647951473603 +Zfp219,3.28486125793959,3.25489475308032,3.11255252161496,3.1874952766454,3.07681344009302,3.26149451414866,3.47159422309698,3.01522683458957,3.27202015107498,3.23671200265166,3.34559446257192,3.27729574692048,2.79205014378722,3.0538954340221,3.09672609141719,2.71058927838334,2.97935174977813,3.00599156961129,3.15406800852018,2.69216193313454,3.05509934616224,2.84026149250754,2.97958248946392,2.85809128745678 +Trappc1,4.6750391820858,4.54379365612754,4.94112339048456,4.5669258717765,4.31234971369305,4.51490913380026,4.31709447097423,4.79837538552806,4.77495563893818,4.74693298069355,4.31591526301072,4.58642515469873,5.0233049572207,4.79240683599941,4.88538739041635,4.61329530419183,4.62185133490269,4.80094610501841,4.43684148379489,5.00498148666579,4.75697205470421,4.62381526907057,4.27697218620815,4.62281939452041 +Prmt6,2.01047096598705,1.9540325410857,1.89293595438777,2.23471956569908,1.76052435253176,1.55400145545635,2.14876221528683,1.86979660397002,2.29530623093326,2.17096524379198,1.82388640307411,1.88499772317354,1.91766463006056,1.7416425713063,1.37590027295721,1.96052336552643,1.58537391521191,1.39875380423172,1.89341774882261,1.72717732038406,1.77779470776543,1.86074698315252,1.55320851090696,1.52386548836677 +Ccdc71,3.18806243641949,3.28039630179711,3.25875780245386,3.27427825701556,3.01241883625217,3.33850060271032,3.23156920272626,3.52620131689952,3.24196455831043,3.21771929038354,3.28130894283797,3.22784950416014,3.02861108445084,3.14023605678574,3.15886966243946,3.12396962875606,3.15898726015882,3.08728748233998,3.20829465755467,3.19553897865988,3.05487959437247,3.07915297661422,2.89059008337423,2.91266500669695 +Fut4,1.03984250222915,1.20552906268142,1.29966299175344,1.14760242827739,0.594753461641007,0.73859935363188,0.63433795881415,1.48989551160755,1.44240959634234,1.00912536509488,0.73420320097956,0.748868235659174,1.52766593978415,1.50966542744423,1.33666607708696,1.03943734218857,0.946716092728935,1.59469276402069,1.16803141140055,1.74144423929092,1.55200565345557,1.13636522206982,1.04257345186714,1.14001180762854 +Sorl1,-1.10539196622279,0.287429236716507,-1.15263387216525,-0.670290018884167,0.280865479914715,-0.0346678553885473,-0.584337014311443,-0.232735738677493,-1.05290556862033,-1.09499902427986,-0.204694583595267,0.0450074256900037,3.61618002605237,3.55251167551834,3.71547522392455,3.58788196494463,3.58902129375791,4.00215191191308,3.58530499091941,3.61784905909787,3.08373115357736,3.36052619490799,3.54771046282559,3.83248776373729 +Zfp2,2.03778393964929,2.0630489474982,2.27758278041154,2.13134760021871,1.81383656828682,2.12766583309723,2.01721531492413,2.16317054925079,2.18540127651277,2.23348712961915,1.99197325354573,2.16257329215547,1.6748731226547,1.96969478817148,1.93105539804289,2.10695169194565,1.71200705518228,1.47510454767326,1.65408608111867,1.78969920621123,1.85994889475966,2.02821918548483,1.42965191185747,1.81282462521078 +Smcr8,3.28329898175035,3.44100473043879,3.36312482776111,3.0986550940208,3.23799407273486,3.30379725591494,3.20394506583165,3.57967729311065,3.48162353227886,3.27580744086639,3.30068628844705,3.22428435659286,3.25687861463089,3.61933245659995,3.29754972803613,3.38606660542714,3.68756824591759,3.43544561202126,3.49929710841992,3.42370892881025,3.3699412299305,3.17872511242317,3.48469117098849,3.4970635855207 +Setd8,3.23682212180534,3.73282912390849,3.7662553733771,3.78621177453196,3.40782367416458,3.6054107530724,3.45959253152996,3.53406437357267,3.6963003095881,3.75889973716274,3.38666783110331,3.44364478601962,2.53064983384438,3.22925814932883,2.47692887769383,2.95931588138551,2.74255120890961,2.73416261546693,3.15659012268389,2.80816417364933,3.12505061857708,2.72383509644512,2.78571179244798,2.91474310387819 +Tenm2,2.49854724962062,2.73695716074983,2.64918460965556,2.26455041911752,2.47182946657128,2.8410950474107,2.50899396405784,3.04212406201874,2.59369646185913,2.24616076389775,2.33470145358842,2.51903636662471,2.31570558801098,2.41311749618509,2.67647623643127,2.25444926764516,1.96454492021264,2.23461043619417,2.5525922081272,2.1085927946186,2.22505510318672,2.26031297451097,1.83061494783109,2.10922979169987 +Fam134a,5.69310051054314,5.58446675756402,5.98102353634583,5.64312323888928,5.4287190051431,5.58051923837588,5.50787728560701,5.9690715653878,5.7773090868589,5.69491578971719,5.51789698798883,5.49658413511754,5.77113210059408,5.92346652061025,6.00595527169849,5.82026085048068,5.55126215801798,5.74074899284844,5.78202659326043,5.99876670946809,5.81189427011982,5.81615439978007,5.69806109645045,5.68875593590232 +Gm5105,-1.80817066316113,-1.59473106241453,-0.721995113279882,-0.757107562050085,-1.02933257584218,-1.37999001307697,-1.60354665829554,-1.25731861216595,-1.34226539326591,0.0975953325044021,-0.691385219438131,-1.4861981016219,-1.60005213075778,-1.40871240065739,-1.73574891151062,-1.31933285125819,-1.12175905611396,-1.61603811166649,-0.990913223684346,-1.22809445234932,-0.844899532240556,-1.03323232766048,-0.834742378861805,-1.60079083203553 +Zg16,4.93371124917324,3.04641407694438,2.64981570194966,1.5997955609624,4.35821317040303,3.69699848207426,2.5900613667308,3.01776171895682,1.62020292837727,4.156547242223,3.17593722278917,2.52687218670935,3.86513328534596,3.82459132913533,3.30052949962398,2.05349060585269,2.90781541514647,3.89589919822223,1.73651131716342,2.66397662535414,1.21486043900697,3.35795357562953,2.67784544643554,2.38629970871254 +Dcaf7,5.44419156911852,5.41767135614655,5.58704902161024,5.26529305312563,5.31839030618888,5.43774370443335,5.28955648878247,5.54470714032091,5.48004055225146,5.38709628402882,5.12705860602301,5.24473484340383,5.32202626216895,5.26352171049429,5.81870984655207,5.620990253934,5.36714765638698,5.34754263162137,5.25809180566665,5.21399006058019,5.53600826415901,5.70932186309419,5.23518734753653,5.23314012797688 +4933408B17Rik,-2.01477388952764,-1.05553401142734,-3.03373382552149,-1.14264968125842,-0.649266453295501,-0.840792962089781,-0.0849790443273537,-2.37272599355445,-1.54380684693447,-1.35675367116944,-0.54374298069937,-0.756730587670398,-3.64474001847257,-2.08470562017129,-3.64474001847257,-2.11616465200338,-2.07884056538053,-2.24248121850916,-1.00406421926292,-1.71260814641124,-2.04708441035171,-3.06695514142681,-1.45122119110419,-2.23106450225621 +Krt8,5.92973992730405,5.74322040841192,6.05428333781103,5.9179502843786,5.76023213480305,5.72073113040002,5.71455808628778,5.80192005737807,6.45257215878078,5.94623401739606,5.55981348802653,5.6846486896333,5.58079861746109,5.7120070056413,5.8049084859221,5.91967019082968,5.56370906658482,5.49896518111104,5.77951961840937,5.58552963111018,6.11617139840768,5.88910980222938,5.62414303173003,5.69264086870525 +Gemin4,1.35389814446461,0.50587011998301,1.15857846171434,1.11067414307414,1.09055209984877,0.508689660304149,0.82060765799045,0.752339272236005,0.968796095814978,1.24125830003705,0.69017389130787,0.742398472372118,0.947383239357456,0.271463027353092,0.601535509395953,0.357326762166702,0.328083551546235,0.552655735995562,0.543804841683567,0.569029941890654,0.967235960721584,0.237100297528654,0.261635883123272,0.269865626210386 +Ogfr,4.50690312161057,4.4723905724816,4.76138848515382,4.61555561490248,4.2140426337563,4.24453718263829,4.33452859231501,4.31663455168373,4.66772758297081,4.76793954506291,4.2614073269912,4.28252358438374,3.64013576986181,4.06671940852558,3.78892029177608,4.11885584653339,3.8351353837417,3.59661923891553,3.93987503880924,3.65139163140853,3.96608084964534,4.18040388262579,4.05623157486016,3.82534304096339 +Tmem241,1.67504193810511,1.5859977588031,1.56045584537953,1.80648045623278,1.6380208065679,1.40577853321489,1.48962478653381,1.9168554012632,2.01003047400435,2.09530457936739,1.45000344029912,1.37386156235571,1.87673219004759,1.11933265001296,1.68988920768976,1.63627252608119,1.35025220247399,1.90680748962589,1.31251537708323,1.69732617939027,1.54734644310034,1.3087968972161,1.42368609956088,1.3566660009413 +Zfp260,4.8267472038755,4.67484956706388,4.6490138986572,4.64771557027396,4.3380789715311,4.47112150780881,4.59238311138154,4.59900102338099,4.66412765796443,4.57620359599676,4.40222621443041,4.60214503670689,4.54353791406743,3.97907802384019,4.18654354351961,4.25206563364252,4.05546675499576,4.29723653475658,4.17776161695614,4.168570685052,4.25100222480082,4.04590466039502,4.11243710508352,4.35986941795746 +Chchd10,4.46533240356392,4.09037243303208,4.82794645673783,4.56523588369909,4.05220921654054,4.20927572930216,3.97190370075816,4.44689309011711,4.85439920868875,4.73155990482781,4.24533621113751,4.17194104612777,6.14876473955488,5.63743471032616,6.10799668696673,5.6832163915716,5.46901945769581,6.02536350130743,5.51298073028541,5.97474743688883,5.73415759665928,5.6793816096904,5.61439574305204,5.4709349004358 +Cyp20a1,3.96028825934041,3.50905409646448,3.99377945487558,3.88191719963599,3.47625293449968,3.57109857961211,3.68269201532544,3.87381519357934,3.8552985671206,3.70726436520258,3.34252748454806,3.53226603054717,4.87678422006055,4.56062676084215,4.77412704920031,4.22901919318628,4.03193155485963,4.73417286785078,4.29270095840576,4.97023018547481,4.96256139983176,4.38421234494468,4.06833024676133,4.35980420987071 +Aff4,4.92543402603517,4.95502678697822,5.01132605210747,4.85117061864092,5.00507942038719,5.06686548847558,4.86336411318714,5.07396265980603,5.00223816639961,4.81380151179379,4.905980161499,4.9626683580288,4.8404307262915,5.01126082931748,5.00118666587909,5.11884481756615,5.25992513070172,5.03039214222002,5.01424155389719,4.84376279702977,4.89237902666355,4.98108249654048,5.19731835220686,5.05735568324058 +Ctu2,1.27619012770258,1.3294103666317,0.974707482236392,1.30269911432129,1.26500690989959,1.4361038296933,1.38881204424482,0.563050661993715,1.22109462463023,1.47604236351002,1.81389065381886,1.39107493955171,0.809716199282071,1.28839907112754,0.523491646873059,1.30833023733252,1.51790853329107,0.92242967206308,1.62537678319587,0.459290428628552,1.19567417874597,1.13147181381609,1.52878410875391,0.876117207793846 +Tmem67,1.17967824721841,1.47510502920451,0.93929291944242,1.15669357932248,1.29489540736954,1.0777987615917,1.14628935038075,1.11979076727158,1.06442095945209,0.979401441816201,1.22139099915698,1.46699360457679,1.390515788453,1.0276503856824,1.45114618613955,0.966079592113645,1.01057494009498,1.39399530411306,0.977549485760286,1.53457273787243,1.11728434693395,1.01753750942739,1.27879144382649,1.05021825925474 +Fam58b,3.09757684854831,2.99963089355269,3.21799475289322,2.80213331294256,2.33410837140033,2.38870290335815,2.62513402324196,3.23115915975775,2.75872905976576,2.86111874211349,2.47280613487376,2.9499001315561,3.68673754970428,3.43009761715311,3.53427114979483,3.45376512640693,3.1144127566643,3.46637123592476,3.34443701874824,3.7466371519684,3.43297024144818,3.61220557939267,3.17230553215217,3.09496375440184 +Pls1,3.59477352594051,3.06286363373755,3.66815982186817,2.95444873596815,3.06255403151996,2.95563874597169,3.04477760978371,3.56940210778506,3.43968908031041,3.03740051375002,2.96578716165645,3.16180910401879,2.57638994131939,2.10929884864475,2.4133864418484,1.8982840728281,2.02551763467963,2.27650613927514,1.8483452767912,2.42636576158594,1.85742436875849,1.6233112043589,1.84821011994467,1.84881912116947 +Gm12669,3.79427650269949,3.46783717396964,3.73043944919361,3.91270994560785,3.44661120668747,3.68699931688253,3.63381579125432,3.71146347432959,3.73218618315574,3.76089597451918,3.47314826651936,3.49982043741999,3.91842588480121,3.61755940277183,3.78104363155032,3.43903818079599,3.47128204505689,3.81186823653076,3.28899158853809,3.83355357534435,3.5882059216979,3.38309314778025,3.26012692216831,3.27540373794032 +Dtx3l,2.47440060739127,2.4967476824029,2.70860571191275,2.37692203555844,2.29306587523591,2.35225216696554,2.05697740472629,2.87719033395432,2.49306246381139,2.32768512136464,2.24187178544521,2.32628216603078,2.19303814581525,2.32349201884128,2.55235278737006,2.44885791267311,2.45551659374763,2.42084770314611,2.1718203747791,2.73695024913805,2.20398781465588,2.4958793062061,2.24598534503151,2.30772203284668 +Proser1,0.0008503184766222,0.118875231336522,0.0669484766280211,-0.0780544949163255,1.13219455109846,1.01664407929938,0.757580830748295,0.718147474687572,-0.196705717316813,0.499135251304433,1.1524408872483,0.690387856057813,-0.0711861510642882,0.114361980390109,-0.550436273117347,-0.307742129763569,0.950998327918945,0.687645846069288,1.28889739227067,-0.545719171050075,-0.0744375621760773,-0.442495836873185,0.78164055886614,0.525719703547899 +Espnl,-0.121430131937451,1.18217937257678,0.823416248881988,0.902826987648398,0.136628581851825,0.649202592250083,0.895633218389496,0.85256728108846,0.882444981771415,1.43705945570456,0.441918609205066,0.278021595653671,-1.50169681807742,-0.754199196854973,-0.57144216733321,-0.244399907151081,-0.248863396740735,-0.929293245021773,0.0479818717604132,-1.85050028225267,-0.466360760967385,-0.400705257237998,-0.104827872440056,-0.305926112633836 +Spty2d1,3.88505785805912,3.93698873175454,3.7648843141568,3.97958674170946,3.88396507837219,3.81770038755713,3.91652979193311,3.80999652117739,4.28170710419597,3.89776235260889,3.85870628455177,3.76556956595215,4.46889587180532,4.16167589802417,4.3261181460048,4.1504980693398,4.20664518041262,4.46713006247786,4.24003489187391,4.02873537962828,4.32252141114166,4.12844771091063,4.21465106050174,4.17634764751831 +Rps23,6.71702292961834,6.04463795560061,6.99984812678172,6.50911658801572,6.23468259365948,6.3166166662833,6.26628104512614,6.86952691963145,6.72078772080173,6.6253957436922,6.27828529145424,6.55760054024057,5.95705441847156,5.36675050402662,5.88641761974774,5.56448330131217,5.26155927953871,5.68469729129549,5.10446152337036,6.11413497068029,5.92523417692518,5.83115886723841,5.18592156872799,5.23526995196515 +Sall2,2.67791991101682,2.47463375853349,2.86192805922538,2.40372973335257,2.48509392666894,2.75130531420951,2.45348252086311,3.09884784467583,2.53116749804981,2.63834368909378,2.31812113661977,2.53648291143945,2.20429682744369,2.32947374657584,2.61361881440481,2.14550549284032,2.37291781820091,2.28152493907637,2.05727182081922,2.55241680796963,1.95712871707434,2.38966514748359,2.34583034591471,2.22809996570513 +Tceal1,3.60191939622358,3.31470838137021,3.6542091831514,3.50787462970996,2.91202556417721,3.26661049919923,3.1841754416153,3.43865237637492,3.51505940422191,3.5769134903013,3.04838114373005,3.40740448149583,3.37808249705006,3.10304609656178,3.441731665393,3.19952905432874,2.81669443718846,3.33201954886221,2.7164599109842,3.46183456285552,3.54118879492746,3.38278491092119,2.89584231228166,2.79971329336991 +Hist1h1a,2.51559571106812,1.52346928150263,2.55895428063881,1.79263156705536,2.00566027412126,2.10006781402953,2.12749635323119,2.10946060335473,2.93593131718698,2.26705429826137,1.71397257627558,1.69551233766365,1.58874250197144,2.3456827153488,2.47256243885707,1.88672570385188,1.49278262442792,1.76536184882743,1.7188863725989,2.64993518335025,2.46982543332431,2.16829652794736,1.40860369204988,2.41097286239134 +Clip1,3.53724361798485,3.64729458616047,3.33890126649946,3.64732036339806,3.97365087245691,3.99793051908238,3.8373550454138,3.48570205399915,3.40133770571462,3.58319383789423,4.11766825996105,3.84038519869288,3.41711617636414,3.88286599585101,3.40848599129644,4.07647747537713,4.20466595663672,3.67706170570803,4.04732783490234,3.35207370614174,3.6469315533944,4.03981463457918,4.20616392041637,4.01006148972552 +Polr1a,2.94089039578686,2.80687287892999,2.79010535171243,2.99584487969099,3.00808307633668,2.98664371335448,2.88873681882957,2.90207872764817,2.94175377669005,2.82770931507946,3.01213062152606,2.79852024428536,2.68500884489578,2.63069829502373,2.72767766432206,2.63320671686466,2.98721953340314,2.76396954762189,2.80253244208535,2.30234311625636,2.43491972736499,2.55093657705764,3.10824472037504,2.89888364100523 +Tmie,-1.15920647209543,0.418625526509679,-0.609511241552344,-0.36523826329559,-0.30005930284183,0.763027937229395,0.108928718870117,0.242688656770639,-0.405640430564168,0.281901052916764,-0.0476631600382025,0.160365289892366,-2.1607035305389,-1.07264313738729,-1.68862897126154,-2.31929243972047,-1.86933154374287,-2.78061876399105,-1.88106059756114,-3.20333091517774,-2.02691738525232,-1.54322638120732,-1.82511000626164,-2.4341922899733 +Lingo1,0.176136642881952,-0.0007948113387539,0.294062470316655,-0.348296944028511,0.989974800118162,1.20116431422708,0.762106420702314,0.467298781736207,-0.596740785193127,-0.566220513545892,0.7905378847348,0.628590705114656,1.07967114578139,1.82853085624384,1.23739292651755,0.712262593615991,1.04727921357013,0.600258078742891,1.7759064430184,1.38884992139239,0.465567763808006,0.966728691207253,0.904804840534187,1.4421986774636 +Gm962,2.47200925259808,1.67454845469484,1.84031302278441,1.8951633199466,1.75271649824062,2.17605251107564,1.60458679454061,1.97157960094906,1.82011359542079,1.82622080075821,1.73041321468475,1.77840446486727,2.33869262736733,2.33050920824591,2.48026505768578,2.15461121959361,2.11105587582965,2.35903177562862,2.14416073497015,1.97335825687049,1.89908891672903,2.16861773727109,2.14840382242757,2.16889140209724 +9330101J02Rik,-0.320874120221673,-0.282484045930997,-0.524890189152014,-0.410415601382071,-0.126204226595234,-0.363456957895449,-0.525031811425983,-0.677550975049739,-0.321410243314444,-0.223669042200692,-0.31394635870723,-0.225691190858115,-0.347018741863358,-0.709262387610556,-0.281695559904767,-0.716092531885274,-0.129492242505452,-0.171996918985324,-0.149894601837737,-0.591403076549016,-0.958585571372342,-0.176113295691228,-0.299636916751392,-0.34786713754478 +Zfpm1,1.0077949137538,1.28543411927725,1.31439078844077,0.483830607059811,1.15407646598245,1.12990309232596,1.36119938834345,0.976950386996571,0.785126951716276,0.111530563403258,0.859368382683217,1.18003083187268,-0.171214152440466,0.079794714560423,0.904113455929596,0.466725387567376,0.294448681893835,0.789973831752693,0.68432293256262,0.241190254131254,0.0178722812403018,0.363873648756617,0.318332450490159,0.617974146564561 +Tsku,0.307316767617004,-0.824082144168937,-0.162296423142543,-0.568616388384342,-0.38764685665124,-0.125715653831329,-0.536094127844026,0.365158051313959,-0.80615392567151,-1.32733243428925,-0.38436962036831,-0.743613655922587,2.11678756895426,1.40840196720592,1.97992551248776,1.67362617979175,1.69489884307765,2.03365369784773,1.42316829835587,1.41954119955154,1.69626378845642,1.89624631088995,1.61209396924,1.31297718476154 +Zbtb45,2.20001206150577,2.15101007769084,2.10226171627897,1.9716099918271,1.96143217474245,1.90426682142959,1.95230068699663,2.17712834012021,1.92799895919402,1.95949455926786,1.96228365904488,1.76822549905305,1.88070999947057,1.71176469304118,2.11113200340215,2.29952246343032,2.23175383174608,2.2658939332943,2.24185439153507,2.13094630716817,2.13147135443367,1.87314015122085,2.14255485354335,2.24826225940434 +Zfp644,4.09514413991086,4.08692779816095,4.29738880281853,3.95909301957098,3.79741223956885,4.02753357614099,3.85335483285074,4.23010080694809,4.29019744972578,3.93018366096126,3.8448053504119,4.04768602325822,3.92977673262548,3.65520536787222,4.0408103687593,3.80374775500999,3.42819119064113,3.8795187107799,3.42218507167098,4.15055713122856,3.87408644727742,3.67326985174305,3.40668460134406,3.52738649021079 +Slc17a5,2.54010646001435,2.6371303377607,2.75583402847135,2.5753049959501,2.34288027579766,2.3636479801705,2.31268687668254,2.42326441086971,2.57814945477348,2.07868739913363,2.52259567502569,2.57810071179911,2.98976437622366,3.30159212740374,3.32111539921688,3.23039585799844,2.78225926111617,2.80356557246462,2.80893980701896,3.22743919517442,3.14433872649659,3.14647060648079,2.62918359026967,2.82828388198505 +2310022A10Rik,1.38533692779291,1.74107650326828,1.70863195204873,1.48532101809723,2.0691405249679,2.09540682784918,1.78542677990642,1.66685615943602,1.90693264244649,1.90005036680387,1.83421681290947,1.63909654080626,0.593740867462226,1.29235972925052,1.15877022412599,1.515601500029,1.65625341515569,1.45659770649784,2.19760967465834,1.05051131139804,0.874271122572367,1.50565409518235,2.0392331436597,1.59675922292325 +Zbtb5,2.49802853034314,2.73411033885952,2.54079183729629,2.6701627600396,2.55925512069309,2.71371583027343,2.59186533290695,2.84262412244054,2.78979648425575,2.72399413549982,2.66670824733728,2.781739160471,2.5587795393455,2.3997079450832,2.53882466073979,2.50132498583453,2.58252378697513,2.44715068577272,2.45087407473058,2.35009669959403,2.30490741492261,2.2122864560336,2.62465341784323,2.75183841237804 +Bdp1,2.95614182702584,3.31427111102998,2.75290865222706,3.21401203979887,3.4662710326192,3.45414227102218,3.36058136662198,2.90348325014794,3.14140869967375,3.12187558585517,3.34892021284275,3.33655203069433,2.58377189639925,2.98495020288805,2.396015126594,2.9830156048511,3.1805345803339,2.72537807533577,3.07785153181293,2.38587337524947,2.92877455821373,3.06679942628161,3.14239596699436,3.06270074181189 +Aftph,4.3889564937739,4.45646299685863,4.58060805054472,4.48845131301161,4.32061774590992,4.38955474542806,4.34516513585574,4.58912770771505,4.56137008742583,4.40856527532633,4.36905215788429,4.49847546429442,4.47575073996224,4.58347705978472,4.61558579965616,4.48960201060578,4.40001802452475,4.45002224317186,4.40463943731986,4.73370453337841,4.57866837928742,4.5459792234932,4.45106778035914,4.45797819727161 +Mtag2,0.957403144051182,0.724776189474043,0.358855255283556,0.179588463155127,1.14594652166456,0.629574909321552,0.944965887924213,0.631599008543481,0.141645107953982,0.348039802515273,0.150009380862445,0.728101725176695,-0.171065806458689,0.521795800172773,-0.166606928271863,0.47944645309349,-0.178794381692177,-0.186723525898523,-0.272061459829912,-1.18734327027848,0.401841823493023,-0.0478440478971164,0.582063008866285,0.422818773104509 +Morn4,2.20076924272328,2.02378937907497,2.11943019591222,2.03786761110472,1.90482692279979,1.98340930648413,1.97542603511154,2.20334730240162,2.08729024246627,2.40854340891619,1.74685850178559,1.95628707349677,2.85692431171968,3.05363086222267,3.10409160166583,3.00940426913058,2.9686924987813,2.89603143716123,3.12281265245866,3.27854331243271,2.93610659208921,3.06934124374752,3.06508589102584,2.98078915373152 +Zfp161,3.1556077699759,2.96508185967038,3.11775026587844,2.97954257931585,3.08278557902756,3.10438186030549,2.94158709924122,3.29078233898051,2.90654860403958,2.88162095516863,3.0370787344951,3.00700082230556,3.77654558580909,3.7271779785975,3.60997726761017,3.67703063227368,3.68634902169443,3.72753396491394,3.6176621089564,4.05757652817714,3.51314939280477,3.6857734592261,3.71186907627483,3.70403616875459 +Catsperg1,-3.23675062191078,-1.29204850176147,-2.98243220788558,-1.78558073772773,-0.919640381050942,-1.1717514325598,-0.944595611975687,-2.82148013092321,-2.45597005096242,-1.66640673009098,-0.977022805931266,-1.52419327876018,-5.2124102451374,-3.91289797010068,-5.2124102451374,-5.2124102451374,-3.64651079204537,-4.58226857291007,-4.55083927746498,-4.56787335412549,-5.2124102451374,-4.63462536809164,-5.2124102451374,-4.13555458074132 +Urgcp,4.30819382399307,4.00539927497906,4.28314390602888,4.2130661407925,3.93614161904238,4.11718746366391,4.07315149113474,4.21284126417791,4.11297955122027,4.1085992142824,3.94244431074691,4.11636637441541,4.41037088982692,4.07540621780921,4.36587169560489,4.16377589981742,4.25724086616078,4.37613696917098,4.45931580810744,4.13450454167449,4.28261320157536,4.21693231350241,4.37140725374997,4.32994303756131 +Orai1,1.21985573930189,0.841037813342806,1.10247772783786,1.02288200817874,1.15039019476329,0.994653353262647,0.438727065790523,0.977939080449442,0.534564690475852,-0.423966133469692,0.45824756958159,0.875455353368746,1.26138404181262,0.800444252931567,1.13108888278562,0.843504437685703,1.27416167441233,1.18494478553749,1.0792760624427,0.816357833082812,1.07680900527319,0.632862270079262,0.794566183270704,0.795435547624895 +Fam109b,-0.209223666492405,0.0568132255289442,0.325895532544143,-0.0785730907339985,-0.711354373140175,-0.0140855052794304,-0.435029205754449,0.303530233174598,-0.494086401832288,-0.009850567712593,-0.766156089584077,-0.451402460441794,-1.6958901470567,-2.16769404709941,-1.82868398360085,-2.32677453405721,-2.16108316437223,-1.86639634291091,-2.6825965509186,-1.29250214600478,-1.80247294940622,-1.25146545041,-1.65537880862312,-3.50296762478911 +Nckap5,-3.47056997392614,-2.82830679923107,-3.30913511025095,-3.3521045446378,-2.59378486870282,-2.71397599726561,-3.02451774259493,-3.32880819660794,-3.85741282127006,-3.99014282536046,-3.01567440981085,-3.16233732633022,-0.453578663783566,-0.200800288083112,-1.54519255540301,-2.33658144447463,-1.94088662710405,-1.54790122583184,-0.0432070550035455,-0.682709172248002,-1.61836385441243,-2.07164342439982,-1.75982115780199,-0.980634536827273 +Lig4,2.11713620212265,1.361784903333,1.94718508098945,1.60060176810958,1.96946206015105,1.85838643480735,1.6420541226151,1.64635811380035,1.53828480074786,1.36560198810973,1.30594116651876,1.58245998896585,2.0471111337531,1.50115821134691,1.71577576001388,1.73192980218086,2.1209516915422,2.1552530299215,1.74209196298694,1.6254334902285,1.46292857125488,1.65738359017149,1.8460922026128,1.92617334614756 +Gal3st1,2.61540294597705,2.59783523914833,2.65066238335411,2.80938613546476,2.48360582256508,2.89078961115099,2.53465219580748,2.65565765390902,2.72336250939607,3.05909240185323,3.00052010709025,2.96590910229186,3.01553886320348,2.74221076533765,2.82456195696543,3.05361620552549,2.87561293338671,3.04300434886762,2.91239509225984,3.04580940308193,3.02896705793997,3.28832142732747,3.06549408099236,2.86559684252089 +Zfp668,0.911539365771393,0.749975159540019,1.03411996792639,0.66379519590759,1.04506620077087,1.31071604306974,1.00189909413374,1.14453384725834,0.898480466284505,0.548378690007692,0.901918448667388,0.994111398110888,0.543247639758979,0.314236716890176,0.337244401936347,0.0196276056619524,1.09211497333343,0.833486335004474,0.97324609814969,-0.168999925512839,-0.0701799608479914,0.305784298270413,0.925132885304604,0.495695283893977 +Trex1,2.15894587118989,2.39029924953397,1.94316366759608,2.27520905135851,2.21316118834065,2.1826272509051,2.2206724906053,1.99506231810572,2.17048377909688,2.34114970090022,2.23388235884456,2.28259241264007,0.873350658594949,1.37271602131887,1.36966662807951,1.34366044403279,1.80245975353763,1.18676812801825,1.56751880922148,1.25800949968353,2.0295032309822,1.78996006498001,1.46366184336749,1.57926987461499 +Zfp646,3.62575709663491,3.7995032388319,3.63231523450507,3.72704649957017,3.78834793585885,3.80202958013753,3.8697016325554,3.81584503374686,3.74419961604023,3.64706918042582,3.80718486270262,3.79633271772183,3.22867020338077,3.53240142881076,3.32199476319515,3.62250608667701,3.65604081921565,3.21199143107059,3.69354346346573,3.19172031911909,3.49628953072969,3.56400505965379,3.70182075926424,3.60031509798759 +C330006D17Rik,2.6642776823785,2.67484186275112,1.6913418925773,3.02793757041677,2.40669213412543,2.94531042862358,2.87832859452666,2.13747905557146,2.18183557062837,2.00496589875636,2.35214862988914,2.44863036348284,2.57146451053961,2.33030340079013,2.11746483359866,1.77657494016171,2.65961363263402,2.4829378001428,2.70160838116706,2.36576025618031,1.96550097007025,1.83095653773181,2.8250629797001,2.26257734742898 +Rpl36al,5.92675201324541,4.9924271967034,5.97423695256377,5.74519698298779,5.27551203802566,5.2912224108641,5.46022615824177,5.69779375678667,5.69924322109665,5.72223054188405,5.37088239187904,5.66650989341485,6.1026742056727,5.37445365294776,5.99283529578219,5.5725759658983,5.55752848799102,5.9204426654647,5.50509380892722,5.65217005037953,5.76247128425991,5.57316872766076,5.6377450744667,5.75697223292698 +Zfp672,3.30622194362565,3.33569939827576,3.33077574906274,3.43508545136135,3.23391135033881,3.19619555591956,3.22487374650597,3.36947166720359,3.27602241281441,3.29957917557406,3.24168424187542,3.3144137987971,3.36694724136552,3.26545535002483,3.03873143933441,3.32718746297431,3.27427120259525,3.5405781557023,3.30694081063509,3.16539230221054,3.36849371033659,3.1913463477305,3.30083704256786,3.14353447980708 +2410015M20Rik,5.73859796378241,5.01067177589025,5.78931990218168,5.66559707088024,5.31067416883885,5.01163925687065,5.22429151306851,5.57133261813768,5.54156535480336,5.62375818733898,5.28497155864126,5.35488504837134,6.3541214048419,5.85214051043992,6.11514593636755,6.05169080169688,5.75357870735859,6.12923250714689,5.63646297771751,6.11604456068892,6.2403929697677,5.97958948462006,5.62873478764024,5.69690537158063 +Zfp280b,2.71835330367655,2.73468270095734,2.85312601853232,2.80414547939265,2.78470343856536,2.79673864299308,2.69781766818007,2.99957097312256,2.86318333395389,2.68126519953505,2.54257375253929,2.61219785584214,2.35135197147773,2.34969501995856,2.40456857026789,2.16999970204519,2.4102020953192,2.51755765149793,2.28706069439447,2.41945615594123,2.3412177448748,2.46220557914931,2.385071116512,2.3918123222391 +Tmsb4x,8.50097714859173,7.43637462466958,8.21646082568144,7.6144239791526,7.39388548141243,7.69262079020157,7.93908041979587,8.15179335032657,8.23550467727318,7.65061176334703,7.50306259878576,7.91889573178732,6.96415704029998,6.49459152839369,6.86659080292855,6.47382726248184,6.14624948302437,6.69079929892806,6.03445017669361,7.06492758445951,6.94127319941311,6.51820491464625,6.1144293795296,6.37183230119873 +Bag5,3.97712847789699,3.5770665603036,3.88824632924879,3.85048035153854,3.54340456363335,3.58887155304321,3.64124335539221,3.6335284735399,3.9262070144191,3.89176938874938,3.5098164432833,3.78021398484126,3.94980429425242,3.77853159867104,4.01260917386718,3.85884955343379,3.97350022093565,3.84368982362805,3.79142999540257,3.76359557943542,3.98559218859368,3.66558167949053,3.81382292699405,3.79638403687104 +Sertad2,0.724958828303127,0.875832942964482,0.625978548996196,0.878311177841965,0.893075496481565,0.80976243614621,0.561198327871062,1.28453808435691,1.36455823192483,0.575987214903364,0.718197271682915,0.675609637017502,0.752662005214068,0.999030293306278,0.834083479476127,0.955100911719486,1.01755095698874,0.693445467698054,0.709190446620032,0.971401278234024,0.749894486224296,0.964809221513846,0.831965597193935,0.94972482225816 +Armcx4,3.40588890689325,3.48158813399329,3.08216805535214,3.2048681532218,3.83969413906999,3.56607954836389,3.52359146694892,3.22068398874573,3.14594720583649,3.33495063461672,3.77355352628117,3.4533755948925,3.31710973505309,3.80761280014122,3.04766178190328,3.70801006117106,4.04945441338993,3.53041138478534,3.9751940142343,3.07269285522509,3.39973159290611,3.79138467234267,4.02598160770167,3.83871400261557 +Arhgap23,2.46126571015346,2.6915064178127,2.57920606185263,2.47034236548863,2.74431921646737,2.80668908270302,2.82641779533402,2.54368402546007,2.60475985673917,2.53471927443515,2.79694543118939,2.61678164176552,1.25153492168103,1.68880533858749,1.20951352296823,1.40322146985494,1.87173083585377,1.60101081147899,2.02781249629391,0.776119771266,1.07003526670386,1.40297998466921,1.98706802473526,1.64496758646755 +Fam161a,0.405040155966648,1.04512694159713,0.9867903902936,1.08960253500423,1.08629565214423,1.05309471153755,0.967353474804022,0.742315150057305,1.09610555686858,1.04570627751759,1.32859391132577,0.97636080925271,0.916172413498506,1.05059716646602,0.533456649412034,1.19992747759365,1.08900898461991,0.970643523902695,1.12561331433931,0.735458703071421,1.30241230830808,1.19541763904487,0.853841578584079,1.02382735063129 +Zbtb12,1.51193070517029,1.79794574476538,2.11680213360446,1.83206741040544,1.70213013829394,1.51763835285803,1.88256111033781,1.80538977737803,1.47082864778091,1.74864583282984,1.93825394473594,1.87805689285124,1.33724058910651,1.3387570013613,1.17753848304657,1.53335405779218,1.38532872195826,1.64998972571367,1.6819329780716,1.11985299292627,1.45039582566041,1.37333988949656,1.51585456863249,1.68522809458258 +Gm9840,4.30135650011331,3.75198943659253,3.61398819016722,4.12807695924291,3.38984106584002,3.43635038689778,3.63873937921064,4.07409887158307,4.16376462978162,3.91328381211236,3.56018986817305,4.07679402303105,4.81477633710857,4.2398912823788,4.3742193286053,4.27698065121195,4.08052446399892,4.26936200465358,3.82226118280053,4.1931005565401,4.55840391010239,4.57732209028168,4.01991587651822,3.88704691442398 +Suox,5.42235089488898,4.92193384371018,5.02420006486492,4.92449045162452,4.89830289126876,4.84759208174767,4.93634438528107,5.06908247160852,5.14198136905401,4.82354330063474,4.88739490675451,4.98204563090164,5.40399891093143,4.98746919119173,5.30720225807237,5.07509090459146,5.13614270123158,5.42042166365651,4.91682232385473,5.33787196424796,5.23446255579568,5.16138429508063,5.12323491895347,4.99266652670577 +Arl4c,1.53650663912379,1.24056774179179,1.54246273562435,1.01365839808236,1.25795391231431,1.03533054795859,1.16454055319684,1.08713052036835,1.59577974888781,1.20543771610817,0.996070748993093,1.13134319605683,-0.0012301207787968,0.0756862591892316,0.0506150106439942,-0.335673220197996,-0.0390429003815345,-0.565157035003145,-0.401690357246386,-0.0388441440333644,0.30823284615198,-0.315873727080605,-0.145820110246492,0.158968980074945 +Rlf,3.16592315215182,3.22089795896691,3.23625499235509,3.25103622872146,3.19241879005556,3.28054255649093,3.24497380677058,3.15876646120707,3.1869205468222,3.13960387828395,3.1381892556039,3.32696697858319,3.53629455801941,3.55904106700078,3.54408926552753,3.57566845628312,3.51548241389091,3.5016792203455,3.28724337582582,3.52627135460227,3.51224395346253,3.51561165745237,3.38311598860575,3.48257271935672 +2810025M15Rik,2.43987977961234,2.79372038415373,3.37838390195,2.82393747245333,2.28267507482808,1.99489084996498,2.25316341921587,2.95974592116962,3.10688232075571,2.66444903836791,2.54505048590451,2.46835960156271,3.42711565701821,2.63281704199628,3.71913886602057,2.89533214823032,2.13771827618535,2.92192814964124,2.72607621007524,3.28067116917126,3.14410730096873,3.38505743022555,2.41332353375714,2.57389376169741 +Mettl21d,2.02853402932655,0.939724243618009,1.75997343487865,1.3333755335264,1.50221486084131,1.45443193861353,1.15991394206818,0.846547062687448,1.69084597171334,1.6476005603694,1.76556547754025,1.76372013635167,1.74189098004526,1.60929566478853,1.34230983828432,1.7159134375578,1.09754259879287,1.76841198660808,0.596839908812467,1.61873461216362,1.07686582056925,1.7090404944184,1.32855169367176,1.05760309497864 +Gm7984,2.76079043278621,2.46403924592954,2.66029558033632,2.49033963696924,1.77171536293308,2.58433631513121,2.05174039368092,3.01777407963474,2.40867622739281,2.82520990451777,2.14623277395416,2.81366895185269,3.57217127898227,3.43810623764878,3.48456558963923,3.10562049476563,2.94259952756819,3.19326690912143,3.27699831286074,2.83548983814946,3.17661482114133,3.13763613551081,3.40578092728699,3.36033469035771 +Rasd1,2.97541228096878,3.16864858521662,2.36539737896752,1.76529313476879,3.21356077180806,3.28655519272362,3.36446662058408,3.11552415959483,4.01487326219131,2.33534797497455,3.02611140520051,3.1811024622896,2.540992544183,3.86175238047651,2.78260907752214,2.88892454125463,3.88795886813958,3.2996156008469,4.43001084949804,3.13116147563816,4.42485035720961,3.13873974317605,3.97501582602604,3.98189251866988 +Tmem17,1.1058159785836,0.952848265559258,1.70728817670481,1.1903513725221,0.891725483044295,1.11519751166554,0.867191135839205,0.865265275139296,0.854662314965159,1.53387099744662,1.08153339903328,0.823797116789694,1.59328564410794,0.998806286991515,1.46837681369669,1.30073657515941,1.38858561514054,1.40010835710227,0.776227636589855,1.61352874904765,1.56244711769236,1.25454263401657,0.772595559805962,1.6568483171023 +Slc35c1,3.03140717955126,2.5903461223712,2.58803954485337,2.57438678962337,3.20241483256445,2.73050809238423,2.51287367200687,2.66386399498873,2.42931178945298,2.42416391812218,2.64597719879137,2.61974100090959,3.19051271118053,2.54812683581334,2.65493642789473,2.53832194535894,3.18860836503494,3.31516285556309,3.33413420169132,2.34470393171609,2.64635050043478,2.356913625218,3.25178886873209,3.00055832925755 +H2afx,3.50842026581425,3.24757626188642,3.55937364035259,3.38150072524625,3.19307518978793,3.16003979913626,3.31688032413316,3.0342875981199,3.71341667322938,3.36565184764494,3.45282414554116,3.19032225387784,3.45532732844996,2.92949516504828,3.61083991708384,3.19441260783978,3.18115500097409,3.29344280383842,3.44709661594062,3.0105964539164,3.54784886124627,3.1426606388136,3.30480491272699,3.10024152392208 +Lrrc4,-1.42044152620047,-2.43307675717031,-2.59211393512971,-2.38197040747631,-2.27573083365515,-1.84611765764331,-1.56744336054217,-2.25913459981191,-2.18446418370907,-2.68186154657839,-2.77218903058281,-2.05778158889935,-1.61167218138886,-1.51347382763232,-0.804884901204741,-0.888064587130215,-1.86726601245107,-1.95470116806514,-2.15068233602653,-0.968841996801956,-0.77438789958692,-1.21029316890031,-2.16582409583021,-2.53626396613322 +Pgrmc2,4.78530752643452,4.52042962008617,4.67112600493482,4.4975403738944,4.35101985785385,4.47689794765628,4.31777624888404,4.77508031540227,4.65893377005213,4.57521424004167,4.28869425434422,4.3812926529056,5.44754757989884,5.09156683405317,5.19826881319983,4.95884906486752,4.93266174870653,5.25165549348579,4.94612060532597,5.30430216940593,5.06001648605659,5.10373703903261,4.96343271401164,5.14110838384265 +Rpp38,3.41585326826149,3.1077760629967,2.90195451037553,3.46434836159294,2.817053048826,2.86076156591775,3.21048076613935,2.95645806398318,3.31331074841951,2.6254129269993,2.9097293138879,3.18096925780498,2.99300852216923,3.05030894389056,2.81377106454458,2.75662621055507,2.89110931016845,3.42258584745349,3.18531889945766,2.83373980540748,3.19775554421405,2.98436471100223,2.94860884366868,2.93465929090126 +Ccdc137,2.49206289910615,2.68333443355518,2.54907500203815,2.80195151903158,2.90663870696655,2.805535733053,2.98754201537516,2.4159619051108,2.60156676503073,2.55190676702093,2.88268218908038,2.86899303000564,2.30345880391282,2.33960638265175,1.90733736522059,2.54561233257964,2.68861137468521,1.91790606089798,2.69637877998331,2.04087038060192,2.4784665088115,2.47136823205373,2.74710732172865,2.62815268568126 +Mrps16,5.05268962038239,4.29530383300919,4.83931107193268,4.91815771294775,4.47550815475058,4.50019301780286,4.76415151490061,4.97634527941057,4.90860009668024,4.60757779490224,4.60046737433075,4.64556752308895,5.31641416848014,4.86554040177957,5.18080061651284,5.11657517865509,4.93913835572157,5.04099165118266,4.98864977368588,4.96937911965876,5.00989062641491,4.93816108994919,4.84716656315108,4.84605715088106 +Plekhf2,2.32992784201725,2.31360120167891,2.54551793273472,2.30015163079997,2.04038013329047,2.13959801537707,1.94048814035553,2.24654091986825,2.65045436391225,1.99311367741157,2.08156677956273,2.20260414895875,2.24965410749449,2.38159680769008,2.54495068539176,2.34863747838075,1.78818907756258,2.13026684973498,1.72476572978439,2.82721395136973,2.38467290714283,2.37993805908696,1.97164847717337,2.06504483888692 +Glt1d1,1.75662919003042,1.88647485823264,1.84599609169535,2.09868675483057,2.11643774135187,1.89016385185785,2.22630973381975,1.41606211070466,1.78363568231269,2.00209101131843,2.00043809976489,1.87187304550359,3.01384154804208,3.2668147672151,2.7513068658186,3.17132959087395,3.34105015567895,2.91164814031976,3.1694591802439,2.68841708140363,3.04055367771897,3.22576920158174,3.01973624405083,3.17962724570849 +Ankrd55,-2.63062035195651,-1.37576766288115,-0.798644524721563,-1.87075526506127,-3.00056811977508,-1.94183881003165,-1.4073354923178,-0.813682822372593,-1.26221602978119,-1.48962854908098,-2.78365709044874,-2.35603624330615,-2.84635707767376,-4.26058648090144,-3.68019407702092,-4.26058648090144,-4.26058648090144,-4.26058648090144,-4.26058648090144,-3.61604958988953,-4.26058648090144,-4.26058648090144,-4.26058648090144,-4.26058648090144 +Ppp1r3d,-1.69361089889828,-0.54688200076687,-1.68571657180199,-1.18938917436132,-1.25278834505245,-2.48706467069274,-1.95811996325523,-1.14275884790309,-0.929672744588619,-0.937215125352068,-2.84430761981209,-1.71439418960058,1.82012225863445,2.36110254908024,2.60350343587127,2.36447850303026,1.879672628243,2.19989263611433,1.95295620373935,2.5351921693409,2.36725247687817,2.55305601147509,1.66075099779536,2.00884855840293 +Idnk,3.13143561809623,2.77104272050824,3.22728784110547,3.25145680512986,2.8470751042919,3.1371990771538,3.31689168121,3.10987685249605,3.18260524851806,3.1508873112214,2.9572494639111,3.13533691203338,3.3210326196111,3.11460571017958,3.18939614380128,3.25033373906388,2.37265420791899,3.19502084434198,3.11617028710315,3.20103212310515,3.14926877896273,3.27911742666516,3.19186022072748,2.71337381320424 +Pitpnb,3.5048740030102,3.23668861209089,3.31029583237419,3.10256637328621,4.1052756393976,4.08830132710479,3.4221873174829,3.86440497888496,3.34029456987535,3.16459745903068,3.92774173652475,3.47590790535859,3.88176951911087,3.7653914738679,3.87051670716735,3.44898576986625,4.33215986833938,4.12132689501456,4.31002848249102,3.82408584398563,3.50969056810836,3.44191552783637,4.18368387299986,3.826263033205 +Rap2c,1.83758314754847,2.19760537684473,1.87707219186173,1.80752385089274,2.09309796557229,1.94843473053164,1.74796311001126,1.95860139819391,1.90092508662938,1.90014992759479,1.87871165750472,1.88558332697753,1.86801698095172,1.89473639355362,1.77654883767434,1.73623614910605,1.61751194607963,1.77498929921963,1.75549699671219,1.98208543297431,1.58633949953402,1.6741751869964,1.89790017029556,1.58910570400308 +Fhl4,-1.29047457345173,-0.0431498619541988,0.200409400285571,-0.599085955826529,-0.480336790530713,-1.32207176162477,-0.437423249787845,-0.21165268381822,-0.180921606458062,-0.815415703597481,-0.921773189446201,-1.42326747673743,-1.66376801896666,-0.419869592422336,-1.33006243438462,-1.52425642995284,-0.555965954032684,-0.662545180798013,-1.61127015638401,-1.47296239371463,-0.85488063228359,-0.549670639285991,-1.05216119976445,-1.33524492349458 +Tmx2,3.70917469979943,3.34446216257677,3.66543397149513,3.49552022410841,3.3067487278805,3.36506922627786,3.18967997098802,3.66830376757876,3.63247778515492,3.4336722050047,3.42045969655227,3.26225029011961,4.20439448441176,3.63124786449809,4.1174336659186,3.68584049515144,3.75155505193369,3.93455764207487,3.40006418154719,3.98636228178517,3.98166647142764,3.50268959638639,3.60554204037543,3.62968887599345 +2610019F03Rik,1.87648744400018,1.65790612047593,1.6584858776415,1.59028101615583,1.34759480440411,1.50323626175582,1.46806684260282,1.63058168957967,1.69010445418415,1.61275507291231,1.46157336515473,1.31242689056604,1.51570923340284,1.47018131161966,1.45993216534449,1.42307569922007,1.15709080503847,1.31430693137651,1.07353246329517,1.59647716259962,1.43420974307216,1.29641540681272,1.28268315317509,1.05755862276146 +Zfp697,0.193091316158243,0.0966296635801207,0.151823879977628,0.189844872693611,0.169059519761952,0.197270817456891,-0.0577614357258511,0.436410234197417,0.186740405909648,0.18341488609745,0.299749772723921,0.274781098735959,0.941537089853091,0.833521128624787,0.971134326004486,0.932543640813513,1.47089468101762,1.16775833220966,1.46304149679891,1.22060623909459,0.812529182606228,1.06930347733364,1.28885716694333,1.23786092169327 +Grem2,0.162004492298631,0.0992141239341846,0.266414785287328,-0.0993525592920705,0.698240974580112,0.511151314499531,-0.561786348040387,0.459894670895067,-0.529013849872889,1.24657742729476,0.702656985730391,0.364765798343675,-1.55475435390571,-0.172476540562846,-0.421196756283598,-0.316680220005569,0.229754838638175,-0.978982359104328,-1.49701922741248,-0.585153851880813,-0.29440039055289,-0.199272604974577,-0.653647364082136,-1.43817462893268 +Bex1,5.02388245781314,4.82926836164633,5.65073740942628,5.45895638420896,4.62266882805386,4.63228708011736,4.88548965561285,4.98491806284616,5.32224003043111,5.3938443659304,4.69635652360603,4.77593418667872,4.74815332602874,4.84312708444612,4.89025406183066,4.8369574103061,4.37522436542213,4.54517704864558,4.49458531010836,5.08647259264838,5.07367950309993,4.77788826508649,4.48228216327655,4.69352554184274 +Rspry1,2.54037528196154,2.32706949396139,2.16040335948328,2.61022611961575,2.56837505402966,2.58393132655666,2.6959443725219,2.41421312581536,2.42591068728987,2.50502004321037,2.57180495469149,2.58168017692491,2.59666046637928,2.37698492325437,2.54853992571374,2.63584436845531,2.60230154852537,2.60927389588775,2.56889856835184,2.60961832718742,2.4855399555813,2.6510317998266,2.43619730756816,2.67761597801571 +1600012H06Rik,2.06003501053409,1.94771701361056,1.88631435259453,1.88221269090383,1.61348157298784,1.56515015242198,1.51172561332275,1.90051646235173,1.8759584686957,2.02378290321984,1.54216281340055,1.51454026995929,2.38690936092621,2.02431773547524,2.17534237893673,2.08911154503008,2.05515121322495,2.1968026108676,1.83511703435111,2.31867154755297,2.2320917484517,2.05777867903974,1.67809974079013,1.93757049959513 +Sarm1,1.86453588856283,1.96861195036318,1.7452213833765,1.81119938071717,2.18132198243253,2.05465625706154,1.95618799235913,2.03376848098272,1.76117239056673,1.49598852624289,1.91263914824558,1.84472153961385,1.43394048686355,1.46617087930294,1.62396319006474,1.50423596228843,1.39351888573045,1.5043548770241,1.91674521527428,1.41319104208239,1.672295752323,1.97600741300327,1.76812179875328,1.43306521549635 +Kcnk12,2.80896699522127,2.87675793418053,3.00921546499909,3.02810320102114,2.72189129870179,2.85151387772589,3.03470585410986,2.81195835365457,2.76488450801556,2.8529936157892,2.87114190763307,2.54759042847508,2.06121761707861,2.37659281197305,2.84187317429272,2.51642228248411,1.72377424468846,1.64548586728016,2.12751485948718,2.45389445267152,2.64671581031115,2.54688186184869,1.96291400268949,1.87540885211804 +Slc25a44,4.50939640453357,4.47790341518416,4.51263425573619,4.52819930281151,4.20875056131948,4.25079770075989,4.21637877321565,4.40372010166738,4.52229213982855,4.41876705114725,4.15037083219772,4.27838804514705,5.38665071104695,5.1205893587903,5.45192282184174,5.40701885632015,5.20437323760371,5.39836626617267,5.2417036304212,5.35579223644007,5.40524903366076,5.44226901843033,5.33050095323411,5.31645834803857 +Ubqln2,5.49334048768048,5.36247122744863,5.7641421176619,5.26126402510689,5.97442222152472,6.12445533668492,5.36984244350618,6.30916729988102,5.48439832763395,5.54872135727785,5.77148888364427,5.49832609119985,4.59325555552077,4.71680777126887,4.8231044230755,4.75800515564279,5.44039883403599,5.01342081276463,5.27385585908069,4.62791496718128,4.69068007790193,4.85335496110023,5.3959655605335,4.88159268553157 +Nudt6,0.501496744127898,0.50795383441112,0.391240470035592,0.298082636281856,0.477107017203543,0.732961217734749,0.48905948800093,-0.0572529300157364,0.476757002556787,0.697181504735015,0.634060577103316,-0.182692055342114,0.233944595141408,0.418609699637398,0.440307732759191,0.221595029529538,0.809429750039715,-0.375337940183333,0.715862560319618,-0.341176118350803,0.268336051074918,0.664159328500783,0.764777254526905,0.711548353790583 +Lsm10,3.24161290093289,3.0369746767846,3.55352366603416,3.33569610250323,3.25009853265396,3.16231788258429,2.83687052482704,3.39557518475846,3.49039384642083,3.14111884640924,3.11632554806689,3.35191494473627,3.39441701193935,3.55671889081311,3.41021097918647,3.34916916716073,3.38163268224881,3.09937811977026,3.22205648265604,3.99074001427511,3.62458062446538,3.6561665220214,3.16221019556187,3.13616830888875 +Eif5a2,2.56541851593404,2.41630132844313,2.59489664365022,2.21769709310731,1.85197701206182,2.22791697106711,2.19719107431124,2.4832927926141,2.56616469365007,2.5246293873515,1.91023585727195,2.11616822434472,3.08733818579472,2.63919964533418,3.19705915378947,2.95960794675929,2.39901576567549,3.07554601610315,2.33016390078358,3.15532403449151,3.0348458087971,3.12714889229032,2.16275081513902,2.60220762724569 +Lgr4,3.29116762850599,3.57178284624917,3.787721447322,3.42612943395827,3.23717955452144,3.23011411536622,3.20001370352224,3.78244720071967,3.74150255424951,3.55505629433218,3.12659358308958,3.33285131769427,2.79016316044411,3.1966549178018,3.18183000692823,3.28050503055975,2.82472411467664,3.03610661488843,2.50359258992684,3.56370947203015,2.8252145436163,3.14503970118278,2.77368674495991,2.96904077190086 +Fam176b,3.6947036971313,3.86691495328573,3.93221591336571,4.24879474051931,3.77674700050742,3.7377950820193,4.09344237070708,3.42418184833442,3.88462999868653,4.14652442197105,3.92197690743451,3.9877290138651,3.7131856552482,4.33367260347442,4.18306735079932,4.46430139598156,3.85712366445304,3.7303725635805,4.28645713286861,3.75840113843255,4.51053153874421,4.54519361696568,3.83521720365797,3.61748339700569 +Snip1,3.56898575138398,3.41718202259537,3.59493091822936,3.7188072175055,3.26617972201221,3.27968937906742,3.48007629820136,3.26967776146302,3.55027889915452,3.31660464876259,3.25558446650686,3.35518366045376,3.63779112556058,3.430065313295,3.52507117134388,3.61674895763559,3.51520534231085,3.59269664680954,3.31699612857802,3.39343087556407,3.69511303444074,3.43537105876624,3.57870478943058,3.51316071353313 +Il17d,0.643195922215532,-0.0602680437010152,-0.126937026165408,0.886877440215946,0.578563809633235,0.253970768758311,-0.284664617490262,0.0860348343960378,-0.0802742440691548,0.634212875917463,0.0174346717296515,0.325019301491311,0.879859449773278,0.125750618056122,0.922885682168556,0.444767488568248,0.133324650828781,-0.08157509295297,0.238021088066033,0.674155195413979,0.689563486472959,0.418910794881499,0.0766153418230642,0.482450402342719 +Pigm,2.28814591007062,2.36478241953446,2.28668588442536,2.40385470086789,2.27964734995924,2.14079772213725,2.22280336896538,2.1024055401302,2.18950443456101,2.27606844213552,2.16884622167459,2.23789301491572,2.45341333386343,2.02546091702546,2.30842988639855,2.04579073729263,1.96144714216352,2.43429666281033,2.04936869695894,2.13716296069221,2.19680884808908,1.94965394825623,2.06144567455929,2.16661394932983 +Hic2,1.06136829419759,1.31557303205877,1.41479731555469,1.25100393057888,1.31885167447655,1.35206955599461,1.39513936022075,1.15815684412518,1.30438898727547,1.45910317611963,1.05042384809663,1.19454587219501,1.23483838446601,1.24044229370509,0.851946091394725,1.02563698065114,1.49565074985092,1.2955913442881,1.57221634610682,0.961093726384953,0.896034328547915,1.05456197147945,1.28027464094723,0.875201706870279 +Gm5446,2.17574317495706,2.07602227688837,1.38269977774488,1.81392686845293,2.38346689241181,2.68812117839027,2.32019006181774,1.61442091680204,1.85650366178933,1.75938792782942,2.12061465879669,2.11777822424375,2.03953342883644,1.81455203304641,1.22713247317039,2.20822432716767,2.71877539401184,2.60926357995751,2.15115993903251,2.01008658119077,1.70949014405009,1.49532075327114,2.66442730260957,2.08631416670586 +Heatr1,2.77669990681455,2.46001041324452,2.35941169902821,2.43172455094252,2.72657169363931,2.61949002029412,2.67101212965344,2.25143712450488,2.55617760374241,2.28854197178651,2.75975726241175,2.62519878777462,2.9899683041202,2.52195366461891,2.78354442406726,2.58416105789107,3.06627847109817,3.01515235952227,2.78417081708815,2.6283743053465,2.44070671883303,2.31783874494719,2.94594889104908,3.07922776459088 +Tmem220,0.12922838270419,-0.129121093794259,0.725706324422164,-0.397017521829844,-0.861617816238075,-0.196949985616884,-0.423202327904381,0.282719304705312,0.168025041268984,-0.812408457818308,-1.05732194091477,-0.745411689525116,0.283099738514675,0.619752805729058,0.209160648598156,0.521369743212094,0.33297881785456,-0.179605383715324,-0.0022020407131708,0.642820999486,0.440523070598033,0.58008027442099,-0.616154186925548,-0.272192864949162 +D8Ertd82e,-2.27227011305084,-1.79464371932291,-2.30854795224068,-2.19851715158658,-2.02128682950862,-2.0440289804775,-2.17090349380914,-2.79112083334209,-1.88798393976419,-4.06861320378033,-1.8720741886391,-1.88683308799483,-4.98837845212646,-2.75094736971321,-4.31165519050712,-4.09677129252706,-4.05944720590422,-4.22308785903285,-2.52715389458799,-3.92359818495134,-3.61107473672527,-3.64154682244396,-3.43182783162788,-3.70941128573241 +Dscam,-0.956448735077053,-0.167817406783183,-0.768371396860045,0.0392473268855102,1.08803864196558,1.20388487032223,0.399128230775924,-0.491125887402757,-0.922522215657507,-0.139345967834242,0.788356930870266,0.605462327881946,-2.33044165151502,-2.13132578965316,-2.27994419606945,-2.5334727459053,-1.1250726064076,-2.06381437975981,-0.812099681321332,-3.3357848039856,-3.08319386442719,-1.70277921361156,-1.11008141996604,-2.04747033863804 +Gm9843,7.63470406164778,7.1568011747058,8.01662063409255,7.70963258754738,7.48260360268046,7.47018287743459,7.24641464732336,7.67364262505458,7.7206314487468,7.78183033476027,7.51338939405613,7.56201701302295,7.0347235362078,6.89343910105956,7.48527429396606,7.03776302847571,6.81282032428961,7.13542847402603,6.57266225910254,7.29431482000425,7.31493014867292,7.11726500347271,6.7233355954503,6.69817080164284 +Rictor,3.52049141086701,3.93036788727801,3.60349626104937,3.84688139384734,3.79184174718158,3.75997843573416,3.76529647998899,3.73541721371292,3.63795856718937,3.64629626119646,3.7673900953866,3.81369438616203,3.04366609802847,3.38217178015208,3.17411509734373,3.31453758956365,3.37116011527695,3.14515489130195,3.14351187643131,3.16089736043506,3.16312028911542,3.26688132503816,3.35824796811026,3.38614438509474 +Nsun3,0.966146880397313,1.40015055439213,1.46873274270283,1.13724559982298,0.694832062024812,1.06729342593493,0.466963682608964,1.88738384548275,1.25300353451637,0.852700820999713,0.701249199406708,0.945057173797343,1.86843487356672,1.62830356113264,1.90404206237757,1.23316990810243,0.850495245392828,1.65023203629189,1.04417323502977,2.07998485906168,1.72043418990542,1.33814087697383,0.859769197111397,1.4489796210813 +Synpo2,-3.61887234511412,-3.69268490903542,-2.82887744168619,-4.41038618677974,-2.10525735460205,-2.89745637430944,-2.82662624959255,-3.33954724549959,-4.19130031448633,-2.82357403652029,-3.90324541366456,-3.37464721881333,-0.566038191912081,-1.82201740262179,-0.852886667316589,-2.30223545266692,-0.64502230176983,-0.883313475181199,-1.43487696625836,-1.03813344934094,-1.93318842154329,-1.40554138494696,-1.17337676340769,-1.70040106277206 +Ndufaf6,1.73410706202129,1.11777169974723,1.36020512754653,1.77905692735195,1.59220823404958,1.28455467901865,1.43743304583067,1.38412970967193,1.23923045243429,1.46384696687554,1.3080880206418,1.67089358349495,2.33782590704409,2.42689225950808,2.4292491286748,2.80510900203162,2.2370753297202,2.78436308387243,2.45279661985753,2.30745150376893,2.67453231492602,2.31311842574902,2.09113260297049,2.31178956375001 +Fam123b,1.17575520237604,1.66823216231215,1.48590350485322,1.46583267162979,1.47029846277789,1.47267403451895,1.44017049261469,1.81688913202937,1.82224166641901,1.42847205581468,1.63564122292131,1.28842355634896,0.386234413196958,1.15848644954837,0.851108209297482,0.533778266326864,0.898504023749028,0.861482303003407,0.844218121488138,0.950277789691633,0.570508481676041,0.507790464168177,0.876309210795087,0.879573595642081 +Gm9844,2.23608846724723,1.50848108931077,2.24501152175913,1.32187163351326,1.43370714854343,1.17180901605189,2.05645752788881,1.54985601099706,1.78639773006133,1.26521922144359,1.57210758823046,1.07061330093922,1.29951512404488,0.496259835174643,1.02656562856107,-0.110173031851573,0.694166447789688,1.28352914313617,0.449945941158945,1.02091838396203,1.19062419998383,0.286201550337172,0.0557931490325725,0.12930570155926 +Rltpr,-1.2053400480378,0.0419846634597383,-0.301921226125062,-0.513951430412592,-0.26485101324098,0.0036533083021079,0.6355690579478,-0.446721972155336,-0.694745615799573,-0.272317109021925,0.280893845952864,-0.111079607408943,-1.10923112821784,-0.267785180569185,0.248217611136442,-0.598874527605328,-0.259742443943821,-0.772326645513705,0.975670996332622,-1.56237479753609,-0.588877319706849,-0.464536113872054,0.827669980012629,-0.164592374781076 +Snx21,2.80648080975972,3.05349943443849,3.24540916531112,2.87582469504731,2.82653169995959,2.81412658549719,2.8585788959885,3.12401394010439,3.01983808880878,2.99634067305794,2.95452722462162,2.91778222046396,2.29856918635313,2.35599263331742,2.21319810342122,2.51549051872003,2.33071213451669,2.21140214181931,2.2695690412946,2.20888168677768,2.33128276056256,2.36051111786003,2.41765822739542,2.28431934217537 +Sept6,-0.592269703384013,-0.547054349904211,-0.216215220663187,-0.668063042313792,-0.260744252873183,-0.34816288868386,-0.420469921857993,-0.618632522504404,-0.371787518310584,-0.281498586766395,-0.469641053151525,-0.348901763429389,-2.00443992991718,-2.30783290629493,-2.03500651397097,-1.71651755710697,-1.69309384687324,-2.15441414376241,-2.38420979681128,-2.51478958138405,-2.00487035940889,-1.82837086541233,-2.24648698185724,-1.88396406627148 +C77080,2.38796742929131,2.7823563969115,2.57865192538304,2.3895908948843,3.06370711063484,3.12286486652534,2.71619732181153,3.10831060162659,2.62386536117716,2.52714137045907,3.03288115355418,2.71663620598024,3.21434691126475,3.35567276515573,3.49076764180636,3.41859815657979,3.81271517165034,3.68202775223789,4.03549704272122,3.38453155228872,3.10908068654286,3.18911870245504,3.945959425368,3.75729926208419 +Armcx6,2.46545773940849,2.35415965009935,2.55021840915967,2.43911869318245,2.01642430917208,2.07574746954993,2.15857443648063,2.14892130835267,2.60069038941212,2.53070506776472,2.02051623994234,2.34768185102017,2.02701361978462,1.93182425527708,1.61513947340304,2.20267675425025,1.65433157203134,1.60246762462273,2.35995253860412,1.74023651366803,1.57207618950854,1.72989369222826,1.87793823818694,2.1998190861911 +Tcf19,1.23347287412282,1.32207173690222,1.43325778746108,1.30518624798479,1.51161032079705,1.19362222069562,1.19218280586114,1.45210342902402,1.36689698154966,1.97315848884779,1.10721661873476,1.29656352568929,1.75803668536112,1.69952054781441,1.25139751190532,1.36703480493127,1.30122322046237,1.05867725362203,1.22214393137879,1.17757795911658,2.26659939666817,1.56560328512308,0.833483409067872,1.30550859944851 +Fbxo46,2.88151418977611,3.27202775980892,3.22639836970395,3.15442833528323,2.77078646570574,2.77918158237744,2.93506511271083,3.35459703120225,3.17513683325113,3.17930746942211,2.94380611545927,3.26690086551853,2.57435336942843,2.78580401608277,2.65009216963831,2.75143325072395,2.92609392698829,3.01755320054841,2.8279782270542,2.75863008269974,2.89969097853988,2.76840877378893,2.872549927616,2.75983418014953 +Fam118b,0.891397653967192,0.443194174838516,0.885615858650459,0.577256164751395,1.09927404168385,1.0101471238407,0.967060603031057,0.242752145066689,0.370935371523588,0.715968362377793,0.660866082353956,0.795198522172833,1.51813124370854,1.37511769617554,1.3201693478346,1.47803387806455,1.51361524708261,1.45469339571142,1.44755170277311,1.13784010389809,1.47282818362978,1.29435105509859,1.46738135850452,1.45463633947681 +Slc35d3,2.41024687892829,2.86783319703593,2.16502609259614,2.41046989012744,2.37920758335644,2.54392953466625,2.73317002439692,2.76811798739727,2.63050535442819,2.52398940189901,2.61210492034339,2.40247913338775,3.96388715679998,4.11056015166622,3.6691925586423,3.65365596336705,3.42503428102653,3.34035593293777,3.61607435820728,4.13963784789079,3.56216121598538,3.57129602581256,3.26845817811456,3.69677810526492 +Gm8394,3.03033153681251,2.33715752081359,2.93395718117379,2.76402646529164,2.53913948643001,2.16519165658437,2.65844109908348,2.85650789649069,3.06321935418764,3.15981472440124,2.63691565881588,2.60733711034436,2.60984314570278,2.58015843757002,2.52917655423113,2.61179606454542,2.1084776959478,2.45062876978523,2.08677248201245,2.48945400280579,2.68214105728076,2.54664743618473,1.82552035550786,2.46826867718476 +Fbxl22,-1.84999846727167,-1.54492358218582,-2.47517619602181,-1.94794327031352,-1.34230092097662,-1.34125343470036,-1.75738407498947,-2.80838018428464,-1.87217395583666,-2.04978813885056,-1.77589105536225,-1.20446667168634,-1.50881073640034,-3.76522219621341,-3.34463507175064,-2.28755834107765,-1.90177378162486,-2.66382560945804,-1.56841714446122,-2.63602601210878,-3.74645147222883,-2.76720312115942,-2.31501668622567,-2.22397373826081 +Fam171a1,3.13748705990599,2.88319540598903,3.15994484137236,2.89138132977622,2.98314239892376,3.06085280659627,2.67586503786177,3.22376612075271,3.01415383036862,2.76702430651228,2.79885339323783,2.86322390343759,3.4415802667549,3.54536033037206,3.47367978703564,3.51601032924034,3.69000749385584,3.60137894748244,3.45993328347563,3.58334057429213,3.40414410302688,3.60024277236685,3.66728606678591,3.58499403764676 +Gm9845,1.06076641700814,1.41700438765801,1.37644484116782,1.47297387262301,1.32842414508815,0.884312299353139,1.51551249956989,1.64505577293694,1.74023258001954,1.38786089409621,1.20956448292307,1.47479585422417,2.01232125425441,1.53545346528148,1.25680692418069,1.15472647180899,1.48852486613933,2.32963917641282,1.44488439510223,0.586869291382975,1.74465464163741,0.681496527569558,1.96049984399455,1.74308404045568 +B230217C12Rik,2.25049772866368,2.55049345889325,2.746733697841,2.21025551284065,1.77402973354924,2.11190010851557,1.89660695422443,2.8773258228216,2.33214584411762,2.24067690809525,1.78280525979688,2.40783952298362,2.20333639242508,2.38302206933204,2.62707903740509,2.34783573629202,1.88246834382446,2.35813516088994,1.84316672935844,2.74731459086631,2.66956492369754,2.49100999165711,1.94003634782495,2.07386043509056 +A830093I24Rik,-1.87103903473824,-0.939908668327407,-0.675949287792837,-1.03195150178183,-0.334548043912589,-0.674398370112585,-1.22484227580021,-1.36321019834819,-1.07060049001195,-0.860585814703574,-0.390192723147854,-0.716387538892522,-2.30558371889765,-1.11834870526536,-1.54455983659927,-2.17990310178661,-1.20994929297338,-1.89301455067845,-0.89455523014014,-1.14563071373418,-1.39193648257418,-1.55099834203515,-1.96999019462039,-1.40960175712418 +5730508B09Rik,-0.020138017648165,0.297385999781656,0.419756680266489,-0.0048675940526504,-0.0467117107363203,0.124205487882679,-0.27427955716519,-0.937301544963786,-0.376329777383521,-0.271227344092932,-0.375276553437493,-0.344446308075532,0.852772633157071,0.829684108678225,0.589022116321989,-0.177581057711818,-0.0672575553063812,0.780056140222327,0.477919402253621,1.29052778971281,0.619158270884071,0.330566330470805,0.740746693766622,0.797089372889437 +Gm11868,1.19109526855266,1.53325934419743,0.846382411044353,1.37215087229805,1.40154023115053,0.878605583974043,1.03173940515478,0.24778980929785,1.97152197333901,0.736147433798694,1.74871990294746,1.62391538174828,1.38760553233497,2.08293396823386,1.78963078744975,2.34921057613936,2.42199051466599,1.40908878243821,1.53075987482061,2.14823911318377,2.32225621641487,1.91203464534653,2.01109946644654,2.12690542286712 +0910001L09Rik,4.47792854283828,3.94607258302839,4.73836196515522,4.46801053827571,4.12749621501624,4.14222866459039,4.27270384960637,4.42444307360323,4.35362395643427,4.46049493317588,3.95537001106115,4.21371449454109,4.75410952377461,4.52728291614645,4.72194984981214,4.50640283293437,4.15106288548385,4.51820323591876,4.22112663354449,4.66808613293065,4.86653413947496,4.48650656696098,4.31122777494291,4.17513075483617 +Hyls1,0.243367646376476,0.604325330567115,0.337876037945485,0.425596030254861,0.371787934038865,0.130116566080845,0.50075280853851,0.241990076459582,0.652014356185788,0.450020284504297,0.464464199100771,0.467733925067296,0.257408415139496,0.364187676051635,-0.452877805419331,0.311361095767941,-0.369899835081351,0.11911167541947,-0.101494745606066,0.254745519041252,0.196788865912598,0.11300907515542,0.140562242305969,-0.107318236572936 +Kcnb1,3.85466939878192,4.0862140659538,4.03487212116573,3.97967172268435,4.18025349453584,4.26934673056789,4.09423009366779,4.28733007602668,4.04659263772286,3.99313597117864,4.23967825135857,3.92826707622613,4.05682342259674,4.31229265082475,4.23816970260399,4.24788589180589,4.3833767814302,4.16287678899741,4.4313191532419,4.10917964124581,3.94433458082988,4.25172287213559,4.41974828311181,4.35755394788675 +Tor1aip2,4.41169107547738,4.21100443571099,4.52735928785056,4.35797881806088,4.05372267622298,4.03189206321437,4.01860527807729,4.35402028042678,4.4357980428284,4.26285795977663,4.05405727474007,4.13943591228263,4.52199600148887,4.4200798473631,4.78077524847858,4.63158300213177,4.26281225410126,4.41115539743388,4.22615280082434,4.36522506430371,4.76168298982096,4.69820316112334,4.20964528715611,4.26828516945957 +Maml1,2.25123263831871,2.02000608508205,2.23265299208633,1.99256997876206,2.49772409924315,2.65117435836219,2.16239416628979,2.20443815206703,2.13677493667857,2.07926466423593,2.35192156404756,2.07698399496698,1.29028858752318,1.62489475464051,1.42377953892431,1.50646083800446,1.93880495454681,1.56746780272582,1.95976468853085,1.32106380499586,1.3379646388693,1.50247702978845,1.96321433405671,1.68740603398796 +Lrrc4c,-2.53224766065023,-2.42593697651701,-1.74172957299365,-2.08890560583859,-2.78486866511455,-2.5932636314614,-2.92058774089554,-2.56298486219003,-2.39884023672394,-3.42900752039649,-3.705924133168,-3.4926604502489,-5.39721068784419,-4.82465839790391,-4.81681828396367,-4.69381223592579,-5.39721068784419,-5.39721068784419,-5.39721068784419,-5.39721068784419,-5.39721068784419,-4.81942581079843,-4.80208926380014,-4.32035502344811 +Zfp61,2.28017823416272,2.73425057609619,1.95793900890488,2.69043780253357,2.77845310302439,2.41826795930539,2.8077425797283,1.93686707416844,2.45715444259072,2.74849787150244,2.70170336154413,2.63924896585756,2.25671326745588,2.55068382313313,2.05584617829352,2.67814354154753,2.51103292856497,2.19921640160191,2.85807992174219,1.78365984916425,2.6601461764661,2.46789597275233,2.6713120942351,2.49200821353825 +Minos1,3.97217998218193,3.46963144857315,3.51385074062153,3.46602744038674,3.93690685240269,3.76302170174152,3.63835991554464,3.68324955133139,3.54499825228987,3.57142623005307,3.81368125791304,3.69736883645854,4.10220700447968,3.88495304127332,3.82243803418084,3.64806671823138,3.78609919104248,4.09938701100666,3.75448574142818,4.09004230380705,3.64911039863604,3.87717039630207,3.90481256723444,3.82762382201587 +Zscan29,1.90113019400452,2.31255437494474,1.944485423891,2.26096076713554,2.39653171371565,2.13271521425911,2.25760654383946,1.97530059611555,1.89176103487252,2.12956338930059,2.18709403095764,2.31262327110128,1.72100675094361,1.95919285337819,1.25895200583439,2.00656918457246,2.14767978048301,1.86393130221264,2.15864667168949,1.62523914742636,2.02514112042948,1.89427428819916,1.94060781609014,1.97345567552498 +Gm9846,7.72270821601614,7.13833006475863,8.12377145309297,8.03716364539599,7.44830943996487,7.34917410633869,7.13753535809759,7.85328554059654,7.96870315197172,8.05517263140685,7.45855101054744,7.81722142000041,7.16100104250655,6.90825358782065,7.53238484671102,7.17710572117397,6.47964991202501,7.07655349378459,6.31455014735667,7.48868537827442,7.27845151578824,7.21084650534675,6.33453606392489,6.65255647809865 +Gpd1l,2.895746932395,2.77393405907969,2.85073600810594,2.66942078135124,2.56993347914701,2.64821254835938,2.72100227309552,2.76548664436781,2.87506816947003,2.47151778803298,2.59388582172415,2.51985974783823,3.53225943541747,2.99870210242318,3.23219948872102,3.006159847985,3.10210018342893,3.34445915367315,3.25710618009187,3.35752946296692,3.01395989349588,3.01790747703609,3.01123267398772,3.10551137229632 +Fam100b,1.86387559122382,2.08437904579618,1.98004130760844,2.05911355752141,1.75515858610655,1.26733330865902,1.3217437400902,1.91902582022242,2.20769430132852,1.88894886449172,1.56508763701945,1.60005855801097,1.4886378105354,2.05284181640002,2.13909671251338,1.86347420220494,1.35344780922909,1.703905861289,1.44022497097576,2.2562337920957,2.04158096187595,2.04658665150629,1.66692440328869,2.05080718237626 +Tmem150c,0.949409099294679,1.13081061603876,1.16637786447672,0.525852521803117,0.691771320940972,0.681185136433289,0.844919933728671,0.497580805290009,0.693646355017452,0.53838352699326,0.70089794035531,0.812920158695475,2.6095080660655,2.74258054002833,2.6066956537458,2.38438212562795,2.30345461058425,2.66959464412773,2.54945074243535,2.48252792804868,2.76896623541142,2.66985999125751,2.13493556868369,2.44415060418249 +Ccdc75,2.72073426965549,2.8509152408843,2.60505005837205,2.7165995474906,2.31061119967196,2.40414892216176,2.5690660741674,2.46267859262594,2.56504868911909,2.63517091672151,2.28165014318956,2.61602091132113,2.37639080942727,2.25961078239863,1.85908870177804,2.58213204496841,2.09509419831978,1.86856776040004,2.18596928569633,1.86766921096708,2.39507140850344,2.34834152453671,2.18380212699254,2.41778102578078 +Ism2,-1.76426285044803,-0.609883280097572,-0.866524892334392,-1.35009125783449,-1.65077292249254,-1.74290391565126,-0.886671485091015,-2.21052817180561,-0.741552022554411,0.220220766299575,-1.07301375119876,-2.49384229569193,-3.73992247367466,-3.73992247367466,-3.73992247367466,-3.73992247367466,-3.73992247367466,-3.73992247367466,-3.07835150600224,-3.73992247367466,-3.1485994597498,-3.73992247367466,-3.73992247367466,-3.73992247367466 +Ccdc96,-0.312789860213458,0.194184638840888,-0.273403552997463,-0.0704255645265532,-0.393578674402619,-0.814261492820939,0.371704581880083,-0.3273798028031,-0.337982762977237,-0.65697797277002,-0.313258442366016,-0.73556557177957,0.40064056616554,0.220623018871306,-0.0460428801699924,0.238972612530644,0.550741681822974,-0.222192234307493,0.290585977291486,0.318462461194668,0.13700065057928,0.583511042372181,0.218173717116612,-0.0174145670472525 +Prkaa1,5.15808078728389,5.07598026442503,5.27804594334812,4.87722998259215,4.69954505203932,4.89488060167061,4.7788000786669,5.23569501637321,5.23143350557373,4.87327230074651,4.73478335640896,4.90727700988644,5.28924714282029,5.17149379596197,5.67807572574217,5.13127755277052,4.77343312425754,5.15943286941094,4.70647169676912,5.48932243410201,5.42577272148655,5.13062566680718,4.72639729952503,4.90651569846885 +2310061I04Rik,0.929504765409335,0.912604194105477,0.649332054225122,0.812142293068965,2.27536361820165,1.99262391129814,1.70462617130507,0.841260050567274,1.02610466899178,1.08109617662345,1.90572311299737,1.02468769477289,0.75824933109208,1.39683243756995,0.563609705872922,1.23876672235207,2.32761454967101,1.51716128316347,1.90261685463128,0.699876539112339,0.742792552941095,1.25313978996155,1.98176654323432,1.72258889242474 +Ftl1,6.9296428834859,7.16422275138074,7.51403807590847,7.2678915383436,6.89885548948453,6.82248668062121,6.77550102429159,7.33926771247801,7.32854384191963,7.41701232494815,6.86107629286971,6.89110752738532,9.19337652886873,8.879685173508,9.30965889921956,8.94593423014449,8.64326068432096,9.09076291804,8.72432312631447,9.43866191524384,9.03624878576641,9.05948760982852,8.71955489647004,8.72009890540534 +Scg2,9.7634228040157,9.80799637380037,9.80417750913718,9.50897415056634,9.39369761142757,9.4629953190629,9.30240373805053,9.6721502307174,9.52305412044888,9.51010946104204,9.36400206305668,9.65471819015841,12.429417614329,12.2099546010515,12.4371442692958,12.3601868843746,12.0691618352561,12.1753094398541,12.0010044221282,12.4087115517311,12.2949424853432,12.3753640905626,11.9961488740701,12.1106835526636 +Zbtb26,2.56555735501259,2.4675922423186,2.46758998027833,2.37195689771356,2.30256133375827,2.43241509916887,2.32362271360759,2.40592926732239,2.39189398902215,2.08206324649756,2.18092518828386,2.31836814109802,2.54613112534621,2.44747723793053,2.33647833436702,2.52303391383791,2.32686919171966,2.40005273355141,2.04306107735637,2.42339379810834,2.38975391672733,2.18592549953388,2.31056355932507,2.42926739974143 +Plekho2,-0.907447803154199,-0.107957934408313,-0.19237554667145,-0.433000040031869,-0.46708278035399,-1.61496377913263,-1.30323689109342,-0.504544701326082,-1.00037506512319,-1.52155357374093,-0.697679272606681,-1.27513394336368,-1.24217886008827,-0.0619999129760553,-0.560133390938142,-1.47977717096791,-0.848857971540546,-1.50324365204834,-0.551037931674609,-0.389919892617478,-1.2474883961512,-0.631371064715833,-1.04462650222183,-1.03352875051611 +Vamp8,4.54448345157898,4.0228284774745,4.59402158177739,4.44604659373167,4.07405988032375,3.94181686133147,4.17671098487361,4.4203588619542,4.338992123002,4.58242269334691,4.11107990483523,4.26478421395244,4.76019735182306,4.56507571683665,4.74279047640887,4.6410740281016,4.29934896793994,4.59176079555603,4.09459763504439,4.74852039497041,4.83918261668689,4.60326226188797,4.25786345536374,4.45580645381439 +Ptges,-1.30573860624991,-0.0722672862800002,-0.813952298086796,-0.235849488885765,0.0740504834157414,-0.343899491397748,-0.201618779775619,-1.22303931817285,-1.14072096351686,-1.3372712330925,-0.200291425768818,-0.343160125643698,1.20172412543596,0.985709401197188,-0.0562799755321839,0.804834283107023,2.47938659898797,1.44114175530034,2.45458871922409,0.250061269030418,0.698779987683234,1.07924025757378,2.20438790172757,1.98236816823817 +Pgbd5,3.57494507674536,3.53535599852658,3.52525818135582,3.5852053903134,3.51749782879836,3.58207772217228,3.56845249280917,3.60430743654621,3.42535722272404,3.37861323335478,3.54671431170979,3.59326548259207,3.07661975714099,3.23229775913688,3.14426315897802,3.50465731409937,3.10674775981421,3.28504090662187,3.17464187040189,3.15795069385965,3.12728605014972,3.21658191486789,3.33067342220073,3.14028874293383 +Gp1bb,2.78853718086034,2.47966812698248,2.62270626573668,2.31429407243027,2.48223165165136,2.43743403941039,2.10831354222577,2.58683646456217,2.15153490460191,2.04314082804674,2.51886364852744,2.32882468656029,3.11430728407268,2.97542368031918,2.92297545532798,3.21244174382417,3.12500108864283,3.22338971740718,3.25602388299457,2.71621358250763,2.55310518346737,2.96312123830679,3.05159312807605,2.94087625581409 +Tmem37,0.870068136377821,0.58749273971445,0.841729981330907,0.208717956785987,-0.139736513250957,0.244442515472729,-0.948641660044013,1.25629806554788,0.516341310409828,-0.202489499879902,-0.190195105189157,0.22241481625696,-0.0404563207813552,0.122320753302449,0.820281196934205,0.342163003333897,-0.773542273533808,-0.184179578187321,-0.785271327352072,-1.05033006193568,-0.931128115043252,-0.598957211662219,-0.923041416926596,-1.06552549357142 +Ccdc126,1.97082847005695,1.59150373304687,2.20655979799621,1.70073041025557,1.48998804609177,1.91368301848784,1.65531816080729,2.04858389382972,1.80118067314594,1.6434400020642,1.75605214474305,1.83694911620301,2.08053571133973,2.3147142639213,2.40472235421388,1.98889576383689,1.40125011796412,2.1925091881187,1.55241737275237,2.67205307116934,2.25202615665494,1.71690990721198,1.56234355367176,1.75698711749547 +B3galt6,2.94474320197242,2.19025755728342,2.60807571883141,2.43383367167112,2.20001836242252,1.99514599516333,2.14892707513741,2.3792389364969,2.41707220488345,2.19807052383742,1.84733791531214,2.28690576084183,3.02305815640595,2.45668048714329,2.86584045852452,2.67308159957626,2.22096813494802,2.91161134340698,2.39938511324154,2.98927831634834,2.88039950336204,2.76610853676083,2.54685828328018,2.47781535080485 +AI314180,4.15468856999751,4.28113560317023,4.23455563251769,4.22309019049668,4.31570323336352,4.25982545915104,4.16060258226126,4.34136473901668,4.28960829051637,4.16398621909251,4.31468355402831,4.29113778922054,4.51545733210846,4.45539679954525,4.5451794210077,4.54576773088842,4.52033552244273,4.49685936243425,4.37490252685407,4.60001001189945,4.3784813746341,4.52894997688511,4.51606808617409,4.48206605669693 +Fam131a,4.13417389391749,3.6913322975897,3.3367652710853,3.57632576346053,3.97893851112246,4.05583971753906,4.08257516648212,3.48537488655064,3.6431994434282,3.74198122772992,3.95873091378114,3.91083408348062,3.57052828826115,3.12226726269033,3.09545826809632,3.32972458230717,3.48560980513657,3.45642896793286,3.4930327464056,2.88119868683378,3.3495506120054,3.18677845348437,3.5137434274636,3.23479116286456 +Slc29a4,3.92456773615176,4.14327202426553,4.29331411560173,4.10954174398136,3.95243205680903,4.2263417543464,3.84860778940566,4.29654260505238,4.17935370437683,4.08224479844395,3.9543030565916,3.84769856879888,2.60234773850264,2.63740126581586,3.32010858082213,2.9689690813671,2.95695511447747,2.62864117781499,2.84275830932086,2.47812018900427,2.91237163532915,2.80275103750939,2.90306612228584,2.35090086998815 +Zfp623,2.44418276884571,2.34727680877181,2.72687656464937,2.38934427218394,2.27950130690821,2.36767969086824,2.34957748016532,2.4646206784302,2.59094626532522,2.52501348707449,2.27351518496171,2.3610915195737,2.14425737526979,2.00178819914288,2.02512402736261,2.44377290243535,2.29862359792707,2.0520166481954,2.36050603067845,2.20730894897435,1.88032215286863,2.08511596800528,2.28680529254838,2.03955370298786 +Gm12115,2.01701299881141,1.37659581803101,1.43660069354299,1.05548411753557,1.94199430460336,1.48446540501708,2.12821715353169,2.17050392081253,2.22961718661127,2.65460324613836,1.64386721387333,1.99399629567813,2.3167233115053,2.1457708108972,2.72872348904204,1.37875524985949,1.84956782433158,1.99149210727289,2.23241064919239,1.0926780096049,2.32830768670525,1.76847184561935,2.13658450158373,2.00783614839467 +Tmem125,-0.565255453846044,-0.534463385890266,-0.125360755931391,-0.278997630105671,-1.21296883174032,-0.890227118079964,-1.11067976516262,-0.753076886457104,-0.381805509154835,-1.03771367601058,-0.21383937487633,-0.53121790860569,-0.875680496912028,-0.0367285301971603,-0.692324614487698,-1.53708656703523,-0.365018073810195,0.118650135264242,-0.221488961205807,-1.12632450945465,-0.400478263726647,-1.60350287555898,-0.753967984478788,0.30682819345742 +Zfp940,-0.83163489908105,-1.10600309652007,-1.32675071151191,-1.15980989485964,-1.17282901294863,-1.07905240775896,-0.45870221860814,-1.10663014134911,-1.48642965360133,-1.56143286846456,-1.32766825153879,-1.8489240118951,-0.252534473035455,-0.374410052990409,-0.637759798331187,-0.459186755195645,-0.228508656723032,-1.15999041022673,-0.645981553820907,-0.2627371443947,-0.236025728087625,-0.717352782471836,-0.668101642895604,-0.517613343136028 +Atp5k,6.21549925526246,5.34570864210601,6.1039845209766,5.93090710217623,5.39854053721732,5.69557824770954,5.64803746228026,5.96463092782172,6.02264587764536,5.97472420707692,5.65713738523003,5.89951350824409,6.21213389036523,5.74319348325557,6.05521700515421,5.96453101521751,5.50876647788592,6.17929575252845,5.49117341727312,6.23655814247783,6.13457606313883,6.07093443987838,5.63912071120947,5.93367768375311 +A730017C20Rik,-1.06300345450638,-1.25764522272743,-0.80148053453813,-1.29751098426339,-1.06975890234253,-1.02893471059885,-1.03033402007451,-0.400950356206323,-0.874988182492292,-0.572495230348014,-1.40667718992252,-0.81350253812925,-3.70281848699785,-3.79879610698701,-3.46644905866832,-3.25156516068827,-3.79441414627345,-3.37788172719405,-3.04582477134141,-3.69167676577444,-3.1824849190366,-3.47115797728145,-3.43997756346779,-4.14348872512755 +Pdik1l,3.09158380620181,2.64074315779995,2.92465780714252,2.75538441029246,2.43475875626416,2.62357294837421,2.63697927402847,2.64566923034277,2.92511899290963,2.6199684559292,2.49797640789908,2.64087422109211,2.59861084977156,2.32013193122147,2.44832481577014,2.50963194169321,2.15903700818498,2.55719965153448,2.11773591022238,2.48509397640401,2.57837339149464,2.28801077168263,1.92446166264672,2.34686726627151 +Tatdn1,0.684593830205478,0.777334252656777,0.67725507323076,0.948070654487613,0.7627057940968,0.546534945530518,0.684682475396652,0.725164102915523,0.870102396427216,0.705816442628805,0.689293620651513,0.794597832071417,0.58772903390727,0.648005260363609,0.536997525941057,0.41950544480654,0.591111058457912,0.320431852629494,0.3115809583175,0.140135025605452,0.277386165602281,0.0546035288588591,0.222190873440294,0.605771281551778 +Gm7327,4.12365465054895,3.46650260118813,3.83855772260738,3.76439351149964,3.22026282369515,3.38106544036857,3.20453070816035,3.85965184934726,3.73431776449958,3.64036059945004,3.20399251852935,3.78779722924425,4.29876583048237,3.54096871760594,3.92866017442707,3.48228827858753,3.45654661491361,3.47090918252328,3.2482151891809,4.12478170724224,3.78202308527214,3.64390826390957,3.39356602666112,3.89415584807142 +Fam18a,1.75761282416539,2.01806572182011,2.10666764372296,1.84938676117346,1.44192865155953,1.7718727869991,1.82532975404804,2.20443052414296,2.26529541156306,1.91810710197032,1.60434011924423,1.81836530751564,-0.113324232491507,0.138109405687495,0.03106045188833,-0.327595164488226,-0.353352498553526,-1.03953394456196,-1.2386066172598,-0.940411650858974,0.334780654093334,0.0234746609872283,-0.525792199385525,0.0750855507851305 +Cdr2l,2.25359264918306,1.99536036990831,2.40447142889915,2.18848140917096,2.20974518526385,2.060020295977,2.33059540776906,1.83801618220358,2.07221317606641,1.7535587618049,2.29485438372238,2.27473143331021,1.12677129894953,1.40074746559066,1.19705559595364,1.30161152901917,1.60550811111702,0.83270254329323,1.51993577103718,0.848295696428653,1.01749266267694,1.53716720905005,1.06596260966519,1.08680766273625 +Tmem123,4.09307615298214,3.53692116628076,3.85922281054866,3.92441044750397,3.49289277394004,3.49434591800266,3.40156843753163,3.94194009138008,3.93134807739865,3.62282130986702,3.53192945530934,3.58189386392519,4.32364287190597,3.74541028239809,4.3508143538535,4.26128045714602,3.69494364369987,4.20774037780105,3.57975915343592,4.29711309637357,4.26672811740386,3.98501322879605,3.71268916532047,3.988962600519 +Ankrd37,2.19133490364406,2.91190933227348,2.05642290190056,2.43729878662166,2.38974544767015,1.85061280013713,1.88434186298989,2.16756511084139,2.45321812986274,2.41560597393709,2.53782959544404,2.25968164043561,2.3546348765644,2.85710015133337,2.52906165031345,2.57058534087082,2.37537873449325,2.43710934330901,2.46218160901494,2.98252640362288,2.97620802670158,2.64822811711943,2.41445317743602,2.78547296154445 +4933403G14Rik,2.59219482843567,2.50694014480426,2.53145329545207,2.09256512635347,1.93713924696604,2.19135849485536,2.1607787970834,2.49638638891765,2.51506596050881,2.17892863167907,2.18738024054125,2.29157049989041,1.45096253461203,2.25826841915482,2.3057756852893,1.73501576693187,1.62888718163473,2.00729766983865,1.88466793796691,2.35648474907112,1.72508169352714,1.88829259783271,1.86375476927799,1.90160516848518 +Sgms2,4.93702299890376,5.08983339941422,5.13056517492668,4.93000684834803,4.79047417783536,4.84704836548221,4.80636299577591,5.32793552141954,5.03639940206164,4.89685309271858,4.92223411402515,4.92240830903944,4.88876454191994,4.8478785065291,5.05943584860119,4.73669435892404,4.55469089917462,4.72757447010921,4.42167314828464,5.18613856402933,4.84155969770746,4.85729103511839,4.43438141286252,4.51369640538407 +Hist2h2bb,3.7623496214047,2.31500376650722,3.54180080389886,3.60811838531373,2.80865568993725,2.67525492408429,2.71718814035281,3.19684535592918,3.90152578652346,3.48500847670593,2.79925244275938,3.05452543976008,4.27525580977251,3.51642459709295,4.36592181864321,4.01830872278175,3.33634200467209,3.88005913804075,3.33711709397756,4.26950955679061,4.28302085463096,3.99870464518091,3.34911334805784,3.52796791522147 +Zfp438,1.44819674393574,2.2685891821993,1.77329608625748,1.70030098622177,1.6086527331724,1.70744997632061,1.76912409663066,2.04341766332545,1.82862149899758,1.61518192277857,1.85992224968768,1.63749935396531,1.81869240975617,2.03839823139869,1.73737625689304,2.21197220688424,2.01566440146023,2.11947068415527,1.85762713038667,2.05635991315323,1.98639800012001,1.88937240841469,1.89312136241386,1.97421874455279 +Amigo1,3.55290029148425,3.43971201539778,3.43008331487474,3.30698306543026,3.69726200196025,3.64451796492817,3.52846044903392,3.69207963869322,3.3201757183333,3.38367870382368,3.62045496251938,3.57367304046558,3.73262130055376,3.95777990581195,3.81140833385828,3.7285516499584,3.87817342350693,3.86973047698585,3.86247213739398,3.90423969738165,3.8060386772386,3.77647395614945,3.80251717557996,3.77139104395624 +Zfp169,0.914981218167014,1.02032853007531,0.787996073565004,0.446290713845626,1.52602174954911,1.28264136224933,1.30015849170772,1.09917181062141,0.527799961844122,0.616005314336618,1.36657188972675,0.942987379956119,0.933966742799505,0.88386105494608,0.751253151450613,0.830453759859567,1.75169981862628,1.28135471734972,1.73505508634726,0.816055495448436,0.911665811308642,0.658610224004468,1.6934678063561,1.28362256350611 +AY358078,-0.713347116959541,-1.02110818497099,-0.859135486006346,-0.953983104043129,-1.8290951621318,-1.09209496523477,-1.6775037320343,-1.15178068798706,-0.423258024728298,-0.318155591437709,-0.763438648280083,-1.18456328566287,0.909674162862272,-0.0347368610235964,-0.293539656656352,-2.38571507133977,-1.30219298244268,0.490348983618519,-0.201618384445889,0.654102281349274,-0.488302011283938,-0.406964130843133,-0.604872905062274,-0.80134056231341 +Prkca,2.52424501486712,2.5946610065014,2.93114676242171,2.22130168314139,2.73336320176342,2.66272769278176,2.46908056638784,2.80904345078697,2.49338841575022,2.29070584564232,2.5435867277744,2.64615544967949,3.90826752933774,3.98987174748284,4.03487399223507,3.80647928597261,4.05122270859307,4.00891602625651,4.05143365113754,3.88503859696709,3.74768071291317,3.93496849350739,3.95360417954364,4.09496030688102 +Lin28a,-4.35996743355126,-3.8178062742549,-4.35996743355126,-3.17582165199026,-3.0999490724249,-3.36195437678047,-3.48799038626912,-3.08795340863314,-4.35996743355126,-4.35996743355126,-3.44022442718244,-2.85953191766376,-0.130237273423402,0.276393681084371,0.181455419662431,-0.29746568372059,-0.139205488135286,-0.191708414866145,0.0958495611743402,0.0512246591408987,0.0156616459036978,0.347134682902383,0.600052271794609,-0.008403572611837 +Creg2,0.114717901822522,-0.222138957225649,0.163555118292814,-0.299127572816591,-0.405094432597738,0.633751927473207,-0.281899612856038,0.262854831552153,0.0158196071700925,-0.374033349679638,-0.205839382669331,-0.0573174005647621,-1.25336512100526,-0.489402817973732,-0.498349331642487,-0.234960529814537,-0.512612034758485,-0.89949548444822,-1.19049850874932,-0.565870462521066,-0.344125236625502,-0.383103922256015,-1.04190532001397,-0.836160919533229 +D330012F22Rik,1.60108890728093,1.01229923810922,1.78266756490377,1.32829649859074,0.817299412576894,1.02021059194594,0.898755343733349,1.45007874598564,1.10698019663559,0.920506986398605,0.780390849184444,1.12388484811449,1.9534272961314,1.96659883805439,2.13687669267747,2.23285339227705,2.18584576137048,2.48015094361562,2.06698987668107,2.10981255179948,2.29398202209348,2.00274122023856,2.2079941733334,2.0988570492974 +Sepn1,4.515873031709,4.51970439506663,4.58920438529147,4.35821259990592,4.52714664251629,4.5472148731631,4.31603687860653,4.82309859799896,4.46743460502464,4.40232933082662,4.53995687503035,4.44574160576401,3.59121083179982,3.16772908903008,3.37664527230981,3.02304815345817,3.62171100516688,3.62814741383762,3.48831300096681,3.28023301045721,3.10565735926628,3.25333136972221,3.63967923750592,3.29389977573271 +9130014G24Rik,0.899326715823469,1.52572239837817,1.81494706883514,1.58056719291502,2.04262867917902,2.06355036709664,1.86703726045772,0.970790875176651,1.17845508062225,1.51527644485839,2.0370575813538,1.67223053900871,0.875805959883009,1.45435639151515,1.29872411938489,1.69139753423457,2.1267119533112,1.32308999428346,1.71499950702788,0.673789239545691,0.856272703951351,1.62344949596697,1.66274328262694,1.73787312045703 +Fam160a1,1.31406173201051,1.6434746411442,1.47229872947281,1.56375582141245,1.82433996995617,1.97413898745148,1.7471276265763,1.8373521306765,1.55137040891437,1.44645926882432,1.76447762445687,1.33162663662936,1.61724264757683,2.43123030933736,2.273636212773,2.19495539656937,2.22433677284589,1.97564873912623,2.52124720480372,2.2237986332404,1.76032123485244,2.09732767394352,2.30590352560852,2.1885563766963 +Pddc1,3.88276233997289,4.05122956595035,4.25421345374873,4.01996544919646,3.883154678346,3.9616994085966,3.82123208585648,4.22544885750567,4.16246469985356,4.19875847548939,3.9440023864988,4.02224940256542,4.28956304511053,4.14840023829555,4.54419080314272,4.2845604960843,4.07714471438446,4.21093046908435,4.05577876375886,4.43038443330231,4.34298429474415,4.3194695176937,4.23199854182818,4.18811310993557 +4930412M03Rik,-0.883303538202999,0.0759363398972962,0.0092673574329031,-0.245175360598144,-1.25325130602157,-0.194521996278142,-0.402012325206259,-0.258284944306773,0.0559301395291566,0.0363193689527603,-0.63539398370465,-0.608719429552642,0.619440290350638,0.623321219245842,0.562064156430639,0.351334551053638,-0.726349126332442,0.18209387881302,-0.546462458519409,0.333847613666301,-0.328546855528194,0.715310285899833,-0.167079274177882,-0.225496706203177 +Hs3st1,1.1427628749786,0.713433679198069,1.62216311293953,1.18318689485491,0.0293539427813208,0.870075847409879,0.231351946516436,1.10113907858868,1.43667422971067,1.08457464496708,0.716932878639628,0.530207922940412,-3.51845456056651,-2.53711014039605,-2.93806215668598,-1.70560966780471,-2.94299209769693,-3.51845456056651,-3.51845456056651,-3.51845456056651,-3.51845456056651,-2.94066968352075,-2.17829159687684,-2.8818027585366 +Zfp11,0.626458866023038,1.26254885047473,0.805044655288511,0.94034838304548,1.06989663511564,1.13627326890557,0.862028069943771,1.30980589799376,0.712149034583271,1.23746448881226,0.825482361141049,0.878874395510594,0.717249425306361,1.00282739677811,1.0939341854876,0.737967628609737,0.724051967477659,0.769213795267134,0.708787316813783,1.00166059844403,0.61354341036675,0.687840780972558,0.647921508523679,0.876085262377134 +Zfp455,0.599260925356984,0.395664623452775,1.1062583169591,0.778242292598082,0.145483243774158,0.36540155731146,0.267319322884082,0.846243587409598,0.761037139935242,0.55105102424541,0.684831302280827,0.661070391933382,0.627986658929819,0.449028524226142,1.31515583130199,0.0265486735047764,-0.303378398025275,0.646364465664251,0.0453737244901724,1.36597629147156,0.802405888751696,0.933285906850813,0.620387176037873,0.294041200860552 +Gprc5c,3.47528722272021,3.63917231841712,3.80195664830647,3.52059253141076,3.54839826561078,3.35481982205358,3.43529154495164,3.88989310921446,3.58668696428574,3.51356819779316,3.64510885177783,3.50086976958185,3.04149678582042,3.2242584697596,3.42869644477657,3.16068155542152,3.10477539964883,3.09279574874553,3.0235960125988,3.65971718955755,2.86273661883832,3.04946898176279,3.22030378151746,3.04061416292234 +Mb21d2,2.94751099364731,3.02888396459766,3.10865142234525,2.88328621047861,2.75738301538185,2.92460455434709,2.96828409420402,3.02487473166843,3.25894180816258,2.76791024668869,2.86857536384736,2.89360753201192,2.21949759319803,2.27320860231008,2.39438678062419,2.1602211879362,2.05349054766781,2.51195921534812,2.13777005564811,2.61185389896362,2.1841380965273,2.24223228175792,2.11156556379113,1.98314016887237 +Lingo3,-4.1408807077161,-2.64282963031866,-3.52987451476502,-3.63083426101797,-4.1408807077161,-3.5572425317117,-3.26890366043395,-4.1408807077161,-4.1408807077161,-3.16200053995419,-4.1408807077161,-4.1408807077161,0.785975697602345,0.800051043924782,0.272272729689052,-0.594700824723117,-0.213505990975202,0.306251786843339,0.314936287009502,0.725130628063561,-0.168904529164033,-0.161159496416939,-0.357948738036086,0.836830748264789 +4930579K19Rik,3.19815105723759,2.41572898938813,2.97326986658894,2.35288942585194,2.4045675663916,2.10992425070064,2.55421616778408,3.1514982479163,2.62993407033593,2.91519164995426,2.68264128034068,2.34363499352659,2.39738329213238,2.17473869564173,2.14970294445992,0.990089210151709,1.62202991478478,1.69645207013279,1.84711867673428,2.17029925714662,2.08064949222971,2.27971935355247,1.9273681750046,2.39654691569008 +Mblac2,2.91661502416477,2.23058034162866,2.64703469348556,2.15445157998116,2.31317982404229,2.52370876730965,2.39325844656951,2.5816632594963,2.54704766275861,2.17923039164891,2.2464888627851,2.43722111449978,2.39359792777332,2.17639789509644,2.0084273711713,2.22697676398801,1.88267584599353,2.31211961447001,2.25584227526224,2.3197498860661,2.24011459918467,1.93692553967183,1.79944770802334,2.0685026759275 +Sv2c,-1.06977635839047,-0.777015212921734,-1.02557484110764,-1.25757034546097,-0.591277601973527,-0.743927654537592,-0.822493491490785,-1.0630819615858,-1.09466686336831,-1.31940093045715,-1.30596386036579,-1.10409655214331,-2.45172183562311,-1.865800599072,-2.42926444513688,-1.64595834904055,-2.59253974300064,-2.64046644448508,-1.85270474954276,-2.43491168973591,-1.13781300951872,-2.29845023584178,-2.12997296171328,-2.45242692741029 +Fam71e1,0.896799948953345,0.759571508708411,1.19155139744369,1.05391732719535,0.37299325075383,0.456402097449221,-0.504462431990806,0.504290486888344,1.31698006631361,1.64263568156742,0.436636121479559,0.0946374402155397,0.703716440441475,1.54056070279737,1.76881035513796,1.34116792609815,0.849680411295128,0.990458102223865,1.24056644159358,0.931697927733397,1.79938253146065,2.02424762157199,0.807909144438201,0.585623671472414 +Gm8121,3.58729607524433,3.41418586966183,3.7802237038461,3.41593470733714,3.22439131791716,2.83351369595448,3.48291099129951,3.71626133149499,3.42890619593797,3.74405187432015,3.05339501362221,3.52228386037093,4.11866329818277,4.08639346349337,4.08894045674393,3.95746025021991,3.74448663791168,4.36310496770479,3.75785589575658,4.32373956584546,4.08926608778844,3.7905639222666,3.90457791510169,3.98467514629352 +Ghsr,0.927272383376045,0.787379237129594,-0.114747021604762,-0.64465896151665,1.15577155732951,1.36903970154979,0.419671073248836,0.578460477690762,-0.10707844462947,-0.379925353817683,0.558542647145517,0.68687275238347,-0.367956200801809,-0.544873690384534,-1.27406667670383,-1.31302919659262,-0.366850143284772,-0.136894541046068,-1.62219907411183,-0.766478408316666,-0.737207398023405,-1.44130936729636,-1.57653775917402,-1.37776975983514 +Camk2n2,4.3655996542071,3.93983046424647,3.94600382448512,3.70044070293086,4.16623846092832,4.19096880001591,4.08057763991976,4.00047553723211,4.07257519406518,3.65431355333939,4.12857104449497,3.89751056253728,4.0704371277258,3.48097265564478,3.97757637238549,3.84375346625042,4.35014469923054,4.11465063752078,4.34493683107714,3.62951916345767,3.78074155122639,3.83364886016,4.34453201107168,3.73101528054567 +Nat2,1.96770810839292,2.06623183925005,2.62790878631177,2.00434081499008,1.46856257417189,1.74161258515462,1.64459610940764,2.05083026560088,2.07466906562858,1.58920375103515,1.79246806316082,1.64926542482059,1.80456322832401,1.53265608095397,1.42421774653272,1.60693933592651,1.01811640304759,1.12256341447948,1.00338464106431,2.04400672703682,1.6779336623022,1.48377781713281,0.880475084385666,1.54541313044375 +Adnp,3.91595982070513,3.87322114966214,3.89739032592213,3.69465557446153,4.67958579735168,4.63924571651197,4.17502273412564,4.71806994492083,3.89625838040507,3.8454879095506,4.27689510434501,4.11849094202813,3.50110687214248,3.55447453088337,3.47680405735787,3.59466790535102,4.19463728399583,3.74892398445663,3.89240489144384,3.49093743691808,3.41789229223744,3.52615210661742,4.00078947740654,3.77784588874174 +Commd3,3.90609025728719,3.5996012731985,3.74245652565532,3.72899672806922,3.51396024638497,3.6188807093292,3.690481239699,3.63384137060284,3.70398522161222,3.67060155525844,3.68029844231667,3.65229799809643,4.08388674814185,3.71632956554072,3.78396660878003,4.02674197364215,3.68437462916872,3.73377293820028,3.32839037192006,4.06083661181926,3.77699071648908,3.71416760747375,3.44264236519097,3.41233457227934 +Eml5,2.85663497443505,3.66678826759837,2.35948135185082,3.43614946780554,4.1641144429324,4.03719350327712,4.07468882664931,2.51247970434464,2.89084669356607,3.268723187282,4.01628535549663,3.91679880336966,3.09318361948474,3.96096923047703,2.52663826555796,3.54205001638915,4.58252222187947,3.72194645081505,4.51063975063511,2.61562113029723,3.1895745216925,3.34971364317118,4.50545375197004,4.35524045983004 +Rpusd3,0.33314765935143,0.447251820757585,0.120698594693155,0.349312008884458,0.287631685267212,0.477366648631179,0.594977429160919,0.256247109217586,0.219068463333391,0.656658936488074,0.829014883397178,-0.130213111220651,1.40011012872636,0.950494584069403,0.513999599647002,1.08883306959368,1.35718006510851,0.556879584787332,0.904106888460884,0.899376223778991,0.714764197182858,0.932527719506764,0.948045282314709,1.02730686411093 +Plcb1,1.94073368811075,2.01278679660759,2.2464356776832,2.20779141939379,2.32773777027221,2.48739546540821,2.09401303235892,2.16154212623779,1.97158274750866,2.20775917983518,2.33059861819284,2.39466851265115,1.58201631240178,1.83662888353458,1.77497692365707,1.95498145039744,2.01058484435882,2.06513292465065,2.03858242440833,1.61133292773106,1.61259583892879,1.67987284532045,1.95838483583237,2.10095128068715 +Zfp524,2.19625467224411,2.16791594334874,2.14663551415607,2.30268995223789,2.19454798108151,1.91050280360652,2.27281688938527,2.45087178977447,2.36455178873875,1.97091447381534,2.16180649585615,2.29445129168663,2.44097434564558,2.28469835003062,2.33273297966059,2.23013149840238,2.01516099373681,2.44800514331729,2.91059543492364,2.94108745578189,2.41328884179041,2.97466234605603,2.37524201001099,2.67792812815517 +Fam174a,4.51885558004885,4.15615542312482,4.89730407166841,4.71894746508354,4.21741369257106,4.07908016224982,4.19395857997012,4.59067187425731,4.67467237094237,4.40367142990864,4.41842103651177,4.4547850948237,5.16697104553132,4.9438070394297,5.53551407806536,5.37196168373584,4.49192761033461,4.91122464279127,4.57225108250403,5.44907368446458,5.34556579094462,5.26461707597739,4.61313879728952,4.61349339996825 +Gpr119,4.9654481614041,4.83427514808536,5.0209260399425,4.46302138033712,4.55920443539528,4.44125627812472,4.49500377792608,5.11233980862214,4.72036008848362,4.98394835501967,5.09419792010882,4.75236752112855,2.98055670506159,2.69559225263177,3.2176918502219,2.95196734958223,2.87938491080734,2.74614743112934,2.12995201811713,3.20407930778715,3.04518749355162,2.71129736378494,3.13035385523373,2.510872717236 +Ercc6l,-2.28017150174408,-1.63790832704901,-1.70056061619044,-1.80715102785952,-3.03460193747538,-2.44919984975631,-2.40313808737012,-1.52155342586162,-1.38136144048368,-2.47996117332297,-1.59386003021658,-2.54806277109868,-2.47946946789417,-2.62714750561335,-2.60870868569798,-2.9551026278643,-1.98514881905107,-2.33987596030362,-1.88045238181382,-2.03842215283262,-2.29295350598517,-2.46330609564376,-3.42778455693643,-1.38525461492073 +Bzw1,4.45569906442429,4.16420188492453,4.48190460062624,4.48810663188935,4.27983336236467,4.22505364846254,4.17472978522032,3.98612759140403,4.39234454957936,4.52845814867527,4.17373369756398,4.2864183441874,5.43264798121276,4.99208453474809,5.36212598640166,5.33096824362144,5.15747190019648,5.27173671678257,4.87000949366236,5.05084692562999,5.34504881538087,5.14256541713981,5.11774740782,5.0522839572706 +Tceanc,2.17949571799935,2.52392573575465,2.56881517868039,2.43548377557436,1.75915002993115,2.2149710506591,2.15985675174076,2.7369139910136,2.45296136724383,2.39603671773915,1.91233061391249,2.31679551056603,2.31700306290092,2.0776021436911,2.30911786869773,1.95914904292582,1.41002646256668,1.98314879628468,1.62841973122023,2.43855280184412,2.03784978908311,1.98109574214328,1.48025635672287,1.80304825025805 +Tmem199,3.83718570209099,3.49866798603704,3.62006773273007,3.85878446792219,3.54388622579521,3.47531613409698,3.60448300889958,3.46685643732127,3.71187352321695,3.98167301088838,3.59699814835756,3.58340017747766,4.26607876374488,4.00466952918531,3.94533638124685,4.10994998733273,4.32998497673914,4.0991405160147,4.07290131768784,3.96384008250412,4.07424968870104,4.09043945492921,4.12486149702203,4.14538491736829 +Rnf7,5.43281364502179,4.67564819625176,5.33252800401727,5.08720862572094,4.6492041003456,4.84811516801425,4.82751912905075,5.02332364288584,5.22651704253687,5.25738291526385,4.74172629601669,4.94160227697999,5.98393991722428,5.39593222368656,5.79739708036051,5.44468816576201,5.25222961966942,5.73331463375239,5.13429861965169,5.69269502876661,5.74047151452661,5.43128681705389,5.15256755208614,5.34872427787144 +Gen1,-0.981816850105223,-0.443714747600789,-0.547044263915589,-0.593796057437753,-0.219949480335342,-0.0801533665143728,-0.198898054618567,-0.155194319962028,-0.63419822470633,-0.944263420486986,-0.371663537084219,-0.44032226412009,-0.293353564214115,-0.204556215740208,-0.918719842688951,-0.982184061017329,-0.780292577575134,-1.50852664253855,-0.794421490936749,-0.673834952760299,-0.97218685311885,-1.2876000726201,-0.879567505244534,-0.693732694626456 +Msrb3,-2.85057341641209,-1.4426462307326,-1.29676188789173,-1.91803474070512,-2.40975086256626,-2.14238520044288,-2.00884662387385,-1.49698279087478,-1.58080679772399,-0.87452076957012,-2.55943110023482,-2.33833039190854,-2.93786176997878,-2.55761387037688,-2.06863406506785,-2.36173560450915,-3.07867967735631,-2.65844086491744,-2.88360619631963,-2.27049720560028,-2.30296986266055,-2.07563508091143,-4.63121839866666,-2.78333415387154 +Swsap1,3.51820819069078,2.88097329448035,3.53759190202838,3.26724233801737,2.97276169308027,2.78369376572142,3.03571150395775,3.47813915358603,3.44623897845039,3.18785175573824,2.98334373496187,3.24154644807938,4.44716081540702,3.71128286339386,4.32546712130286,3.89495436460831,3.66824679863781,4.26431237693102,3.84758158090769,4.21498511217264,4.10845810947465,3.79879759761276,3.9541682511257,3.95278403988553 +A930005I04Rik,-0.172802894074217,-0.108125693659233,-1.07757189738424,-0.255081830849885,-0.185026473402971,0.474924135988883,0.485458700828829,-0.829777867910242,-0.921078919502327,-1.55524007673566,-0.533208804169738,-0.0090928973750474,-2.76590438387919,-0.417895537688155,-2.52953495554965,-2.66902964123326,-0.114883939528138,-0.727521012503047,0.219302158747624,-2.41577460809627,-1.01957221034837,-1.8594265874865,-0.423499499689678,-0.711301970949828 +Gm6563,4.62177275592234,3.7876169034863,4.23891613074837,4.3475021510859,4.11279847785808,4.22954926878723,4.28281906583311,4.13306837293877,4.06247346281091,4.35365584457059,4.36411733778492,4.37198178739981,4.00087785331626,3.58565684872677,3.94654701943693,3.57321017140331,3.73181331478023,3.77777231590754,3.71395558140954,3.86816167094094,3.94734435731316,3.44931720871771,3.77781706988126,3.63199162485461 +Jagn1,4.46542551507163,3.8132548420582,4.35738221128578,3.95289050118773,3.73847528145197,4.03575152108244,3.99706205682392,4.11748889804798,4.09481344457457,3.77523937393405,3.81082659790037,3.88360693420551,5.26922944736001,4.60850671502631,5.08176373013162,4.92115075053019,4.86545728601237,5.11623724021976,4.74127634228168,5.10372919975882,5.02988080093357,4.6336230837967,4.74428276677112,4.6472771362778 +4930422G04Rik,-0.159142399973406,0.634139560411361,-0.271188979399523,0.0165048002647259,0.419601507046669,0.504385895688389,0.313604703913759,0.079597256225473,0.189885287968471,0.334738671145912,0.260059823581916,0.353936623980361,-0.676951079650833,-0.433028247651376,-0.943314593223904,-0.306612076387867,-0.713764804799066,-0.883787412066846,-0.509428262001363,-0.928497181801069,-0.229098896669527,-0.498578131380337,-0.940117105749927,-0.0556368443693187 +Pcmtd1,4.33712008972571,4.54478299615518,4.7012922183575,4.5352113138365,4.06913314457767,4.19763633991031,4.15244041206422,4.56004852030381,4.6050105022159,4.43088422296786,4.11891528436236,4.27937404293089,4.84729764094904,4.89989368573345,5.06299822835451,5.02183154505869,4.49693074448625,4.67770128837044,4.42997819662963,4.97412404689972,4.92628355096732,5.04073322144646,4.3574664883733,4.64929494423607 +Usp42,2.09741854796637,2.14675510969897,1.91910716773787,2.01904303318116,2.26413916567714,2.36424043783661,2.24235188179548,1.85654855927433,1.94642846389649,1.81330540766118,2.23417758238204,1.99902678973399,2.04788429750928,1.81202846622924,1.92050239358068,1.95349092786822,2.29991257561996,2.13926069258226,2.36950494745118,1.59370069717174,1.83011704061606,1.79623660547918,2.37631465078372,1.93394304505073 +Ffar2,4.07396734151122,3.80569971777613,4.25626059252399,3.2162645305518,3.16487138268945,3.52684213409691,3.88479268255661,4.31659951168911,3.94721526603944,3.71429616485111,3.28797578558608,3.67301677184376,3.63177401460382,4.0831522806143,4.09083528908897,3.86323282544185,3.43359159848539,3.68524123773445,3.69428752381835,4.01115071275615,4.04740086359709,3.98644223467683,3.6804009122477,3.62592326195105 +Taf7,3.51879107688135,3.34613283553979,2.84125339458799,3.44448545660827,3.05840940950552,3.12544235836204,3.42123883317546,3.05692898356314,3.35421401903527,3.3126787127367,3.04108695647013,3.15913466572695,3.3334856326055,2.94630570930216,3.06492025588385,2.94910459503021,2.8730075681559,3.36690800139649,3.19425591156652,3.06527153293746,3.11455463636355,2.80668549101593,3.05590089110754,3.07576290915954 +1500011K16Rik,3.80767603452638,3.38564090054842,3.97857741648244,3.62213110088977,2.96747629419432,3.331676000398,3.57963131643762,3.88891166578263,3.59061831516888,3.5038257586921,3.44262771133882,3.7288728790174,4.35727048823881,3.87777155223131,4.21372929897463,3.98488735326793,3.96569270597497,4.32875878002186,3.86167901489376,4.34932496417285,4.33683709286357,4.09905260352744,4.17027783008148,4.27828771860071 +Nup160,1.99195298260799,2.0339786380946,1.91918270979552,1.81437219002696,2.13461371056236,1.991379189321,1.6711334229852,2.18858757520935,1.80458152356827,1.93278968303001,1.95417061338771,1.98308879443847,1.97923693081877,1.86248192302796,1.94914560901099,1.63535654061156,2.01423530681097,2.04764749700519,1.81206957688936,2.21759634031505,1.59781365696153,1.61529145264381,2.01737071850067,2.0051717466092 +Cacna1c,2.4738746622186,3.17563914851359,2.70748973837433,2.64917447549459,3.68765766464084,3.76994558281534,3.58573937298692,3.02434974688236,2.63408044301478,2.7642265467712,3.75122904193746,3.35596520439545,3.00635563374385,3.53975583914339,3.02282640814136,3.07653076941145,3.71805428036773,3.5164169899062,4.0882159606764,2.96587626176688,3.0077013653983,3.01700402503226,3.60463124343912,3.76285954943082 +Gfod1,2.22453913575945,2.4201044009208,1.98054485185533,1.68005771351862,2.09496970517264,2.26235863752157,2.50438678701991,2.73044465064577,2.19767784295166,1.81635839581494,2.07112814941151,2.3116450807199,-0.222412665296994,0.0377932446801355,-0.554209863428016,-0.35353069124302,-0.800946366629617,-0.135657046328109,0.0470439015401656,0.158873216803121,-0.868201873752835,-0.868198976126993,-0.112138189900501,-0.866741905725549 +2900026A02Rik,4.13189680147166,4.23349472998145,4.00741146819612,4.1504069320978,4.63471022791587,4.72993729657085,4.30247840338808,4.69491151312359,4.0760829429517,4.3654492334953,4.54261508074404,4.28615746420572,3.19389177426483,3.25578109636802,3.18899158484436,3.36637061965421,3.91310832823593,3.4315805610523,3.84097361494776,3.09721418197778,2.75729514083944,3.30535979898595,3.97193585134295,3.60601377319017 +Zfp52,2.30030937030118,2.08826510806987,1.78211047411079,2.26140937488013,2.2973464577497,2.24159270868089,2.56564170170541,1.87833243053534,2.13564544514429,2.25716503088382,2.16280863997784,2.55060371991572,2.26524287056109,1.98864882054562,1.93040590448342,2.10629445033676,2.27077035146143,2.20098841121408,2.17445194165044,1.93304740909706,1.80286801218432,2.09629519138635,2.02289865212731,2.61929627272925 +Rab11fip5,2.26182163925022,2.38915450129055,2.43918221006168,2.39941407760312,2.12730172325893,2.04057105842426,2.06373785080605,2.35103249721608,2.55527538454644,2.21764399435785,2.145348923519,2.05919952176508,2.32819790730415,2.28546265298587,2.55945813375385,2.26737418336083,2.0161450757047,2.2939726948119,2.28547551274211,2.70278249894722,2.45328089301125,2.29437068186162,2.13133798512503,2.2255153196474 +Plekhm3,1.63697779051402,1.85043778087815,1.86915029268431,1.67772198665185,1.97009721976234,2.06443764692424,1.84807418749505,2.18759515603437,1.7757295137453,1.67243587582334,1.88282855965677,1.95508422169397,1.47215920164264,1.97621339270326,1.68573281415807,1.78860535833226,2.05172549548935,1.81472280500203,2.17111382825841,1.93083286772696,1.67125804236457,1.78203767381927,2.09255160457485,2.04987251714532 +Spryd4,2.7484302744694,2.36625110676159,2.48911151374116,2.39929870574527,2.15271934211375,2.35898334639374,2.26479386799036,2.47532780454049,2.49286484746767,2.37253990990213,2.39611831082301,2.47655636500026,3.01875001036497,2.52092544064069,2.96297294230662,2.41739081603724,2.63212812805573,2.98754169789524,2.37070931009634,2.93805127807696,2.09373024895354,2.61047589793313,2.32111157642876,2.64231152952468 +Zfp46,2.25157458194126,2.43355296877742,2.36636601570139,2.22553565810184,2.32771923040925,2.21859158014339,2.09889096135664,2.42580969293198,2.41120882949824,2.19182126424717,2.10966863086149,2.32370445373613,1.77204855108025,1.9060663899431,1.80538677099296,2.08294650413517,1.67960443591155,1.83802852544641,1.79474776297086,1.683836034281,1.91941753484758,1.87195490862744,1.80238920094152,1.9207191088674 +Commd1,1.63040399379154,1.57538492945374,1.66080449400052,1.53968571217616,1.32463299471569,1.32888074094746,1.30429399916655,1.50698023830004,1.65461504120274,1.46970921600562,1.33069223817992,1.46583220961202,2.11063818621246,1.79387674324012,2.01191372781895,1.85706361669817,1.53969575835793,2.07408814857755,1.6851889297114,2.09412430586531,2.03270359424858,1.83914540960059,1.50115424775335,1.74951425482043 +Ncald,3.6946779288244,3.09017307657027,3.29899714606979,2.79299878786681,3.0299307199237,3.53223789527864,3.2027941960328,3.43103169231446,3.20226854304361,2.74338349129326,2.98079699708103,3.36118961072469,4.03476201637246,3.01938266899019,3.47303876603707,3.15434028660504,3.55350904318396,3.7986389312829,3.34891992110688,3.27286855823949,3.41624624896294,3.08616692309897,3.48206273924207,3.34081280648819 +Ppapdc3,2.3770680773538,2.0685179508015,2.47901046035566,2.47882345949522,2.05082377875461,2.27993316379042,2.26217636495656,2.43137503282748,2.20146519186353,2.0653405588552,2.25410874730458,2.45677249926582,2.75426793181866,2.46532993883985,2.59221995187664,2.76589327984998,2.54384457152182,2.55819851270101,2.92838120084537,2.61039409885113,2.54459910868153,2.58445581901657,2.63556512467484,2.23788043439946 +Pcdh1,3.57306925813259,3.2742295073152,3.19615344245767,3.22401816840866,3.8980587515891,3.90122766033446,3.65993945026943,3.59384589739341,3.19746153223134,3.1471712908361,3.66375364860892,3.52742056701133,3.35072575063401,3.43541835363568,3.39725677301831,3.37875171608477,3.8677623946595,3.62760398518829,3.9126923532446,3.33561430355195,3.25807868343222,3.30028667799838,3.80838778339951,3.49094406835073 +Flrt3,-2.26808424912869,-1.85099975145945,-2.58589987653093,-2.03760920725695,-1.92577369222679,-1.64732960397399,-2.6783093122195,-2.01431285922709,-1.37543080903689,-3.66497048766541,-2.60077779122065,-2.05156753030057,-4.64385065542732,-3.66250623525686,-4.64385065542732,-4.64385065542732,-4.06838819255773,-3.5766016132287,-4.64385065542732,-4.64385065542732,-4.64385065542732,-4.64385065542732,-4.64385065542732,-3.23017513921096 +Zbtb22,3.36398949879885,3.6358922012783,3.768684850616,3.39827363685528,3.45202190396134,3.61332092873087,3.58662775718321,3.75898480708992,3.58770949869899,3.63779268151786,3.5522507603811,3.19621260012642,3.3589364986366,3.45948344134526,3.56014653714632,3.34203612468972,3.57585706926677,3.47539167747704,3.50922799047105,3.44110974034516,3.38928136988427,3.47993922702828,3.44548619896638,3.34664251153122 +Ywhag,4.73670660449464,4.25155089427989,4.28782216438911,3.99467469924929,4.83446106938471,4.70948915699474,4.37559831204227,4.29602733032123,4.22634627693527,4.11682918530467,4.70237699571703,4.47374633221427,4.24694352494639,3.76191848614275,4.0857849578143,3.8454764918596,4.54604482058012,4.41503044091362,4.27538269054543,3.99802701046822,3.86876549062588,3.73311303319825,4.40781624389305,4.19286156807878 +Hspa14,2.44660793320541,2.2634095091287,1.94789563287459,2.27903172626198,2.19547640239206,2.13149614857609,2.46737832773602,1.80687150327704,2.23785351489877,2.28871061665743,2.28577480802606,2.22012539119983,2.03557048737625,1.96141136382162,1.64896842839079,2.00637171240316,1.81437141630094,1.91419292824179,1.93885442093946,1.73082840780299,2.03918909654273,1.89221556810207,2.12952811806157,2.10355432259641 +Kctd16,1.51816674226277,1.75213952191223,1.77198732008361,1.67949861205569,1.80659963581089,2.4316470508046,1.75603337249074,2.49964931435264,1.86563999679853,1.97304186049625,1.97792197383678,1.60737962615144,-2.79330119870711,-1.23326680040583,-2.21290879482658,-2.79330119870711,-2.21783873583753,-2.16315952647977,-2.13173023103469,-1.36584938276459,-1.78377091385639,-2.21551632166135,-2.19817977466306,-1.71644553431103 +Ppp1r37,5.72513240860144,5.84301391163639,5.61800286176304,5.77727133346852,5.95880415821894,5.91619773437938,5.94403683118711,5.80214262183151,5.76254331741048,5.74965200534889,6.05989773527297,5.90843814268777,5.66522865677974,6.03223386300321,5.80544668362678,5.95623525392777,6.17660799574389,5.97625510834066,6.23878253217468,5.93361795612742,5.78705560450332,6.00602347105079,6.2044409697195,5.9838293641324 +Plagl2,0.799158723704168,1.0328766480154,0.837917684166162,0.718671524185819,1.76997849959695,1.481189518066,1.09258156685195,1.47855905164316,0.700165453391504,0.600742726856228,1.43932325200348,0.923015313979525,0.287463430816846,1.00073210684087,-0.113096127216627,-0.173379130342199,1.30966321516903,0.65672870643328,1.25290756799181,-0.0151930008823697,0.385224447177432,0.383115954535675,1.21470242847021,1.0074235684199 +Ccdc157,2.5427026057336,2.92804693017878,2.48493583758589,2.95287010417881,3.0261354197023,2.87655502879106,2.93843816596644,2.43867033972054,2.689193144538,2.78608256311713,2.91331865831906,2.8287792957151,1.96350280105663,2.60247173850519,1.7046336798983,2.60761464949747,2.78208893284153,2.00054946316518,2.78280163366825,1.76889449324339,2.00772144895551,2.58156624994621,2.84432683540917,2.58567760479459 +Gm5644,3.8918420179093,2.96508199971567,4.09728348363526,3.80850515107155,3.05675617538815,3.56784091976831,3.35995716228365,3.49039517915727,3.43662392623258,3.90874993887713,3.33857124277892,3.06547504478502,3.71761666345035,3.12078181684037,3.69585310604657,3.47309942838188,2.2822768425404,2.99894012226967,1.94679832932154,3.18623816893758,3.26796813757335,3.31643347143926,2.64732166506606,2.7596034496822 +Fhad1,0.305821790238413,1.05539997022324,0.763263166348579,0.639430057574808,0.395008130720258,0.967449015679915,0.978778908636824,0.572983903628152,0.491174585285279,1.04477652141092,0.782260584705511,0.709484369350509,0.68165705152414,1.42447071385038,0.448184125314041,1.27141509902575,0.976972602244306,0.708598102409659,1.76182683959334,0.814545434756963,0.981537085917503,0.924006398687536,1.11679095265376,1.13659989052498 +Bbs12,1.70595329797475,1.64552776843071,1.31155354574978,2.01538168506772,1.48482668455862,1.73855449381491,1.69268712274318,1.8587598168254,1.70745460608565,1.6338008860793,1.94104032625436,1.93809142873333,1.04257588681125,1.02819607980414,0.128188815023069,1.05859233182137,1.29959107676335,0.800831357952594,1.16606291379519,1.09218650961511,0.65863808165667,0.906096192480448,1.24302870754758,1.42837836798128 +Crebzf,3.77292618804854,4.12287399876636,3.62997149173796,4.07149429322237,4.20260657051784,3.99006386973979,4.28062632801624,3.54199792661755,3.73732202864639,3.83198874698351,4.07382035924667,4.10577941152865,3.25780328215192,3.57011705036974,3.1734224518959,3.50615701813823,3.64658818371185,3.34865933859612,3.5091790905751,2.80805024367813,3.51619084997171,3.41980938952533,3.69430688328704,3.62144634117327 +Zfp191,4.30802161877872,3.98958495820566,4.26497313540558,4.06677887645193,3.78929228459098,3.90329731872355,3.96740982285807,4.17965316684418,4.12728482657024,3.9417783052037,3.85565244022359,3.97385314766285,3.99360365812796,3.79004916726984,3.93326952563321,3.71308859500213,3.57966299355358,3.69092093367708,3.56982615585993,4.01154448827856,3.97030348995612,3.82316820856194,3.47950481268653,3.7886186305195 +Cbr1,4.05629660239153,4.08314865903326,4.35041197239979,3.99119254915987,3.87197556183617,3.73720480628361,3.64373696182325,4.00991746854791,4.02379603111979,4.07094248054884,4.01976467884562,3.89780767349051,4.16053684759657,4.37128550065899,4.67562596608306,4.50427731988345,4.38008400533711,4.14149949950712,4.29665374222772,4.31589935940471,4.47472768755172,4.62312283339925,4.34476510039191,4.38124242148904 +Pcdhb11,-1.96108361149866,-0.692911193167287,-1.44975197094277,-0.84662237517118,-0.667597994249493,-1.04901573380125,-0.934928668379883,-1.04255956839448,-0.350407772758113,-0.794607539699426,-0.841943160362383,-1.08209868312997,0.483789808293571,0.333584932908947,0.386113354642782,-0.325602721792769,0.249044022857418,-0.185416990191641,0.453380565655121,-0.0998833921088771,-0.0275323777961154,0.740924554223288,0.170948469881417,0.212502749828515 +Irf2bp2,6.01486661024345,6.39617958552493,6.1997964999661,6.06756334718109,5.96868720701243,6.01591457758192,6.17796483733779,6.42138494202961,6.40755801802757,6.18886392553626,6.24119537391817,6.27330427080742,6.2408748443776,6.66173332234698,6.09099120629419,6.24534438744964,6.14164228150595,6.34998020297014,6.42533897159892,6.63503474925666,6.28542051586118,6.23389472125398,6.38981656616658,6.5104481696481 +Zfp786,1.02046521402826,0.361746667619181,1.01624703837348,0.800819931881854,0.645174171401604,0.484338995211269,0.513915112159691,0.860433508868065,0.367196309256483,0.0120281334082835,-0.102937528786712,0.622104762248604,0.694277894288844,0.214377094083174,0.706225841986003,0.447649796669793,0.843746844898003,0.763571021541546,0.458148006069779,-0.120765481901619,0.304562679357572,0.776594508895346,0.971174026092297,0.534034475221453 +Ufsp1,2.96514736805237,2.29835250478121,2.84827878294304,2.48061089309308,3.21421485004079,2.86931975168478,2.75798255343406,2.39612363862542,2.69209355497388,2.41071456137644,3.03743757667391,2.04505232703163,2.74465403916708,2.60800447264414,2.73954252307876,2.57661193474462,1.97464645908597,2.67856891702961,2.58322234271488,2.48224577113088,2.30647058149709,2.50611258480285,2.65096498730353,2.07228074959891 +Mafg,3.6046286819104,4.15975676538816,3.29776323791961,4.0864042022932,4.56783637048258,4.34306394047164,4.4936185006408,3.58354687891912,3.90735758504539,4.09319076667215,4.67128703061032,4.23199243597478,3.33615535981799,3.84367008481241,3.16125575040092,3.52816147850946,4.26200832262091,3.75264070182221,4.29578391077482,3.20358867298496,3.44021706425945,3.53125262922481,4.23259338819668,4.13695724102889 +Rps19bp1,3.63416688392584,3.31713118561467,3.00423343447599,3.44278321312546,3.32861697538141,3.39537086626935,3.42559914730378,2.93426456202741,3.37271155731084,3.15136162695753,3.15566741657505,3.01108733005133,3.42970281776917,3.17459403161868,3.23384314632099,2.80964630161907,3.32232551917792,3.68024864951722,3.31026767326321,3.24463952466843,3.54072855410998,3.11516502510137,3.53696575442421,3.37559525681282 +Usp29,2.65342462820159,2.59129823156509,2.5101786689786,2.25882297440415,2.41802572566008,2.60816328219158,2.4731263275365,2.67116661651098,2.62671592681901,1.79784785700958,2.49224617946704,2.84134335987862,1.61082973091647,1.38796530410575,1.241217192547,1.21616866712405,1.73428083069528,1.16282384526939,1.55462911152972,1.20181192216028,1.64812194623455,1.04103187297254,1.80771472778217,1.12690303548539 +Gm5124,1.39417746253649,1.78148244715419,1.6333592640051,1.74488433600655,1.887943642121,1.76442941073293,1.83857123690037,1.70088344772464,1.50770962931638,1.97445462443106,1.90372496283037,1.88988755353015,-1.37291014177575,-0.762262759303497,-1.82694257314605,-1.56264525915715,-1.25554534977727,-1.71690597766811,-0.534635312142994,-3.81663942153807,-1.47949294412527,-1.66351809721969,-0.329668399195017,-1.37363375269889 +Zfp579,0.17005531734718,0.757227011497089,0.514515097100974,0.375106361260398,1.3374948155282,1.60080491285059,1.61220538112077,0.909605407235653,0.354182170900914,0.399268466447427,1.56932032471775,1.27618925725749,-0.0652404719276158,0.938019963213126,0.376446911824246,0.759744803187225,1.03004704830333,0.490636967080282,1.85318675551318,0.555725860594614,0.623137464657205,0.492163614208856,1.28445509372026,1.22086303265614 +Pusl1,0.971182692733575,1.15524332878374,0.90585027704449,1.69905157317247,1.26552641777431,1.32209643788537,1.7486344158212,0.691529765997985,1.03205584363466,1.60214850835681,1.43144217142191,1.13717834356531,0.787736411891755,1.13530079316798,0.489789985545071,1.2078646615474,0.997132764441256,0.627877955893165,1.42968563509681,0.423791930088573,0.936144847650376,1.42519230601135,1.41679067234638,1.03409037672095 +Tceal8,4.93628999235371,4.45256239993379,4.94416273631963,4.68049184338508,4.20712815406426,4.40865020122874,4.41611667447083,4.64597621887301,4.9003034103092,4.69775653535536,4.35210739184635,4.47663303003893,5.70735916544225,4.92628726750188,5.32501936972093,5.17754329442048,4.95430805762007,5.23852977670242,4.99864653906683,5.23683821757204,5.40824396283746,5.00399943593433,4.9015296791079,5.02266729510706 +Mical3,2.95878576852914,3.51566444972118,3.08535908536172,3.07302223603886,3.69951650883572,3.72189972888658,3.4905319867316,3.5562038678629,3.04015831893584,3.20487506325144,3.82609892936856,3.33557854702533,1.95636982717882,2.84331718774121,2.0415681093015,2.66448902776215,2.91021545580345,2.36203230020951,3.16904151253838,2.35696052730054,2.22977625466254,2.6002708484266,2.91089455002848,2.85489953293731 +Ysk4,-4.33814107109808,-3.79597991180172,-3.727134878147,-3.82809462439995,-4.33814107109808,-4.33814107109808,-3.83725275523445,-4.33814107109808,-4.33814107109808,-4.33814107109808,-3.8061841333476,-4.33814107109808,1.03756634901397,0.407046006504348,0.95223554911629,1.17319597058631,1.12566594600434,0.919048894087817,1.06472069415826,-0.270274605314091,0.830072329522487,0.998301744090141,1.04894492512975,0.390703088800311 +Pcdhb2,-2.02023620649975,-0.948559820062153,-1.44971790468753,-2.19161057410534,-1.01678967793799,-0.836857586629119,-1.58978221632634,-0.660531708879602,-0.991706961888595,-2.27664518286652,-1.068574170999,-1.7625627797135,-3.83337863808244,-2.85203421791199,-2.84023922367939,-3.12998018616405,-2.04645809726695,-2.43111983811904,-1.86657142945392,-3.18884174707053,-2.50002173287344,-3.25559376103668,-2.81816695353689,-1.54560567713769 +Rap2a,3.23327225303883,2.54904177202593,2.93884320024726,2.71186822654385,2.81741272816124,2.79721023249776,2.72399379727316,2.53803309925413,2.66339646421163,2.68465633194582,2.62741312152801,2.61929502960947,2.57837797512241,1.92376288205254,2.28463477253284,2.32116876345273,2.22823145396279,2.50843325769495,2.18566452526863,2.14793485249917,2.25418118013829,2.19236139203574,2.16169340490554,2.41210010353502 +Hist1h1e,8.09105291320141,7.17559227926876,7.94231707173329,7.50237294793066,7.5256119087445,7.560311259094,7.55499581114392,8.28965240073175,8.0628929571073,7.88841568794839,7.56133598162127,7.50352584704432,7.63424563482715,7.20857746626826,7.91256235756502,7.34359622078035,7.04007251599644,7.4614080211899,7.05040828029627,8.01046965554586,7.70763025636588,7.92612533013352,7.1537769380823,7.16846647461869 +Gm5812,3.13896491605528,2.74335758623994,2.77642203529727,2.5804507329236,2.99218932081696,2.90758267928902,2.78059466926859,2.37591654622475,2.98122737894553,2.78996129016573,3.29488132867996,2.80567974179959,2.33818704945465,2.18965805699463,1.85893692740159,2.63423875232668,2.34686969911893,2.68714123799908,2.82071683184355,1.56173909078209,1.84920047504318,2.87077922860724,2.63815490610667,2.60142887343527 +B3gnt2,2.42718896580542,2.60524093838902,2.58369912354768,2.39649844481662,2.14559273783438,2.00751058813671,2.09886131454843,2.13013237954359,2.52573581902186,2.28954684049629,2.11369208832982,2.14982348827671,2.85061797812362,2.66365142824099,2.75297821146137,2.62472460111245,2.29658546050623,2.80015150243986,2.27696592363444,2.80269203629477,2.67782072551061,2.54402841691525,2.23613167113747,2.5132504001761 +Lrrc3,-1.05334966791502,-0.680711251766138,-0.0694576524249104,-1.15609976173866,-0.916596340396425,-0.883087165225499,-0.806494037125203,-0.222325322040355,-0.91694635504318,-1.18071791708055,-1.44039973668069,-1.18804438808837,-1.08091030010814,-0.370504815202146,-0.0851834409260124,-1.37016330442976,-1.09802020896955,-0.8203113328398,-0.618263090358896,-0.348881738255809,-0.63940063152462,-0.677134228448734,-1.53124838999417,-1.08171193803889 +Pcdhb1,1.34200001182175,1.60489402495511,1.39335778929062,1.51960795025208,0.941592126396995,0.861449746128416,1.05978771021757,1.46930937838879,1.50980556978511,0.944720497412581,1.42897574080114,0.833163004849048,0.483429304001291,0.949513065251037,0.650556255529912,0.978418518007274,0.314811351212106,1.02242430085179,-0.21328786991439,0.96555645080069,1.16737002993682,1.07574522762499,0.95567001044585,0.693255152818417 +1810063B05Rik,3.63856864656257,3.20560079365012,3.69089221644994,3.76309892961384,2.95172193647738,3.29363958848588,3.3230583373129,3.87870778423837,3.71951412788236,3.41544156618779,2.9151729905802,3.4746903894885,3.67010564141977,3.78827195147288,3.61717005159226,3.69289033608155,3.13214707185684,3.80356898825819,3.26544445661061,3.69079037121867,3.5571040520099,3.89209791162996,3.34562497757554,3.58658821273064 +Dcun1d4,2.49570037748824,2.22767136939383,2.7706215853601,2.29201834796972,2.5251458403007,2.45978157485108,2.14346746149372,2.52191736846594,2.4724199828691,2.43453635260615,2.31264090998497,2.10331141355479,2.58252789555524,2.52797459097168,2.98593966791926,2.36562892664939,2.66943985145672,2.839978329613,2.26711946052481,2.76054263137414,2.69433635797179,2.44222563873406,2.50256130304117,2.33802961604522 +Trim32,3.09082206565892,2.99097398047699,3.13746573675801,3.10381820988262,2.83233138427188,3.02037017576619,2.9145584453278,3.01875188359788,3.0467787955856,2.77568206261169,2.73204283676893,2.8858721076731,2.93616505099907,2.65849289574301,2.6481248847553,2.69994424783643,2.6264482365539,2.78516007948625,2.99086731808173,2.97590070790077,2.8852069848536,2.85085276119647,2.76539785725677,2.75412683347718 +Pcdhb6,-0.302881538371034,-0.452641071476618,0.115481446632902,0.122553434981097,0.0544235404984896,0.549733887833521,-0.438464885479572,0.309503753182794,0.326296720238165,-0.523795904471607,-0.345940464447389,-1.0636749591897,-1.73937099274364,-2.09592368601516,-1.66626123592443,-1.06459264544273,-0.873159382741418,-0.96059453835549,-1.48897764836669,-1.05446678721794,-0.639321174602417,-1.67215824776415,-0.722801630566362,-1.54215733642356 +Pcbp1,5.82284586687406,5.2256117032147,5.28556127337944,5.26660687193137,5.88175347963243,5.89077329235427,5.6408248934135,5.77649000730508,5.16767947856428,5.26311621600464,5.91608479265922,5.5058360251566,5.29669000037153,4.94884818522613,5.18850310524089,5.03501841223477,5.6340572789302,5.4044866674876,5.63972738231009,4.82544160255151,5.05718997776973,5.08403783334181,5.73209329886249,5.26950066231689 +Tmem198,3.47889851109002,3.17171801439147,2.64752661786791,3.23849339273113,3.41005563899399,3.15590263816248,3.42698180897302,2.7389253550357,3.10079546700357,3.07954161810198,3.34997440430409,3.38621934175957,3.34036302592593,2.89189707072144,2.73538861973821,3.29925384087254,3.2858910829195,3.39320623845049,3.71146948602655,2.50604331620955,3.12759843883972,2.97942589164877,3.55873666457847,3.39965367795046 +Senp8,2.90523700591105,2.89697226384189,3.07268184642595,2.65480461580397,2.5425475375183,2.67746969981327,2.57849713356433,2.95392384176968,2.80622759852303,2.90218332197037,2.63913674763305,2.87317200473797,2.57922207526129,2.22537596527936,2.24118363602573,2.2009826284491,1.84721686872775,2.22933094472282,1.81343645835368,2.54405207538702,2.20202048653858,2.1780486655495,1.87474994018067,2.1674317665184 +BC068281,1.57480112429279,1.11112519740463,0.92412827360866,1.29912964403493,1.63075126828737,1.55792845420305,1.72804715451384,1.43323463239518,1.0216383630166,1.12053634931518,1.40025936146333,1.25876201222573,2.11768218692055,1.6693801529279,1.45425564227108,1.85438179172346,2.69146956831362,1.92857688958327,2.51178183845286,2.04367572429877,1.65444233836577,1.72561596810735,2.4565122413057,2.21649475903793 +Kcnf1,-2.49882369666844,-1.56769333025761,-2.56258187758222,-2.97876459250151,-2.88718707332789,-3.30098922205818,-3.45365410422439,-2.36554793363745,-3.21730100262419,-4.62053265647861,-3.70078965010978,-2.14202602438229,1.93788362920195,2.56133564147613,1.77526690352966,2.79437010629231,2.20277737683293,2.10212382317785,2.46670271432381,2.29796767576661,2.05648997457836,2.68439177800559,2.84835121679431,2.5054407132855 +Mettl5,1.7621737315784,0.986248162300504,1.58805622289233,1.69495953222157,1.45962513818291,1.4585061569098,1.45129479329434,1.58759342104923,1.5619871613346,1.23813722791508,1.46313662628736,1.65815515216234,1.69329447009642,1.92797208648016,1.4142056314985,1.71422132270809,1.56557243622477,1.28533445429973,1.13964518662549,1.74611587368028,1.56437782371413,1.45833353568602,1.09939897899773,1.32428758592013 +Rinl,0.366290985364073,0.450344512120416,0.276856285989659,0.102842379430659,-0.17258255615109,-0.131758364407413,-0.178373959901456,-0.260048201114099,0.0221881636991439,0.468854872174572,-0.334362423808384,-0.0032968179140926,-1.17134196576678,-0.828587518731453,-0.807630357387451,-0.50098310177793,-1.20676320032124,-2.20901530427037,-1.24228838175637,-0.826018943920747,-0.543926643746819,-0.901882146332452,-0.856448073346238,-0.946260008789282 +1700025K23Rik,0.764279954743404,1.19970724562051,1.18682704379355,1.29966031799875,0.909592845294699,1.06869278026178,1.08382350173738,0.865476112337591,1.1509793323677,1.28734911500676,0.970870655636431,0.886332385081767,0.601830101457701,1.07555957665639,1.58958530118722,1.24551454618977,0.805631017517888,0.836995378734892,0.468862081137696,0.97593002865557,1.16906257940627,1.1853255418733,0.546385346539291,0.747413092182038 +Ttn,-6.9757747296444,-8.29478542268312,-9.23009761574306,-8.04595183418206,-4.9719674894626,-5.10456369420348,-6.2199554317031,-8.67265169135907,-8.36420497425405,-6.94211126843993,-5.73754576572143,-7.51350113586728,-8.15277557558346,-6.4548729469407,-8.23695820134001,-8.05590083293754,-4.83117559072848,-7.55614873904741,-6.58942181653341,-8.58556072473115,-7.6324420076222,-6.54794822332803,-7.40106049668906,-8.15324195134698 +Xrcc1,3.99838305498467,4.14732619513274,3.81172723241866,4.04275753800665,4.06698058903569,3.86679923714157,4.15236664308152,3.73268294644931,3.76633140952521,4.13241995002141,3.97018444485283,3.84174572860732,3.48768783422594,3.63316689603129,3.07953598558464,3.70343495088336,3.7970167147339,3.61558611677123,3.99134115078951,3.29349385355272,3.54410470879558,3.79017136552587,3.7849672601471,3.75648567489316 +Tubgcp6,2.17587533205593,2.33329443436693,2.09626552829734,2.3713082623378,2.6412628106573,2.47384564055379,2.53224544076619,2.19779883345728,2.14899083076669,2.37734559590721,2.63003520348118,2.31769510896522,1.97951617733196,2.17361403649335,1.8455730157927,1.94946240619248,2.33403899272739,2.21863825146863,2.50996658979528,1.88160972341393,1.95841334503385,2.15866680471234,2.30073663044394,2.26153942685709 +Nlgn2,3.38151884051813,3.67636498947792,3.28867104179301,3.31655801277309,4.41005184779118,4.3573306506804,4.34495860360547,3.6876455014955,3.46893628892729,3.46898760370774,4.38732953855386,3.86352996618305,2.2726849179975,2.61966632752396,2.58043526017305,2.49976891490071,3.55542186667666,2.77625759435014,3.59334663249998,1.60699055572877,2.35396307862391,2.42461588273476,3.34100645761054,3.08519257082524 +Sox12,2.2381132123375,1.94681462480436,2.16949431323592,1.96498379026524,2.4223864324976,2.52227284003165,2.15110644490329,2.52775843452042,2.13149869605175,1.96206339612682,2.44736580476638,2.05783735167171,1.04690593751718,1.28247243255137,1.19373181916469,1.39274824938772,1.36985186118693,1.40737310959787,1.57412226475587,1.30080341753897,1.02267378795928,1.41456597244223,1.61887749052388,0.789508272316055 +Cxx1c,4.5259998132392,4.149983535239,4.60131381827185,4.14949752987857,4.28697764501621,4.16545066456785,3.86212432300197,4.40916490812528,4.42102598134388,4.07858560201103,4.31780617099746,4.23357338873936,4.52856414795374,4.40538662475095,4.60955772356176,4.14938342937641,4.16806286646633,4.50949959335122,4.39290131829445,4.60181794826759,4.46714092791555,4.50895940877741,4.27918627837664,4.30411036795303 +Arf3,5.76073779490646,5.47923076027473,5.68593715781804,5.36597729824081,5.60243454026899,5.57957161749037,5.3961671219422,5.75150238707163,5.58181813952317,5.53721670227653,5.58133828658237,5.36364217200046,5.42750579838957,5.19540901931902,5.61856121817734,5.41256149700934,5.45948690191531,5.47381194598281,5.35779309996138,5.41999396689743,5.33780425500185,5.42518769067366,5.45761058698173,5.26185294137985 +Mest,1.55554755870474,0.114682092160678,-0.091095675425733,-0.0452664065019854,1.40650845296727,1.73134128449349,1.20882685617402,0.353006983835304,0.482918510961023,0.109620744646933,0.694972603904906,1.14455901215218,-0.425457590316655,-1.49886496688167,-1.29793043258615,-1.38927720037207,-0.644921771654064,-0.607995760093815,-0.781790859440516,-1.52614697535048,-1.77245274419049,-1.80631321784083,-1.25906453497403,-1.79011801874048 +Tbc1d22a,4.87046439647224,5.17724341430675,5.4196865572076,5.1345067278461,4.85003014264042,4.89627436560622,4.97406969045742,5.47353859430957,5.26491577554836,5.34795381375043,4.95873442291238,5.06098398215157,3.99847954849954,4.29160318425278,3.84369830177691,3.84541382261048,3.47355481551442,3.72943044375105,4.15114867652187,4.21938888747997,4.15625965744465,3.96211748488448,3.50508102823096,3.69277914759073 +Klhdc1,1.21838799219593,1.6372865055108,1.76192286989651,1.67320627939235,0.932428826144023,0.892954234850931,0.965135162653742,1.60365324379004,1.58813475904605,1.45371571240699,1.1139284205017,1.6067477788727,0.867816611486448,1.51202985579246,1.26187846094914,1.17591232706193,0.739749453120404,0.675818576977921,0.436321137744884,1.20192228350204,1.48660882191531,1.22211650344414,0.320057944216603,0.693533016801693 +Sox6,-0.165507050302361,0.306671497339155,0.371556580523678,-0.0389141116467266,-0.217103550493108,-0.102445129642211,0.0077996955734267,0.542383681042269,0.0677395545177633,0.0278748191380709,0.0318587363088834,-0.395829290218783,-4.49696937660571,-3.02055693174315,-3.5845945683733,-4.40009463395979,-3.59575515431853,-3.14621985644283,-4.91272044909289,-3.44355014738159,-4.5647611319146,-4.00372005177104,-3.74525429771131,-4.9376396147354 +Spats2,3.04285934119844,2.9875751381138,2.88680210093354,2.98367919266661,2.84709657515596,2.58843407983179,2.92965342769704,2.93808376444619,2.88308266453207,2.77461535391296,2.94505354069818,2.80648807159966,0.912729743089348,2.16388483188675,1.22453641771697,1.66620890147915,0.950741872064232,0.894135467816192,1.60757927505091,2.06916514309937,1.41216043609282,1.85538789937953,1.02961934859606,1.47290829515872 +B3galtl,-0.507691619594628,-0.793141068378928,-0.265518785059419,-0.390260084000707,-0.677592735382933,-1.16802705135232,-1.40635080921541,-1.05724609953674,-0.193446761765621,-1.49168182820744,-0.870571537695122,-0.789710481388532,0.808594096680896,1.28173348186661,1.37384353878661,1.09104864187982,0.32566565851864,0.826440968051034,0.494874504036136,1.37801652335836,1.05299172048545,1.09638957575733,0.534847707592764,0.630373026081321 +Xkr4,2.87152265440936,2.84132518208666,2.80783597444748,2.39514849396822,3.22636955034456,2.98046244168311,2.981749871477,3.32389901708175,2.99827124565723,2.39849246362981,3.00822105986988,2.91911412695881,1.01631692900946,0.969644598545628,0.970883925376061,1.03875325185817,1.248654008304,0.985210050415795,1.1310141955412,0.856168335551739,0.991899476776216,0.784827971849869,1.35182165860649,0.9278311805487 +Prdm9,-1.68892551876209,-1.49715538897587,-1.81921821774584,-1.16012401829745,-1.04016404662421,-0.77165972508112,-0.436493122970714,-1.4549805441745,-1.4700586491828,-0.338660241196626,-0.668224454151592,-1.19206864464716,-2.02469982054073,-1.04309821395241,-2.15749365708488,-0.518732751203663,-0.286100127701961,-1.02762231018034,-1.10261534939759,-2.16314090168392,-1.86761758832882,-1.23984914725528,-0.85569989528023,-0.629154451500223 +Erich1,2.48468179023323,2.92603381444046,2.44687612644501,2.80120099658149,2.3530399708311,2.5148457970332,2.30215345572942,2.61129751593798,2.56094776843445,3.06692438386143,2.75969343417856,2.56766257875673,2.27599824757813,2.55750855659765,2.375540095881,2.43002550079065,2.55139829184851,2.42986295448423,2.6027935294283,2.39505163886028,2.68471001015225,2.91248502683626,2.15874585576619,2.23379501251452 +Casr,5.09944145854634,4.95295438149901,4.95662165925145,4.36953582880521,4.97073675328223,5.19336262383134,4.78716253684717,5.20236017536035,4.78708101262022,4.42873959030366,4.77881816596965,4.93179592822461,5.15207644629918,5.46231315915995,5.38135784353053,4.894003949192,5.07693513986799,5.17152846096601,5.2912123105621,5.47019713226449,5.08849954116029,4.84407595855152,4.96407153790073,5.08439990533159 +Sec31b,-2.71329737476574,-1.29042417748967,-2.48066521357879,-2.51765033576109,-1.62518654051014,-2.02451583284088,-1.57535778496247,-3.07124947879255,-2.11026476121331,-4.34326350371067,-1.48678610082311,-2.62666702383489,-1.89953422394836,-1.46886421442762,-2.76745571961108,-1.4786592855091,-1.28108549036487,-1.53078854944504,-0.68378613256369,-2.64151502966576,-1.4198935436605,-1.3621814690771,-0.792043547864639,-1.63239252292638 +Fam165b,3.06553825838975,2.56792656983711,2.99318696146423,3.07297141335404,2.8650800884508,2.67863882871651,2.83365150985687,2.94555153393604,2.98984328294477,2.98646170771249,2.74280488780565,2.88993376031703,2.68792988509392,2.5203105379908,2.94203529103747,2.75973408577923,2.2396098214097,2.61839424692163,2.59636700553549,2.82052342226309,2.43802420360242,2.43401281163373,2.61902204679526,2.87387217833431 +Tagap1,1.73684728454043,2.46033564895913,1.96797805379373,2.5588764507005,2.21697274766221,2.08362665220359,2.30652109689806,1.82654778671277,2.00696660720246,2.40352031422881,2.09677881801506,2.65761806286376,1.00464748524338,2.11906180599438,1.31846185140274,2.06318952059511,2.29167767861486,1.86927119187216,1.97222684155416,1.02489059018309,1.7414796384183,1.87172208321429,1.906350334771,2.13284347182216 +Pfdn4,1.14057500206414,0.696149147833366,1.27344270035849,0.931107878618104,0.355237651885079,0.625266256651269,0.534644211035977,0.928718589748184,0.98448018781665,0.469471496856944,0.418507531240881,0.782075440698371,1.01564701932498,1.04722536061208,1.08240521636461,0.703967619709856,0.482988688370829,1.02403823590126,0.776635520575548,1.24141843648233,1.1721230677672,1.01479163441029,0.897359559466467,0.742911646511114 +Klf13,3.16885727525449,3.1637733258653,2.92344186469221,3.17735561559173,3.43072661573254,3.47457442199316,3.075486287432,3.23672526789839,3.01852749186015,3.07718536041066,3.32723779992767,3.03633367946149,2.70634676528788,3.16062287176381,3.06836517408443,3.21959275392954,3.15702622228798,3.05491412664888,3.24764474577053,2.7337970778514,3.12100805836977,3.33651460087678,3.15630602877299,3.06315522843308 +Zfp217,3.47539707137001,3.75265637747197,3.66700606279822,3.66317977026735,3.69748209530048,3.60158172376821,3.6028890388277,3.93375849108641,3.64164084514853,3.68549448684329,3.71525408970331,3.72188087612404,1.37881361741788,1.87209421857735,1.51477802508802,1.64105583745855,1.8059343518978,1.4265896910514,1.78391424457721,1.54797583035515,1.63184495018877,1.64301879641081,1.69440679440373,1.86252014535342 +Pard3b,0.177008230729498,0.159108302349357,0.408079145923208,0.488838296508124,0.799313249615187,0.812473208087204,0.775773546839679,0.458100331520734,0.601036508476068,0.66274071870079,0.862843677077331,0.377541047857662,0.88621703027924,1.23960499732929,0.955364843731902,1.08260043080486,1.4837214967403,1.00533823774608,1.60688485107586,0.45975655245286,1.08634564412936,1.06588668482774,1.38297489630991,1.13379308326476 +Dock8,1.76215964214632,2.15399531144389,1.50652846098891,1.98276368898894,2.94130389644349,2.71658732785024,2.36187209967305,2.27613082299216,1.97973319643387,2.08250938416179,2.96814848363734,2.69325769186132,1.35286236400452,1.94715715955789,1.11930301608616,1.82162045933535,2.24259582250035,2.15921256905233,2.36242300659483,1.62034828152656,0.953245046120005,1.56426181190939,2.22608573254337,2.06945174961777 +Gnpda1,1.34240364428362,1.6088894228477,1.3854177318732,1.57509188556158,1.46845878810589,1.37651956894838,1.42308240569318,1.48839307932712,1.4635288440378,1.89332575644277,1.38990882188254,1.21018156631423,4.0420499853525,3.59099401186188,3.52658578306129,3.69634258583181,3.59980002956168,4.01897813481952,3.82162139233326,4.15126446614671,3.53878727832973,3.75117806598294,3.71422759263638,3.76765706912872 +1110012J17Rik,3.05157476215937,3.42742946420036,3.25620211068016,3.40074977624402,3.5508051131554,3.55067693070234,3.7188159413732,3.15862618377416,3.16633819645419,3.33259810893437,3.59851359831192,3.44955037100204,3.52268274328418,4.15491784123329,3.960286972518,4.23673876470349,4.29487646482668,3.90977459005727,4.4725214917708,3.75324712345749,3.93135306457934,4.26277493944951,4.31761842931217,4.18189563096023 +D630039A03Rik,2.36977679008137,2.50675172960488,2.56235942854066,1.90427893886344,2.61164278233852,2.43764162356505,2.23041120146918,2.84229779102215,2.18163218814598,2.710384119355,3.19771634264403,2.4535541333402,2.56277372372175,2.82851089597154,2.40033585783742,2.48522265465133,3.44466699470499,2.86044357617837,3.01259421995125,2.84701819810214,2.14517255902319,2.32589418416337,3.45326196930904,2.77788144856957 +F730043M19Rik,0.918781833406091,1.30770095236096,0.481714385123074,1.17332139183226,1.62976997498684,1.82604454832979,1.58012157269371,0.520394094441921,0.803636922336852,1.34414103314143,1.59477339383253,1.5637928399392,-4.06443512779886,-2.27262587419922,-2.71170648627664,-3.99800488275025,-2.91448279385316,-4.70140333466865,-4.70140333466865,-2.76927146260732,-3.36804642945965,-3.39242078479265,-2.21716271647276,-3.28772781845229 +Foxo6,1.41277708647451,1.58194538085187,1.32620191864899,1.30624899746528,1.64133278950324,1.73974316136933,1.71673391461895,1.95053697253631,1.50012373990774,1.49573392205752,1.58227364503211,1.10460288742656,2.47718208730931,2.63252010281313,2.65603839118084,2.40909755799188,2.5543651297879,2.42576920145127,2.86886050585418,2.88118302879547,2.67994510774894,2.64824481640927,2.59454903712797,2.599336411633 +Rbm12b2,2.66919348507708,2.81031271925191,2.46170569702474,2.82245555192463,2.93178700293595,2.66016666213799,2.90772375624064,2.48325737714153,2.52462294247873,2.61601069101979,2.77772741564754,2.87108384602271,2.35230737708075,2.2827685531272,2.03581972233865,2.12952460607549,2.38556480368458,2.33329585545451,2.44368100771499,2.13554562238428,2.05911640321469,2.07241842756895,2.47855277339448,2.69621521159628 +Bre,2.21804080843299,1.98737975098867,2.20370023098733,1.95266921146006,2.10060073201826,2.28542043901078,2.181309698075,2.28205417617884,1.97119333308009,2.02966552784088,2.28403260949251,2.27274536114445,2.36648549585526,2.13935724193885,2.57500733433309,2.2533805201841,2.39628665841459,2.66076053407076,2.41823252155462,2.44531496597792,2.19962775747406,2.3896278416825,2.46513602056091,2.49708622517042 +Rasal3,-0.517367822636064,-0.507881040539418,-0.135173395525182,-0.644047866912789,-0.445326580777727,-1.02776665306152,-0.40015011675575,-0.79236306490412,-0.382155224732633,-0.386432347953303,-0.502552240300178,-0.92945117891604,-2.08407981121548,-0.796095365325851,-0.551646202535011,-1.04620020158393,-0.485635777316377,-1.55225933838172,-0.76460835477663,-0.924748945310025,-0.520762594629415,-0.0163254984046657,-1.39292860581589,-1.44751841250857 +Ppp4r2,3.51758649271412,3.28639101802123,3.55801752824661,3.42350509684985,3.29214750652995,3.49481046300934,3.3926755265632,3.48488458558342,3.41837746330245,3.32438175673446,3.15684176739891,3.41433299684511,3.45166549113413,3.24470253239639,3.29195661664218,3.40577718850362,3.18036025430202,3.33129072775002,3.10513666321188,3.31577780785362,3.53799828194363,3.27236858290855,3.17502549115001,3.22238191558277 +Rps10,5.53542563427346,4.84771382218057,5.63907924373778,5.29733808706339,5.03321075617736,5.29898262118826,4.94278476416058,5.47846956110411,5.40599925942603,5.51118050512385,5.13461898703042,5.21606387096287,4.47388195244328,4.43118741652938,4.72259478468016,4.3656914804681,4.00506297801821,4.36552590471724,4.15016703249571,4.75401666844465,4.63605861226774,4.22413331754559,3.94923747640795,4.16553826502892 +Ppap2c,1.97638623868497,1.31766769227589,1.82752791147284,1.79895397878702,1.67751275116819,1.27427117980433,1.24918669048618,1.83903169508927,1.98604992432188,2.00846453602915,1.22262637163408,1.00849127913506,2.06673250724757,1.71717044264548,2.29939403995293,1.62832677193838,1.28550831814618,1.74760153094039,1.33755368427811,2.19613838617871,2.38200914956749,1.89954188359846,1.75705111914667,1.52327347862714 +Acvr2a,3.56166277935573,3.41912726359579,3.63188540733777,3.43736188584527,3.37552640285375,3.4891543011943,3.37125762554754,3.66192991252764,3.50997019551936,3.39709687158026,3.46027302716853,3.47043766937343,3.73062410349723,3.69548821301935,3.92480686794668,3.74986038041633,3.38334912170329,3.62643069592215,3.33197207386075,4.03392795137914,3.75745499655982,3.60744630482174,3.29061575147495,3.40719359083129 +Gm5963,7.25435765921351,6.61051436667216,7.54539185062057,7.22931405794753,6.65428214698368,6.68789088066836,6.82731546034335,7.44973640015348,7.26860894336271,7.29177102410176,6.65243987258637,6.79847563181372,6.8185955842176,6.26023232162747,6.78711719867705,6.51566635649667,6.07001528795288,6.51426507411398,5.66721442428702,6.64260493041746,6.82486855114496,6.1996408786162,5.96575549255145,6.22063002066775 +Opa3,3.18941603499601,2.65806956478663,2.77254362543136,2.50554333547485,2.72382351997304,2.92906374953958,2.86582198139887,2.82573212938071,2.79714600677097,2.54920428248567,2.80717112469846,2.87352086795762,3.38777125183211,3.05076704857074,2.98041207932238,2.95809851525256,3.08733101821578,3.16186157648697,3.15442427347429,3.24154123876725,3.00173744009673,2.80218839187007,3.09353223296457,3.07424903929566 +Zfp622,3.39008046481685,3.48351447273365,3.97957624282238,3.82804068509428,3.0589763992354,3.0843112241458,3.38457031052406,3.48580064478326,3.74441847872881,3.77461261167525,3.26362786064526,3.19875133358079,3.98813300240435,3.56960585067836,3.80326744629884,4.20092761016622,3.72670285496522,3.76219585630101,3.80367806462152,3.64885237379725,4.10717633412863,4.10734295316482,3.75537201948724,3.6537168966217 +Bhlha15,2.58094804376733,1.74779052600183,2.04896185739869,1.88488129176615,2.47820239889371,2.13356406836754,2.07622115549517,1.7621039626406,1.98162041790761,1.94151136346947,1.98355001442552,2.16594713339649,4.62972053570879,3.2142289858066,3.71483141758517,3.44219232026703,4.97499497950948,4.66708291420804,4.89422332648489,2.35226390619862,3.70749442195433,3.12961795409863,4.89458406190633,4.69055149069191 +5330438D12Rik,1.83290507601665,1.76243002177595,1.82379778194338,1.51813323818662,1.23920371853104,1.4090837989585,1.74363364122396,1.82629561194761,1.68293665738879,1.48534132304618,1.27678245733368,1.86422005294128,0.623930545103703,0.938180129895311,0.469302055246757,0.309509235381368,0.313480691952599,0.650451551666521,-0.32478362124318,0.500774177222058,1.30787127103923,0.591080059476843,0.317671273652597,0.623094168661402 +Taf9,4.532691063798,3.90651292956985,4.66654316237277,4.38022887040763,3.84133070424085,3.67119236338332,3.963309226892,3.97338644773416,4.38252757685441,4.1816962899293,3.76079150548962,3.85798077295611,4.90912600562775,4.46272666873034,4.87200475891371,4.64411738001889,4.1261973341318,4.29690715408779,3.99494708305312,4.75668618141187,4.74265200567335,4.51529155328665,4.06769196891229,4.58222718871381 +Ppp6r1,5.18999389888381,5.28312424798964,5.17788781999504,5.24433580639387,5.54736285161209,5.43466100846007,5.55256716397161,5.19284961038848,5.20410472169175,5.16889563541594,5.54964146376252,5.37686536641987,5.37385834788599,5.40538937380869,5.16527882601333,5.43471936311958,5.88608523383317,5.52130752279994,5.86518951805936,5.1882996610393,5.22334047178291,5.38766271564369,5.92394564195265,5.65591446614048 +Cdc42se2,4.41011238641492,4.0395048263262,4.27451254538257,3.97878023337615,3.87191845546158,3.99125965399765,3.94948556098958,4.27858110629596,4.23288929904778,4.18610720242402,3.94226906423795,3.97347505411678,4.86948346026905,4.4463802497952,4.89250313551312,4.44637389229779,4.41317456664333,4.73811971524555,4.34418609845703,4.82429792165675,4.95287936316433,4.58153930153827,4.38987499616958,4.31776931233396 +Ltn1,3.56204453204014,3.66650027303063,3.69248297016466,3.47311303992939,3.57119628821534,3.57059664246585,3.45979273170706,3.69009568523499,3.62577090990459,3.60504934774733,3.61698507558678,3.59254926063371,3.94655725604883,3.61996179248543,4.05733297853063,3.78666042807257,3.81543002857906,4.03376173022526,3.78674904924505,3.87484247663667,3.66647840867939,3.61878845204019,3.85175929819278,3.79706020113048 +Tbc1d30,2.22540647538166,2.65639201026575,2.26138893869301,2.38965474644572,2.65510208525128,2.573036389527,2.57359883245232,2.24107928896071,2.22050438328866,2.44516884745464,2.56175819485923,2.41136647033769,2.81122460434577,3.12040317962273,2.82012287173376,2.99320118903056,3.06999956572676,3.00565722323592,2.91349561380656,3.04243189528892,2.82123781863542,2.86325451644065,3.01802351728256,3.13398381166141 +Slc39a1,3.74005086360423,3.53263307872462,3.72629597707115,3.51894764385694,3.16394186669005,3.30030626682129,3.22902122352021,3.73575312759509,3.52236623616499,3.42121712127864,3.04745267255277,3.26404494702367,3.97350154461019,3.74804797767408,4.24475150656166,3.87463783920434,3.48781876988764,3.95858534913865,3.59163367192583,4.16825182016728,3.91210760152185,3.62378917104251,3.50421749666695,3.55169909961128 +Ankrd44,1.72173301092077,2.28017795522764,2.42131290815254,2.06182584467428,2.26188631865925,2.21938079046607,2.05116739788912,2.51357998569446,2.20982328790561,2.23568166948834,2.17999162479518,2.03363987713837,2.05802354603081,2.45356253577488,2.50730562383947,2.33703769209022,2.53372548389192,2.3064397582165,2.37318108272297,2.51019276469431,2.51709128165013,2.42231143586303,2.38281173549269,2.33356301855188 +Cx3cr1,1.38337204743123,1.51112193184654,1.41210939601385,1.67046758972034,1.44267951136778,1.39904957986223,1.43368370569288,1.41671589492003,2.17960183688392,1.5932800011583,1.51508592795952,1.44433619647231,1.41749742895088,1.32097798358737,1.34470352390972,1.53423519847928,1.47408859190346,1.42938410966842,1.62976253736898,0.989126812582714,1.53185112735616,1.36376548648236,1.4593020373399,1.52580185041209 +Immt,4.2463075707817,4.04203168688946,3.96970452787741,4.04135521954576,4.08834218813467,4.04079528910662,4.18837333135096,3.92084124531435,4.17108657215891,4.14571237287123,4.10030920967071,4.11153145889377,4.57424970809642,4.51118132710482,4.3955066209427,4.50467786011909,4.53565413930505,4.4807146098292,4.55512654457006,4.41593810826709,4.43748484812443,4.49530703131634,4.63923259888117,4.53327978570067 +9930013L23Rik,-5.46911301200576,-4.25996875282346,-5.36299306416857,-5.08788455097975,-5.02540444455631,-4.97598620034886,-4.35321437979857,-5.01547346665967,-5.47704257612292,-5.97399925711965,-5.05425625075082,-5.97399925711965,-3.14503550736629,-2.10212987252803,-3.98430240872763,-2.28041365933335,-2.24565677260899,-2.607860528374,-2.87580649271138,-3.12688197630541,-2.25601405001967,-2.0872966887113,-2.36127005209683,-1.83309762143965 +B630019K06Rik,4.2687411796394,4.2362254611053,4.21998715288252,4.20588531856854,4.00506820702755,3.93147905556401,3.87934979858462,4.23337564913735,4.149089517055,3.83509847865068,3.95110816399567,4.15591815670858,4.19164444875466,4.3174931123313,4.60732770478818,4.64024880456764,3.85994323976044,4.33477914319521,3.77742769958065,4.56545582197701,4.56516169732221,4.41845995995362,3.87763681535676,3.87854628583812 +Tmem106c,5.1160315295633,4.93692874213467,5.45499496385404,5.04128143538825,4.78502663550794,4.60833584834416,4.70081660792852,5.03524380406849,5.19698131237695,5.28347800135481,4.83348566015351,4.88587950835024,4.62999179233915,4.7836868530603,5.10294404333422,4.76508141427884,4.29309853895537,4.6147211505808,4.30635607435355,4.8485528245721,4.93690692026231,4.9630220201898,4.21675524558642,4.45330372701857 +Mpp3,-1.5470741103551,-0.719853166320389,-1.82032806452773,-1.39107981308093,-1.16820136501966,-1.2379979812913,-1.29319670770308,-1.91464966870784,-1.4330611991849,-1.72455416032449,-1.65928566522564,-1.50377788196057,1.60771043320187,1.56076198708117,2.15609336897936,1.60568462138314,1.3045935128192,1.61026247581726,1.41942508992759,1.73372842086046,1.82799818565994,1.87455300726062,1.02314754856646,1.08789790160856 +Lrrc33,-1.0128228180924,-0.227445341573673,-1.18552142928432,-1.11557291191604,-0.131108129835174,-0.427605760104185,-0.320523055860086,-1.79434019772141,-0.600182532897017,-0.294109134815211,0.145391059516008,-0.153886544622546,-0.111215341681671,-0.289396285934262,-0.482544315865371,-1.22721297759015,0.548337384706328,-0.346310923156629,-0.465489696571795,-1.10024874776141,-0.196447151032762,-0.489916554667444,0.360164494146876,-0.238311073152441 +Trpm3,-1.93498377519025,-1.3172599539909,-1.74629617907861,-1.30453314808729,-0.480781604199604,-0.624249410324667,-1.07309216906153,-1.31122083096885,-1.0274885036033,-1.98097833603126,-0.974781293598552,-1.03267577288774,2.46249653216022,2.57762233230371,2.88600875105581,2.52249704983551,2.51216512970089,2.37295281188297,2.96839981657648,2.44520249690359,2.57424682260299,2.41588080824965,2.4832263625355,2.16083905598324 +Rft1,1.8031321503193,1.76021292182575,2.23578658626691,2.15094932203549,1.62212676134354,1.68192011151426,1.56398438384264,2.06197225496907,2.17312386030377,2.07372099342029,1.89943912604649,1.85631931930433,2.34470962908671,2.32418174160252,2.59502085957125,2.55006124340321,1.88844888007517,2.08059338360939,2.06291668807223,2.51285213511777,2.3989385887482,2.43109145394763,1.685307556332,2.01272074196635 +Ezr,3.43171628281912,3.10637057008232,3.37185230608741,3.16014781773217,3.25520933593344,3.19267503497268,3.18105469183144,3.41042760748776,3.30894560784564,3.41733910744325,3.21977449783116,3.12800214529746,4.0306385861985,4.00202393754034,4.02573839677803,3.79928415588212,3.82266778690815,4.13102411592633,4.17725450588056,3.86965560957702,3.9974204934157,4.10594877393976,4.1985952080137,4.20681036377164 +Gm13520,-2.59100054834831,-2.38986198634259,-3.12476211141407,-2.07272911931208,-1.88479908850741,-2.01632212651439,-2.93911646855436,-2.16926433418191,-2.71711235999343,-2.89472654300733,-2.62082945951902,-3.11189703194152,-3.4955486146597,-2.75393542984103,-2.02500713266759,-1.71629765490042,-2.12053487696466,-2.06700747877471,-2.18602594942095,-3.05197162092673,-2.58190137833623,-1.67889707398943,-1.76298596596134,-2.14509903098495 +Rexo4,2.74169548110522,2.79438534484046,2.22552781241129,2.86540858394235,3.08394533895076,3.05662684414664,3.2301419488517,2.27513626875988,2.54701366935205,2.9135242499385,2.96809721800501,3.02174443473098,2.6087709171218,2.54891743529744,1.71820878978359,2.70726547861344,2.9223419727692,2.45071098093816,2.88373113180145,1.85395582539799,2.34699807601666,2.53892874720548,2.69078807417099,3.0897211895402 +Ccdc171,-0.241150858377195,0.143250910639312,0.0613539828753238,-0.0084626170992296,0.693803285763469,0.600266660097656,0.403695606165972,0.222339612833611,0.0136036646198665,-0.489250039480446,0.293248431804665,0.255858823684454,-0.102900205623755,-0.262250990976881,-0.285746322476417,-0.680137671450955,-0.101761917508758,-0.0093478080805962,0.332270638527381,-0.791990649925602,-0.484471083884233,-0.496080626164118,-0.151472094346087,0.0299118416939383 +Atf7,1.50000830762634,1.51524950531724,1.35013290933676,0.920184706943638,2.02485199296408,2.06739559802338,1.72463829968063,2.14153587107628,1.30626835211682,1.27359090383798,1.88563968350707,1.38935648089149,1.22896388567341,1.06915719818049,0.899618674938877,1.03776466028098,1.93531487071425,1.62634847818555,2.19102271480766,1.1788204607982,0.981852292724888,1.10692188092556,2.12400184317297,1.8373422682702 +2610001J05Rik,3.20967213738506,2.51865832799601,2.76037698291863,2.77748375991327,2.6144076730889,2.52914573478522,2.74677646633427,2.93498276802631,3.05816861432021,2.66254194574378,2.65124586641076,2.69984300974188,3.31263327119974,2.88597678819365,3.01027033138482,2.78140835469395,2.45055145956138,3.18126570020044,2.18990915929029,3.3866427704891,2.90093011305634,2.77466520482101,2.50095497516424,2.83279782347981 +B4galt3,4.01033282559481,3.83922511671567,3.81154342633647,3.91910667261355,3.73434164192882,3.86266529444382,3.89802752954173,3.72104707565487,3.84342650885735,3.69630849136194,3.68795616248264,3.80885104379948,3.71510470120812,3.48861461492989,3.58677784866967,3.5000369206564,3.47546147730022,3.76443141634047,3.64228182934856,3.45548846651828,3.56235259663313,3.44431550751856,3.38738371607008,3.45661785066426 +Tmco1,3.47329940964901,3.14289575157468,3.39581018124843,3.45467507580056,2.98757782718265,2.96892435472602,3.08320338428526,3.40161301000977,3.1792774094506,3.33551794954507,3.00611334656784,3.15625654218348,4.25490582123285,3.90514236811166,4.16374287948781,3.98552475049506,3.61082649014968,4.10603049485147,3.62257400538832,4.36613056393143,3.90959450029004,3.89215746357156,3.55429922067811,3.89082693768507 +Prmt1,3.74796541457577,3.32797119052573,3.7428440065696,3.68308260379073,3.77788044887305,3.76007064874207,3.48896700331818,3.70471688627753,3.62042084377001,3.62862352266644,3.84063118149616,3.61127609642575,3.55229009543653,3.25033179458393,3.63522002929852,3.24590115155224,3.73139548382901,3.57475519855448,3.56057406345358,3.21636045205289,3.43719694694697,3.4072297391316,3.94203440034158,3.36012055718743 +Bmpr1b,1.47593500156742,1.35825636986401,0.919554372175653,1.6413302769022,0.530223057667649,0.451228379373266,0.0309377523620178,1.83111601053707,1.51167767952095,0.480652147093169,0.628769770496894,0.969546671404475,-0.665414985789165,-0.650933511853135,0.0267574004663911,0.136333421077255,-0.18348405611059,-0.490074731190573,-0.978818928400171,0.086992513294184,0.0584714416018071,-0.870103261619632,-0.699109006246131,-0.585643364810587 +Zfp961,1.77443738245056,1.70624904279588,1.76176534568303,1.69228053077016,1.67335419358678,1.83311072922958,1.58870180571487,1.53586336522841,1.9016363941839,1.90066613352579,1.6223880378069,1.80763561514735,1.96908307950282,1.73964864535043,2.09905479069102,1.63865334588132,1.55077495080568,1.82519247873341,1.6570373920302,1.84627223602881,1.96154308890937,1.73766653380398,1.61896189492088,1.84329859695385 +2810055G20Rik,-1.75926024271231,-0.53160285309911,-1.2123828413581,-1.5997894467239,-1.36058598556798,-0.83147504643438,-0.881668877355293,-0.808301408645124,-1.06906436740907,-1.76671669849123,-0.970115398855488,-1.14263674081219,-3.73491986593894,-3.16236757599865,-3.73491986593894,-3.73491986593894,-3.15945740306935,-3.73491986593894,-3.07334889826651,-3.09038297492702,-2.72538958108822,-3.15713498889318,-2.39475690224926,-3.73491986593894 +Asna1,5.76109830922079,5.15634419927938,5.26654805864026,5.38372162133461,5.17238917634393,5.34612262831244,5.31354047775362,5.3620775224449,5.30482640896903,5.35108315557061,5.2838990003139,5.46449649725433,6.31254989639144,5.89207117560406,6.03764916327633,5.94454153720663,5.99367297672484,6.11673968121135,6.00025896131835,6.11377481335754,6.06183267445551,6.0263904915401,6.13312749527825,5.98179532873142 +Atp6v1a,3.54367995757681,3.36844803882159,3.45500609725436,3.47329502313261,3.2241258510281,3.27752678740488,3.19748780316493,3.43082876423022,3.51839124862124,3.18555579406757,3.21600544486321,3.33471550278237,5.22432572945713,4.98927370021912,5.26595519169774,4.99345559141233,4.84335730704296,5.25662106730935,4.7869364821298,5.3915570680653,5.09066222324587,4.97566288231136,4.94599307307753,5.00010488143602 +D630004N19Rik,0.988668685428654,0.615642248940941,1.45703810567742,0.800459855183576,0.641475412016904,0.945105491248523,1.31409958879509,1.33105799961192,1.30121868792899,1.39895988904274,0.539618165250015,1.07622899482439,-0.323111456369534,-0.046214956132776,-0.365608383277871,-0.526142550759813,-0.198408467555642,-0.692687523108167,-0.263899540011938,-0.531061113107958,0.280331394818032,-0.279504446267871,-0.776345862705549,-0.972813519956685 +A330008L17Rik,-2.31079315819019,-2.12291685916315,-2.65321916080331,-2.47237890209255,-1.8778423835811,-1.65582462697628,-2.24192793517092,-1.55284020553222,-1.43839346615208,-1.62975267033772,-2.23308460238684,-2.47801721754629,-1.12772769349783,-0.889482471487273,-0.831284157352883,-1.70934094997412,-1.50177905423156,-0.802956513506111,-1.32961443199879,-0.726869510316632,-0.835774046988423,-1.61061872294878,-1.75602926103503,-1.28162527981546 +Cherp,2.18367100085631,2.24204055392064,1.75621888697535,1.69027088773821,3.29368253871877,3.01469879529058,3.04406102478278,2.64259242139877,1.95199829967248,2.09908287523511,3.25436945890392,2.44528747173821,1.89681592764787,2.03532984875928,2.29371575861049,2.21030427984309,3.27504475888866,2.68447762508126,3.28095806169077,2.21558783631215,1.90353034330802,2.11974684154796,3.28413190472016,2.84084284059379 +Epha3,-2.51096165637675,-1.68341104983555,-2.23751718011816,-1.84941038081464,-2.79757851149326,-2.43054923196639,-2.5219186294194,-2.05250223702121,-2.78579489113727,-2.11577013085492,-2.43812007623945,-2.66684331314796,-4.24975985580558,-3.58721578763866,-4.30633565879485,-4.88672806267538,-4.88672806267538,-4.88672806267538,-4.22515709500296,-4.88672806267538,-4.88672806267538,-4.88672806267538,-4.88672806267538,-4.88672806267538 +Nav2,3.40757601258893,3.65372671608258,3.18581120915767,3.01860813831139,4.3498020989573,4.54391452716184,4.300852153123,4.08937235586001,3.27515361175521,3.19832549834827,4.30760992712747,3.72689003715138,3.15338589780617,3.64265635343997,3.27363820343318,3.28635219080618,4.57950900649909,3.95483038216509,4.9364579133821,3.16215119098046,3.15693840138101,3.23982998498046,4.62855149282243,4.29755619146609 +Robo2,4.27923724769588,4.41716415357726,4.38612869761509,4.40629615347365,4.37219113920991,4.58123593231506,4.36185523610871,4.42766603224302,4.52046544300574,4.25627630607042,4.27317014118017,4.35457554308215,3.75106493132701,4.21453383251664,4.10428856950268,4.03443150673407,3.75520061316017,3.85181868487443,4.10164458827146,4.00988459621558,4.01521157320168,3.97512735363694,3.77775051733617,4.04309867661947 +Spdya,-1.83414654165793,-1.52907165657209,-0.859980604360074,-1.21193878954157,-2.08314557165659,-1.51797550415716,-1.17028977864714,-1.58641367539767,-0.629744174588213,-1.5509646287195,-2.27884969633328,-1.26583775703437,-1.01727647925426,-1.26754589830538,-1.16421680289708,-1.12525754420847,-2.02290053701848,-2.22218911666999,-1.22372979613168,-1.26497732349468,-1.13509811215533,-1.01945660633074,-2.49288544148595,-2.0341495995952 +Nup188,2.27095191970406,2.28782341119605,2.05894591198529,2.18009824779378,2.56897690725503,2.45259275945836,2.42400629619836,2.50329398807163,2.23242596350594,1.87120855851376,2.32505868176251,2.3434971833937,1.60909353641903,2.08583590507045,1.67005545610975,1.94200006731067,2.40038955081349,2.34310282663448,2.48976259851014,2.13222712674942,1.23463082596815,1.75272870202076,2.47142306303226,2.31004635525096 +Pbx1,3.08563582544118,3.20910196594853,3.21119223834054,2.6321513964787,3.78222148511607,3.75585353241309,3.16807403506825,4.1156555684858,3.05163284005054,2.87599054578689,3.39467576428928,3.19043884721157,1.83082990519135,1.96020601773078,1.86991602574008,1.72852107216043,2.55691650538995,2.19801732641377,2.33751569135364,2.06429433891279,1.69975364789807,1.74177875702867,2.39001517563652,2.19922654829877 +Magi3,2.12329028387043,2.32949207524996,1.96257325295517,2.19057620555863,2.32280405216991,2.43176552316354,2.18266579420294,2.23836121126166,2.28663209142569,2.19661353912805,2.51384817562247,2.4626456210876,-0.345056276770629,-0.0489839654267024,-0.642220041393541,0.0529034327683746,-0.656650965014521,-0.085532292847367,-0.23572750020487,0.0752128178453777,-0.517409159390929,-0.46935417227795,-0.41897091173166,0.210981739737392 +Adarb2,-1.39395982739146,-1.10130580132601,-1.51483623525281,-0.949692031074846,-0.626563473351029,-0.701226994720825,-0.868306884375673,-1.43257718050459,-1.38884717702366,-1.71451346223426,-0.812154944509162,-0.514529508381194,-5.67465670220849,-5.67465670220849,-5.09426429832797,-5.67465670220849,-5.09919423933891,-5.67465670220849,-5.67465670220849,-5.67465670220849,-5.67465670220849,-5.09687182516273,-5.67465670220849,-5.67465670220849 +Gan,1.04292788052651,1.35648254164519,1.25772837406995,0.835588446321793,1.67126547604137,1.49719195737897,1.52300147389171,1.37296873587929,1.01667660119978,1.12263325717621,1.61187651186164,1.1305705388361,0.452319795389494,0.924114213246829,0.188479921736203,1.11835094809708,1.05816295007217,0.71511360568768,1.12837557128795,0.248836190734183,0.792451190123435,0.418991873933318,1.33799194042894,0.815553678788121 +Cpne8,1.25890890102927,1.3254153879106,1.7927193548034,1.08390336115377,1.17743185566383,1.15985429447922,1.19168874494404,1.42685040431304,1.42970825984757,1.16188078699655,1.21406385253991,1.07737193126205,-0.737611153467167,-0.754663399173278,-0.198489092451325,-1.03153061227659,-1.43325928003413,-1.06591073282563,-1.29570638587449,-0.462187389781122,-0.0359713324390185,-0.691007926861225,-1.46351077407888,-0.795460655334697 +D930048N14Rik,-2.71909591616609,-2.64114767729704,-4.13919875469448,-3.25308404855458,-2.05004920351236,-1.33525169831169,-2.17365741148666,-2.60980445282543,-2.73596710084006,-2.58246529947855,-2.26132307125119,-1.66069212259816,-1.31023500494112,-0.473390742585228,-1.34362488809266,-0.18950240559509,-0.705825131718476,-0.935096458407359,-0.352634708230571,-0.457976037470334,-1.21582879464431,-1.45704936227944,-0.652227732351425,-0.356948914759606 +Hist1h1d,3.66738338226361,2.4376021165325,3.3508627101752,2.85235145642524,3.14740409904125,2.86056144859401,3.15519405761063,3.71881120313733,3.46824170906516,3.46963316118417,3.05210751475546,3.18023408838474,3.52353040781088,3.03800062161001,3.75971468711377,3.15106671831037,3.02485493866363,3.34324526666011,2.94405092954847,3.73373658106891,3.56590502215239,3.80460980117624,2.84842945059155,3.31718007523692 +Hook2,2.82474008208617,3.54533321944256,3.30412344315325,3.56141275856282,3.11261817287782,3.31281750586238,3.48760349449189,2.83268879396432,3.35858007861696,3.7933092018613,3.35802795585464,3.12862395854615,3.0794684235249,3.70117165367043,2.80692234501416,3.75815891552585,3.51218934729908,3.12920090625761,3.76260880940314,3.17587719310218,3.50795299573889,3.61718178108491,3.46560936564176,3.56943495338409 +Dlg2,-0.108531851173659,0.145820805094007,0.424820525005464,-0.265257725846946,0.0389344008967236,-0.0101240433663667,0.104860634671131,0.266156332454185,0.0094297341389513,-0.350375977497508,-0.552373522397355,-0.58618761723741,-2.27130153044601,-2.13482701885629,-2.28962581206205,-2.3342197955555,-2.82570731035852,-2.87984560955942,-2.91313989215325,-2.56054039967452,-2.02814821606483,-2.91248105455652,-3.77787723103752,-3.88469965770169 +Lrrtm4,0.677861693782229,0.650258138368884,0.308479152403234,-0.178002095089637,0.292992661393908,0.473723472252832,-0.145073173339709,0.170618646279018,0.264987573180747,0.192268646058588,0.0918423440658689,0.474490288528443,-1.17414214420725,-1.14237210141803,-1.1201838215598,-1.54782625059961,-1.39675886339571,-0.802688532359748,-1.49413680784263,-0.603049393317486,-1.04226530745758,-1.39028292499757,-1.66504679541169,-1.23199164607478 +Serp2,2.80481824002304,2.32912196719583,3.10325790294876,2.19585819721951,2.25147235654637,2.19500377361327,2.74693060574521,2.11939065036693,2.51323919632889,2.07628177985306,1.57743594456427,2.07749667091355,1.48709024391998,0.903233476689673,1.4757676458057,1.72241978519292,1.2511188257077,1.60829669428331,1.39464793831209,0.875951468220863,2.0466521385966,1.17953892920591,1.44856111175574,0.96553835958337 +Adam17,2.14482746070296,2.29897262816286,1.95011089641383,2.16212488240155,2.16904786999744,2.10126449077859,2.2430529932312,2.32547997152182,2.1538105761288,2.06292965998861,2.2769363963473,2.28836470131698,2.11477496827154,2.20780437991803,1.93161697726012,1.99337361902602,2.12055446140138,2.02525399453411,2.04854657710165,2.17451321543089,2.07886509110709,1.85240808534106,2.15739288296427,2.29371325869059 +A1cf,4.0898094661521,4.13410134388066,3.75860351901,3.24371425622618,4.55460895991322,4.64639698553472,4.19902557327497,4.8952493190366,3.56323688837925,3.67083951782314,4.25997713296367,4.28095630079909,1.35735428138013,0.932217238631249,0.0464703477863981,-0.408197904440314,1.45519492259885,1.33853044411833,1.2731997300479,1.26226899600485,0.334935638342856,-0.364040240990677,1.03528530572172,1.4338163603159 +Isoc2b,2.16605306266418,2.64183718628888,2.58613130840234,2.44132732836254,2.24935429567602,2.21375880315601,2.60087336780839,2.79571232667589,2.70160527289318,2.77636466638918,2.57783004323086,2.3861537892096,3.47807230276509,3.3453435414288,3.58074525952275,3.12582682061043,3.75859768973505,3.45912519988801,3.79234525226607,3.50963963502664,3.6572207186212,3.63434674426198,3.63315552975309,3.54048261032959 +Plekhg3,3.92399341096214,4.24467732278223,4.19583050133723,4.11780210223032,4.2818358401463,4.31015378622674,4.17154617838013,4.42807154105305,4.12779397300614,4.41134935838108,4.50680545630392,4.18851015978231,3.51053379985892,4.07686965331401,3.89152561130599,4.28427496807766,4.25381394883035,3.92845703901817,4.10427671689159,3.95432756270372,3.83849757899765,4.3647418563741,4.39195725812931,4.04520590628242 +Pcdh15,0.318007499939256,0.422044212784432,0.161950259674364,-0.251085891533188,0.535680052799375,0.963572937242762,0.575266571659522,0.517965152324397,0.148594566572895,-0.218095020923505,0.205160052233509,0.380647360243716,0.403327460703778,0.73037494502646,0.370575321852697,-0.207552987987371,-0.470298256590528,0.040041125880327,0.545394391073151,0.477972276225764,0.432749165589377,-0.0439485927948811,-0.494029858811616,-0.26754486172148 +Ccdc79,-1.01584592902703,-0.345331226555496,-0.653034787138265,-0.402089985608773,-0.237279861614107,-0.358039330739275,-0.240428550209535,-0.579158870152868,-0.326261097434195,-0.762512386942378,-0.6037538387412,-0.384707964050231,-0.584818467780837,-1.09414437722014,-0.861582443589736,-0.192755432353965,-0.527782544561158,-0.378664200917559,-0.584096265893578,-0.627293184764661,-1.04357841390347,-0.470672861194781,-0.235673391333026,-0.261320414774963 +Asap2,1.18604266813855,1.6373747277546,1.18676095495489,1.01299446924989,1.91442518590245,1.88458798630907,1.76608810910757,1.67951384371226,1.35248362244724,1.13028932554123,1.85909740856813,1.62963618249842,0.0966655955138873,0.613470717918723,0.124146380383644,-0.317748305716122,0.533207903515395,0.0577160721057282,0.517762187932974,0.807011904185855,-0.135464979955132,-0.263657647507716,0.149386272377704,0.13543671961028 +Rnf103,3.9644087088521,3.91758061883501,4.03149470381778,4.02949335093093,3.8189890980481,3.8429478957914,3.78966652786779,4.03605500726335,4.11651106823726,4.01495867034621,3.89068376182358,4.06226929313089,3.98817127964998,4.0180024651426,4.16807544178562,3.99655461398719,3.62920144366934,4.00029387529383,3.71903423251097,4.26516685638871,4.16472139893809,3.98850997415421,3.67767791012517,3.87703303343756 +5830454E08Rik,2.46967035826684,2.431870573408,3.12710642386963,2.4265597299843,2.61298781800497,2.00174129892506,2.20191681838311,2.79889407604634,2.5011776486162,3.41461340765034,2.19043168922889,2.67544758601634,2.8581287649311,2.7349229949572,2.75777511848965,2.16106363015223,2.02593659706246,2.4713615521996,2.4757786914008,3.01925272066936,2.94978754145867,1.93640492111559,1.93404062099276,2.4888033868592 +Zfp112,-0.244677375005811,0.850690129837517,0.350978188689876,0.329690368846431,0.410521970055993,0.328819786102164,0.591876499965228,0.224319336867976,0.215916241288683,0.563521227773428,0.375948870256682,0.567419907252637,-0.347245810400892,0.092385434952281,-0.320752717068398,-0.505470526482659,-0.0302675497595875,0.0518581922722245,0.399816745781926,-0.917820617379903,-0.091842252735328,0.168955516561462,0.248477248685272,0.174179631972394 +Zmat1,0.528812105889352,0.764814252877792,0.742529585619286,0.8329252204451,1.47096435628353,1.32305798143754,1.24702542182717,1.11390923628435,0.885276190208189,0.866752802829283,1.50421296851124,1.09262621481609,-0.0031332390831044,0.321299194430983,0.14892432709569,0.482303936054418,0.82378198443284,0.00702672058976,0.350712858191934,0.397226519704645,0.416341650987317,0.274499336682788,0.646986962005873,0.878324564137975 +Rap1b,6.58523873262245,6.09832334154114,6.37753050381341,6.25679306496454,6.00365633401942,6.14781495476846,6.03445505724348,6.17484314511518,6.20547645561296,6.22273659234019,6.04226606458932,6.19412482122441,7.01930622163021,6.4588461670844,6.7503834087408,6.4858662740914,6.44992470306855,6.85539991996211,6.16159641434898,6.71932441731988,6.66411410919587,6.40147175168789,6.40231673121413,6.58000868184888 +Jun,6.78247373826085,7.60933916605319,5.54795548778498,7.47705437616996,7.43256347011774,6.87102860978827,7.54292460812806,5.86296198020776,8.02175403090616,7.54865412182481,7.4262345014264,7.02787863171796,5.13272697090167,6.22716770746194,4.31371687840859,5.97860683627061,6.10737136011502,4.89112030036199,6.33746442509378,4.80578704581451,6.78132326478859,6.08788429429686,6.19662286137755,5.61794399650808 +Tln2,-0.287311340469305,0.540603595915824,0.531110937754681,-0.0737423153612728,0.376540797751336,-0.0525885303837437,-0.0345009681103883,0.259420582690817,0.0911591778611061,0.336110621772069,0.300296921883826,0.0636560557162733,1.07096418038109,1.89906684135715,1.29232233190653,1.67927918511809,2.00043675986914,1.50887338425905,1.88563728170562,1.54455631718257,1.22927878898357,1.62841132009268,1.99324288447975,1.9931476023917 +Tnrc6a,3.82211676036029,4.43849602650025,3.79885152712519,4.34805408412749,4.76374811506622,4.63290143787497,4.49601802443638,4.14882527573367,3.95745982964483,4.4068503626592,4.75945270509538,4.50360588603915,3.01919965144673,4.11100762238228,3.08343662294174,4.07622006936084,4.34518221928359,3.57451449734103,4.10973861915854,2.99647343792497,3.72603822646163,4.07940958451573,4.36846668953996,4.05880937851686 +BC004004,3.33063321591883,3.43321067541133,3.55444966528899,3.24529678061528,2.9339470859437,3.11704533194486,3.13507124248711,3.45946457824315,3.40498123235688,3.23595399354949,2.83337762424484,3.27438008267105,4.2443777766751,3.87470832527088,4.04983804154341,3.8024612077882,3.38288677022354,3.95059715359402,3.77141705612188,4.25171723145957,4.05007276457076,3.87500858986204,3.43286467710484,3.75741128957766 +Zfp608,2.79969303802467,3.27793628809227,2.84416405358132,2.93634770925426,3.42968429254229,3.44639892449268,3.19603667846156,3.18562356267981,2.900309762587,3.22559889490223,3.40501260720005,3.32190047112332,2.09917741273711,2.73896021548353,2.13448130246748,2.64835382199711,3.01989702455668,2.47180288995718,2.77007254205479,2.14327845367315,2.46517800523789,2.63643660543067,3.19349025681358,2.93451230429668 +Mtap1b,6.10147212669151,6.11032457799678,6.02804707625471,5.71421940469082,6.22216652415032,6.30640724671348,5.90127179543484,6.52543666048181,6.05904211771776,5.80583362318135,6.08980542843919,6.00926429407392,5.4965608242087,5.58689683370915,5.53199436607342,5.424058385054,5.84010501293359,5.71227006249776,5.75333304072761,5.41726483616405,5.18690566432239,5.38081496881879,5.7915657367904,5.70259895517245 +Suclg1,2.64179844059029,2.38239274937398,2.64741620525039,2.5221337256128,2.80731207266571,2.57743195272986,2.35988080180386,2.60069104445075,2.62309158836083,2.69313403636769,2.72681641085587,2.42799634966007,3.05727258507778,2.90998559664588,3.12875186270605,2.91399042346589,3.50108138215145,3.12471316539319,3.22282083349958,2.83599146969685,2.98191088186743,2.82374832652878,3.44191902853856,3.18063583860841 +Swt1,1.64051373723157,1.56551197055697,1.68936623098645,1.73505955197744,1.7387045304308,1.76777146771442,1.69633684611072,1.45131453393394,1.54086313942047,1.46555175903575,1.59846009410329,1.56437673397641,1.73718896692656,1.32096584524394,1.33239014975661,1.61694212385355,1.56932661880067,1.35527878930109,1.30198035418177,1.62260768884502,1.45951209355504,1.32457086132503,1.42414042059197,1.6943056723077 +Repin1,3.39378476214421,3.41666841791701,3.48560269859981,3.4636374848314,3.44725961981225,3.40189927018143,3.37744579008464,3.5063250219297,3.53917040078624,3.41905397086679,3.41679778804072,3.32686693818352,3.02138834314978,3.18013457970023,3.09748300710009,3.24679704458077,3.33675849408098,3.11374867386888,3.39652429784065,3.2150924996441,3.08014954563625,3.22973183590753,3.25138890346065,3.16291708659188 +Traf7,2.88593542502311,3.12670936437431,2.93551100326297,3.07449126170286,3.32109612493183,3.04736696897585,3.2539798055009,2.82354356689976,2.92321007625781,2.97908023678537,3.27313337451011,3.10219760716179,2.39442267230442,2.74929617806835,2.29531212365037,2.88046260083026,3.04672389712069,2.51418850903588,3.14284561318926,2.56280333991954,2.46087289239233,2.71923351263035,3.00987739430516,2.94552237028309 +Zfp212,2.74250660202687,2.74802217748464,3.01753914965032,2.89385510334548,2.78179763113437,2.8625051332187,3.02926328934833,2.88806850945056,2.90733583636537,2.97624147374922,2.76542833286103,2.87339897744154,2.28873191267373,2.82922897443112,2.53091786131187,2.77966142440329,2.77913108600646,2.61734212547493,2.81599393745886,2.55338353810294,2.79940559104743,2.8891932243638,2.68995293030824,2.59311078133154 +Oas1a,-1.64600924496993,-0.483124469947001,-0.753438349334032,-0.773885036700719,-1.35378674511834,-1.10914235663926,-1.864365582691,-1.74658107204582,-1.17504220237677,-0.726386337814174,-1.79904598346217,-1.37142513631958,-0.832246094152554,-0.401576084631823,-0.0403478376945968,0.345789174418666,-0.493176672339843,-0.355185952508752,-0.635299574705214,-0.0358807426238584,-0.259338464200842,0.404499705627562,-0.665748447273103,-0.565104393130574 +Grk4,-2.29307296931455,-1.32926809991813,-2.28517864221826,-1.96546209232158,-0.638073661511594,-0.865176671734141,-0.673983996508124,-2.03930157941295,-1.67046892449293,-0.708696135638943,-1.06628410421262,-0.980622409235954,-1.007065399324,-0.659696678747611,-1.0376319833778,-0.452119985395624,-0.525995305973842,-0.457286421963279,0.185485395510348,-0.754185398476642,-0.521637220325126,-0.441405635098461,-0.392224358769528,-0.439948564697017 +1700030K09Rik,1.7126845796358,2.12743643625077,1.91169994630702,2.17362342120883,2.38253848718572,2.07543858409242,1.9635968032802,1.55562943263135,1.91988072211161,2.07062110152045,2.26256870024833,2.29859602530804,1.80081420007435,2.05352371667265,1.68400804599633,2.16050187435349,2.22965779882148,1.72045574168214,2.11605852735093,1.53961545478651,1.88120000860705,2.12362390514562,2.02863714867101,2.0356075887665 +Nup107,3.49576162527874,3.34935491416883,3.37670577072367,3.43028101322406,3.25471492054381,3.24992567239406,3.25785317300005,3.16078068328829,3.47556884807869,3.28085530452488,3.24638815052089,3.41624110583253,2.42619738190661,2.61508542975287,2.57256325174956,2.35973621562186,2.5502531055819,2.67051994582051,2.70136372634884,2.33062992469813,2.52779600565643,2.60184302096425,2.44051395188413,2.56722121159092 +Atad2b,2.23386766073173,2.30758388049172,2.11249518993265,1.99470816661038,2.99857968640068,2.96302103110188,2.5790117119264,2.36619292924738,2.08742659328423,2.33604625688588,2.87566171393221,2.57230846726471,2.0509778848917,2.09594653758444,2.00127188971108,1.98018778798536,2.4893293150408,2.20899550574568,2.50206697824845,2.03208220861183,2.04092780528332,2.09153577756255,2.33309297154144,2.39104975376028 +Gm9892,3.2876357252049,2.82434197782203,3.84131970534911,3.68593157140509,2.83834160023673,2.96338681758227,3.12747784310609,3.35661156084817,3.58739805477686,3.68537060712694,3.03269159799521,3.06859032820011,3.97321280877494,3.52809058177731,3.45391866361533,3.58560703289804,3.08717156000872,3.47255660743414,3.41072495459247,3.8104649995935,3.27905911986951,3.52653703962755,3.50654207195455,3.79683273099641 +Sae1,4.68024692925337,4.15535336484253,4.34030874209427,4.31493864348127,4.54236899854732,4.33921932520868,4.34016062006736,4.32051696435415,4.56805682583468,4.19817255939529,4.52314469089315,4.4515168295818,4.68543416158797,4.52029150922341,4.53446448567223,4.47894896000901,4.78631906838999,4.73534212087484,4.7562749890809,4.67394422858684,4.481792067748,4.57975901443611,4.78836352102086,4.69096590309427 +Junb,7.4484325456088,7.67468231624506,6.21274320795699,8.06494802607217,7.62073320595549,7.2477641401669,7.9606151917269,6.47812822282864,8.70474423722665,7.97196635650823,7.8261340312051,7.5479747731507,6.0424806333851,6.79282554667859,5.41581959350644,6.71199957392487,6.24297364322039,5.96830412262523,6.78703092502299,5.90191928080807,7.46349479027982,6.68709124357602,6.81287361658515,6.40735918798416 +Reep1,1.53427347856079,0.92946684109804,1.09875337173072,0.344199090418554,0.320458459222074,0.639693815509585,1.00372680584085,0.672098029908321,1.20997387424174,0.085104008211252,-0.0645939048095643,0.649962697536879,-2.21925331861098,-1.90495843150865,-2.53619182315937,-3.63033744005968,-3.34800951109407,-3.70359421975074,-2.36692868334956,-2.63198741793317,-1.99658941456528,-3.02475334210207,-2.1402170646097,-2.2199351440852 +Prkcb,3.19137226532608,3.31132915864113,3.51555294512738,3.30633280732499,3.50547853451419,3.52910358535324,3.13199185850259,3.46523056110258,3.31913832358553,3.4265119078954,3.43743023842886,3.42081643769686,4.66832011427633,4.51565967779068,4.58653975669955,4.50980476338405,4.72796217472463,4.84754526151788,4.85579353618182,4.53748349646177,4.47729294747117,4.55235276019385,4.79720668107259,4.74507096119847 +Ubxn8,2.52891563264773,2.53708532990402,2.86429974137821,2.33615660047058,2.01872244122287,2.16288203412201,2.16508801024115,2.70497622947961,2.58650712037372,2.45995472789948,2.33006129653273,2.19747137045374,3.14564901190731,3.0140816587325,3.28052007213837,2.97062402432837,2.50840206240798,2.76638797006422,2.55994488292495,3.43401992132032,3.3824694596849,3.18364793746992,2.47809582783767,2.5870596798354 +Lamb2,-2.16434611073714,-1.57995534393904,-1.97960986349111,-1.97301931399579,-0.863880172917002,-2.04906038844859,-1.29324647068616,-3.10527299524648,-2.62000870233402,-3.29627398961546,-2.52733256985329,-2.05699877835344,-2.73852487146427,-2.71220742981863,-3.53931597634224,-3.32443207836218,-3.06608690401589,-2.57978436092327,-2.88620023620285,-2.92087557277004,-3.25535183671052,-2.86920760827908,-3.02397032577738,-3.43933192861502 +Smarca5-ps,0.103470140869821,-0.0423537183449905,-0.275687255462235,0.119897223401304,-0.0163610723099985,-0.591309829711627,-0.437456387339191,-0.370008859642341,-0.718414336991111,-0.086983546437347,-0.498525029253941,-0.579710870374704,0.0485171886342182,-0.224079690315292,-0.304969916050224,0.0153749634190901,0.283148170501308,-0.117275085340336,-0.387649415264601,0.244685549184275,0.10007536887647,0.019977177718798,-0.111969551212329,0.138440134357613 +Cyp2j6,2.06024127794375,1.89641746496196,2.14979510164326,1.70443213447566,1.60453720651379,2.13339027705208,1.86355631709225,1.57625947455838,2.00990228549712,1.85518667303233,1.27070035698536,1.95620156435286,2.38887450944864,2.72861619544121,2.6329360639211,2.63067394437907,1.97945744194403,2.69373115330453,2.2041051871717,2.93639874351421,2.58877604289557,2.5550488606301,1.99835047572802,2.34612896631851 +Msl1,3.92384517333261,4.06138131626618,3.89992073163588,4.01807631467483,4.04643151796063,4.05780033965191,4.11942091960885,3.93758427100834,4.03817469960143,3.91464257299557,3.95198287736701,4.02486167090322,3.72234572815936,3.80827537234306,3.71134812692332,3.8043533095373,3.78409497788703,3.72809232701572,3.868688398117,3.87538563437462,3.77594722382865,3.68070851182918,3.65676544198548,3.67957771594245 +Senp7,2.83727386574368,2.92132549025066,2.98849297046781,2.86389667018125,2.90011233965409,2.88681898685823,2.97719150010956,2.95001478196861,2.95538535231342,2.99467993448224,2.87258156857228,2.90568312614662,2.29254730498541,2.52075014223863,2.36203523220662,2.45200250442587,2.38257615482169,2.27948822334774,2.38972634658708,2.41792593088135,2.4199132475985,2.39952411696052,2.27739954372302,2.52450486111021 +Prkg1,1.40982490188793,1.09781842962262,1.35939985379377,1.40610475123229,1.73437582268124,1.65814617090816,1.75062194503046,1.22726002582283,1.6479478114443,1.36253116587069,1.9422967601437,1.41175955672696,-1.0395675234074,-0.944455180985732,-0.963833624309026,-1.27635508263196,-1.11098049278694,-0.960788138762835,-0.621303090868285,-1.07080176924719,-1.93411646231487,-1.41439664851577,-0.687660712942609,-1.19908056072501 +Arhgef15,-1.96346367311291,-1.92803322976242,-2.82809438608768,-1.94808865234112,-1.90346792972192,-2.73932475246971,-3.43728754601843,-3.31033797375461,-4.56111574234278,-1.92591024349467,-4.13832941697068,-2.36033345550165,-1.21797308153711,-1.69969142342808,-1.90036666569663,-1.59165718792947,-1.49938705783058,-2.49017346554623,-3.60104954743909,-1.73444317717928,-3.04380050106852,-1.82949247029174,-4.46295099929545,-1.92614797025054 +Rnaseh2a,2.16793461885698,2.34754731801599,2.56176205566288,2.49301808118282,2.23970557192716,2.25822683798332,2.26228133799037,2.20376939883145,2.64586216512987,2.72784134013996,2.35048547219715,2.35834992181205,2.4028389054479,2.33727498177545,2.53500542529051,2.64571271970302,2.10298683160581,2.0339840521264,2.58311063625939,2.4320986763768,2.57426962026595,2.59398817235612,1.82309886639568,2.18488153069796 +Ctif,1.79856053648973,2.03298023819525,2.0009779657974,1.74009008371251,2.5179550829721,2.20420699339018,2.15110345480078,2.57878837694759,1.93176339524837,1.91063020049436,2.43112410971325,2.052624781585,1.11105692740248,1.31907633294372,1.03823260732245,1.00177732155267,2.06611272640048,1.55530631590608,1.94370288158572,1.08485341402502,0.943457818170902,1.17893867482515,2.20672569618296,1.69575185197537 +Fbxo31,2.49444383461819,2.53529515240903,2.66503623917932,2.57411888684029,2.38725976244842,2.39930285099497,2.4157312449981,2.59793169530206,2.45347819133586,2.89710141809494,2.47250874718257,2.86059054947482,2.57009371995661,2.77881288762246,2.6299363126207,2.80829785908358,2.57648862704635,2.29841741083759,2.61023618957737,2.79827768280866,2.22931300442237,2.65979831886226,2.50352709549251,2.66410704065115 +Glis3,2.77062835755367,2.54247648045903,2.75697658014852,2.34395913001828,2.9899851499254,3.28609582309118,2.71945809072271,3.14822970296789,2.72184055233194,2.50206247174218,2.90879180054189,2.74662515511802,3.74173738241474,3.83407859914735,3.93820685639953,3.76720297554659,4.03525139196987,3.8845790319375,4.08218276663485,3.97625107032876,3.69840777332063,3.83874010070711,4.00238833255717,3.8897355293244 +Rnf157,0.414878505061615,0.900824154392623,0.724420949128871,0.293072711754175,0.518116212448344,0.463497872610739,0.759329293252004,0.669125170054589,0.883896326877259,0.845427993978384,0.622010729972923,0.574263926448013,1.08897946074289,1.52829354666447,1.21692136107165,1.0012335369352,1.37134430329166,1.23593845365148,1.23476466806328,1.26937277132456,0.951186566119593,1.44084272463027,1.3192408384302,1.29913577150309 +C130021I20Rik,-1.31468942959088,-0.212865527469518,-1.88676115523664,-0.722832479694764,0.618374556931269,0.444843496255698,0.686911745310029,-2.01836806560329,-1.02271209967506,-0.748093626113792,0.239052979801652,-0.105507850082815,-0.410510493697039,0.0466894170964265,-0.0300767769992367,-0.581981477417516,0.148181322804898,0.301920313342069,0.953328982589149,-0.728075462593337,-0.0336691003625207,-0.072323853103464,0.749393535827562,0.257886547158876 +Mrpl35,2.02468148163735,1.43544550971522,1.83205644392807,1.96184894589972,1.59646395186212,1.44176660726868,1.75663189723833,1.77083099606668,1.80694600955232,1.65756620931089,1.3513770918894,1.46433344397008,1.91610137529691,1.51570558106044,1.47319826272466,1.33394764053425,1.19292152252373,1.19551191491851,1.10785410122183,1.46818036463278,1.53206294612655,1.35338308010616,1.32944307826508,1.19522379526737 +6530403G13Rik,1.62987762984394,2.16840564771314,2.44294164818093,2.68385982575088,1.61433173262864,1.95720415050638,2.30938299395851,2.69192781015758,2.37392519486553,2.50771692359011,2.80979077173453,2.07329371158314,1.81928402350759,2.15077941254764,2.27053284136885,2.46979628305977,1.93664881550607,1.80362630406776,1.71828837013637,2.52697906856758,2.91647261946475,1.94250578206916,1.39831254367329,1.81856041258445 +Ube2ql1,0.588003046344056,0.675211032501201,0.418661228857713,0.514102560601826,0.509664432485239,0.639367899001612,0.421156881713418,0.993685357042954,0.161113158466694,-0.0152224407219193,0.582805564546311,0.553710044124616,-1.66862285823412,-2.00247578176948,-2.20729764750163,-1.73288928652518,-1.48408340807974,-2.10915655490557,-2.04878967578518,-0.935988150786986,-3.78310543160122,-2.793885302839,-0.849948977851139,-0.846401259424479 +Uba2,4.22180505881541,4.09210852596215,4.40858634782165,4.26663260818755,3.87426573673463,3.99842297524767,4.15649606136599,4.21530323109602,4.2800895791183,4.20358273532066,3.99175354482442,4.09578784123148,4.20523205742943,4.10942620030478,4.2484881650495,4.17042774691277,3.99713791461565,4.02459561796572,3.9810247066702,4.20758102293481,4.20404762539703,4.13686927063231,4.05170172064336,4.1105228156328 +Krcc1,5.1859907262,4.90061511984735,5.23808806556271,5.09590589197175,4.49685648153444,4.78602540407207,4.7378114629876,5.02743647110079,5.00507239348544,5.11689454523811,4.62254301823715,4.99691178736763,5.25225661770806,5.14417326794703,5.00900189872147,5.21122835297081,4.54579648176913,5.00556853524266,4.58177397339913,5.33287002903289,5.12328393872079,5.03290323261014,4.49599292545721,4.83071269545278 +Sv2b,4.251082591487,4.43584507623873,4.91160235009489,3.99006046056951,3.29686189455211,3.82140076510952,3.9384379320112,4.80305108003591,4.58778779428658,4.12669965181811,3.49661375027559,3.93088476189812,0.827112943819958,0.628195559287944,0.241323587236877,-0.0315842810049163,-0.81088463274397,-0.084929102859578,-0.168201717132964,0.496474381780478,0.19518506390958,-0.0834024557310036,-1.05805637014581,-0.492796818615783 +Gm6180,4.63236021092226,4.16424883208,4.18652091107865,4.04718075632906,4.32736809702936,4.04121464416341,4.05940398563202,3.87562402781133,4.32449452218048,4.57111847330973,4.20168363729285,4.03346937786756,4.42740780789706,3.97410705604159,4.52907359503925,4.64608232468287,4.00002395864268,4.46522975892243,4.50850115502874,4.40409089675091,4.04657265170661,4.00690221697155,4.37964623098425,4.35238651711251 +Aph1c,-1.33025383811639,-0.441021234156414,-0.539542353486687,-1.20495752298343,-1.31304396026678,-0.838129595342127,-1.58967623205281,-0.429045942413326,-0.917613552921004,-0.781165773971388,-1.03654695069802,-1.60800119947827,-2.62682644057852,-1.45313662317558,-2.05249870168303,-1.54464399761414,-1.76638129333861,-2.46808593003751,-2.39857538755453,-1.19268612792992,-1.554484565561,-1.9524834862339,-2.13108208730386,-3.32763349772926 +Brsk2,1.63878731820864,1.48921017432466,0.979832275617047,1.66265057086143,1.75367688295172,1.77617793147291,1.70321251225504,1.18260323456364,1.3495972236386,1.60197425495454,2.06505469848853,1.66707926783611,2.22243773091785,2.55424699333276,2.24672497046268,2.54049799281643,2.77659604867161,2.49574156914073,2.99409178477163,2.09450954003641,2.24258063341434,2.5198877457161,2.86334638247543,2.75695511722199 +Gm15413,-1.06532282666489,-0.508714764374709,-0.625428128750238,-0.779065002924519,-0.376988460115183,-0.390600709708187,-0.429459278311065,0.0425850188582606,-0.395191698978376,-0.319487094050815,-0.538768327772477,-0.811009629274229,-3.45040187806032,-3.10602566475966,-4.08737008493012,-4.08737008493012,-3.51190762206053,-4.08737008493012,-4.08737008493012,-4.08737008493012,-4.08737008493012,-4.08737008493012,-4.08737008493012,-4.08737008493012 +Jam2,1.66630272279645,1.19703185723946,1.52042867205646,1.18401863217788,1.78365334370044,1.99942847122333,1.20519453322049,1.80399411760145,1.14897978260409,1.46174459348752,1.77362137832955,1.69492662189292,3.22503490639391,2.37226422076465,3.21957967598404,2.9434870588695,2.77713727061217,3.17770675138056,2.47775542343221,3.20931027273647,2.79057258734714,2.77402930413747,2.79833869454497,2.57614101549879 +9230110C19Rik,0.857940441300497,0.751442405675625,1.21027646536669,0.991665696702185,0.678130438512443,0.356468808693016,0.475811704824826,1.50181620746148,1.05844181748789,0.251435740361218,0.460300663719139,0.706262384698934,-0.0947761617705832,0.255921204467551,0.203376349917781,0.349729892885602,-0.150192019623216,-0.464352228509216,-0.262893844610019,0.584194505580849,0.0719875609104816,0.340500420081704,-1.20321406724849,0.0996732667864735 +2700081O15Rik,3.24003469391772,3.37871490951953,3.15225514141956,3.30433778731125,3.2806062113715,3.36542519510575,3.40372837342687,3.19970725829106,3.23208003909309,3.26853662437449,3.36941544228956,3.34412041880229,2.06314910648835,2.5357408636101,1.65144484001835,2.30355692913015,2.51254336742064,2.31685451540882,2.46701231241965,2.01073456418443,2.1448467053356,2.31098148244794,2.3517756001863,2.32315525621351 +Lins,1.54326202958253,1.53529515240903,1.57504123859653,1.57411888684029,1.9199888943645,1.79846191391614,1.55025715835171,1.40753586245791,1.37246110708933,1.48218798269929,1.6181807436382,1.62632312914386,0.929696597988979,1.27307196393346,1.02196684728097,1.07754578631824,1.52054467465351,1.32993558520267,1.15438640532758,0.991552824694846,1.3192147967385,1.0025297091777,1.74062032644585,1.39907208143504 +Tmem248,5.1045690729356,4.5335751331785,5.15271616376706,4.90034639406567,4.80661131703848,4.85024558067652,4.68965834196503,4.9084834698447,4.88676421275542,4.76687223061493,4.685487737746,4.71940377928769,6.59442512033366,5.88629915382213,6.45458644791173,5.97984013702024,6.21720081286049,6.43111714986685,6.13804305576659,6.14341436878065,6.27683351970838,6.03098337197098,6.25185999686409,6.1553614333582 +Yap1,-0.646900150106028,-0.0437255846881404,-1.12865211192894,-0.275402572473423,0.497358715910113,0.175252011599587,0.003049503060867,-1.00860375196064,-0.834812551873681,-0.460130714987279,0.494204631196688,-0.246169871155954,-3.71161029954302,-3.84756774128409,-4.05238960701624,-5.62819739111583,-2.56601937777003,-3.52846394724587,-4.17117451521542,-4.53973362973281,-4.03054178299497,-4.05762602612156,-2.79486266348335,-3.0450511536916 +Fank1,0.653651207099283,0.931119542129131,1.19147136794552,0.919665040098717,-0.68035676003766,0.628588201357468,0.57114163159715,-0.113831610355366,1.35923704694362,1.31997028167051,-0.395948682408918,-0.220585264526231,-0.192299638896424,-1.06816825971269,0.134261672053261,-0.402704180867625,-0.714147018607093,-1.22372263627401,-0.398752955773849,-0.440000483136842,0.806486329369766,-0.428560874554374,-1.30342689281374,-0.365021267093154 +Socs3,5.38091381547367,4.85601578380615,3.35318802729204,4.77691190205605,4.51040360835183,4.71038443828333,5.34471534918334,4.15501040047715,6.16680894219647,5.3819474045151,5.10698940474442,5.0686567645225,4.15799838063647,4.271717996307,3.1322906672361,4.11114415793645,3.88259133756066,3.59090092122976,4.3049619784493,3.35978871988763,5.08453334565359,4.40737587476535,4.29957198038172,4.27866422130632 +Chmp3,4.74442908380385,4.60046479348268,4.92914133463542,4.78057434735719,4.38255140372854,4.38745479989864,4.53599257232957,4.83285560619863,4.79756034553723,4.73489407170644,4.50463730763339,4.57294841800289,4.83504044644846,4.69996089710495,4.78551210502096,4.7015339871473,4.30186322308577,4.61234673839124,4.41818882574008,4.98460078170279,4.79157716355171,4.67977108240281,4.20671964723408,4.59140639097427 +Rnf26,-1.26745082729104,-0.777986388453648,-1.20112722034438,-1.66317474661584,-0.852665029322335,-0.88320531668696,-0.6984754456572,-1.14531124942788,-1.54634839736824,-1.06197451116202,-0.715087491697835,-0.985410446978521,-0.751863178066109,-0.55995416302457,-0.582451539304069,-0.787783198310572,0.07300145815283,-0.379332054765104,-0.0226550791004381,-1.0109217486075,-0.732063937368284,-0.939372657346554,-0.0449232299787665,-0.140672195985194 +Supt7l,2.28629514346849,2.3334384999092,2.57501454643241,2.1593431374289,2.11581261053186,2.0101437090303,1.86502428325213,2.68003506978449,2.50049582136855,2.17751178569414,1.99395832763639,2.16088470511145,1.98408140549174,1.94151400660613,2.14427091331182,1.86191889292075,1.91409063877485,2.0420548306477,1.8309266258313,2.14923090914736,2.03293403536322,2.10450291294774,1.89078783235453,1.83032157736174 +Mapk11,-0.868788416668127,-0.375239897316753,-1.12575497362825,-0.469127361701861,-0.0442321687214597,-0.259572003213583,-0.193848833021975,-0.265177888382337,-1.29430971125124,0.0129125554945959,-0.214055970219842,-0.441685513516739,-1.35981394547716,-0.433920473440424,-1.85074792939038,-1.21577288859752,-1.34926997468761,-1.74579971898468,-1.305558371818,-1.71616012614776,-1.46356918658935,-1.6644921616568,-1.03806507156732,-0.937421017424796 +Ptprt,2.44361168257827,2.75822147799588,2.65711198301566,2.86684603143516,2.86783836351985,2.96837573384789,2.58477428167563,2.96845619835376,2.68011456031808,2.81462696636076,2.77602819299602,2.69758990307503,2.84666920181911,3.15260413872165,3.20966508090005,3.59174504955882,3.24823188851317,2.73109704155969,3.16741530895511,3.36049034910571,3.05989631228957,3.46557589818512,3.06727346665719,2.72289895633742 +Fes,-1.04762058847593,0.506184523069547,-0.29774283360066,-0.45834004759075,-0.337849556278193,-0.508774545581067,0.310656748700568,-0.813675613888343,-0.621626967060458,0.0400892651356917,-0.172560595193235,-0.359708253980016,-2.13995989436614,-1.53516190543013,-3.24673176613637,-2.65292738721136,-2.0402036292014,-2.15317529332124,-1.4843905436258,-1.89499229795556,-1.64240135839715,-1.03829864230517,-0.893967716266811,-1.24397793259266 +Gpr21,-0.496259579397582,0.125548100943889,-0.323857168748031,-0.278600278362684,1.14967064997949,0.922431088144345,0.140706917586763,0.140632498626254,-0.437518436528151,-0.756513646320935,0.645830077151905,0.301751919738753,-0.919022617731244,-0.530002595648408,-1.40753906374379,-1.10585214503588,0.19361424637577,-0.425467507026023,-0.578097525272135,-1.24557192432208,-1.47886294767694,-1.15181241956808,0.311461557199496,0.162101321859064 +Cdh22,-0.0872388549786094,0.320745713619596,0.315976024467936,0.0948343749474718,0.68772543525262,0.707711651771087,0.620249016589567,0.241984862800889,0.128361828865393,0.587831722112762,0.684615935584021,0.842321981721328,2.10006895275667,2.21870494734063,2.53363080680072,2.35178053323037,2.46739277459065,2.11465324729463,2.37289658301627,2.0513165953256,2.07614424961217,2.30811163759324,2.50240914687276,2.22131816416175 +Rpl18-ps2,5.21805622707808,4.56558157228798,5.26777243759487,5.19935330940497,4.83972914952625,4.84873296421559,4.83024229073161,4.99279886676118,5.24599553880464,5.09929274088422,5.02790237553068,5.01393183919776,4.42388131842186,4.32870002008899,4.42667103322733,4.27428473938304,4.23558081124277,4.25789632969794,4.01105833628268,4.47923171524597,4.21032516762988,4.00050314970085,4.00916803445223,4.16880884553761 +Bcl3,-0.171430117721869,0.554130850514136,-0.278334382960722,0.0128466366043727,-0.0773393778147802,-0.237046122589331,0.2039654209062,-0.42582375500888,0.859569341430889,0.273829798998185,-0.0013335675598185,-0.195301926809835,0.337976742149585,0.0753271990543043,-0.088635684989903,-0.106498795411298,0.126660999188213,-0.168547001740358,0.443401313267973,-0.252592780587118,0.0840024533787134,-0.198954683166191,0.452539469667478,-0.0945408490084341 +Gm9897,0.208568177620485,0.316560112932347,0.34192381390501,0.36568555586249,0.0953229706313132,0.183041970808586,0.891111140419828,0.0207467450094251,0.0281925955491095,0.470207846018969,-0.146570358168843,1.06618828240719,-0.369749800882425,0.153713617454365,-0.3652909226956,-0.559484918263826,-0.137278099999953,-0.713745636774777,-0.314096702645173,-0.881347208583407,-0.21266756867051,-1.24290771565047,-0.0873896880754305,0.490370136372442 +Gm609,2.78009013010265,3.27551654106167,2.5019399628333,2.90778671298097,3.8904240766258,3.88490093052167,3.66925153797875,2.90503828056336,2.76945420391455,2.82297314269343,3.65770533831627,3.42845155438467,-2.29518808474427,-0.842185294687616,-2.15732928569761,-2.36805889107461,-1.25954304994307,-1.58856959837173,-0.938576737483869,-2.27682049216574,-2.30929314922601,-2.00408315622841,-1.1598205986204,-1.63640346894943 +Mllt11,3.29312875650662,2.426681789813,2.74901146260383,2.93245482480825,2.80385035009084,3.1195331742017,2.85054547119397,2.4741255757646,2.97244081190379,2.52605078960025,2.81152348134348,3.05437662660589,3.66749643590701,3.20746014098459,3.18236277777874,3.07804856483834,3.38992728417551,3.52434846527946,3.08839841240837,3.14472969396423,3.24281216413863,3.08710461785887,3.32173009009694,3.22645337053984 +Kat2b-ps,-0.988895258620053,-0.982937906875941,-1.44757855546246,-1.17546625550014,-1.30322271234333,-1.87304099940482,-1.3127471594583,-0.582208547162913,-1.10835678603719,-0.714721703978008,-2.45248690732947,-1.77300635511899,0.162542749088114,-0.623179930479715,-0.441929056494013,-0.583315053399792,-1.6990203302675,-0.56185118117854,-1.03688079350463,-0.721713975603848,-1.07674508074006,-0.609171747086541,-0.951467200144976,0.161718056088541 +Gm9900,1.00332259370729,1.02866613643404,0.275700109667977,1.18911577478216,1.1925445711055,0.889611928627706,1.61635714125355,0.923491316360177,0.535382615075395,0.531105491854725,0.763604913883248,1.0559949085735,-0.366932366473322,0.3017167923987,-0.370547875220996,-0.128662361775904,0.351821118332411,-0.384288181363788,-0.0909495389624591,-0.347836262537915,0.0745773021101961,-1.0682775176944,0.0325050595705743,0.143703995459251 +Raet1e,-1.72578635834312,-1.7832568116612,-1.71171606780172,-2.06174110979193,-2.37142060975166,-2.0667663237732,-1.7026174925492,-1.36987866574174,-2.0134349354895,-1.41259068133577,-1.65729873513784,-1.65970114316889,-1.14015864690346,-1.24553995490933,-1.43694532689923,-1.44301219732526,-1.48755827732842,-1.15897384594793,-1.5739512627032,-1.53032162543386,-1.20563166603288,-1.12638028109516,-1.22598165398331,-1.33181054276772 +Dand5,0.13871162084897,0.607727666892582,0.853783877331719,0.708239379764989,0.784419627575375,0.430833770861502,0.679607035226116,0.652134740930788,0.798712275186166,0.521020329207974,0.728289284518703,0.611120150373281,1.76384733506838,1.61137792879718,1.6622340102617,1.49806188532836,1.19577875957752,1.93499248447515,1.54124509973244,1.99921655320574,1.48502887151856,1.50889230147907,1.495802861094,1.70386097405994 +Gm9901,0.86965575427437,1.51626129629112,1.10197452262862,0.819197202955969,0.138273126514451,0.636553617902066,0.920510395666179,0.886426661213225,0.71080011116717,0.410990498269197,0.74102960422194,0.436041232926677,0.0837618462110542,0.607225264547844,0.715366390027313,0.072551676060308,-1.78450497068168,0.335396112409693,0.527527705261018,0.487149847262975,-0.17524462193152,0.322181958863774,-0.53093031449726,-0.444032060287419 +Ndfip2,1.94956559631137,2.04521741268355,1.916216539601,1.93253172360855,2.07280937470116,1.97365283706263,1.83602121843015,1.88152855332416,1.90425389368124,1.91058323614387,1.89043138255956,1.75475798346609,2.91952137064275,2.68321914677522,3.06992747993499,2.79872936649094,2.71560801910526,2.8111071834123,2.57265627542,3.00280668306147,2.84184350873087,2.87589384182591,2.61299079816515,2.64738440403868 +1190005F20Rik,3.95699821121634,4.00005056679705,3.57273587339006,4.10732758394339,3.9504851981495,3.91103569555874,4.02634948037217,3.56758760048823,3.59562482935119,3.76009654863084,3.88707157327717,4.02756088302046,3.79272038954902,3.83148592768581,3.51966733341337,3.99585229868608,3.82580815876565,3.54050881067066,3.80869281550741,3.40678117519103,3.94086966058809,3.88645485240064,3.85501817279763,3.94012125651565 +Ddx10,2.78346815703568,2.88969722532153,2.90536533430976,2.7956418399889,2.93756714543299,2.93259898725161,2.8441488448139,2.9064389953732,2.91956679312276,3.12982260468694,3.03996383186982,3.04423883056984,2.37548912383061,2.43450023756696,2.58732018730288,2.66414478370934,2.71623791699127,2.52461230045785,2.38810170078668,2.42286955957849,2.39733841346718,2.53060683347131,2.61015922345296,2.60487718413245 +Rab4b,3.17619546733288,3.33657330960533,3.22817747504423,3.20656162489875,3.33803029673352,3.28581373603456,3.492055629354,2.92600875524809,3.38646906447543,3.15746319509062,3.41545991470781,3.08769078523272,3.59116161319322,3.76265913566402,3.47965080266579,3.63811843751302,3.56857811702004,3.45599309653583,3.86038809934156,3.39273591382238,3.67359694842831,3.76819137460386,3.59729916558751,3.45264924820384 +Pom121,2.0188812524704,1.82131738263303,1.59146728209003,1.4855006610567,3.01089461165383,3.19849807949056,2.61885478964803,3.01088110744865,1.80938273153777,1.41983938160669,2.73173452355477,2.13884206447899,2.06233727140699,2.05745845000072,2.01479438328602,1.91050804240006,3.18476700107442,2.71510182214419,3.41756007012664,1.89803011328107,1.74672045617361,1.72910757433389,3.2915090506565,2.56905627721803 +Sec61b,6.24150769665094,5.37013410901647,5.98206437065799,5.85818259496147,5.67605773502924,5.42821396579291,5.70605966794431,6.01438658897786,5.84422748176275,5.85751272521424,5.57289920940241,5.75109181351625,7.08340063698475,6.44248689456576,6.66367558997552,6.40292319767957,6.32468544428158,6.78588035545568,6.38885027883985,6.92159061544345,6.63126573052192,6.56908142674242,6.38487987341402,6.53890363322997 +D10Jhu81e,4.17233652819454,4.02628407053347,4.33947175394471,4.3566730173463,3.84298642369493,3.98876257418751,3.94791724947405,4.27815432117854,4.35456528710189,4.06847025981362,3.87982461701678,4.02994137267583,4.79702508578747,4.60154928103836,4.57473643050433,4.78158571885896,4.62680225748077,4.51226950699928,4.59388955112459,4.56218866322141,4.74597524321892,4.70943872285989,4.60559318107738,4.50554179515942 +Gas5,5.03743695214601,4.90144911799414,5.08774835311431,5.32199068278528,5.2124688711548,4.90109285534262,5.06715117837155,4.81736138788444,5.06276657967199,5.1971550057885,5.21318194025468,5.17834629606501,4.14536643898664,4.25735907323407,3.89867253987787,4.03457733613085,4.29026095206272,3.90834409130029,3.94345769576754,3.84032666219658,4.22524924654511,3.97812792750335,4.19623791842254,4.33373311055801 +Dis3l2,2.56932539350303,2.65675937235067,2.78836210587161,2.80114033742653,2.77978640163424,3.02489708719212,3.03519382991644,2.93679209127224,2.81400693696415,2.82291158773183,2.77408536099725,2.76515293311577,2.30983528905839,2.57236469380857,2.53312325363351,2.69348471919262,2.8178263472594,2.5296727863544,2.89765474726269,2.5825537878807,2.82672194078802,2.79122312265453,2.76287586924598,2.74710918482217 +Ficd,4.29325771695486,3.74742048217639,4.10773462844149,3.9973811934088,4.09864749258931,3.88433705035979,3.87881874865456,4.04728270051934,3.9340899756726,3.73346343974867,3.7969962348231,3.92464606596747,5.45269316679439,4.62869201026435,5.11869338529696,4.75103566343644,5.16099996629617,5.3534925483215,5.22198960178038,4.7821690609607,4.97334674246446,4.72799992573996,5.18903895053448,5.22768500344442 +Zfp943,1.41844454342469,1.58897272372843,1.59537068604797,1.60194358625549,1.52167897241632,1.26914260394858,1.42291710384218,1.72175333798162,1.58965321302923,1.64285474060382,1.41896544571034,1.34021383448083,1.23150278028841,1.18735740885262,0.962661246215188,1.32473781001199,1.22664248730842,0.992138373051806,0.759871655427092,1.35750658049828,1.29192835999514,1.14013177461283,0.85988461533398,1.24418279513367 +Gm9905,1.03566520811043,1.08827702637984,1.32025685208412,1.14264201891783,0.701219605962743,1.07311889332108,0.632495879006655,1.25936190916311,0.946515640657621,1.106787386434,1.05709313930893,0.842958046809908,1.87840799125738,1.44676831179935,1.44218552939355,1.31691132550543,1.04965468330549,1.83660699774915,1.63802224488688,1.64857845646154,1.32775186085981,1.25783708211874,1.14132330077214,1.54294431841887 +Zfp952,2.66346358002779,2.56006866550113,2.5302846164563,2.61552223780516,2.40211136752556,2.23559768775423,2.42006035046052,2.69478949467956,2.41170104419265,2.54619832030684,2.49735278669555,2.52339900547559,2.68359279989273,2.41688454413271,2.55324868082924,2.49651554688531,2.37798767086398,2.55496469380883,2.17083175115235,2.76438447244483,2.75930718169891,2.45593410276799,2.0651173256567,2.38118927997119 +Phgdh,-1.86209471522863,-0.980618460972983,0.203529916358844,-1.54010672759629,-0.957160183610799,-0.678716095358001,-1.56397980486965,-0.939728261669044,-1.32125485985348,-1.70703397936362,-1.63216428260466,-1.08295402168458,1.89840565957783,3.19441492605495,2.51086925726974,2.27776251135456,2.35179109809063,2.61437774374919,2.28103872386237,3.58284923074533,2.45201178185357,1.91827671188414,2.08238276388853,2.27939765520019 +Adamts18,3.16911122454146,3.62134910471164,3.00670845669156,2.97994466608333,3.52982732180762,3.61212280793398,3.42731469773913,3.3508044936915,3.01379109384149,3.17680458453448,3.63756809264652,3.49179515234303,-3.17045324069366,-1.43228662999378,-2.8679206679524,-3.04477262358261,-2.70995737099001,-3.45535871638101,-2.89081030771589,-3.43016570040189,-3.52426061113541,-2.29066647802053,-2.66409868897604,-3.78076185194833 +Cbx7,2.57297429878593,3.73223799881168,3.09700782100909,3.74564966953221,3.48944257789104,3.28136924454123,3.5388808516544,2.89061542671398,3.42796569539313,3.7720204639766,3.55427055184131,3.34210938301315,2.71307284771071,3.39544093396345,2.99073050170074,3.53647544140478,3.09484193982107,2.64552746095581,3.3288636496166,2.84680171433779,3.27738918539321,3.55788744210718,2.99077767262848,3.00615101249806 +Hunk,-1.21913994327784,0.0444088680025367,0.342611081531324,-0.159051220730706,-0.0053398315769857,-0.135151795439568,-0.387362574242743,-0.595376999056445,-0.370023875447516,-0.478288165207298,-0.0121564391642877,-0.719295472988534,-1.55322350451817,-0.814064077425129,-1.11357372910194,-0.736237112917358,-0.668474096312629,-1.39853925201612,-0.574024469820589,-1.53450913719444,-1.34689592479754,-1.12079599958137,-1.33673877141879,-1.02497603128237 +Mapk14,3.93563044060651,3.82278553762204,3.6858155403178,3.64786037515725,3.96409791800301,3.99579394878525,3.78342013446329,3.79415176789677,3.71261205099462,3.69552282501484,3.97301233391614,3.863342827847,4.38540011873449,4.37127229444392,3.91806913008526,3.92459967689402,4.59120138694006,4.51244222537217,4.54906938250226,4.30738585312946,3.98614497145615,3.98820468688958,4.51280182197215,4.42995556856709 +Thoc7,5.0203227997232,4.72630171375429,5.12526112662514,4.87959826540096,4.51332910537413,4.5067998006804,4.5780540699569,4.87488414507238,4.8171673123811,5.04042191649295,4.70665902209775,4.68586960759418,4.71464236749574,4.56967839314973,4.58812645672347,4.69259184409134,4.24231481836166,4.55583470183673,4.29926546104082,4.74622496042698,4.83263759024091,4.77421910103559,4.38321328599709,4.45795736279266 +Ggcx,4.68360202673212,4.92888957355049,4.27942836484087,4.73443901946011,4.88070522021228,4.77605118592434,4.98337016559329,4.70545019648424,4.32317078921115,4.52042331756624,4.92053982039907,4.74162667632453,5.16003701580415,5.26196892662494,4.99452149764622,5.03627568036271,5.36543743042071,5.32359400139395,5.46630134629228,5.11090409747915,4.97379732071392,4.98799331398533,5.37724084426823,5.23759255510266 +Hs6st3,3.29691678683217,3.59301008990185,3.04331451040284,3.47467227485641,4.13896106569687,4.29304365714129,4.17257913721982,3.27532896166335,3.48054234361227,2.98533124422054,4.19888605301679,3.71368778241958,2.14973961601249,2.44572233446771,2.46895409122493,2.50255819929992,3.17399901923819,2.75640663632123,3.44862891405985,2.36945464366632,2.56729924565245,2.28075109081934,3.34126462764366,2.75891048866098 +Kdm3a,2.84087715709462,3.52958622472005,3.08136696315415,3.45823987107548,3.32013607525603,3.17802870093379,3.39846360406415,3.18950667665199,3.44014364024492,3.36333452094092,3.28093844960657,3.44737510319166,2.89037996729232,3.18488633659666,3.22075950937179,3.13109975711128,3.11843204140788,2.94616727227958,3.17926484070429,3.00641003935335,3.17553558438063,3.17295930229092,3.08056575322091,3.19958794387229 +Tcf4,1.70857160727895,2.1897357288151,1.82221936532934,1.81893382537203,2.48410223843755,2.33580972564878,1.9938437296191,2.41098083132739,1.78015183868814,1.88758728492789,2.35808823469182,2.24910597560859,1.67672659251355,2.13606760682017,1.76559280373831,1.7269642639357,1.92797055482872,1.78221631561558,1.9187198024369,2.13354419317679,1.73044604305557,1.80973357938787,1.84858490231591,1.89496370322004 +Usp21,2.25484785820593,2.55651587770871,1.89099739200204,2.27727446120993,2.61572180754267,2.5943440792993,2.80123685638062,1.99898855097844,2.01635338774772,2.5849777136104,2.62124083678352,2.56017983849581,1.74706857217456,2.07956423394513,1.30605035516049,1.82269624272267,2.21838134031201,1.86752807826004,2.35375052745844,1.79691321367893,1.79993118202384,2.00404327744992,2.27059480044199,2.07629156219111 +Nrd1,4.03110876659895,3.95133284219769,3.80463483046504,3.84061909477445,4.39427018262928,4.33002906548832,4.13684533518063,4.16502959699546,3.83512842158565,3.91824012806515,4.36209335020762,4.16213036708004,4.46596260024428,4.47168768155659,4.05120652957318,4.27083152075779,4.90285657778756,4.5646866369308,4.87373326847185,4.41447759686037,4.31860917212102,4.39807963219592,4.895497948684,4.78310710609898 +Kcnip1,-0.802490446911484,-0.568067054420327,-1.06504924222192,-1.44639913545419,0.169422074921626,0.278401586891627,-0.364402458381006,-1.27257534425013,-1.33530302714385,-1.03345823610209,-0.0977975194431511,-0.331235353434465,3.26869185521668,3.09950033072148,3.50431778836642,3.04238188371788,3.39227518148945,3.23325840324417,3.48365805704586,3.2775844495458,3.31683717198713,3.1534381947051,3.33164933310385,3.21008038132422 +Cstf2t,4.61296511231275,4.44507723887089,4.55815603591866,4.4430513115893,3.97826042352631,4.09186866750744,4.24684395829725,4.57102847815952,4.54701197430119,4.32224909095796,4.10995663171163,4.31582325187872,4.8069264949338,4.43569887639839,4.740338991204,4.47618542148995,4.370191508773,4.68629080122629,4.44958942208781,4.80253126101211,4.63635305170887,4.45830121285117,4.43431513877319,4.47547822183927 +6430503K07Rik,0.963878557031878,1.06157114161269,1.94791223557053,1.50393922030934,0.94833265981658,1.02830334180301,1.56280665951686,1.33909346713344,1.63170317546968,2.13035462883111,0.587431354376499,2.05245248233091,0.824038244300318,1.76393233316779,1.28306567013777,2.09153675012131,1.14555637546204,1.13762723125569,0.44387142674926,1.31104696803171,1.63292563098338,1.77794051656096,0.903074498301592,0.997328631877971 +Shisa7,-2.83805391618235,-2.29952589831314,-3.45578873625272,-2.95724638306597,-1.93777230866343,-1.77402717784518,-2.00975544879708,-3.82036277736289,-3.13682805336374,-2.32141887046055,-1.84872392888503,-2.11788345004345,-4.45540859541122,-3.53234240397973,-2.93313796735289,-3.91818001947548,-3.52647734918897,-3.6901180023176,-3.6353539263806,-4.00391304089799,-2.90765399066127,-3.52180543728674,-2.60813618408512,-3.40582375987183 +Ebf4,-0.762952485227042,0.176265781575758,-0.66442761739406,-0.417479888379068,-0.199146338192339,0.0280979792109741,-0.0607670790837676,-0.882775528985976,-0.0733676536342107,0.074146400917604,-0.302349987831665,-1.16761302738665,-1.11814743365691,-1.50188797316665,-1.8963836232607,-2.24277756542702,-2.48972300509678,-1.62755089786634,-0.95742969378055,-1.32609709039534,-1.71847598077602,-1.16746848177981,-1.57138183999293,-2.36906941577964 +3110082I17Rik,0.116924810342549,0.17494106950576,0.126572764153357,0.03036075909769,0.613009648764971,0.795324343525388,0.700209301976491,0.087604678394833,-0.038490797514108,0.521306551958016,0.924669362799797,0.226102521222548,-0.288510993124488,-0.614868979810853,-0.237345316975639,-0.395683284891394,0.415645545898812,0.255680824703344,0.177266077306059,-0.923504623511012,-0.205120663152372,-0.2451035085005,0.466658298642079,-0.0997846933560016 +Ier2,6.04140532723098,6.39625506991627,4.53521256868035,6.33555853871992,6.08038658478635,5.59280417471863,6.43511647163088,4.78487435225845,7.25319963672802,6.23569120387909,6.15421582976448,5.83638791510286,3.9301917376894,5.08001375413495,3.00776914258206,4.5450777272501,4.20380037507728,3.58892581425667,4.79316998470059,3.78016755795594,5.60231527255897,4.27790801219714,4.53439191629255,4.07606551058827 +Eif3k,6.78355054760449,6.4152276669885,7.09509400179017,6.85247374623552,6.42527107213224,6.51783576720054,6.35698872507459,6.87441542903604,6.94655896438797,6.84410422166957,6.51942657808716,6.60103382614786,6.36484471326746,6.26032740045332,6.47409190929978,6.30137154042793,5.96731520089559,6.36754379432383,6.03510333830437,6.59289907818869,6.35316851471302,6.50810359659457,6.15394752181017,6.05105652797138 +4930563E22Rik,0.127563876392752,0.615785911324016,0.305398137479488,0.268595246744047,-0.100421781925481,-0.186369635236362,0.353675025114267,0.28964111711128,0.0011439499505243,0.118096242969589,0.307227719496961,0.214241275894808,0.182243186120989,-0.124728531300284,-0.853921517619585,-0.623133818429823,0.0927799187612319,-0.324280557768954,0.116322292516668,-0.174895076703322,0.25043308455587,0.0994415295539344,-0.154391818640605,0.300692452697785 +Tanc2,2.4666928476792,2.52917536990016,2.40217153142175,2.12225075287028,3.04455314705969,3.07213433646315,2.51812584760131,2.94819576541427,2.41470829306671,2.21478811964471,2.86724012865649,2.66948741561328,1.6605954321512,2.00566323991529,1.97426407018093,1.73896039302878,2.2208272469581,2.21345872366497,2.20418506365766,1.77510449781516,1.58812498522949,1.69057811451782,2.3197332995297,2.09174104635337 +Zfand2a,2.67252636188344,2.69878978478687,2.53853107751081,2.79925531377794,2.50785891407596,2.45111455586781,2.65363883164915,2.41614302635895,2.56786612371404,2.69826755612932,2.73409112606759,2.82981648601703,2.99119994772977,2.75765726939366,2.70820193793701,3.1339259081064,3.26363105100668,3.04503132022031,2.97572307473517,2.69850909218894,3.0538606268831,2.83730266706768,3.12897086618602,3.09567159677328 +Zfp472,2.11681528935936,1.94683232630812,1.98875195055931,2.02728908434388,1.26606794853319,1.576011340425,1.66702359096858,1.7996562642893,1.68448070133616,1.96309182047019,1.75217426125531,1.63961123019293,1.44287675696428,1.48286846517935,1.94644688202597,1.35168363778053,1.03492569280419,1.66775908487445,1.4344146484717,1.87974230056593,1.63736764976026,1.4983192711252,1.4193827406516,1.20671150124449 +Rpia,2.50234418736223,2.33305211240502,2.06749124724475,2.43177410914907,2.17881486687826,2.22390683097206,2.47717845974275,2.22054930047346,2.29849053725558,2.29332363228862,2.27655457965198,2.26375926190199,2.68385037976288,2.65906317954618,2.62080471130332,2.70908558805349,2.97270171850261,2.84727913794824,2.72395288417655,2.55221809490295,2.67430642771722,2.57449375289844,3.00497485727219,2.8615150478027 +Sh3pxd2a,0.970051995932565,2.16918557059076,1.28158164032832,1.42883110383125,2.22106109356381,1.81332503380784,1.44381151625579,1.61049209263428,1.22867797844134,1.29645352820204,1.98758273087509,1.54114305865801,4.71527400790434,5.35099933115037,4.90503626042111,5.2366300514708,5.6100264211709,5.11778824169729,5.44019639639337,5.33921053282801,5.02133926800884,5.30641140336807,5.49275857474226,5.44264155405109 +Tll1,-0.728184420223907,-1.29453611967514,-1.38089553152979,-1.73689774551878,-1.14988573493753,-0.701422004467912,-0.904045633168488,-1.07477825843344,-1.55798967767708,-3.14096078306944,-1.59669720051216,-0.360878762559525,-4.69769423828536,-4.69769423828536,-4.69769423828536,-4.69769423828536,-4.69769423828536,-4.69769423828536,-4.03612327061294,-4.05315734727345,-4.1063712243605,-4.69769423828536,-4.10257281424131,-4.69769423828536 +Dennd4a,2.55269458466241,2.67251432916164,2.51643441174405,2.33451011620313,3.02379571720503,2.89065531313925,2.62483785759453,2.7674454670708,2.5302842185371,2.29473252163773,2.77394990337651,2.66252031605492,2.66413537843239,2.92176562054488,2.78623682523608,2.85626700548047,2.97475032334627,2.79760135450761,2.84648393025828,2.83278566494239,2.62688212603922,2.55751025637877,2.86163036594087,2.74420169375262 +Aldh7a1,2.69541047905215,2.95471253712867,2.55897341891828,2.64598470173347,2.57777164631796,2.82327713105073,2.88335439608895,2.7730917532853,2.66165404958513,2.8362947577192,2.90634940149386,2.8175018324387,2.67459015762817,2.87336360591023,2.77184262471014,2.61200723898575,2.66157854040888,2.80849955160262,2.82719846565127,2.64392276949166,2.74150899979472,2.6141436395111,2.80791196273289,2.82672480306625 +Plxnb1,2.85787313274776,3.17685925628679,2.66694447757299,2.98108093964067,3.64134253890405,3.58647687256909,3.51168190000742,2.92344394468108,2.6837187107029,2.93607989080051,3.52621394878812,3.15401606275312,2.5358841335247,2.97943304056577,2.50100133539226,3.00788629367379,3.57950908995615,2.86666470126854,3.5394667108605,2.52427601671701,2.59659873109497,2.9155165851081,3.46071119862413,3.26160014937943 +Gpr30,0.666574108122496,1.12171574227754,0.616214991045531,1.13170502109723,0.780236288489829,0.815224084426641,0.967324642971569,1.258307946948,1.08885046941937,0.77835063098887,1.28489307529321,0.599255959911883,-3.06756616295299,-3.1319820798825,-3.70453436982278,-3.70453436982278,-3.70453436982278,-3.07439269759544,-3.70453436982278,-2.61607060843976,-1.88358394888544,-1.9126040358408,-3.10941294577873,-3.70453436982278 +2700023E23Rik,1.06960357175776,1.06236713882078,1.09680322434029,1.38726427928425,0.310448029130995,1.07699100426261,1.080245149007,0.912779712082359,0.892791145134913,1.22530213806527,1.05673729583178,0.809066961071204,-0.458903906288779,0.128533747063148,-0.282058410067754,0.0301506845461843,0.189119493640295,-0.15080707366464,-0.493421099379081,0.15160194082009,-0.990802351813121,-0.802788336075626,-0.865524471218041,-0.287764646770168 +Uck2,3.93017765032708,3.75983330897147,3.71442550569034,3.33330892968292,3.78329158633365,4.2316053869292,4.34569245235057,3.99183308042694,3.41919691009098,3.61480365923382,3.25649713719624,3.42019773872945,4.44870916676924,3.93961391241617,3.9601927207567,3.65658006200684,4.68269724574706,4.57701438557707,4.43102837403859,4.74643734035727,4.08185153284715,3.74736401554816,4.90069336380432,4.52266475018881 +Tgm5,-4.33336818583594,-1.98135271515646,-1.94970745244102,-2.90234212468415,-4.33336818583594,-3.74973000983154,-2.92175839461207,-2.39603535056483,-3.46747554434692,-2.77663473062002,-3.80141124808546,-2.83293266994844,-1.50440443608258,-1.04519579506589,-0.48818837301458,-1.34938113004329,-1.77227411407514,-2.06014510192783,-1.14034434006052,-1.87238998317932,-0.923851332057483,-0.399406746581747,-3.31815650129038,-2.21956743794306 +BC048403,1.44051750782944,0.35525428316509,0.970821900002781,0.782417486791546,0.975607215812509,1.09432683909447,0.486918251228335,0.815264549356755,0.624927008405813,0.592692795659537,1.20367257263102,0.225045297878495,0.657700050947644,0.734850667728379,1.1857364614883,0.300736575159409,1.33671122469693,0.816763555447789,1.15590694469503,0.322376655752152,0.329645728521676,0.669300783999418,1.06341451601519,1.04162613289806 +Mast1,-0.32399496916069,0.123533279433626,-0.404722720738683,0.0498829392521816,0.744619154557681,0.763772100372925,0.583322376119867,0.350209563410037,-0.243848581188989,0.351542428045558,0.665386678526435,0.240144209811405,-0.461303701261358,0.369735560195056,0.0173012983034515,-0.0873234799865665,0.118150311880448,-0.0838864045968704,0.865093146429442,-0.288294942942161,0.116409462559303,0.171820619584888,0.127424263599016,0.30869714809699 +Nebl,-2.37411887867506,-1.49436576225033,-1.98530347374365,-2.43720278035648,-0.402299911570505,-0.762559864465518,-2.10724030799957,-1.64329650101174,-2.43847635207135,-1.68408232679233,-1.0785411350238,-1.42388354208805,0.499184861941466,0.119081996164956,0.914169824497586,1.09236712942743,1.33862617581192,1.09996604526155,0.185305885540096,0.581573271172541,0.198726124752026,1.2495514912537,1.27519499920835,0.985121940114192 +Dusp7,2.30498866111877,1.86996652909873,2.41896465873713,2.45752319714663,2.05533281667751,2.4270714359475,2.30568039885083,2.11254789491304,2.12108872048111,2.50793200952509,2.36498651747573,2.19930713841259,3.01870007742784,2.60283762091716,3.09250466176555,3.06438010442,3.33092581693708,3.12046328896348,3.43111161112145,2.8695694406324,2.841427088972,3.04528210445045,3.15553174752946,2.95337762495226 +Tmem39b,0.415273564088135,0.904080210129102,0.727932326765665,0.35218966240671,0.632014745519065,0.348943164630174,0.969293353780992,0.454140347555155,0.903417583666753,0.106968299730366,0.499406849725612,0.184277317028105,0.340721655097141,0.802336312272776,0.602702353673134,0.561524215661518,0.740450096038771,0.779909648369887,1.04699465435337,1.16525842799443,0.218250560927382,0.332466314435022,0.759893929493528,0.339894651595369 +Gm6457,2.27531356265254,2.01823452506097,2.17624483679189,1.57185975493247,1.87996845779206,1.97437599770032,2.23228807289672,2.34524151379011,2.33633295341735,2.41660218593437,1.94809306801884,1.56982052133445,2.2861242486003,1.54305849985783,1.77889699794408,2.10084006538232,2.36577547121864,2.61445019409551,1.77985893850808,1.84837116225925,1.90569336367478,1.55767574613479,1.81989587354833,1.82784809069141 +Ptrh1,1.12632038202746,0.728948952955218,0.985278188479114,0.938526394956951,1.31237297205936,0.774246476498706,0.796724194608795,0.290122677717046,0.898124227688373,1.11710140576657,1.16065891531048,1.03793331157376,1.5039253439492,1.00647103397699,0.966906070966359,1.28321355446284,2.2096200217023,1.2781382681986,1.41428514941272,1.00451973807859,1.42787303061495,1.43561806336204,1.52873936271866,1.55070608181862 +Gm9920,-0.392289182374333,-0.11402942440586,-0.543065649493573,-0.333511512936656,0.128050586711412,0.083083024217171,0.130138360523509,-0.322945079330766,-0.0398403680519299,-0.777747806446216,0.0368406748620245,0.654277919975596,-0.303588855273651,-0.189404067478547,-0.403959008740395,-0.0827862947092737,-0.225426705010999,-0.0749211924353763,-0.678442086177101,0.0078119768276132,-0.721833911697823,-0.174472690801721,-0.4156147946641,0.0303440465720468 +Chd8,3.23725678601288,3.46948704115644,3.10437462990483,3.1305141378154,3.78695627633549,3.72350948906306,3.47055818724856,3.34156281307762,3.18046944887639,3.11691126969356,3.6615801829382,3.44107455417873,3.05061327606126,3.10865984798631,3.02708791600242,3.02123364548052,3.63013279726159,3.3756217329124,3.61678405067795,2.8217192155624,2.96293509994246,3.01791392124897,3.63636096690081,3.40517177528034 +Chchd3,3.11551818109358,2.81609918838569,3.24049984533537,3.03259071668591,3.05203580029941,3.08710797893493,2.98511329030653,3.1567797521228,3.09517385341873,3.0107840100724,3.14877493057637,3.12676739467196,3.35182524551164,3.13670306805966,3.31342672107105,3.16592817379647,3.29171763154185,3.44456570538536,3.18914522308998,3.41434796737067,3.30465423411421,3.23109029955497,3.50181458222353,3.31586212107452 +Lysmd1,-0.932172668608112,-0.827983098734476,-0.304035295946771,-0.510850231703963,-2.36081564157598,-1.16465517199335,-1.37723758094624,-0.237719892875591,-1.51990083116424,-1.33284765539921,-1.57776113849568,-0.21433464923959,-0.31618792141665,-1.32887173811558,-0.385206466482072,-0.238852923514251,-1.18483329817352,-1.19276244237986,-1.27810037631125,-0.143380317795034,-0.797179789011921,-1.05388296437846,-0.687677548952262,-0.792632062530066 +Ubxn7,3.71993222986776,3.95141644827202,3.99562462807601,3.58793347660837,3.82424073699888,3.70631866683065,3.43176351382993,4.06469790939761,3.88163876007605,3.70271075295337,3.7091786867493,3.71090793801546,3.31369002329829,3.42506645227121,3.66503186830228,3.35196613613698,3.18391439482032,3.30360403225699,3.04223193529627,3.57616645798267,3.35789491111729,3.32804795387985,3.11387302890483,3.2251336336694 +Exoc6,4.72054539946038,4.6165924598,4.98790050015772,4.58995292740252,4.25831075336227,4.39082477110025,4.45192318163001,4.73014186175652,4.90179576158268,4.56985398592819,4.25437587674149,4.34963669825277,3.29977871252067,3.28221596240758,3.29030474701613,3.28530339641886,2.73168748277161,2.89025122182218,3.01407051043949,3.70088159037662,3.3739901797053,3.19111138464577,2.72794689330134,2.78962389566646 +Grwd1,3.06965705215919,2.21249951255971,2.57117805881055,2.47558024863347,2.42866224311581,2.41712833595193,2.53601511002954,2.17660633675624,2.6082742772497,2.2870371600471,2.70467097125339,2.21611373941784,2.20774100230877,1.83107444100867,1.99681763963264,2.18957622385161,1.96517283972929,2.2214153505617,2.44471379684796,1.62505526117675,2.06236310608149,1.88354726843905,2.58483334668427,2.12228510947192 +Camk2d,1.906527330572,1.87374914793451,1.96272062693086,1.61682222812253,1.89923766040485,1.9803834500949,1.67072375043018,2.20451751897262,1.8545717732869,1.70583151076351,1.77140572735748,1.70143171608768,0.903009206829603,0.589127739235789,0.672296272909574,0.400512752560977,0.918701818350582,1.04661265141755,0.769650720737052,0.717355886479463,0.559844852381311,0.507760922708909,0.972862013749961,0.541442332960926 +Ppfia2,1.11586808551604,1.30291553354319,1.08630619780276,1.0356346620107,1.29780437189423,1.60578417059638,1.30312509280278,1.04336301756235,1.02728040350442,1.04410460298641,1.29591767020769,1.34467288540297,-1.59019222004701,-1.5013948715731,-2.13763671994445,-1.67967865837842,-1.75578163355078,-1.66731140878921,-1.36186635514208,-1.75681856428138,-1.22606210087667,-1.43930281691053,-1.59033228648471,-1.77700461583797 +Gm9923,1.1494638222978,1.11873585877976,0.567570790491386,0.994738254333638,1.21143897330814,0.766579883872497,0.941984371980262,1.07242238885388,0.974549968145434,0.294269022069511,1.4433942826779,0.904345650909832,1.27531520605174,1.14125016471825,0.659974867028225,1.37322218475376,1.12598773355923,1.35160824310774,1.01135792684149,1.16751226997087,0.937504471552678,1.00733290202692,1.08337098315119,1.29878397239518 +Nudcd3,3.89559334425068,3.51676631546682,3.68315906273728,3.64782359275057,3.8865303626826,3.86642238509415,3.77683021438799,3.82557660865557,3.75280890231542,3.59712408783985,3.96646280064001,3.60589318639135,3.98461190665,3.78851407924621,4.09878784500867,4.06044237675885,4.14205032837523,3.96543728121862,3.93495949573929,3.76362934153852,3.91691144096517,3.955987037009,4.07977661376041,3.87950589630699 +Txlna,5.14106544752059,4.94996317976888,4.94999936642727,4.93141095757207,5.17972394628749,5.20217013235739,5.19626861392002,4.97864387542329,4.99995669286699,4.92695583004826,5.27668434068226,5.10152509142383,4.83055235850172,4.50852287591839,4.55015290107885,4.69460980062196,5.1881076483353,4.92078239422639,5.28894361232014,4.23967626444633,4.67318866431602,4.5741069888796,5.32463702565932,5.12497052033792 +Gm9925,0.810203015215556,1.27770006245061,1.0721547888003,1.19058439261953,1.50508301554984,1.59193887490994,1.69863623944534,1.42400294054767,0.300217596558161,0.976480402708518,1.35540277788128,1.57650348620756,-1.31150594459462,-1.31150594459462,-0.73111354071409,-1.31150594459462,-0.736043481725033,-0.681364272367278,-0.649934976922193,-1.31150594459462,-1.31150594459462,-1.31150594459462,-1.31150594459462,-0.234650280198531 +Fpgt,4.12469191446038,3.88946134118545,3.96471249024598,3.77510636692733,3.58075565528647,3.6870983927546,3.71743269341455,3.92789293989042,3.98077330365125,3.90766044321862,3.59718941343809,3.89553524657009,4.73661909906504,4.40915514682715,4.45946580603005,4.42948416634712,4.21279558130695,4.64931803115356,4.14762884657031,4.45340968199699,4.55901516254371,4.4828480842754,4.33804386863101,4.46906022389546 +Srcap,3.16983230956759,3.31143560474952,3.15098914063616,2.79358269550067,4.5082193972495,4.54814678755097,4.12470399141733,3.89997448541526,2.91123563567527,3.05088048242572,4.15557569260989,3.63791999420549,2.62675808417942,2.7729061325121,2.7271368611155,2.42032525065949,4.10582000256169,3.31134172426092,4.10358993502131,2.66191670799462,2.55172175416575,2.61694072931118,3.89949695997485,3.55830403518169 +A130066N16Rik,-3.40887579860014,-3.35171836936392,-3.67602436947279,-2.85600450127207,-1.29155699724679,-3.28901750565307,-2.17577322048219,-3.32850477196388,-3.12759486483333,-1.99904421512073,-2.09574804836075,-2.78659504653637,-1.06579270262849,-0.415161177832249,-1.39205246480029,-1.55258663228224,0.751233485298034,-0.0334451215210663,0.0492197101176814,-0.738407676408159,-1.27039365270984,-1.39887658601485,0.742297864787343,-0.101463641654671 +Slc39a8,-3.04518552539636,-2.24666908527402,-3.24155763259864,-2.69326696332466,-2.00159460969198,-1.49584570761599,-3.3339670682872,-2.20416036594365,-2.83390788117799,-2.01582148483131,-3.10822589743191,-2.32501505925747,-1.11310358258522,-1.9411274115836,-3.72370062739543,-4.12531162868949,-2.62330743085023,-2.01211420149439,-1.70803501477082,-1.61828569427088,-2.96236193408222,-2.61735901907999,-3.47047129244102,-1.70324877116827 +Ech1,3.33361578586409,3.56818820728457,3.50619071403988,3.32509472706613,3.24409193312968,3.23750161292961,3.11754905905663,3.38588484068157,3.31699458437076,3.09139281862828,3.0113546452077,3.01309052310404,3.92327401203523,4.16119154706097,4.05172837685976,4.03209534587484,4.01094379868948,3.86312529438966,4.01311508973941,4.06085382974237,4.17329335098241,4.20356206309994,3.93244770728087,3.91336993764588 +Mafg,3.17223254392003,3.69691283452593,3.16849799543823,3.31364162344258,4.23352347334642,3.87976231637512,3.92803873161102,2.9133046776272,3.83645076545334,3.5487419756636,4.14631776660177,3.93637595569116,2.73135061609175,3.38089371864838,2.66718412437638,3.47600799093468,3.89316179988103,3.31643965001874,3.93579640979176,3.00819278744329,2.74105687641416,3.3962181134498,3.75255299826497,4.06727866349159 +Mat2a,2.63348998875853,3.02539335264322,2.54885786355215,2.89289348964374,3.49409835858602,3.18057957251315,3.05954685736975,2.11263357086328,2.90493062512353,2.83687718396258,2.98722690603939,2.74475441654409,3.57701357347159,3.58949441185306,3.42283965239824,3.45565041859453,3.48891075246201,3.33150494388408,3.53822388592075,3.43549001870031,3.51428058555098,3.37753285720942,3.47579742603364,3.44967071803679 +Cyhr1,4.33907051369886,4.27479992254758,4.30945168671578,4.36856187552977,4.19522770020755,4.21191426412284,4.31894073729479,4.32082744865645,4.41936814266753,4.23063911408638,4.15982713286944,4.22972774191708,3.99988472283305,4.07372638633489,4.07374673044347,4.09945623147214,4.11618711347501,4.18238466882501,4.19086317555627,4.06725358267141,3.9973709752225,4.11167693646095,4.15444459014143,4.12364128563931 +Cnn3,3.99393879115604,4.17711890027913,4.20462617031011,4.47666127205077,4.31684411963315,4.20232666835444,3.88521578425826,3.9234616995947,4.0701839876558,4.37542929418033,4.53253519002944,4.37864349851566,5.27256672681864,5.53263963043518,5.60569366262915,5.90501389950806,5.4215824418884,5.4628542510689,5.15359608419206,5.82473732839149,5.54564925598999,6.03688238169435,5.51837559294191,5.48981230255079 +Atf7ip,2.83761737167938,3.03819525189054,2.8955207069117,2.68113059487738,3.16296464111854,2.87396212640405,2.58456085755861,3.74604464202898,2.71808040895073,3.12702851962883,2.94241506166239,2.87789631765485,1.96656730014333,2.32104145944212,2.63878530097532,2.44485710210195,2.21657006576362,2.15078309491175,2.1100723805539,2.92874107245371,2.44303263448965,2.40312662571552,2.2889749490577,2.18582081041843 +Adnp2,3.17297758422391,3.44877848774834,3.32226219336675,3.08727990644216,2.99156862255896,3.18740075527402,3.00785888050917,3.48976915865725,3.38870832349895,2.91528383042472,2.93790790437453,2.87240915639679,3.19895083976758,3.1290955553668,3.41581622038361,2.99752311159225,2.99980354675145,3.26892427831707,3.12726158059204,3.19939459834128,3.17280090490871,3.09711426623956,3.09931383834352,2.99752444033027 +Gm12474,0.495970532900412,0.41594608784734,0.298296881504752,0.180211668815742,0.138367552132072,1.38705444329782,0.84748420801957,-0.341944747106862,0.585121362580495,0.275056166799839,0.386546860350979,0.276201801422355,-1.16994173739424,-0.565143748458234,-1.28129822894541,-1.68290923023947,0.0249531536342767,-0.954613733820591,0.508707737860465,-1.15535753900008,-1.52374910783599,-1.54812346316899,-1.51694304935532,0.0795981591317443 +Lgals4,1.87376830330405,-0.0885246863295619,-2.12320935858928,0.146459764869963,1.86550506133242,0.930790525663045,1.08300326475674,-2.21966878002167,-0.351978244331502,-0.72072487311933,1.10443150192,0.556979678567132,1.29714771596705,0.964304791974117,-1.18074736172162,0.335633897460174,1.60973802016922,0.38536684940155,1.65099381324209,-1.78993433089487,-0.0149699522934987,0.0121330113812388,1.1520687460327,1.38068088776169 +Pde5a,0.393515255838321,2.13187324083918,0.870817291984888,1.69722330867606,1.70940762328195,1.15127307275998,1.36411143624485,1.33655359570568,0.79063907917477,0.601545048062496,1.9042844202165,1.5553165566543,5.70570116679167,6.45379890723895,6.55546073609307,6.6365552661464,5.36654492739661,5.49200856565509,5.74215400335108,6.2422407044733,6.72977591904316,6.50702231418104,5.42198431716787,5.88990678076203 +Gm9930,-0.995173346511156,-1.6652051340969,-2.9783292745188,-0.772041253675098,0.788575667566825,0.371309803200007,-0.562777439589266,-1.38768280857616,-2.06167185585911,-2.46048714956046,0.348690391371151,0.182700635612841,-4.01722060477638,-4.01722060477638,-4.01722060477638,-4.01722060477638,-3.03149422389237,-4.01722060477638,-4.01722060477638,-4.01722060477638,-3.42589759085152,-4.01722060477638,-3.00200892023083,-4.01722060477638 +Zfp14,2.41331848781307,2.73808595046925,2.44468709263349,2.40066219821164,2.32081148728933,2.51971366669233,2.88167896286118,1.87346833880004,2.49968118839892,2.83896142553836,2.65401753264343,2.75439435463745,1.31965961953008,1.26024050470492,1.3923394076005,1.44750013056946,1.37814233648212,1.59977682884541,2.14222319717716,1.38058044519543,1.58960654239978,1.02758859086839,1.50300311543462,1.8358433646947 +Tusc1,1.70098565252413,2.01699561731731,1.99260395548046,1.96125504357795,1.17987277713136,1.61321883581982,1.22268148254932,2.29876682450105,1.82600892349685,1.54256455835758,1.70477732920967,1.5598470262584,2.56645292532903,3.14247369889606,2.48112212543136,2.72182105883222,2.18531477427674,2.46845027665104,2.8641649827653,3.45822604592603,2.66874614380721,2.52718832040521,2.22007393242819,1.88908933187779 +Ndst1,4.07011272755456,4.08959342549529,4.10077104919455,3.98591301160629,4.17434523039308,4.22767965617919,4.04613294477454,4.2736526311132,4.04543844643925,3.85861801122603,4.0555860187256,3.90278682524049,3.76842944640459,4.06549724815047,3.91950008734248,4.04173724704356,4.34363797345295,3.98829598876546,4.31039916937371,3.75902245719892,3.89189971552101,3.98396204979333,4.23201203227635,4.13771313506472 +Tmem179,2.79790841651409,1.93460622735241,3.30087287839669,2.54972806848631,2.69783520419487,2.19532645176263,3.02065017498854,2.81644781677437,2.88753484329631,2.90437182619105,1.64013855761539,2.00713526633249,2.76949633067935,1.6032499353494,2.57798345312827,1.41054689707244,1.47255130583126,2.04420657217632,1.79473881430355,2.57240586915078,1.43266204910961,1.65619734024491,1.96065629303847,1.44383959181932 +Sirt5,2.4465477817432,2.4846493566888,3.05740591381455,2.39890603584193,2.08625587491725,2.48748083752196,2.67939593580266,3.0236950759327,2.94377506185091,2.81829436860105,2.41881280289778,2.47140815981715,2.82695530130703,2.62660855009603,2.86059080105209,2.93657983640546,2.53462354120608,2.98903717464465,2.84445409966784,3.22698415019674,2.90665065405796,2.86679397511879,2.60944472195606,2.70900549397446 +Nt5dc3,2.72432217595424,3.14028535994911,2.91312363512106,3.19478200921011,3.31177649268889,3.37186332008553,3.15074107280893,2.99260172109679,2.97660129025607,2.91158664511393,3.15084485123697,3.27898092673218,2.73084217657546,2.66447487028767,2.84918430682269,3.26392775070655,3.63651227673703,3.05726332669651,3.15022981501106,2.55794504349078,2.9667757244908,3.23100059693804,3.3217914645374,3.24516076765122 +Tceal5,-0.210489470664369,-0.22278572943739,-0.314604756151479,-0.430171182996604,0.118323470598064,-0.0011898955150889,-0.221642542597746,-0.593381758596791,0.143406186647455,0.433896690298442,0.402731548226806,-0.478380740018974,-1.28403608631871,-1.39875321450967,-2.11787308566587,-2.69826548954639,-1.39348276248017,-2.06812381731906,-2.03669452187397,-2.69826548954639,-2.10694247562154,-2.69826548954639,-1.68305380500084,-2.69826548954639 +Gm9933,-0.196498834120705,0.0611761259425208,-0.37648636024275,0.103038464203978,-0.643900326831595,-0.560491480136204,0.417620087247911,0.637629616546163,-1.3482862738428,0.141546039766403,0.0319466035122141,-0.0860560833917258,-0.103748354260065,-0.0055500005035293,0.0934866493229662,-0.709621777285737,-1.83735815983108,-0.329665932631672,-0.975160450947555,0.335312798010004,-1.32119046595996,-0.575189848573418,-0.948622059528928,-0.313938946725027 +Ercc6,2.34672340749175,2.41840235498791,2.14857182494642,2.56614868981701,2.72216493033672,2.59938377765775,2.72929949988698,1.90701880739039,2.40769291527837,2.41079829605286,2.66653809380815,2.53685580180047,2.35827668311595,2.42789671268083,2.21607631516224,2.54002250932988,2.84188964547993,2.54713360140932,2.73349661040436,2.07062836357855,2.39069496364584,2.37577101989661,2.7720070062693,2.76083536908323 +A930004D18Rik,-1.07585281036045,-0.363318887205493,-0.584066502197338,-0.870763494621734,-1.42295865690342,-0.243275383230427,-0.2827510919881,-0.231171015519402,-0.971127770657452,-0.81874865914998,-0.690945859890237,-0.501034046046451,-1.52792540184864,-2.09874760203513,-2.24985076865586,-1.98555345466696,-2.26101135460109,-1.42707266278224,-1.59887181783822,-0.762093932140567,-1.63873610507365,-1.45072208933615,-1.75530699885198,-1.52867663626358 +Pkp3,0.875974928861718,1.47441304272599,1.10691511023885,0.801363985856967,0.565804400908352,0.888857720794494,1.19387259236744,1.11144741446682,0.968715920838289,0.872157442236569,1.1772605463268,0.925750715091476,0.249659430045167,1.3621250500427,1.09271406647438,0.986422294815073,1.24800148892839,1.06189924326002,1.3729431216211,0.973384751520555,0.890100130317341,1.25489112377887,1.38368407847318,1.11993825572473 +Skida1,0.0461048771693973,0.254057288442951,0.294748133221215,0.0158146603256086,0.14367595027218,0.192021354002151,-0.303936721352136,0.541326668523491,0.0201163131614792,0.296675207989615,-0.0396511788777576,0.0213119719200527,0.654533972771187,0.693547176547298,0.324557527692059,0.540107500918077,0.397504663624162,0.297855348242573,0.132970725998113,0.809368914162451,0.356287787488724,0.545638795023472,0.121922165997485,0.289966565064794 +Utp18,3.11574465503117,2.62049757274784,2.95546976782274,2.81803393826719,2.64795907235858,2.68871849407878,2.79197408132417,2.58487336402866,2.91254551404751,2.82637701709131,2.69931541778113,2.66412326420284,2.99127301878472,2.57475506695939,2.72652016599851,3.03184510169533,2.94817960443115,2.88228952185992,2.92758626055218,3.00129672419779,2.95021050839246,2.8892520209227,3.11648961590888,2.96289102741674 +1810037I17Rik,5.19070776791228,4.62723407074877,5.11418498403843,5.17576724506889,4.69020294857403,4.67013583267885,4.80860782853756,5.16620543194497,5.2231684334011,5.27537599296901,4.6647484390188,4.97604499049653,5.64777750600894,5.16807755234601,5.38533006663925,5.14164695443986,4.8903492910712,5.32493029058569,4.48466557485139,5.59298225172358,5.46332733221067,5.4853283960832,4.81919671158491,5.0585468705897 +Slc25a40,0.941046025038727,0.623378436524734,1.07208831827659,1.25589386965715,0.708545868775388,0.805100811159456,1.11394740057258,0.941852761066487,0.936891678728424,1.03083798459784,0.56183874575913,0.947710396892065,2.48370795466779,2.41339635202353,2.80249721478548,2.40865466204238,2.23482714608931,2.41369595032422,1.91845727612486,2.48434094621374,2.50575215604728,2.51000755679041,1.93623369817208,2.27839086204323 +Try4,1.18833818965808,4.9410453053256,4.95372200690156,3.42657471651112,4.63635177866855,4.18361015944382,4.51298078409428,3.90928467096422,2.85529409507646,5.32580651812559,3.53820772756895,3.61379742836407,1.85367291090291,5.23881058543247,5.24425680988184,3.36709325440194,4.47722947354333,4.95332437159207,2.84176891342592,4.18337465933424,1.93069118038451,4.65152726505997,4.28321882919053,3.86078809693222 +Skp2,-0.380354552263954,-0.0987650512761551,-0.598033627411108,0.115693644569525,0.134021157119099,0.288546875224652,0.0314465936409398,-0.581456490063057,-0.431175649900024,-0.0799454841128,0.203592034324376,0.09138367628633,-1.20990878261274,-1.38363950399534,-1.83527506108758,-1.52656558332042,-1.37549819611651,-1.348887307826,-1.47287614056344,-2.03713820162001,-1.33163727193299,-1.62022921234626,-1.32125792373593,-0.898171588974714 +4831426I19Rik,-0.898816246582724,0.0427024222473533,-0.296420652517053,-0.501214157246604,0.177747042818555,0.296208153449153,-0.0228621890765184,-0.102940766909314,-0.4265962386147,0.173936783155439,0.563854067591493,-0.171687785622579,-2.00024825715598,-0.910118591277689,-1.19800461467396,-1.28303212391636,-0.686367937270002,-1.18511849600488,-1.54720789751426,-1.28058912089363,-1.41969515313088,-0.423574364784223,-1.15748911191482,-1.52536278989215 +Spock3,-0.771904758317971,-1.06865594517464,-0.423729169759858,-1.50638814565651,0.0386550481981693,0.364654810750852,-0.817613162018048,-0.397373208037215,-1.16532222752596,-0.222674629347217,-0.788193507121577,-0.0912362491394307,-1.68437160726488,-1.77464616378191,-2.00104520857309,-2.25457375840895,-2.01408996794357,-2.17654273428495,-3.02221047992205,-2.03317507144014,-2.16536347486016,-3.00521785199828,-1.87481796735989,-2.70124472760582 +Ceacam10,-1.91726376316472,-1.17820276778968,-2.42215000827861,-1.91210356158048,-1.47355519571527,-2.42215000827861,-2.42215000827861,-2.42215000827861,-2.42215000827861,-2.42215000827861,-2.42215000827861,-1.87883203778318,-0.133671955546674,0.866022382491435,0.565822471698878,0.169215430595105,0.800134630022467,0.390324945987026,-0.255169572328857,0.0388281943780071,-0.0850035308658085,1.36512060701691,-0.22863118091023,0.288720972505687 +Gm9938,2.93230655180932,2.77275214076534,2.72191326972452,2.78211659789632,2.7892956289474,2.68036932857034,2.77120985685659,3.20253650169826,2.64689698925941,2.6424682751477,2.54666068907424,2.80804753313561,3.59025507530156,3.38904578770063,3.52003372493466,3.0212233892205,3.12888323138684,3.05399485874318,2.8093592654995,3.64755041543763,3.48896177388036,3.18862080271465,2.8895266409257,3.44211628119004 +A930012O16Rik,-0.368743329436597,-0.0045653373098261,0.33379017726393,-0.789310356981039,-0.240815703386371,-0.153959844026273,-0.28949894478263,0.25896840288147,-0.135257158994364,0.0747575163140073,-0.390495941054932,-0.261395997052892,-0.0190121308935887,0.431906522250856,0.0179291600477436,0.324576415657264,-0.381203682886042,-0.136615242124712,-0.169909524718551,-0.210287382716594,0.129419784853794,-0.169250687121816,-0.124248209780747,0.246444553486353 +Cthrc1,1.15385729896242,1.19578719956614,1.39374133459316,1.67737661961078,0.437553097830188,0.156946595992682,0.86664057884172,1.24129831875389,1.09230588556889,0.356678900388555,0.173989011498046,0.598856171848913,2.02593684636673,0.0401846718239505,1.41746400175611,0.694756522058381,0.904280132696039,1.84331438254071,1.63922025929573,0.875646391827746,1.17834220909305,1.00695341297904,1.05551941886444,0.855241813659716 +Gon4l,2.55157148993915,2.90747037866702,2.40168830779381,2.70528616616071,3.15154211573684,3.10639616762278,3.03795292285396,2.726327450813,2.62703189008356,2.66037574576833,3.05871407145425,3.01340496292722,2.23771758995396,2.378354861125,2.08542423461036,2.51849383179365,2.99907007122251,2.44325752642362,2.98851108740623,2.17263107269195,2.24417229288119,2.42709123947234,3.05389925068347,2.69508940271094 +O3far1,4.65829296517385,4.46757201695043,4.62472652019557,4.62106819823454,4.11719319999095,4.53148068467723,4.41311497245256,4.80114143394024,4.56992871273383,4.41273625219883,3.97952777564501,4.46290353534541,1.58914857946491,1.29487559962728,1.27671243902236,1.47146687667336,1.04052512782391,0.672193654083846,0.751867288364107,1.99826816059771,1.46382594119179,0.725531354075277,0.509588582237861,0.0970980638166472 +Gzmm,0.0264535309607461,-0.329982514770625,-0.861237742919471,-0.215811238524258,0.158043436893717,0.247202241980214,-0.241996044598795,0.0074299354779573,-0.0775168456220053,-0.369599485715161,-0.0627111189282976,0.357171933840033,0.38545755946984,-0.778388506803107,-0.345678522611298,-0.327823082942142,-0.242987541171068,0.102348171129866,0.600916156351156,-1.83072476043283,0.097448387898172,-0.477438869302595,0.013967931934227,-0.336042284391621 +Tprkb,2.89010768549699,2.92746497954686,3.01969315520051,2.95653732248172,2.81318920991383,2.8699214371473,2.89917500438419,2.98016914748137,3.07823180219209,3.040606964661,2.70446460573339,2.84673150484269,2.60625695858565,2.32136870175638,2.28078349314072,2.31014791245164,2.18164743300043,2.33997561375231,2.40863035149494,2.27144522856189,2.41598951026124,2.28928629501909,2.01453867790007,2.32286416112838 +Fra10ac1,3.04983368443423,3.35132856650462,2.91291274977156,2.99420160921279,3.19766883219389,3.15841516576992,3.47061372372611,2.66862566949324,3.1859271682408,3.44893244028527,3.34554528192584,3.22388260509379,3.15732427571551,3.51487688612998,2.81004513976893,3.33360258474357,3.39891118458764,2.8799243116641,3.42193709114891,2.93431821572337,3.15848826273181,3.37767628332957,3.67288773702962,3.26443168985145 +Fgfr3,-2.12742281580525,-2.01943088049339,-1.62008873765425,-1.41624750846704,-0.789820265823897,-1.02393615253089,-0.549870308377316,-1.76635596424373,-1.65366790130935,-1.60346655902405,-0.948645892641478,-2.17497672183292,-5.14947007407048,-3.00867005905773,-3.83577860558134,-4.44607162215208,-3.84468734700425,-3.47552119737483,-2.98248963812073,-4.06100631268746,-4.13993978921976,-3.84048752419447,-2.53924314742871,-5.14947007407048 +Msi1,1.23025119091562,1.24444075174372,1.30750591214443,0.496458088505432,1.44818956740167,1.44613542795422,1.39517432446627,1.44566848063228,0.990945806996751,0.909745713848837,1.47615063219255,1.00736385288308,0.310942337292761,0.552264459801791,0.60471248739781,0.151726220177484,0.60442918325029,0.252038653019115,0.788663641198663,-0.132055995246803,0.516483512711491,0.379464720624645,0.361419877812893,0.11970324736463 +Lifr,3.32933716071711,3.47747198729658,3.18876998175576,3.21388072308842,3.42031720356043,3.50783389999804,3.32706360157878,3.34566757992183,3.42188610299617,3.16693452981182,3.42903140942752,3.39280087585215,4.79111004020998,4.94653340604484,5.00048831488283,4.70376011127193,4.60747509713142,4.82224446693897,4.86711060576735,4.85355747268225,4.84531234952463,4.64533587888157,4.65981221820457,4.83369648709733 +Arfgap3,5.31303529268322,5.13199992481123,5.22003007312497,5.27862147838101,5.06450175654903,5.03079130081966,5.16077545552549,5.05487407104165,5.22369179694395,5.3056815019089,5.07391029529634,5.22099409064698,6.48551058381139,5.93627443742222,6.33112024341255,6.02017739424775,6.49058434371918,6.39273200179374,6.60104850513303,5.68611829474608,6.2740263890052,6.17760236869659,6.6051084603578,6.55843253570706 +Prl14l,3.83986264780809,3.83101226809269,3.83838002223845,3.60408285899639,3.9566811978947,4.08230233272018,3.74806080701014,4.14098083446569,3.78039925850058,3.69646960462365,3.88085614259727,3.84934251365872,3.7648065284625,3.84761900730138,3.80785056681861,3.6987962192031,4.0149341295668,3.95383457126939,3.8797628784597,3.86789644682825,3.69844686549948,3.71448475137723,3.9023484463068,3.90286319703506 +Eapp,2.74771679383411,3.01903845577879,3.04961758371419,2.86392193392576,2.68061985787364,2.78981988843674,2.6943002613443,2.84054763726834,2.98950840445585,3.07972054698677,2.81301474210142,2.83319878002874,2.48038740546642,2.60801418825931,2.50520690132364,2.64534347870043,2.49038667512414,2.13126040352251,2.34586407976704,2.4106343294267,2.45264478986639,2.63386787498713,2.49273922179482,2.47950773909747 +D130007C19Rik,-1.53202978190239,0.100706705790233,0.0215177210737895,-0.817002201215732,-0.234055657230242,0.0443884310225556,-0.0988816318471267,-0.117906794776605,-0.486532090113743,-1.39539916521485,-0.626457745452687,0.10395218307481,0.269105239364601,0.184458265963006,-0.156558753828955,0.244532395900713,0.721844510721817,0.559667142013171,0.894009132954588,0.371496625729454,-0.028762660380602,0.0289494142028014,0.0743834871890158,0.179791832658194 +Cpsf3,4.474832406823,4.40830960361939,4.55033610541897,4.41344987566554,4.17653105319055,4.36528355318169,4.28383616102682,4.56839138696988,4.56481135928506,4.4661665939209,4.40221755591646,4.33612092248118,4.11430966839709,4.17478270557832,4.18719711431734,4.14109369003595,4.01686221365689,4.10848507146286,4.01564085537593,4.01700039459059,4.176663765037,4.28057102981508,4.12825644439169,4.18511967412365 +Mrps21,4.24145019414545,3.64915752070539,3.99282771540225,4.07804854659143,3.79863695593151,3.90561310375956,4.01958974536223,3.96499613659997,3.88350219972785,4.15685956000009,3.87145752951546,4.11255264283384,4.61974686368059,4.20872596939215,4.23233377388903,4.381894631152,4.04617991501421,4.31151002508664,3.92270244855642,4.736371455418,4.16321504561568,4.44852588454281,4.2468509710167,4.17015259898737 +Lrrc36,-0.846379196587086,0.520546015983534,-0.643955319345387,0.312574659223632,-0.346781099675701,0.37237821361875,0.245454301278733,-0.615994178229671,0.193810120884124,-0.427655297117335,-0.108786952380487,-0.0752388875693109,0.560450016179802,1.4809351806538,0.799066512748584,1.30732762424418,0.933529155582754,0.806480131969839,2.29801951356158,0.538375919671694,1.32944277628136,1.5894899718514,1.31798620343016,1.0473707824705 +Taf4b,-0.2695164109401,-0.208723196373311,-0.128633349773815,0.0889573586779053,-0.33374116509461,-0.205944666306876,-0.15101705085977,-0.134058640042935,0.285691594175804,-0.0117704174189832,0.0455200519875953,-0.234231407586244,0.0338637640532373,0.523118814894047,0.348412173934202,0.500939878021154,-0.198571599823181,-0.207880764805417,0.157350791037177,-0.169304601556493,0.175298034305575,0.253337197423603,0.186188987159225,-0.261084637329875 +Kcnn4,-2.50757576579262,-2.84356937031998,-1.32777975071996,-2.20158474805534,-0.569141569471884,-3.38573052961634,-2.21885197736212,-2.42720473915636,-2.88877384861962,-3.38573052961634,-1.34265766540967,-2.44865696404155,-1.46914343804353,-0.511331240333297,-0.15010299339607,-0.0037494504282487,-0.949729825087515,-1.28599708574638,-1.21875009366659,-1.08044233099721,-1.04858405220354,-0.0129789232321471,-0.659641137047033,-0.942724860777168 +Rhob,5.64623657435596,6.00399518703547,5.10953747938803,5.85897655710328,5.50050768780405,5.25690072562866,5.6505275001916,5.4505556797099,5.8769177139697,5.89480056776127,5.47722808566419,5.34914432114438,5.04788177102635,5.33582661067421,4.87111188795758,5.13443897013059,4.89834388383704,5.13294008002626,5.12405444383849,4.92415678793503,5.26824815673494,5.05133679868524,5.2045235540055,5.0342264864349 +Zfp747,2.14764528664676,2.29793601907378,2.39191571368413,2.40367936698252,2.23417858032226,2.00624640876244,2.21207395085344,1.99161157981915,2.37670179833387,2.09384768501685,1.83494107482485,2.18950919136741,1.86817031642258,1.32160507348961,2.00970181868434,2.26702101014921,1.69259793885307,1.80034464758372,1.4856304140455,1.92064234996823,2.15436495156266,1.83694706304161,1.7502429721004,1.60363308323498 +Pnma1,-0.653944216221704,-0.0770909645682694,0.115038778249093,-0.420421632491075,-0.171321215319463,-0.433195505202236,-0.665758018785075,-0.216472159171551,-0.270873819577835,-0.0535827539518787,-1.27391139402022,-0.625092916760748,-0.662111244466397,-0.311413878228262,-0.524252445419732,-0.505344729683811,-1.03849219723751,-0.233447540252654,-0.95891046978865,-0.542641031953027,-0.582949359284278,-0.297120314789093,-0.766251541365823,-1.31181330805355 +Mdm4,3.84179906475454,4.32945422890808,3.53244788458059,4.09569180545429,4.73762214936163,4.53870198679186,4.4521065847596,4.04658609175221,3.94866844899141,4.18516091684547,4.64907306112899,4.4363914743142,3.51580629923827,3.91340927387653,3.05144945918417,3.74349845739911,4.17314399256429,3.57595537321425,3.95135774329443,3.24062662194648,3.55986082109452,3.79099420287488,4.02428577368081,4.09236151120398 +Cklf,-0.0773489823906994,-0.157373427443772,-0.275022633786359,0.105925962626082,0.330316079549452,-0.112075903900284,0.0240176368510061,-0.184031433571625,0.215107496650619,0.988414371853223,-0.487753945338799,-0.154065072680222,-0.601461778582755,0.120148653578,-0.535447430712538,-0.446438472543463,-0.368247514990309,-0.617950574070476,-1.08769190194502,-0.190330897045099,-0.0209086745576552,-0.279720786536825,-0.403909420716324,-0.987419859496936 +Dnajc8,3.7553936562178,3.4624550123432,3.96230844449298,3.73620541519472,3.66273805190453,3.5944402133531,3.70874764700596,3.47498444838055,3.82050644590363,3.97976232268151,3.69270291024372,3.77559742235563,4.11583711702372,3.85211579252272,4.15358692580907,4.21048651073018,3.82121440616715,4.11016856724921,3.92495422574012,3.89047335377246,4.01148821247203,4.17481830811094,3.93378059611297,3.89638920897652 +Spcs3,6.40671744997987,5.90839516255412,6.18411317616432,6.08571975016336,5.8942549706361,5.84415976514521,5.83854256746726,6.19739496336288,6.14239506496669,5.92044602833179,5.8651001962168,5.98466055128939,8.10092123395465,7.42891012730516,7.69845977087274,7.39880419319931,7.26810668534811,7.81283596056286,7.29595969588653,7.8993505611215,7.72462150035857,7.46708869122229,7.18845332787518,7.55590416031621 +Slc30a7,3.56208604082162,3.25250037497299,3.43733797446607,3.27236765819793,3.28014153690341,3.24078543181893,3.08981195352267,3.46029657275053,3.41975728010192,3.19575491286275,3.1746213752295,3.13417198175463,4.22116721667107,3.65656793596742,4.27837258482131,3.79990911013553,4.08193737238719,4.09696560199939,3.96860428346442,3.7692083365421,3.91565222458306,3.78175681894318,3.98292868512412,4.03796529082464 +Cadps,5.44703710776052,5.76613213808392,5.58259446704845,5.36065835618241,5.46972977034335,5.56467422268239,5.69012477832616,5.54167590503366,5.57977015428145,5.38403812740014,5.54329238668033,5.538093179946,5.55048737377792,5.76992018237785,5.71624389833421,5.62304913362254,5.56423488525713,5.72942652572552,5.67512681548884,5.76050396763169,5.35426645564845,5.28524008133268,5.60564118872482,5.70266879179354 +A930005H10Rik,2.11241398787775,2.02752909217513,1.982121288894,2.51207504284401,1.70724428670774,2.57728040187934,1.91330081750101,2.50575733553963,2.47261496694507,2.99411496004047,2.64292802620584,2.38899520984236,1.91679534503876,1.11354005616853,2.02172071859938,1.76542951594835,2.30783812694379,2.5370127026239,1.49989084228653,2.06243577413027,2.15656462002721,1.48603173065516,2.05899979890609,2.26961457851353 +Atpif1,6.0319884793763,5.27186992628377,5.69586978055663,5.58023246472666,5.43757622110718,5.59940634503813,5.55622653416061,5.70174716987076,5.67414701437658,5.72012449215691,5.46835253368783,5.74299433170532,5.98810894565219,5.29325944895658,5.5996401698978,5.65930639844063,5.39806948342732,5.76820099401016,5.46639459196885,5.54490099179497,5.76528040960101,5.78167416583225,5.45230191390378,5.55320975107787 +Tmem120b,-0.0356879203810814,0.241265983379204,-0.485408989165338,0.435035619773565,0.662932994064883,0.598162446062698,0.445508421659817,-0.841153001932744,0.0466001816623201,0.0188160190269833,0.420377762047699,0.140200099321445,0.10623424119024,0.382307715973269,0.166585939073861,0.78658287351721,0.811755306100264,0.685928827892664,0.918815737849503,0.28594362922823,0.309117359563673,0.322423548403959,0.869218004181922,1.237312199461 +Cpa1,1.04834715775408,4.28825628482715,4.17429697505234,3.33082925555777,3.92693527920692,4.08937838801962,3.89097875172,3.23987402802552,2.04802063475909,4.99828004856803,3.44237624483119,2.78131989948423,1.75809063283991,4.79382728744568,4.73341687780658,3.05069930598196,3.74529442956389,4.77916286088294,2.98905204452549,3.84713012848892,1.87201922758387,4.25680150288932,3.94874148580598,3.07701065330699 +Aes,7.62349815910902,7.38188392516101,7.59632948235217,7.44657179964751,7.31511727995229,7.47886036940213,7.36038918462144,7.56802417413655,7.52409543410163,7.5881921215233,7.52026063359373,7.2853033487716,7.90212996829874,7.72226636997776,7.91765866240628,7.83539044580633,7.5975209437075,7.86808349456329,7.81463131203519,7.88058479823035,7.81728235787827,7.90405939163367,7.70884854029726,7.56537511074534 +Sytl5,5.86910363829231,5.54731816363194,5.4916521531342,5.14768092363582,5.77678891619306,6.17298023847953,5.8494033637137,6.13606716637831,5.45291493521548,5.36540430773252,5.90611637878253,5.78352746487078,4.63362085887968,4.24756060710643,4.25235769391766,3.9338136354074,4.92144517059505,5.02074265049615,4.81913357476763,4.5233517166909,4.09547652180777,3.93050625019605,4.87377236144795,4.63000644891546 +Vapb,3.84461107868845,3.59568503362644,3.76373111899765,3.60498590476146,3.6844077050298,3.72384380631987,3.76407025639453,3.80527666840066,3.72639050539193,3.62311108433799,3.6311074709465,3.63748128442571,5.23874702535007,4.79141284176433,5.03034075354687,4.92329361293928,4.91409238744052,5.02333455001936,4.83744737758462,5.10027595394138,4.98018138238668,4.96711808404345,4.93011904217238,4.90472012211556 +9430021M05Rik,0.319995051312125,-0.150167241355472,-0.103109976883639,0.0777302818271205,-0.536497450282356,-0.169468170755484,-0.514389659522801,0.620747093300009,0.296500503071989,-1.06891354624855,-0.063763570673037,-0.147140369368163,-0.511164428097373,-1.64430258129402,-1.04983921736488,-0.812802108702674,0.0505539791803111,-0.951698124768822,0.261848137347802,-0.320358802845349,-1.29229009625547,-1.31666445158847,-0.0154200748227108,-0.0425007640402425 +Vsnl1,0.357424884728892,1.6461244405476,1.64386981005656,1.13198017434715,0.909639523904056,0.9686311433256,-0.0325208160182436,1.55981500750688,1.29819189834021,1.2900305602979,0.956143341932833,0.566668717816248,1.85566912224319,1.99023496463891,2.387756129289,2.5337514652272,1.70358342932596,2.0048808005386,1.92171956462709,2.45538561046928,2.22915098589075,2.54837301964644,1.30098007333117,2.02274513866308 +Lclat1,2.51285413959368,2.36636387097387,2.82232044659023,2.78503406420896,2.53431996936985,2.67484559694867,2.43682373668091,2.94340714607623,2.68268038164607,2.63284551260939,2.5780573152145,2.6552955012302,2.41231138110797,2.40210632582553,2.46367487815945,2.16642026981445,1.95846930179539,2.33409060770432,2.30001933861955,2.63569508528979,2.33820474587376,2.37019660756118,2.22848386237632,2.38216578389454 +Thnsl2,2.40356837197816,2.22657544711002,2.68624058124202,2.16268300247073,1.44124709286643,1.56169130350831,1.80208947627983,2.31298746148398,2.29987168119447,2.30139520009713,1.53660883453991,1.5509558055605,2.33593071796403,2.45823063642434,2.58594914285953,2.09959863770503,2.26056858755908,2.0203593636003,1.99112336127698,2.40068962111474,2.58423993587068,2.50948969789759,1.9397054113128,2.3049414720872 +Kcnn2,0.434429735866619,0.615805982271667,0.596137244273257,0.826309063603261,1.35764660232074,1.58834543790539,1.20951689862073,0.836776363507,0.749708255754195,0.528014269014078,1.40675328220591,0.948744102288203,-0.601949029485866,-0.420200543064002,-0.22808245795712,-0.495217289799021,-0.553732906632381,-0.45516936453233,-0.0909346938112616,-0.836398179587869,-0.56001685338394,0.1792087532451,-0.356629469254938,-0.387064522670911 +Tmem62,2.44852748409453,2.29001815036479,2.04189385536116,2.40392288701571,2.56051373890136,2.39482838923016,2.28200670613693,1.99004244474316,2.26196702005756,2.31880149102193,2.30100755898081,2.78185017223741,3.02203748255668,2.8931451901267,2.42931626748041,2.62449023174212,2.90194586171878,2.65771655129292,2.77121680684103,2.88366190348868,2.7617886019875,2.72148173707079,2.74921213596368,3.02653395247974 +Dedd2,3.20258998276193,3.30261183925472,3.30366666803345,3.58800857200732,3.51004729590605,3.34935043290609,3.8145383971168,3.23196821445964,3.57610348820015,3.57163518237873,3.45009170191946,3.7438665375424,3.42525420025412,3.26256025782382,3.27828128985598,3.6493819848925,3.61639674802322,3.29921681431556,3.7061036920668,2.98207593644947,3.78717364914616,3.52824010062625,3.51254798625608,3.82985427033402 +Parp4,1.11599225423608,1.37514637983641,1.02643266437571,1.12593159102145,2.46332186991565,2.54453086289794,1.93632055597296,2.06990022098605,1.15296675748336,0.956300072259357,2.07501945053333,1.78858339644838,0.913452664272766,1.12901867682566,1.08424197182469,0.446398857386681,2.12505005631645,1.49836957544204,2.10350555803875,1.06092537744594,0.794612363161449,0.880093113907777,2.00950132194636,1.65481638420518 +2610204G22Rik,-1.20247129576844,-0.560208121073382,-0.534844420100719,-0.810259183814886,-1.4514703257671,-1.885731721341,-0.60762596116654,-0.763628857356657,-0.768099810114004,-0.40656038798676,-0.925442847567021,-0.992508346812611,-1.40176926191854,-0.815848025367424,-0.532541557007598,-1.43625315226955,-2.12434786155843,-1.78775503542606,-1.04957151544081,-2.26279549870795,-1.08943580267624,-2.70102718588824,-1.0800203880087,-1.40247435370571 +Trim65,0.137921786394264,0.507160769409839,-0.559637663679289,0.172869010562694,0.760660181537787,0.207457273686342,0.573857142495418,0.150047777560926,-0.103340231954332,-0.373755479351472,0.505399429066397,0.628376831050463,0.1587847556155,-0.253616060806672,-0.407554150142519,0.37954029421853,0.653857426795446,0.0163986964959379,0.787980842353035,-0.585249821045944,-0.118291618438947,0.630710783838964,0.451412085033883,0.271935768479334 +Zfp867,1.6285771869301,2.13807837308152,2.23840135299583,1.75308599255316,1.62311385385626,1.77095183880513,1.79331073152191,2.25238007016007,2.01588237950608,1.89215169493698,1.94345025258879,1.75256147772889,0.438274725897776,1.29071204446815,1.21210658263484,0.914337600964053,0.84018688155083,0.45318121230701,0.361538968030801,1.39338244169687,0.99494682498079,1.33866815487577,0.851466029664075,1.05787015807435 +Sh3bp2,-0.730614954659673,-0.914345014193657,-0.721560803799719,-0.360444411459171,-0.590938441830719,-0.741794518190454,-0.699351729632191,-0.442948732846254,-0.510745530194455,-0.946996819702639,-0.478624451852946,-0.526362345720855,-1.66403658499571,-1.06766944839843,-0.920640601834263,-1.62839611654749,-1.34854911951362,-1.47146364180334,-0.972895656582053,-0.876554642865725,-1.38876158753609,-1.70417480703734,-1.21796419064749,-1.45538647542355 +Ugt1a6a,1.09593050782087,0.769187730411899,0.866398963938128,0.981401688961313,0.536829776989601,0.414297326290404,0.534786725827086,0.765551555467228,1.29175885463598,1.0254541210869,0.494908062854817,0.262288316639677,0.225657572180012,0.118092509143016,0.294444276588727,0.366279928988515,-0.282427603283931,-0.0370746251943825,-0.271127467937508,0.350379045806596,0.775888539787898,0.368242887940782,-0.443110702681247,-0.434734803521934 +Pabpc1l,-0.0447521736815215,0.459355778928426,0.475031026968072,-0.769819871910174,-0.990548593626455,-0.640746789974844,-0.299074662643596,0.0213440938514502,-0.0697748345388467,-1.03617962195046,-1.35852956733498,-0.225101094260034,-0.502491472485219,-0.839944855671809,-0.912159456147342,-1.99429266100911,-2.8214111728869,-0.886348132364796,-0.287032875603902,-0.40454690619939,-1.20632604179668,-1.24018651544703,-1.97810043471691,-1.51936459282616 +9130230L23Rik,-4.02650448824162,-2.210040566227,-2.84670847316896,-2.7695288328503,-3.95606443950201,-3.58511581764491,-2.53984981880936,-3.15692480248045,-2.33545944538825,-2.93645608461764,-2.86158638785867,-2.42615261996903,-2.32077431336336,-2.0302599627823,-2.00968115444177,-1.28289470373181,-2.92612298961855,-2.09218429779971,-2.13530191037287,-1.66456462077433,-1.42794639941905,-1.53190764568115,-2.29443232542358,-2.79085850417246 +Cggbp1,4.65106962720726,4.24089532043248,4.62438854434001,4.38567391993541,4.13030567643834,4.19237049862801,4.20210709357051,4.46772352643141,4.61473592119266,4.30486239285689,3.95859543762935,4.36244982507005,4.55015562303727,4.13496983661537,4.42518154887366,4.21664428594695,3.84665119092437,4.37748045898083,3.84191673422394,4.56384857969783,4.39497219969412,4.03250078390979,3.77719903157145,4.04149147134982 +Kdm2a,3.79820209387873,3.98892806582026,3.82335485270934,3.87941146650959,4.01467775733453,4.12300878750016,3.95870757717739,3.98750329576135,3.88499829493528,3.82233454940092,4.00285118608507,3.96344396912154,3.43877049092477,3.56675152567765,3.40037014664832,3.60479430726487,3.76870521543313,3.61297504283224,3.87048271020349,3.52795868834278,3.42782646252725,3.58814488258684,3.89200528479156,3.7072317889959 +Mgmt,2.49075769322261,2.19490973399875,2.17094405296859,2.48159810917077,2.03901840765885,2.24656696132708,2.31550739444131,2.4915595527176,2.35881364758607,2.28023545444001,1.9024263141721,2.55955876874804,1.82337431036987,0.703641070101777,1.00375022487798,1.81822017710396,1.48710176680833,1.57250991220386,1.12144024707482,1.89596984158006,1.4051292539457,1.60889148084184,1.1252744963867,0.966030260624922 +Mettl7a1,3.39178372410694,3.32915452640305,3.64086861773807,3.57207247614453,2.78223571347125,2.960037004459,3.17408711087189,3.46869204913939,3.32275056853415,3.51627150940233,3.19143710875245,3.29162017385265,5.37372198985558,5.31014897607833,5.20969226296319,5.61280325922648,4.92578155727822,5.27875692331769,4.9518022396236,5.52266990829277,5.29525063144829,5.36039415227628,5.00602085826566,5.27370143484767 +Slc8a1,5.58616002507876,5.12034133680292,5.71510839385386,5.10315067474237,5.15417564984999,5.58232250224954,5.28334581131299,5.64356748950869,5.53170715137415,5.26833235216571,5.16360238114227,5.24405184709428,5.64020660984374,5.28399479185312,5.88995206749142,5.38535327945241,5.2581678135022,5.74103897145768,5.36535577384338,5.87042837114692,5.75815649409207,5.51770557151567,5.37862781367514,5.46040298297586 +Zfp869,4.44725468089505,4.54517209039405,4.66432911463412,4.73303359473008,4.33307147953737,4.53546232399543,4.65060135494027,4.56880261948799,4.89321836508422,4.64146010054598,4.58319387127774,4.61624088797732,4.70824334719567,4.40795399569197,4.60692887650882,4.76918476569154,4.4127109704057,4.47968816440508,4.36168902987812,4.52411146564481,4.84022774637997,4.48719751949339,4.42171715764384,4.51514567365835 +Pm20d2,0.653787138249092,0.44840945389475,0.742255503265433,0.299947001608295,-0.081799995736313,0.152315505641611,-0.0189112905170248,0.813647112548913,0.50095822987817,0.630808945798688,0.653318556096533,0.399698846857836,1.81641795416999,1.53475311333087,1.79465439676621,1.63519875951204,1.61853062849727,1.79779292550264,1.29395077967982,1.9075391229416,1.75927417799792,2.15185849454559,1.88044186786512,1.55157149577157 +Ano9,-2.58331636914967,-1.52793944756905,-3.39241301472697,-2.81927342611705,-1.76464221879469,-2.42110657317389,-3.13144216039591,-3.04489341721807,-3.13752656618903,-4.00341920767805,-3.08367620130923,-2.75733902969532,-0.782181347882681,-0.180372111581763,-1.20784534107624,-0.806754191346569,-0.781134569376977,-1.08262978627194,-0.100062812537216,-2.07128733561672,-0.89918046046508,-0.700953253468841,-0.583692283328938,-0.69956999066087 +Irs4,-2.63962162275864,-1.81207101621744,-2.78540999180544,-1.97807034719653,-2.10658597778121,-2.69664035818747,-3.04984668584945,-2.00193947292871,-1.46792954035619,-4.03650786129536,-3.13751234561398,-3.51495251316977,-5.01538802905727,-5.01538802905727,-5.01538802905727,-5.01538802905727,-5.01538802905727,-5.01538802905727,-5.01538802905727,-5.01538802905727,-5.01538802905727,-5.01538802905727,-5.01538802905727,-5.01538802905727 +1600014C10Rik,3.0754633219343,2.69715298532698,2.90484038809631,2.61280461053896,2.652535434053,2.53626699556308,2.64029090254493,2.87468944426465,2.71457219336324,2.52838979011707,2.52216368137807,2.63923624417638,3.23983521636363,2.85039338361173,3.02506151416286,2.8673079654648,2.83977050144814,3.19105394490665,2.79350319093339,3.25241279332147,3.02687057113751,2.85651783073082,2.83840400660801,2.76656431172039 +Srsf12,1.27435840859221,0.943276694516956,1.26834685696042,0.537335316605029,0.527637505086747,0.862955011901097,0.8326848560822,0.968651863232463,1.27857999662944,1.11272431694636,0.469752939909684,0.742630317141432,0.620342338433184,0.7808224857606,0.828857115390568,0.656867756329194,-0.341869260113741,0.695372101893219,0.320403881275217,0.190512349905397,0.783824876966871,0.389791250858785,0.598132327300528,0.448772091960096 +Adam10,3.07682864059158,3.05879656039316,3.03307501215973,2.81992240703668,3.33570339904854,3.32670864804604,3.00245177253156,3.17404708080622,3.05275944962569,2.99312704685715,3.26749663123046,3.12670959131132,3.26022256274041,3.27036582176492,3.45240180258497,3.2662592542548,3.45805567231105,3.42134568624793,3.29434731967213,3.62695724423499,3.36372436998966,3.27171682297989,3.29693881033803,3.41306220139174 +Ap1s3,0.043918317827472,-0.15137671211958,-0.0603763129555357,-0.153254876895699,0.767716908701015,0.917043064108251,-0.136670935416195,0.939123516731665,0.0577411475687752,0.465341610641456,0.479433553648392,0.514203382359414,0.717144611482847,-0.0634303464028512,0.855167858525017,0.378189959280488,1.15178660522276,0.794255566473654,-0.099913396035235,0.0281765346373948,0.301396677302067,0.302513140894651,0.924057440263667,0.748860332014276 +Ankrd24,1.14216004830233,2.11084996826859,1.19694055997971,2.10820248465028,2.43375538733677,2.52213516078549,2.59831604531999,1.12983601610244,1.71248301505958,2.11004346992584,2.52007594750902,2.20621986082963,1.81268395678009,2.75070770086664,1.73397665404387,2.3799066302364,3.18821689252667,2.3843232046455,3.50727235870338,1.66629067155433,2.09562139208687,2.43086403027995,3.10895225801871,2.87886028594472 +Zscan22,1.73964979870971,1.72290904503062,1.91765159292552,1.64158612631342,1.97546798353455,1.83813445335204,1.76598167570963,1.69056925165687,1.4964209262745,1.62191613378178,1.8177899479356,1.80209516626681,1.76028746321128,1.43788348990106,1.78307351915243,1.51077735419108,1.80258491325993,1.89099999513334,2.05750641027302,1.35623302658666,1.29232967176159,1.61692541802522,2.00021321338972,1.65027771302193 +Zfp771,2.59214494492488,2.24456677194191,2.54360643247067,2.30965963252697,2.25158928894354,2.5545193343935,2.09293798190642,2.38680756905645,2.35147485636805,2.31193128667462,2.27064502738408,2.22829753290948,2.50001487330415,2.62239322192286,2.07695780601907,2.54840587137343,2.36490702504665,2.3771955129991,2.99769033807553,2.45899739902209,2.4306739147818,2.24982367513466,2.57044657468976,2.25924788056091 +Hmgb2,1.48458359571578,1.66534669746899,1.14207337213701,1.56270555827325,1.59946532602723,1.27214216747821,1.63360808421691,0.801555220144205,1.50433712752661,1.33848144784353,1.44114763589352,1.06273542395055,0.562317803108423,1.58264110037371,0.326229287013295,0.692979995338787,0.504597089642931,0.827669382638232,0.943231549937976,0.582396886028181,0.585539819085799,0.970422212034686,0.59626570710958,0.600152246168482 +Lrrc8c,-1.01518833986455,-1.11492951432752,-1.43655730149739,-1.55018204270927,-0.683231560326375,-0.99274396351389,-1.27743637539926,-0.941120717035585,-1.32452429032634,-0.99637739392739,-1.28610757227015,-1.07840181839089,-4.77824908724693,-3.12325502952996,-4.10152582562759,-3.88664192764753,-3.84931784102469,-4.01295849415332,-3.68090153830068,-5.41521729411672,-4.40568700926601,-3.62328696013474,-3.39245949418871,-3.49928192085288 +Vmac,4.91377519359527,4.73793373380331,5.18330082413256,4.78128669116944,4.69422603477576,4.62803478656731,4.49283570012606,5.08236438809591,4.92238459268928,4.82328972415925,4.5957367688263,4.69445948874832,5.37396047498159,5.11852784630917,5.5507991144421,5.41394958200815,5.14114397269018,5.39709294030219,5.01658444467542,5.50467401899267,5.39734381838521,5.37885906369488,5.1809858266106,5.15612222293711 +Phactr1,1.39504011378033,1.68411331558653,1.42372622830812,1.44257763362446,1.89062510741339,2.08186231146868,1.8272243358989,1.79081674691062,1.50774899720271,1.17505878862829,1.79380255731006,1.7542602028581,4.43983884861717,4.59975429218297,4.92577121649486,4.57987627928179,4.78084732783344,4.76022669769505,4.98642089842221,4.19993233461482,4.71624954703149,4.76689175258695,4.7808226800564,4.57231434736767 +Msra,1.7793322835526,1.44707104184624,1.48798856765945,1.75890559071336,1.80996478716398,2.02326377063747,1.70988105479439,1.63758904458858,1.8594786715243,1.78791513171901,1.28365086138562,1.50021278509012,2.41289361505566,2.55033213152567,2.78347236065402,2.69473573484825,2.35748182110514,2.45558020313557,2.57090563978348,2.80564398818382,2.47462008117853,2.90030498363714,2.32595221613225,2.51803825857116 +Zfp182,1.70599760747037,1.95953420625183,1.50800291344972,1.76047461191992,2.24413149939978,2.19216733768156,2.20572703507599,1.77739963702033,1.63454711494962,1.60077673664751,2.18404123248417,2.07902815441477,1.23350157667128,1.44852664683253,0.645000897437142,1.52135063341719,1.92375317712299,1.37828772631771,1.47457550480445,1.15870711410419,1.38597605387185,0.992842144619125,1.71910383755482,1.56192896451172 +Fsd1l,2.19162304191319,2.28230436482154,2.25811266200511,1.97070483866619,1.90714058590269,2.10111915366353,1.86770049004698,2.39946153159593,2.23912512298561,1.89280434152726,1.82086511521386,2.03033902091479,2.0507390130968,1.97397931922695,2.21034132076774,2.08986246878606,1.81168492806554,2.16154833990766,1.61427358676789,2.43643246962824,2.05269699640109,2.11641942670081,1.79192781561708,1.86802961385744 +Set,4.65827254850734,4.33163484701057,4.56360677845846,4.52876185029612,4.3164477723232,4.38931214401518,4.33713926786742,4.41221094907008,4.56572682370535,4.51653834966919,4.38825305535185,4.38749360094798,4.77801392216508,4.59288653394976,4.78098246640189,4.68731537770486,4.48126370022987,4.70336289989719,4.3629989171107,4.81020403060523,4.68780534028774,4.73789009255533,4.48296340009413,4.52626847049144 +Kctd18,0.206981211450342,0.49436756014144,0.274797133431255,0.4829047860105,0.607981650252127,0.507761811968927,0.626851362738506,0.161110927704028,0.247606775743148,0.110309497934342,0.528610346831192,0.558227260963789,-0.153087705613518,0.382927333961301,-0.276254223514562,0.0992943678729961,0.430574498729069,-0.252280741150865,0.20744940840969,-0.0937721852310722,0.0523786804798942,0.213914096617895,0.309310483379458,0.261719612217256 +Klhl18,0.911959223453273,1.5273634438922,1.0675371671706,1.28649438415699,1.64772937339104,1.71410848623072,1.5342856695493,0.990532824807985,1.03695447366384,1.35837083829788,1.34804766229573,1.53100413178319,0.742637254735182,0.794195324996376,0.36588934986903,0.7213402809536,1.15838887580756,0.829707098473838,1.31410756431478,0.648969056592186,0.753281639327468,1.0778773855911,1.08967339505359,1.18040196046045 +Cadm4,2.19541669720457,1.90531659368107,2.44784116235467,2.02213715633418,1.99432036079931,1.71284710436625,2.18210073582008,2.05919173406809,1.82131646527742,2.07019859160732,2.10638280311816,1.84420222015861,2.25957805890297,2.17657366413483,2.73249013361068,2.80593406971764,2.15698537904688,2.13129879664708,2.34121983699525,2.43714129477573,2.47631600695377,2.96492855087388,2.61198672556293,2.34634570259093 +Actn4,3.58442512863233,3.46492175243991,3.57055861993063,3.21975683946532,4.26671788591104,4.14126092024728,3.75903311560578,3.85093066011451,3.43539280658778,3.50994154689615,3.98980603915614,3.77139152646018,3.79706786976939,4.15892388782054,3.85770351029115,4.16937153990947,5.03874528374442,4.29839105955168,4.96211898812416,3.77049477537824,3.6966258594919,4.10296927612146,5.08340106269342,4.55940488716272 +Usp46,3.08228888019154,2.61545431218874,2.91820446283887,2.59045063222288,2.57533439725711,2.76828448377357,2.6630377314463,2.8658698584867,2.88213502598999,2.41262982449732,2.52168936255664,2.73407376731218,3.80158518557996,3.31562633546873,3.564994085558,3.19067374131767,3.25232047495431,3.59764765135143,3.22658649490575,3.78511728410674,3.46422349814277,3.22855883760873,3.17423737924669,3.16850208686239 +Whsc1l1,2.26875551604954,2.57448089812747,2.28135745917575,2.38142284974171,3.23607588578814,3.22114722715198,2.90875442419712,2.77863391771111,2.30738060902573,2.46053745237947,3.07927594760593,2.69062057106404,2.64616457272075,2.64889717725722,2.63518187916091,2.56364118617245,3.40080168215968,2.98264550241351,3.40340547988411,2.50235333323989,2.67831022274965,2.70998755760624,3.37251489957829,2.97336750839025 +Elp6,1.16249425984616,1.58027872147511,1.28857005605061,1.30179442334438,1.02371919838038,1.0226262985258,1.50973037136745,1.82195039703354,1.51651382235281,1.76821964405151,1.32347565349325,1.33404606292104,1.95644335605552,1.37131057060773,1.54104105500859,0.956185258901152,1.30047661169242,1.68179163237871,1.45447773904649,1.28847018583962,1.61856107748271,1.41216693585646,1.30166799484602,1.20292488093155 +Atrnl1,3.24698962240591,3.33330521733453,3.31246429137624,3.26247332933897,3.69383788699051,3.67253983377101,3.57226308424448,3.40978155188134,3.22747413549049,3.11053400834959,3.47827705449072,3.46661859775351,3.5147528137442,3.67972426834267,3.66113343029866,3.28880033641551,3.41750241287318,3.56365671783631,3.65835183507902,3.77514769882099,3.50516720831677,3.13137621722412,3.43703709224109,3.36045317626671 +Ncrna00086,1.84516486870441,1.77273746730035,1.8787035780026,1.79133747343287,1.68450195206276,1.39045875990625,1.41873836337232,1.66979947199711,1.61109735823855,1.60082108306916,1.30037386882341,1.35700516054078,2.72295474805195,2.08539356600742,2.72057760571651,2.48668660680138,2.26092577142995,2.73356732891934,2.6651452419193,2.11726437681851,2.3672008448044,2.11454453481053,2.56370207657799,2.51915357854058 +Fam19a5,3.07102989125674,3.25113293687112,3.39460610995255,3.13112720115679,2.84984607062957,2.74581826365238,2.50062274262536,3.35535147275613,3.14398480277566,2.98675060578712,2.61849096744106,2.81903823912632,3.982387974741,3.84768056374764,4.24045707351888,4.29219524239521,4.16728727261151,4.04513399382757,3.96721554289638,4.08887783346586,3.96180698077555,4.22400624038623,4.24960370003209,4.04516929222508 +Tmem158,0.468296891872851,0.310210499565141,1.34569549870132,0.214934341940576,-0.541507757755928,0.23487021450994,-0.143707596445608,0.469066199366358,0.393608708215507,0.129837146178142,0.0202377099239528,0.252649572977187,0.304406276027784,0.765243635146081,0.226029254402876,-0.16986272469292,-0.71784907595674,0.286957009637143,0.211963970419896,-0.0969045434402899,0.618637034415135,0.470108780526506,-0.320515052853086,0.149999436531616 +Pcnxl3,3.19776005848551,3.45947456136722,3.02349055397959,3.18254351634405,3.92715204272151,3.71607082100726,3.71172062446041,3.39712862349415,3.15607908801488,3.10956315181854,3.7290334715247,3.34836472815366,3.02037109858083,3.37154328354099,2.92489109435422,3.18779705316501,3.90576944015512,3.31530462362769,3.97790744439782,2.90824614525442,2.88464492698415,3.15012341509506,3.87040716653396,3.58842143795931 +Dsp,1.9157784758554,2.47107240001874,1.77002512002495,1.75029218129228,2.90217694653284,2.8045490166246,2.41709071632922,2.49980713036868,1.76378326209935,2.00893992241483,2.45506287782176,2.47474855340125,4.32890233970449,4.65564121780162,4.33891593938263,4.71444835635131,4.93558854380422,4.44788961694703,4.76702927520369,4.23690897280732,4.1892512421862,4.59988567774511,4.81937047567274,4.71318037180509 +Zfp667,2.20773954660694,2.47198368454429,2.6699697606472,2.50191813658462,2.40415608646761,2.45665915079054,2.31246578720701,2.39306777543682,2.50562513822633,2.66878835831134,2.40501678472372,2.19815721362953,3.287380821652,3.22211556002073,3.52518563623239,3.60929449330622,3.22785677179149,3.03959744375054,3.02863074263073,3.52897888218483,3.44698906030761,3.58674459811318,3.16410266505214,3.19647393593698 +Atp5s,2.67596861836776,2.7064400696424,2.8438893303451,2.80049890141904,2.17580192696751,2.58779811293378,2.4918235631391,2.88022396931055,2.54679870304253,2.6114347327787,2.43024616636795,2.69678168972324,2.69135013686292,2.63126779569802,2.26419908991538,2.411006969176,2.38000165675883,2.40568111525373,2.3028444284158,2.53961545478651,2.52963380250197,2.09154001774312,1.98001832626855,2.60687471620916 +Arhgef33,-1.28677923333632,-0.726711539182236,-0.0401557950998666,-1.02896513301654,-1.34820585167675,-1.36920722084598,-0.91465003298447,-0.893435885674439,-0.737570365456812,-0.520279299830856,-1.20980541198972,-1.71129969928096,-1.95180024151018,-1.09909011677818,-1.27070894827547,-0.869617798545798,-1.63028211034846,-1.96654937100732,-1.06959587398778,-0.742653568717058,-1.24262860118686,-1.08520078024371,-2.23724569582328,-0.934358361788317 +4931415C17Rik,-0.904473288687539,-0.586949271257717,-0.952870205448204,-0.96572405418618,-0.322460717465133,-0.608170922516938,-0.176714039869818,-1.0922947212986,-1.08484887075891,-1.37693151085207,-0.902515439889201,-0.79321273248541,-2.23935627130201,-1.95459516723315,-2.12897647813405,-2.11367565419096,-1.62749852343129,-1.8267871030828,-2.19220479113672,-1.79577927756904,-2.10557012601542,-2.61753799707676,-1.73300171958439,-1.48351487811359 +Klhl5,-0.142478452170316,0.0008821153006541,0.0386202315344608,-0.77257843866437,-0.869601541630573,-0.982234979822471,-0.129669783846555,-0.33288967231729,-0.773852010379233,-0.631556762597963,-1.65499924798084,-0.799336991992469,-1.96738213984516,-1.54241346865062,-1.44337681882413,-1.29702327585631,-3.37422162797817,-1.47490205875728,-2.51202391909465,-1.27641370747288,-1.96247314952115,-1.89017882733268,-1.25927743069529,-1.64139049571889 +Zkscan4,1.35685198475508,1.76971551598623,1.87684166702426,1.50185379781032,1.61337392060862,0.956706529534812,1.54014423001146,1.84781058978305,1.38694945847738,1.37870353381005,1.4437916038149,1.65938699692733,1.10525209707227,1.42658066901115,1.59098796117477,1.52767656398228,1.30199562486531,1.33553041405888,1.10887555405241,1.37456512706762,1.71600895090218,1.76381772764477,1.21210429727339,1.56545339889676 +Zfp174,2.27647324443558,2.22321397848615,2.65480248322891,2.41607287126341,2.19379527101044,2.37843727988014,2.11573279926883,2.52237860832994,2.40925436313642,2.42001739087629,2.08450522101306,2.3170227204785,2.10461639403664,2.55696013487333,2.45725368416634,2.58609164575196,2.24487272202646,2.16329279192578,2.16584332622166,2.38369598942914,2.28730126466399,2.46648624796234,2.14206696748153,2.02805430453067 +Fam73a,2.71894209858714,2.81045916230451,2.6820352031592,2.79188683783595,2.93365210029649,2.74122453702849,2.71871745143586,2.89547711160153,2.60260131491363,2.8047238555103,2.77780093854196,2.74785721902165,3.17834655156314,3.41149480760663,2.99842673867331,3.10799328992043,3.16067170056392,3.05941143358573,3.29029990024166,3.29272298857666,3.05360052587315,3.11501501148312,3.10581912177758,3.14166299071859 +Gm9958,1.96285671454452,2.3780432163826,2.61954919608083,2.31388465232407,1.90524693109783,2.13208562319203,2.04084179619362,2.44397462983647,2.39568654196079,1.93749031706304,2.67101002161968,1.85482965281363,1.84824717009376,1.66842176170742,1.43488255476531,1.22764029621824,0.895426569732793,1.40156951902759,0.869417343843057,1.83434246611866,1.65357302657381,1.81181943443638,1.16412263554446,1.84739788137846 +Zfp647,0.623745273026805,0.916506418495537,1.02540366642939,1.2190684071545,0.381586796741071,1.07885566460182,0.611232549681281,1.33251191401337,0.734496519758489,0.374120700960126,0.387557771051478,0.832989106114161,-0.462793318235789,1.20311829618356,0.262877196781826,0.499501626055211,0.784609902033423,0.240715953062857,0.856678138203065,1.02118820884622,-0.123308296887602,-0.065596222304199,0.150179838149518,0.173768080471124 +Nyap2,-3.14122704248992,-3.41698406263865,-3.13279248834362,-3.39994862151352,-3.28811310648335,-3.42454066292278,-4.04064872647606,-2.91084202413251,-4.39446652853111,-4.44945661446796,-3.81490755562077,-4.10163983208859,-1.57743538185888,-2.39684875494877,-3.11121197206031,-3.41482463081017,-3.70716804616241,-2.24092157361298,-1.62897325860465,-2.09153609254735,-2.98955315996986,-3.8530687453655,-3.65999967671383,-2.7023408526667 +Lrtm2,1.74295654398112,2.45393828556386,1.97269150783427,2.04672161852144,2.16395725996093,2.04127429755146,1.98054355265127,2.70850370651996,2.13683789230741,2.24662797751127,2.20680826645658,2.20951173291144,-3.7607701353689,-2.83770394393741,-3.08404687374956,-2.34752219716265,-3.09295561517247,-3.76759667001136,-3.28429902988367,-3.75320145122678,-3.38820805738798,-3.81995346519293,-2.05154794926864,-2.98406282602233 +Agap1,4.03397036682042,3.98186623451189,4.08406635709019,3.76842498949901,4.38783191960382,4.3222068611075,4.07945645491202,4.42569066097135,3.89044253515251,3.88233211588142,4.34592999680362,4.11558483222737,3.51730060436801,3.98290979470619,3.93672600288459,3.78812178595881,4.29050779252356,3.8971545650628,4.13854960941186,3.66833976455972,3.50579360730129,3.93518652799264,4.26921281278719,4.13329841865976 +Cntn1,-0.986501251653738,-0.442586599276247,-0.692101172265954,-1.09903308285468,-0.27504921357688,-0.413170491135632,-0.950955053412996,-1.00748303760687,-0.663252478743246,-0.996098312586648,-1.08509569412755,-0.514763023103454,4.44017469051067,4.22522015196087,4.86438054849472,4.32535717812786,3.98968696689206,4.40952545964379,4.06420171313067,4.58375781872299,4.56769476611899,4.53849130311378,3.95073258125534,3.96728509519205 +Ep300,3.36290821943184,3.46306104663108,3.224935224297,2.89167009989511,4.31585384088689,4.17708652950535,3.6883747085601,4.11003457871558,3.22876417192129,3.20436795659031,3.98064899848906,3.58623093093459,2.9528058362907,3.19930089377552,2.98997049104396,3.18039441949441,4.08166642597003,3.48735282096052,3.89382587555392,2.90876787929064,2.87500932877384,3.12677193010895,3.94000730611374,3.5588349547 +Smyd1,-2.51025006983546,-3.3153093712449,-2.46491042366503,-2.49497964623995,-3.61010869930416,-2.83522173406938,-2.85510485088363,-3.1413672138865,-2.61014982356422,-3.24431098079755,-3.6544216446574,-2.83455836026283,-2.31105946830532,-3.39149731308794,-3.22136188488252,-3.71945243533888,-3.23327530457921,-3.25907424419258,-3.79798157228464,-3.22700912948156,-2.93148581612646,-3.54849749154839,-3.70326020904669,-3.24452436715593 +Commd5,3.57930451022479,2.9948843013278,3.77998044076159,3.58712385017792,2.79234406165394,3.31880564726009,3.23330775441021,3.79335998774259,3.52457370551031,3.48993671705437,3.07917794510737,3.12882830110648,3.73647134160878,3.6874226829198,3.78888027329016,3.68621649846119,3.44517713214406,3.60281163888262,3.4129238249554,3.82200542549964,3.74318575726894,3.63123434268321,3.45464220783826,3.09327338244672 +Nfic,2.81032750949311,2.80199293502073,2.68435661609083,2.50289199180966,3.58816805199528,3.43132285299583,3.04328125562031,3.3149655103202,2.63151988459863,2.63756639858678,3.47953854382834,2.96509349141679,2.97278204094751,2.77363267363319,2.86006977349129,2.62228195772071,3.88232348716684,3.50660867370966,3.73069615343587,2.53051554184688,2.51527759729562,2.87161511864676,3.87152247859961,3.32200847989835 +Ddx17,6.11480458129516,6.17011597342963,5.57515431129636,6.11786305923882,6.55994577376733,6.45581735132183,6.46432053547271,5.49428179409334,5.91850667328868,5.9904564711537,6.49098679719712,6.3863334394452,5.82620934240686,5.84415094091813,5.61794579683181,5.46142310045696,6.47856145680266,6.14764878664879,6.32391425423026,5.48155705750735,5.5330101385704,5.39706105513065,6.43994258501091,6.33351306573061 +Smyd3,1.68026225791489,1.58407106985236,1.93763397245855,1.64837945018136,1.72461682878326,1.67003384373504,1.66677716839216,1.89316547898412,1.9465790834739,1.9599117026843,1.60665770939002,1.57747051415959,1.65029344626966,1.47534226810252,1.79110618839062,1.78570124848282,1.69721062027602,1.71770441700786,1.45075644472195,1.59811031611364,1.88484559243888,1.73436787919001,1.81546496194544,1.55106676718414 +Rab39,0.199085468731584,0.39687976172352,0.101223982108243,0.008645423207658,-0.108178954503099,0.061049319143061,-0.339394844020358,0.443230954840161,-0.23778732904057,-0.595896687180928,-0.283091328011929,0.400422980402143,0.819646401403032,0.461639222563046,0.66033517925673,0.485000784514074,-0.2396418751805,0.39248816568321,0.120115570194619,0.552076266528782,0.643899913977259,0.579990524366905,-0.0992659848037245,0.312352693374992 +Gm8430,4.24581750531505,3.82865717802498,4.6183090005165,4.15265921666116,3.88953274949221,3.71133710553284,3.67906549620983,4.26421321437831,4.45772773144811,4.10876295917452,3.9888167606874,3.63023985533329,3.99789254968203,2.95593225953742,3.76152731631121,3.43705769381479,2.82365203123586,3.36444492552856,2.35201849141276,3.63875067803762,3.77375985592611,3.3259659173527,2.8795846284157,2.91701830588828 +Arntl,3.56118208733508,3.44059118070213,2.59428732754118,0.573347507008208,1.22754967209496,3.11341010676778,3.6756608141714,3.19687836893355,2.53578558700284,0.583432697057058,1.82091208061385,2.95588200876816,3.69337843671903,3.16130191986819,-0.104864548150876,-1.03484808555302,1.74485123383896,3.15582785504896,3.84553027669071,3.1658186998636,0.762646775569424,-0.395636487433566,1.92468848268381,3.26607997850027 +M5C1000I18Rik,0.287102162179152,-0.590505554967,0.031129315858081,-0.0625328948108952,0.355392776156567,1.22364856056017,0.807285481436467,0.303873069118006,0.128246519071952,-0.392931989545784,0.606080731511161,0.6395154338644,0.781176408561487,-0.513743565177045,-0.253710713383884,-0.077916807444907,-0.0604618589672041,-1.04002874642207,0.339483083748595,-0.212995657852995,-0.60537454823368,0.0385610089870929,0.0839950819733073,-0.654748064701722 +Cgrrf1,1.51545624603267,1.47684113598454,1.43804879422261,1.68655496545834,1.43227775991294,1.43973501749756,0.925972622037062,1.64478898858014,1.3166112860067,1.73623509355871,1.34342543885535,1.2700957935504,2.85083121641261,2.35866844366806,2.80124306193323,2.82401134851577,2.40738974584826,2.60481674561115,2.17998593994268,2.86518521490163,2.55357839439075,2.71879413172899,2.41759487216586,2.55211131297156 +5033411D12Rik,-0.274147722726399,0.183368343107226,-0.346392194162733,0.418352794306752,-0.403200815358542,-0.223268724049674,-0.4518840567548,0.403126204348924,-0.149022230784569,0.441414778200686,0.0238630978929772,-0.423781109025063,0.563282260614708,0.552724790215952,0.674267888946844,0.729906573596386,0.508552709007654,0.602451640632717,-0.332294636690721,0.986568965668725,0.885560459865207,0.460685304039431,0.267181246840051,-0.0878653224140356 +Klf2,0.643596910861708,1.21172174736114,-1.1886439378449,0.777322166263396,0.30121378660655,0.557067987137756,0.89118620197618,-1.97458069182316,1.26407444670571,1.03493768522288,0.407968858082377,-0.1905099132357,-0.309119692209372,-0.372195427458235,-3.24659471674128,-1.19637857166524,-0.364535550062006,-0.130889305205535,0.0354093926537938,-0.941306518122153,0.629082097697899,-0.457769189029556,-0.313438262991198,-0.535723735956986 +Zfp78,1.60429877066533,1.97571900369623,1.21836257837188,1.56977762578431,1.23923408705269,1.37036553209873,1.48708821156097,1.71692811363772,1.78842562421906,1.73052862105026,1.41337269124977,1.70002821190403,1.83410827304009,1.81326479493988,1.4297493553181,1.57853891012498,1.77031908755237,1.38939558979099,1.07912450069936,1.76660852892585,2.0350040274727,1.97292696973356,1.60017441330643,1.11140514766869 +C1ra,-0.150943460110477,-0.0862662596954928,0.0047341394685518,0.566306695549379,-0.0119641766612253,-1.23971758331395,-0.366923824887937,0.269189472885247,0.002328470949565,0.0458464450775322,-0.0680945197178981,-0.614760505382701,-2.40713758684737,-2.52185471503833,-2.828227575672,-0.727125450760559,-2.51658426300883,-2.1474181133794,-2.70792767772003,-1.88923511801372,-2.48801008486605,-1.25441595175117,-3.226245566031,-2.74451132567897 +Fam72a,0.514591020497194,0.13971051798197,-0.254643770111749,-0.455682652888325,-0.415768376039493,-0.248630339206509,-0.341367552856252,0.0735975737664742,-0.106414254606646,-0.722042402928607,-0.249347461353087,0.430807603189508,-1.04927105498675,-0.618601045466019,-1.50330348635705,-0.758556404607435,-0.931906262988271,-1.59050805552466,-1.32601989879931,0.250215469858377,-0.476363425035037,-0.81085094233403,-1.29948150738069,-0.664798394576786 +Fev,3.18527921140366,2.97466626767817,3.4134583873464,2.65443935777901,3.03187107833432,3.09109604853258,2.91905537428148,3.36189674449456,3.03339103528259,3.03261587624801,2.84872636049582,2.87385193455507,-1.9774084890729,-0.386004576898662,-1.74103906074337,-2.3513320773141,-1.48883107614047,-1.6524717292691,-3.0547305292325,-3.0547305292325,-2.46340751530765,-2.06551040047028,-2.03951884468695,-2.41807872720259 +Sertad3,2.8290791503498,2.84533001786109,2.43759330820391,2.89529988385728,2.13236599571609,2.58735852673537,2.67126767587849,2.50917454843012,3.16537112642264,2.83585226333732,2.53184817449664,2.56745119532572,2.48876645739002,2.36711198875578,2.57782110714591,2.82240672915299,2.45368602331051,2.24356467772984,2.35240453952235,2.48819196087877,2.42208469668858,2.36240631718478,2.6555548427549,1.96253018733233 +Zfp811,-1.10364034103473,-0.63614329379967,0.0130072637924149,-0.43096575146877,-0.613007278115261,-0.321904481340344,-0.54815682362784,-0.391123475190736,0.0430705455455243,0.058337625818808,-0.368871897957343,0.300514897279166,-2.58838109397511,-2.24400488067445,-1.64954151674531,-1.4125044080831,-1.43842876002941,-2.59520762861756,-1.25854209221638,-1.79789748490238,-1.40439887990756,-2.23612917208267,-1.3963121817909,-2.58869749881499 +Ankrd17,4.24354224397775,4.28134685631173,4.07133073429262,4.13513426848325,4.63014443726589,4.67738229467507,4.33191853244037,4.41537507170189,4.12669620971891,4.17941565787217,4.49376016231689,4.36282195914088,4.14519593726321,4.00029509347038,4.0086839870683,4.06132979566841,4.69240687452362,4.35329640087561,4.50757913170627,3.85238213601419,4.00043520144273,4.02972895844809,4.63561848030646,4.45094880209053 +Pld5,-1.21519933130955,-1.27568540064078,-0.84787222330659,-1.40361695609186,-1.36199082917126,-1.35665831260524,-1.51823316613577,-1.25682312769947,-1.2411533485748,-1.21687039691048,-1.22806560723553,-1.0937683423849,-2.65517890705929,-2.32584258494055,-2.24520937461928,-2.18283116906836,-2.51003213207996,-2.2323232559502,-2.77822400244639,-2.81947152980938,-2.00073995241548,-1.94245532760047,-2.60138062275308,-2.49372386114929 +Zfp935,2.3712561849072,2.46798299395098,2.73492310322873,2.40930567324463,2.25832389151482,2.35532589004439,1.75606769675164,2.86200905841805,2.27953392195936,2.46484071805466,1.91771637958454,2.31028209184476,2.12210860641191,2.15962715680905,2.49269347052263,1.81647278521663,2.04793679118013,2.10371483271319,1.80245838695071,2.27130006540476,1.9622218153094,1.99058685685533,2.07259143036945,2.50389227057282 +Kcmf1,3.95045883292964,3.72174628882138,3.92104638770123,3.73732545823201,3.61156751184962,3.58838475754882,3.63614729063232,3.67409195760934,3.81417246574006,3.77797818803559,3.78994665581979,3.76372148551464,4.25282373230616,3.96638118963966,4.05070555805256,4.02417533600747,3.94804488774979,4.04312283547908,3.76998556851758,4.36165489730657,3.8754888657166,3.99028706265076,3.71266445010971,3.93553432426302 +Zfp101,0.54169049214024,1.15023133575732,1.01925002745983,0.976256550580739,0.766830505504255,0.80260765241988,1.09497902235188,0.771488304928711,0.980241532619247,1.00082433207195,0.83929575447418,0.902727294533213,-0.0491685761430842,0.365668619423277,0.18400018070734,0.516870517146506,0.0683658637968234,0.249004277325488,-0.155002036808876,0.123820201570799,0.333050803717152,-0.0622701155638605,0.176746118890788,0.366605236929513 +Ntrk2,1.61986720596069,1.38851914892867,1.3242884391726,0.660177529985958,1.19022328093527,1.43986670838416,1.35238054212823,1.31839858297141,1.16346492349275,0.550682774209769,0.826915128363312,1.44779275457695,4.46345353842051,4.25262937024678,4.17969702825177,3.57607043640051,3.93187973411003,4.44118543499494,4.55162868388078,4.36790683876727,4.0327385515618,3.67523851922422,4.0596467921656,4.18408154998093 +9330161L09Rik,0.0157989727473661,0.22923857349397,0.79543546099849,0.43441611582487,0.358109529649268,0.221681973209841,-0.116371011795158,0.65348112257729,0.845529769405175,0.772194746293576,0.74102960422194,0.118539198545053,-0.0714893808193269,-0.0680051689644965,-0.370270585159244,0.374476496590369,-0.573046892735768,1.08083935657145,-0.19298699760151,0.101010769105354,-0.762311825430399,0.428858094160464,-0.166448606182883,-0.0721944726065035 +Tmem245,1.99988885786282,2.22632171093917,2.13567517948772,1.91943693974413,2.87300566055757,2.85640748438411,2.28016881643598,2.71975704989282,2.09896592181094,2.02439058361772,2.34553571876474,2.38197626903572,2.17815253093905,2.09884303209432,2.06078549484554,1.99185545587587,2.68342891105252,2.46268883991189,2.49577128586293,2.14481710766399,2.08961875886827,1.9661778129125,2.55611724542071,2.17132539174084 +Adh7,-2.93930287621131,-2.86978403839167,-3.07483994862301,-2.92958549731959,-2.85371291775423,-2.53141864437644,-3.61284296301697,-2.84171725396248,-3.24783863739158,-2.55699782366468,-2.6368018884279,-3.17665771330581,-1.40210906368136,-2.55369688057932,-1.66554312093146,-0.567551395887618,-2.32681073806511,-1.41836773291965,-2.65670840298019,-0.49728558699726,-1.39720007335735,-1.32490575116888,-1.76754088591055,-1.17702710670386 +Mrfap1,7.8921699090577,7.48337994231289,7.91420426445919,7.59223632900507,7.31059102785798,7.45499556822489,7.47963138766673,7.74999437084523,7.79717036030866,7.59387797329425,7.47596772539995,7.58729202337962,8.28314529775175,7.95146215666884,8.44715540664036,7.96755070329885,7.58920660741754,8.0699476573539,7.75977404863451,8.35845667593242,8.23291926587062,8.05579757005297,7.58655468221029,7.76544689039528 +Zfp93,2.39847756120329,2.33173994400118,2.38703716108566,2.32049620318761,2.2805919329965,2.28608436615955,2.41817127551985,2.39825675388975,2.33796191133982,2.20439100814394,1.98042351800311,2.2769541537397,1.63768701935876,2.1177177602361,1.65341957285732,2.00623964121663,2.02862079311754,1.99675511066253,1.96166325641348,1.7315723974535,2.02392691416834,2.06062834987302,1.79269161314345,1.61791341640543 +Pgbd1,0.9380296133747,0.95190527690933,0.578889180270517,0.937945897919991,1.0842648774106,0.839262157854408,1.00690491874235,0.281424305876752,0.806703451921152,0.642806742182566,1.09145010324845,0.606840536278216,0.413219459706555,0.598767591160952,-0.106650722610503,0.709271162578589,0.107305686919931,-0.0993436980842219,0.412435105764272,0.874262547598212,0.795438839566792,0.484132846460686,0.198185934940101,0.128594590946466 +Sec23ip,4.24548613007027,3.9261405532577,4.08363861476986,4.0405360145134,3.9698255227499,4.02889903871869,4.04613942081291,3.93053320651971,4.03122264041886,3.89610147916006,3.87897814486866,3.93340360497059,4.80555878750323,4.26752640154553,4.73549875090479,4.4876251741796,4.79741593517556,4.76726842685622,4.78148965634534,4.10991540154599,4.63679425719305,4.49799474352301,4.86364261417713,4.66393906175218 +Tead1,1.98774631387802,1.8783000615483,1.73045820361162,1.42187964267048,3.11083934844725,3.03346313592439,2.1871193349166,3.04512466537094,1.74469608399105,1.82289979392943,2.76659022481861,2.38808250667574,1.55178727707296,1.83463008392272,1.59664460243786,1.70137676459094,2.8298397962885,2.40880487574512,2.44643788533484,1.84451895866687,1.47134902839746,1.51841916355416,2.54442014191903,2.17761283479706 +Tns1,-3.70276580121575,-2.09977010388697,-2.70477508293781,-3.07218397627201,-0.513530672790793,-1.87476272056334,-0.547620632548652,-2.23152176591353,-2.75627791990591,-2.39473849777867,-1.66404954154626,-2.40206496878649,-2.74095039991047,-2.01261741233313,-2.88285155784056,-2.69443836864973,-2.24505180146637,-2.56272001290663,-1.72003712709253,-4.25097360849985,-3.20343140980144,-2.37595947023316,-2.06569621941955,-2.45797908703348 +Snupn,2.66757054155123,2.40843116182365,2.59495599340772,2.46963073263136,2.45265773076075,2.60152513871715,2.76934507848265,2.4379552506951,2.39511899497256,2.33053340582747,2.61550213662529,2.47977887247588,3.26506296690362,2.63354180162683,2.65681111615562,2.89451583367548,3.20029847870783,3.04652729987513,3.02086566986372,2.51966173091258,2.93600270711866,2.88270031350852,3.19226334431186,2.9819223549082 +Stam2,3.39417292830255,3.2924783811095,3.34970539149215,3.27701621684836,3.09059181705122,3.10019604554044,3.11554288335108,3.26803929061811,3.40702812125244,3.24027001664344,2.95287975652114,3.08415096959191,4.25460229323613,4.10757314020333,3.96903161911166,3.87845777388594,3.76460561974669,4.11981897848491,3.91523432215292,4.28634153365583,4.03766199405013,3.95824633998276,3.68408665441705,3.94935152688558 +D830050J10Rik,1.4917199840003,1.23072009085643,1.27312762842192,1.432833059275,0.675064359257796,1.53074693627811,1.51511385065758,1.01362440739385,1.5377195026687,0.730713425542024,1.421036411751,1.13524346525554,2.47552027530698,2.21818410156308,1.95743523540794,2.31862974774425,2.11989041847591,2.09661590544614,1.94059396398625,2.36771733922611,1.98876566170886,1.94989524770365,1.83338146635705,1.58792813455831 +Fbxo6,2.39523340416524,2.8413804957744,2.79142897688267,2.83909552401612,2.30049213517712,2.36295868149682,2.64083883509304,2.77093512533259,2.88293286676662,2.9301676791044,2.19225590671521,2.28886628383307,3.49145756391031,3.62411900968254,3.59659051201066,3.44516791023204,2.92757351580979,3.263365887949,3.07896930660802,4.08099516194059,3.59217633324637,3.57830799751773,3.03423265829586,3.07930795331193 +Mtap6,2.03365843468453,2.45298387627295,1.84087528554701,2.16598737050274,2.63652771185648,2.41338952052336,2.64930210081209,2.13130188934563,2.00267817028721,2.51181418709781,3.003892817196,2.4018430853191,1.76410596418264,2.15132247329693,1.97091842409133,2.01872024369818,2.49084804486922,2.04194654191561,2.43668145675686,1.79816746279462,1.65316032215245,2.18035188866753,2.66120879116241,2.29718069323474 +Nell1,4.23210833150261,4.20396301047153,4.3717696182002,3.95684588843795,3.7914116484632,4.17187551578582,4.25004090360089,4.39643549349018,4.36868512182613,3.97781656440233,3.92447303539182,4.31959298813943,5.93566664257274,5.6385969791887,6.12129041488268,5.79663946880335,5.51631248245107,5.84855250789897,5.53078079356284,6.14625489025615,5.87639817049817,5.83757767008278,5.60477859450589,5.67860399741934 +Pcdh9,2.13985191574259,1.90278112531994,2.17003810193272,1.3219999665414,2.30899994429959,2.6920466930801,2.28295983264072,2.49613509223413,2.49783153006735,1.79256701778297,2.12864702204961,1.87965209434786,-3.23791276420249,-1.64650885202825,-3.32209538995904,-2.50238991160029,-2.74933535127006,-1.88716324403962,-1.972501177971,-2.61348633031718,-1.9780883269493,-2.52330447038011,-2.97507184067242,-2.62868176195292 +Nap1l5,6.30563043152714,6.51490256372283,6.12995108094711,6.73088806313257,6.67602714530318,6.28948257764393,6.61455607605673,5.9456233557427,6.67102016860594,6.59277803835863,6.78942899917219,6.52523065110683,4.8046783791082,4.70287332514671,4.30414486270936,5.10440856352131,4.64062665795736,4.52828408839145,4.61501043736759,3.97068291766098,4.82960077076369,4.86627454955711,4.71384387069371,4.28475811619158 +Srsf11,3.57025394927475,3.97412141850354,3.38604331755681,3.85541746871666,4.50241127931392,4.24161152320914,4.24372757636447,3.02583516626285,3.75224423914042,3.86972497226138,4.33994942590262,4.04475336842508,3.59427187444876,3.85365294185813,3.67564735815425,3.67939030308948,4.24568556511397,3.94476298963318,4.19935031791615,3.37802419170431,3.83246575139417,3.70689219018346,4.2612097139709,4.13688966090203 +Cd47,3.75110185567266,3.53940158679456,3.48780124686423,3.22619909018798,4.47640326117035,4.33818958790743,3.55607939459676,4.41457973786923,3.36296054520719,3.42046383190332,3.9988008231571,3.84008582751997,4.03307947104251,3.83440664048535,3.90989941791193,3.58971341754727,4.31875824676746,4.08088008817865,3.96074342935861,4.03049434354057,3.74766465287838,3.66437596976691,4.13480488535223,4.05722976417062 +Gm7353,-0.633601286382538,0.02240042071985,-1.03300790068578,-0.462252235311689,0.157735321159022,0.0657747810852052,0.22829031974618,-0.784021738709142,-0.319220028425181,-0.816707878457732,0.100429376307561,-0.0921617090394147,1.21625948972077,1.50666659696697,0.0159237422610139,-0.0378930552907701,1.50085722119077,1.17730996631261,2.89772509293725,0.846877774254924,0.165537051395156,0.164484238769175,1.6157887129186,1.29360624213181 +Alk,-2.8690418957841,-2.96815382307061,-3.3137108810163,-3.25115826621501,-2.30785044699585,-2.87766873405733,-2.87874745143022,-2.5773005964172,-3.07046078621402,-3.12545087215088,-3.76244132099798,-3.74511076179201,-2.09829938866482,-1.19287314158511,-1.23525086896773,-0.854867624966837,-1.80012516068752,-1.31604559862115,-1.48916048159138,-1.95265895957332,-1.75881436731663,-1.00170924782437,-1.26245740301769,-0.959306382727515 +Zfp458,1.39357656202002,1.55167615370472,1.38700337949693,1.34493734095379,2.10782651989556,1.38688605770985,1.67000069275619,1.70760672299528,1.41755889951777,1.62728315543336,1.65100233436327,1.77556323983258,0.982420051093251,1.10337723307604,0.931360130369915,0.936401895108295,1.21757182745956,1.4242638572594,0.905763744303194,0.956965871329966,1.17664331662114,0.596700581868077,1.13246218361361,1.02608776461571 +9830001H06Rik,3.16689274010829,3.00130288297729,2.98712348166708,2.73117401386166,3.60977172420905,3.60329305102996,3.43285233890625,3.58260726614326,2.89172988695446,2.71282205709752,3.4524300326179,3.22560212681206,2.81122650939541,3.16626494746649,3.15328178821099,3.05214694663837,3.99977108545141,3.5573297303951,4.12654007798199,2.92122993382314,2.95273688455422,3.1257080682851,4.04673640513223,3.57069625949817 +Pprc1,1.22213183388388,1.04461678838586,0.620689897546031,0.916360819657529,2.18804854933287,2.39968485801268,2.02146316099312,0.385336636160503,0.561730196868993,0.787085218053518,1.83938418062892,1.31374035144151,1.06769510132734,0.628576187189853,0.506408399174971,0.85705816745803,2.23725588603197,1.79601973788767,2.28780547079852,-0.156317575131493,0.729671452733665,0.548835305494165,2.20150993812794,1.51349531937542 +Epm2a,2.98665111314521,3.14135697296616,3.49388737228434,3.42970100989084,2.80958899287802,2.87205352135508,2.7626625020011,3.22150397457165,3.14991992105915,3.39136999191241,2.74948307146875,2.76707837440062,2.7880502632509,3.00912539132237,3.37068411465736,3.44056662248307,2.51726980008683,2.68811003909394,2.4267385157204,3.11650878948492,3.10293116620957,3.35948324352509,2.53320324938635,2.72986767740683 +Gm14168,-1.00916970130009,-1.27995776332633,-0.623548138841852,-1.67133255223254,-0.588143668906065,-0.108225725186611,-0.916555309017896,-0.662719894527953,-2.0937140663277,-0.534110831445842,-1.17127084520403,-0.904662595055373,-1.38246314681502,-1.06816825971269,-1.04875756223298,-1.96837035371292,-1.34928557482771,-0.929046762388843,-0.856269920972464,-1.7951972461372,-1.15979924276932,-1.51314588362982,-1.30342689281374,-1.81039267777294 +Cpsf6,3.62239779675064,3.71257711540511,3.3740873598467,3.66945815332985,3.99517414339488,3.90359504731734,3.798475794614,3.4520313461402,3.53792985301055,3.52434051873882,3.72463162763627,3.8737207286607,3.26258057999563,3.37482714132552,3.01417401484059,3.21942910049207,3.56719207176748,3.41096018474762,3.4056059833667,3.30967427323412,3.30825478568124,3.19052731120383,3.60827195188062,3.55181937938128 +Kxd1,3.8488277674226,3.472830711327,4.17763290986992,3.85448160509978,3.39226979356053,3.61168428094497,3.46069578616126,4.02488543144751,3.95524716838136,3.93699846369704,3.42081953256029,3.59489256367907,3.53924254481741,3.04808535903831,3.56052566943037,3.24674900465512,3.0170500529779,3.40060045159407,3.07773091568238,3.41630212180767,3.34958017156091,3.46608728239176,3.00951424353826,3.14942604820796 +Zfp459,-1.60525255437953,-1.61754881315255,-1.86305053600973,-1.5909382360474,-2.17083994446502,-1.39595297923025,-1.72821914000557,-1.35751968811927,-1.86002983076419,-3.11414840549965,-1.42611985078565,-1.73804545766523,-0.0450000813752298,-0.603717387479865,-0.857401037041279,0.0227318963732879,-0.419051442108963,-0.65222178313884,-0.648007735054934,-0.178374596125016,-0.552110697542077,-0.720276966877356,-0.673301648912436,-0.961104120172586 +Unc80,4.97684763677036,5.34639948887044,5.12031152264236,5.07610486602868,5.49929997293549,5.55467032069167,5.43650935349642,5.22217725270872,5.14404800657551,5.1391781509496,5.49677995513911,5.36374625475996,4.78033490530733,5.33120817296533,4.93579435235447,5.29839118606822,5.5893848650079,5.04749172683074,5.56066417840388,4.73704980115563,4.88246085762036,5.28782882596055,5.57421999774268,5.37380554403708 +Tead1,2.24294061322592,2.24289997564407,1.97968486791145,1.75484959372648,3.46981478459992,3.40132916500267,2.61780232918489,3.50245288869586,2.03039396247602,2.1601960575626,3.10001408417858,2.6960015433381,1.99292041792576,2.15719104337258,1.92883573897068,1.91394542893161,3.23199742393008,2.77333200161306,2.71216527474422,2.10255312965454,1.88314122294946,1.62738739892646,2.98193708220182,2.32652854032587 +B4galnt4,2.39569951163346,2.56640930429936,2.61133066226862,2.74005835390989,2.35173773846603,2.57748977933919,2.49309089790712,2.23379265383648,2.80647092626452,2.70331299004717,2.54778638601821,2.36862098639064,0.733693234460312,1.11725883555424,0.482709104704053,0.603815505000265,0.858930998984481,0.215548834783211,0.799086929202453,0.692313099049971,0.481567385452912,0.983036199113216,0.617974599700171,0.956082768269134 +Zfp580,0.0914870226389396,0.292625584644657,1.57185660404395,0.29415823005292,0.217851643877317,0.955591637376742,-0.388967977381536,1.00776642347917,1.09710366655249,1.04577819572321,0.743427554072766,0.295783347154726,-0.583638227750402,0.858155680588211,-0.0520371613740705,-0.450009174247169,0.722059318977864,-0.0721537590007307,0.140450479886444,-0.798476845278297,-1.49069503447249,0.728354633724556,-0.154034926353159,0.210645661461083 +Dach1,2.34584739060202,2.5468510332812,2.55188584151713,2.15441828389595,2.95391187538946,2.92861696869544,2.51463693119636,3.16408798112137,2.45184637865443,2.0181136358273,2.70672114792846,2.48304298473809,2.7025698778701,3.28281901974923,2.89797954917563,3.02090641438424,3.10380071832562,3.04978342089868,3.09411307473206,3.04985392200684,2.93994872553161,2.91561131608917,2.93951597533935,3.09114151098799 +Klhl25,2.51558944279939,2.46943359256195,2.69696319778994,2.37225059531833,2.19384558441149,2.32671331000993,2.52624719410154,2.77893585881939,2.39468156018588,2.34514902287028,2.14248938391521,2.3445616956295,2.11550005583206,1.89773223797237,1.71140973776635,2.0111249294494,2.14573328195707,2.28543752709138,2.13935613260467,1.8557079089255,1.94253947148566,1.93493100237139,2.11874655293674,2.29419384205194 +Gpc3,-1.95651596781589,-1.95902230273281,-2.0256912851972,-1.94198686160768,-1.39362381616046,-1.15950831478253,-2.07160536282939,-2.80049386019315,-1.88237281124817,-1.77727037795758,-1.69175090689048,-1.85048934194018,-3.91126010290825,-3.56688388960759,-3.55508889537499,-3.84482985785964,-3.56250192889403,-3.14596950981463,-3.43478899742302,-3.90369141876612,-4.54822830977804,-3.23924575990203,-3.20806534608837,-3.91157650774813 +E030030I06Rik,-1.09766502992318,-0.858201718000374,-0.235232816833185,-0.396324585203144,-0.65730000712297,-1.17740521434276,-0.343653439746344,-0.0930534915815615,-0.396361111771391,-0.600155282906914,-0.328877906359158,-0.854860483147846,-1.67747489790862,-1.12476895021682,-0.951804382891004,-1.66999439773689,-2.28282357416381,-1.83328827628812,-1.62068403740095,-1.53183446881712,-1.15712108939763,-1.81961018409734,-2.23860203668258,-1.55048885582631 +Mettl4,3.20048006424435,3.20398280507683,3.48689479319529,3.12553709836511,3.13794061204253,3.11527984348734,2.93397058408172,3.51142147730665,3.30447899499673,3.13598704720107,3.1779267191393,3.27087066267629,3.27593573204998,2.97285781031559,3.04421070043723,2.58621067088906,2.68587133796881,2.87350886768275,2.68026604105992,3.25122856527224,3.22549081229879,2.85273075614748,2.69337224460211,2.85202296389861 +Zzef1,3.11147232016567,3.30441249901612,3.00294507012578,3.1477178439459,3.61307571299757,3.55214991322902,3.46081390680832,3.17754559806997,3.10549854583729,3.06073906162349,3.60100408981166,3.2835463044474,3.22097204812754,3.33007149336929,3.13267420616855,3.16552127559325,3.7224200662011,3.51781509733338,3.6613491978126,3.12049373531281,3.02617955776086,3.17001463533592,3.64348735700891,3.56323572249203 +Kbtbd11,1.82750552668805,1.79349986548539,1.80230447051522,0.812831910393897,1.44800005601163,1.37265549563154,1.39805431548493,2.26548194103803,1.73253925715748,0.795551696178075,1.45513790507399,1.3610980479581,-1.43887207230666,-0.950196381378934,-2.71438134856549,-1.69615427110459,-1.43422702200397,-1.875175296514,-1.88056539711955,-1.8389402603544,-1.10032166191924,-1.78981790013043,-1.49084661152011,-1.85872028949745 +Gm5069,-1.89251123328204,-1.83535380404582,-1.73177466684818,-2.26061955040764,-1.5106476359794,-1.77265294033498,-1.3590562058819,-1.24127169523672,-2.77066599710577,-0.802462829658063,-1.85092299073694,-1.52458581912304,2.32961653988824,2.28035992816011,2.26039288901434,2.27570010093542,2.2015493815222,2.58629962334637,2.32368982050216,2.52579667283571,2.05501274095206,1.82329263585144,2.14122611060976,2.32875577448343 +Cope,5.19219859415517,5.06358236507288,4.90048252141326,5.25025819559076,5.23256222520019,5.09129062432521,5.30004991144831,4.90846641135882,4.94256661144395,5.15443230722192,5.20488552850436,5.1078064441488,5.85023639726769,5.48589624164763,5.08275416042255,5.48318403332211,5.81357326629183,5.81076643509397,5.97028172658734,5.51283610436426,5.57566952522081,5.60961356063829,5.89059765560455,5.82497753439237 +Tmem191c,-0.701998268658314,0.103920321294517,-0.164324474061049,0.400819730116912,0.190280996666669,-0.0059943809890565,0.503449748340719,-0.594787909180796,-0.069076883981865,0.882365191051501,0.399177744553558,-0.0541534917176434,0.464685579890103,0.661837564813642,0.122160758169351,1.16717978198821,1.38917370087752,0.780641872467931,1.24705646927603,0.0085681246094706,0.923168395303136,1.02977889595302,1.16487049861321,0.950889746998829 +Klhl26,3.45722983387939,3.4890352002475,3.55658902641233,3.7414241761608,3.91934895959733,3.80802474341277,3.65741147556618,3.58812728722005,3.46483559209438,3.83020305077421,3.95687746477459,3.65758777698321,2.96465648074835,2.80378058062829,3.13128692637429,3.2728139432528,3.21149361815682,3.09967215491662,3.22081508321882,2.95933306818262,2.96447568829138,3.41293541311167,3.2845058175028,2.97672757777532 +Slain1,2.25397617492286,2.38756756728371,2.49797909906059,2.38541344366439,2.11477589274594,2.36195829847416,2.15485058119482,2.577618573737,2.40912339824866,2.39191298035401,2.40512231086221,2.2768009393907,2.17710748813982,2.27515525230566,2.1856009787063,2.32689287190367,2.2094953348935,2.279952792757,2.21660839429111,2.48780034060013,2.30848484830101,2.16297287125505,1.98961458174501,2.02471720134028 +Ubl7,3.53115092223497,3.32691914436745,3.29978846517531,3.51818066308288,3.36356066195721,3.57913370657746,3.20215046364011,3.99604395928969,3.56292208925208,3.60811436436811,3.35859258554609,3.33988294056001,3.35046229110649,3.29328089383088,3.49909238435478,3.43433819483706,3.17373207736877,3.30895199542798,3.2001072425596,3.5600274233046,3.41894182779424,3.43617429039392,3.09086282826465,3.20849888981043 +Rras2,3.29975399417531,2.58141301262144,2.9734720107336,3.02030307808178,2.70879224090243,3.10174100164094,3.02788276791837,3.02951967425274,2.74578581452504,2.67942017954125,2.99150545107391,2.94198616622047,3.33190601125616,2.51565818551231,2.37183623540146,2.52018318805747,2.8013249550485,3.13937993723082,2.68131063719684,3.08403114042509,2.62310561260488,2.35220900721182,2.77913014209456,2.73169825507661 +Paqr3,-0.32833786808729,-0.674867999465032,-1.08386687037961,-1.02822503083546,-0.496170734246695,-0.289707002121867,-0.30363420830434,-0.700865188354417,-0.874330605910978,-0.717658644514529,-0.403614853770694,-0.707263194096549,-0.453287215909907,-0.564801158608519,-0.0663468275159342,-0.414694426380578,-0.199617834690032,-0.217769507106778,-0.523098158236452,-0.788493503051911,-0.180593288871748,0.169772365949508,-0.0746455945931168,-0.47281648532039 +Nap1l3,3.21560993708907,3.47427955118058,3.33754736073137,3.52820735016524,3.17799396471477,2.8108702386772,3.13317538619314,3.10325703382839,3.49134062381036,3.26000235741935,3.21192195728912,3.11267378787099,2.35704411643122,2.51466542152981,2.46864913837117,2.95251034980984,2.34289761319341,2.4319973742161,2.16471599259184,2.73015431526128,2.81224439333634,2.72087919521708,2.56460797184733,2.53825963374639 +Ghr,3.11572751658636,3.38467850602889,3.35696847290853,3.19327679767438,3.41908135643319,3.34039551527832,3.00450428725107,3.57092187225207,3.19841341081486,3.3276226224904,3.34512899830594,3.32325631511245,5.29906669373495,5.14461377519342,5.42229407306148,5.37080964067705,5.24088568086496,5.3929294359427,4.91822937854403,5.36365627511734,5.20582400515134,5.29498958744433,5.23401256583031,5.21030238570296 +Ldoc1l,3.42842653282537,3.49509264402067,3.55489442519062,3.11724568850055,3.31016451235909,3.44282143890354,3.19965066535242,3.79237340098307,3.46193604242707,3.0796069793469,3.35315414473296,3.23788063511046,3.45964449194267,3.62758952550327,3.67363576644019,3.56901557108134,3.63392144135141,3.70043820123546,3.58991278241866,3.57362016390031,3.40632218581801,3.71894403701157,3.68765291810728,3.37645036258896 +Gemin6,3.33225169745581,2.59494974360365,3.22257215543343,3.2738494269227,3.14038613355336,2.95357641756663,2.95840475350401,3.06411782118094,3.18631224094918,3.01348488147903,2.74388957258434,3.00918314501808,3.37124453555424,2.94567446739822,3.05357841704851,2.83948582014416,2.63568513914057,2.82330279090047,2.62339017930203,2.86284971644711,2.91142917752341,3.01020622357691,2.70880930966194,2.66334166786818 +Eef1d,3.89832829650512,3.59039799059877,4.38766630841244,4.03133751505167,3.76204630017881,3.64259789710747,3.63569469380823,4.02939608287547,4.02837678840467,4.23825166034867,3.76705296389198,3.82668812115112,3.62120932960524,3.52698783318006,3.64231900834581,3.57962194465387,3.46363098885399,3.62970360570729,3.57035344320696,3.78720532400732,3.59939110120502,3.59618448145327,3.4419350864656,3.47351500468084 +Gm6910,1.03343728239504,0.621454650004094,0.227100361910376,0.853779048680517,0.417008850951902,0.233113792815616,0.738550304356006,0.611659777124985,0.257163643663485,1.19638909408251,0.87846684272349,0.514607995397127,0.585816769074575,0.414074683623697,0.676492227586981,0.534923680266042,0.820031956244254,0.192846093560178,0.508848475440072,0.312373043433285,0.253681285358396,0.72360461191813,0.771675766953073,-0.183054262554661 +Abcd2,-0.516439522003124,0.172919584902238,0.456285785253742,-0.0573979246120384,0.0707725053091499,-0.308149008723581,-0.560092829811288,0.762040402922536,0.272646013118795,0.0378685492025204,-0.461996466825471,-0.427226638114449,1.03431958682381,1.41115224908995,1.24600464323805,1.22405071815172,0.447916824911929,0.658078226664285,0.614097199547609,1.33003917105581,1.02364942599951,1.17315486070662,0.0341959617603815,0.405187121338697 +Tcf7l1,-4.79757268973538,-4.79757268973538,-4.1865664967843,-3.91145798359549,-3.84897787717205,-4.21393451373098,-4.79757268973538,-4.79757268973538,-4.79757268973538,-4.79757268973538,-4.79757268973538,-4.25425471923995,-2.35384340997306,-2.36879522926595,-2.22406269053082,-2.98472779697358,-0.69532466129353,-2.3695011294129,-1.43175893882992,-3.70910892835236,-3.46421578452638,-2.23062165141149,-1.12584979474086,-1.86086851755864 +Fmnl1,-0.978646432387245,-1.2185365080466,-1.0855506976261,-1.56186717596941,-0.349069857014948,-0.790555241227109,-1.23296892134932,-0.498952290772738,-0.91733635145202,-1.32023285457874,-0.5056443732705,-0.861364449424706,-2.4525537597447,-2.0723058601428,-2.16752181327208,-3.21245644600744,-1.37464717770194,-2.46780872856853,-2.24164943447707,-3.03928333843172,-2.02450060695338,-2.58791048815826,-1.32130488812752,-2.45325885153188 +Mta3,3.11303558188059,3.28778815554052,3.17732111656986,3.08095671090831,3.17025866244707,3.46426198199223,3.31296056229712,3.30595187022112,3.16809370203217,2.95326309034804,3.24021523979895,3.21033342490629,2.93197148833211,3.2206911831022,2.90723387858082,3.05126392985909,3.01585636169323,3.11657915813998,3.34605737643024,3.04229522880396,3.04724740220321,2.99379443252615,3.05522567821153,3.00589513832534 +1700034H15Rik,-2.77270812838865,-2.33241232864897,-2.96908023559093,-2.63719979864714,-1.47922251113948,-1.78266101894475,-1.94440966100338,-2.92214728353771,-3.2331764014328,-3.47029755927139,-2.08435943149,-2.32929204664945,-2.91254844112021,-3.0551056347677,-3.45122323038772,-2.97681486941127,-2.46593694272652,-3.1245387352629,-2.25767367279484,-3.93856725310429,-3.01275909221632,-2.72238958950497,-3.42182170257618,-3.34047797207813 +Zfp1,2.56078203260932,3.10374422408334,3.12348363390755,3.06221474886627,3.08252144833309,3.00697875071563,3.06920922869771,2.91851532186544,3.03349518688569,3.1521484501515,3.51932071914213,2.95643560923962,2.18564279035703,2.49232529572542,2.36515819681312,2.43230930530209,2.33603161731259,2.16687735858002,2.48817489470292,2.1116635525312,2.77585504008416,2.81148904889299,2.6471795839686,2.53999367627832 +Tceb2,6.25976453878615,5.5875719704136,5.98199155820602,5.84313825769707,5.75486950433894,5.89250849907308,5.9924972156655,6.12067751148776,5.9240497902884,6.27378264157457,5.80906486263348,5.87578641131104,6.54053213337314,6.27875582025063,6.5028594254581,6.22880905671863,6.09098425999518,6.49479937592429,6.127622331679,6.531582289028,6.42901762222193,6.35237177325239,6.07623231901863,6.00297405655466 +Rnf181,4.84653643101774,4.48774293221409,4.67665757154586,4.75944943464931,4.55611451530553,4.4491849902797,4.50136217379646,4.65229293653972,4.61630903881161,4.51236196508557,4.50117922629194,4.62812154493434,5.75201574947416,5.02926781272932,5.41286256981372,5.35234293756379,5.51452324276827,5.4717132829083,5.36353100657876,5.22995825178281,5.4423861139682,5.26085710826662,5.45362847386979,5.47484991700754 +Izumo4,2.87493244553404,2.83102859098953,2.71208763160261,2.52368321839138,2.51253925080816,2.70435902921345,2.66029460789872,2.43126151745056,3.08459300498021,2.39047569166996,2.57114712304918,2.53735114040872,2.63121679649535,2.7605982858096,2.62452654928292,2.85733007685646,2.43125296549524,2.52991980230548,3.00955602013956,2.75512906076998,3.20892996031601,2.64074047133984,1.96902754122966,2.51890530685125 +Per2,2.9840669493298,2.3922055368414,2.29370912588534,3.50212801771538,4.40138137594456,4.32301174616929,3.73234476104072,1.69652783064797,2.23527110806163,3.57448794923713,4.32712208034824,4.02693687545201,2.60952665340111,2.47809312852038,2.76266996079161,3.69814385298755,4.56953108450861,3.677776565838,3.65785793409977,1.94307608354361,2.98879673959276,3.52916409360916,4.51159931551929,3.84458982964746 +Fancm,1.8187843926163,2.1026599829664,1.7893604243642,2.10881673285312,2.24090738175137,2.01118485912268,1.96738169792141,1.7810413464892,1.9347292347426,2.30274168080242,2.2053489883544,1.82335747715769,1.95871687191093,2.30415689447506,1.92817739572289,2.3112692540428,2.36544010156062,2.01985284094641,2.34012914614953,1.90562555863822,2.35328686149039,2.29845980291552,2.30231297507048,2.25500693296303 +Ppp4r1l-ps,-0.353982716387752,0.752317337982914,-0.626655200890729,0.550219188732692,1.37699625725235,1.21660018869287,1.2795907175892,-0.431852970040905,-0.0274432169640897,0.680919404754945,1.04647625668649,0.865509667652547,1.46719107031892,2.35969922210652,1.25613147605317,2.26773177141871,3.09746715036064,2.00812134258297,2.96918162488254,1.01539506953713,2.15436105783491,2.41275283635066,2.88172155802664,2.57722994192801 +Tmem69,1.81576028413772,1.77151991640391,1.40699981277701,1.07873719215054,1.79849959199928,1.98110097589237,1.53146498319943,1.4214084521854,1.60871256827393,1.52870427434395,1.99320166472459,1.66711172754469,1.90126290439123,1.61836963601814,1.77894698221827,1.82305866516986,1.80137977216411,1.35265544960102,1.35056737249127,1.86278910094074,1.71395415353382,1.8619982994674,1.38765890901256,1.82111170163882 +Tmem150a,1.05474231543829,1.49799517864171,0.603857347627815,1.33804667997904,1.97466637400138,1.32819939034399,1.63413935424457,0.975510667815549,1.44044607660297,1.05749642276275,1.21087301174531,1.20997007070553,1.28184107027716,2.01803991845516,1.58183308598643,1.49311808602426,2.0696738160115,1.6907818392891,2.35212993384562,1.66649991136574,1.98263421666386,1.89602514679172,1.84659838384443,1.85482812693154 +Zfp277,2.53466064729411,2.02087030896518,2.50657869251173,2.00506775700159,1.7956417119251,2.09443851693951,2.18772672875234,2.20320106442246,2.51624921289741,2.76082275972938,2.21430433411667,1.98538335894314,2.8052455898482,2.2722912751951,2.53934005518827,1.98760467149982,2.25774963060386,2.28006514905904,2.36578740951451,2.48997549056598,2.46020845848498,2.72295045270253,1.79928663921384,2.52452595360662 +Aasdh,1.20203198167149,2.22532968123838,0.944354552485717,2.07671769488371,2.37396380617812,2.13201592200076,2.37021402181911,1.1792837248585,1.46866551322576,1.64451886666809,2.29363557520501,2.26767688669187,1.10042009259144,1.57109987492604,0.915202633299149,1.38826914933734,2.00759474422708,1.2958943060291,1.91713516015366,0.975341668252362,1.42284716853777,1.48051460354325,1.87420482400348,1.6736685141583 +Fto,2.33391501874145,2.17120455778405,2.2152458172377,2.05184785269741,2.85642566739037,2.76769905561708,2.41258454334529,2.57719357318943,2.08497301712334,1.91591167628273,2.76682012959569,2.24564812516208,1.90216637616647,1.86178351806632,1.83526056647606,1.69208495732736,2.5476164540955,2.28139514783592,2.42033029058734,1.66426942432317,1.80103655709083,1.76946122300837,2.59264085065521,2.18951702272672 +Emc7,3.86404903569055,3.56394085572538,3.88002544128567,3.55787235388022,3.34043480039093,3.2844132498279,3.43194564712928,3.84814737472111,3.75579409936399,3.57328393251194,3.34920475202094,3.65418751406326,4.40515263431521,3.99229635010754,4.22318374807721,3.99477162669561,3.70590220579824,4.08995326474729,3.65168361518749,4.41354468303328,4.16353270428812,3.95560275513827,3.76470885489113,3.8821737739786 +Gm11818,3.80875550332664,3.98018656174208,4.57811279761194,3.98624693915401,3.11372106566592,3.55507574830772,3.60217682635192,4.25032823506081,4.2586132048716,4.09101304091758,3.41162928386041,3.84644397587662,3.4733809296976,3.41375936667377,3.48818906613224,3.15953068950302,2.49855520137682,3.41613797901487,2.34578173211634,3.81470180092089,3.3243077980243,3.19556832257916,2.34455883942548,2.65664671068551 +Cldn23,1.15031320862275,1.35101562058446,0.141479095165343,1.27716649565662,0.899206540752099,0.955976226520549,1.2738138621249,1.25467783024029,1.36147479794648,0.880053113477008,0.123747591605523,1.08709973009642,0.798312746256905,1.10685682061668,0.866602801753039,1.71191357871073,0.677658971111481,1.33549396375473,1.48360506467772,1.50029686538348,1.01621611088718,0.899779185254454,0.908119510451474,1.56694144217469 +Irs1,1.26970505096085,1.98291722965944,1.85745285788482,1.6894527719075,1.78047151634157,1.73183141080348,1.52335208749669,1.8698584844164,1.75786300422351,1.52246204478543,1.76531423771046,1.78947407757013,1.97932078937966,2.49581090528041,2.18696127502868,2.26959356326446,2.66509670578749,2.32151399915407,2.59131385823297,2.07608978499664,2.01155530126107,2.20885657580277,2.66080081643992,2.50788578212563 +Zkscan5,2.21585507286211,2.38564343837267,2.56292133274607,2.2392230970936,2.11649142402532,2.1715412539221,2.34303803152322,2.5534492715231,2.60808427355423,2.33724618700027,2.29229381210711,2.1571312588474,1.90662575495623,2.06075804861769,2.28486599774567,2.35048989492548,2.13190651293901,2.24387539772108,2.09015742309227,2.40485817936153,2.17143343826072,2.42834426734616,2.25736607486131,2.33885226597813 +9330182L06Rik,4.05542558179454,3.98405768493489,4.07630863017687,3.64723370398254,3.45793689195711,4.03250531062325,3.74324027181983,4.22595899480464,4.25457120813771,3.71151444735854,3.44854851177388,4.00143352000664,4.92714096026641,4.84683257781773,5.31930139962275,4.93018705508302,4.41660981841594,4.78872605099158,4.56990347005002,5.070971034535,5.20575027669294,4.93751279082785,4.4098741834601,4.64416490290738 +A430033K04Rik,2.68877277391352,2.8427904688174,2.85462076917178,2.95468808978017,2.6849312160229,2.77969171124158,2.65171314233205,2.57461756864477,2.67127673177427,2.94571613311197,2.67599844916797,2.93951043587704,2.3865522369218,2.406092818348,2.26883312119556,2.41064333962679,2.43458992706472,2.29707340980218,2.41507586048229,2.60031699351324,2.44882578928949,2.65364446262315,2.56930872095803,2.1719193368156 +Zfp709,2.77740517762053,2.79220810656046,3.10524370111494,2.64551096042425,2.37641037050448,2.41657971548267,2.43893860819945,2.93817014732756,2.81983170273392,2.68108279842304,2.23396376396885,2.76153685281963,3.17844430146264,2.49899687772003,2.67994512194646,2.61919976029356,2.24033352406669,2.83320365635897,2.04905276074555,2.89267723164097,2.68207867746881,2.46958446033158,2.31149871927547,2.46823418161193 +MIA3,5.62186324559212,5.61859358474516,5.28535556131964,5.67110328077975,5.69689007719851,5.5325272521622,5.68350571923966,5.36353104888484,5.42164529299098,5.52513991704427,5.69937849099158,5.68326239488857,6.91807717377552,6.91155809809658,6.40930043825382,7.00840471001226,7.09185327581779,6.77551016938729,7.15279171097034,6.53572435955215,6.68734251868892,6.9312923807153,7.1007978948772,7.19434166420201 +Fam105a,1.09981898076248,1.27575840326917,1.57027636023071,1.63303417547444,0.818380726961672,0.861881184911291,1.08667252467218,1.16464575054245,1.2893054628593,1.71082460355171,0.836549630128632,1.20257250690634,1.51349451663396,2.03159248760583,2.14661355306161,1.85267974645401,1.51916981451724,1.4556665422962,1.6912252128766,1.81383241841566,1.82884034926736,1.84447799223099,1.62680253615185,1.34944537711658 +Grik2,0.404963278187756,0.534294619610743,0.14285080925441,0.597346465061549,0.976366302749598,1.26009625475807,0.681985980387075,0.197803513367467,0.515484663980759,0.697013278880485,0.9164157706081,0.414845518475583,-4.33853675253662,-3.32398869529487,-4.43907468727517,-5.75276615576431,-4.18686670267227,-4.3505073558009,-4.29574327986389,-4.05101768171939,-5.16144314183945,-4.76354602700208,-4.73755447121875,-5.75276615576431 +Eif3b,4.96282881590725,4.38926502469914,4.56446617997409,4.53185945756594,5.02760995933706,4.86700275344349,4.71654458351566,4.70548891687486,4.70462412083155,4.51949016764743,5.07380381239299,4.51345378187047,5.05809557535599,4.84798274389184,5.06196803540988,4.7206857366187,5.59120401130386,5.28349016839549,5.53626983971751,4.85249606838775,4.68893277676053,4.89239815707528,5.61006912278181,5.26947387690556 +St3gal5,1.6677614574278,1.55784291272656,1.22842992004634,1.47328464561354,2.01245136180213,1.75249359466596,1.59272957589687,1.65718926652955,1.51509986945462,2.18780700221528,1.97930953175896,1.56143300527663,3.01183051341074,3.0171532196097,3.06807101665207,3.00384557879432,3.4426247393892,3.20522231902024,3.25711676876905,3.13185669320517,2.95824506199845,2.98377204270814,3.62971927115348,3.14644390814312 +H2-T22,3.00616400949389,2.74701516995842,3.56556010479924,3.03625304573091,2.78006286886679,2.80569634434776,2.4529055202913,3.14979745635559,3.02574129891564,3.07278426318601,2.85792925169915,2.62828187815512,3.59828911667435,2.84109270728121,3.30877810228703,2.91503774033349,2.69666699702993,3.63824336775777,2.55918396348978,3.54584551139995,3.27402872123917,2.8229381552823,3.00569815704981,2.34609740932121 +Fez2,2.29276047642492,2.20870566302969,2.12552077988099,2.15961116172059,2.09166414001966,2.12813938636001,2.18110440196751,2.448392311766,2.14227945561227,1.86818957555266,2.20372658233851,2.12758470439509,2.05667196133517,2.42023567651517,1.93275345125041,2.28639794593572,1.80578030318672,1.92216580351797,1.96631496013131,2.37763290052491,2.25755650270511,2.02936469564159,1.93913258742971,1.99907601808633 +B4galt6,4.59914914972718,4.54101721303149,4.70076979166487,4.49178235581436,4.75418641082669,4.74043223691325,4.33625724776552,5.00229902591949,4.40675943867844,4.49892556240842,4.5937327989167,4.5465945689362,4.18170167819439,4.12915231129777,4.2840339801922,4.2843877273875,4.22038546864225,4.25556304446025,3.86357436994817,4.46930346598363,4.0982187711998,4.14234263529405,4.0270818959965,4.07023509049503 +Pgm3,3.73030287960985,3.44877848774834,3.47162140847704,3.65209488423571,3.57636586861325,3.43077556005127,3.5846518991962,3.56127053112601,3.45989435741719,3.65795025757012,3.47145175387147,3.55243179006221,4.2329270268016,3.73475990316815,3.94752126471855,3.85906138871831,4.20375794257036,4.07788874654703,4.12403524258477,3.70171672825143,3.99994290443977,3.72568288520444,4.2323107349218,4.10889771301531 +Trim34a,-1.60435296197286,-0.980874665684909,-1.6105986344172,-0.998139406470786,-1.19305501342935,-1.14794810362697,-1.44157170877807,-1.04047676569809,-1.38284203715471,-0.984052057631202,-1.89673006771182,-1.16532980650424,-2.74230168694149,-2.07552130656089,-2.12152709311819,-1.21534726584758,-2.28367014854837,-2.21241368024666,-2.17191274935715,-2.6062583501225,-2.20006726463286,-2.12902479443544,-2.53084188595021,-2.68374928121459 +Socs6,2.69321836491122,2.56206464769292,2.75187388232599,2.49124130157557,2.14545547346282,2.27057334923479,2.28543670628476,2.61800035731995,2.63499155641819,2.67511644483021,2.23501521644326,2.26811677401759,2.63437454386756,2.50368707712849,2.56786771586094,2.59561795147633,2.25301918526834,2.50428899096363,2.17788903862414,2.72101862483676,2.56293876582208,2.46880808059081,2.05492874054786,2.2514382422831 +Car10,-2.36539988636223,-0.566114872131062,-3.41747315442817,-3.22844805250688,-0.83142305131672,-2.59788238974747,-1.90242843856365,-3.11672838518535,-2.70007893349861,-3.49732776524054,-2.49217778966502,-1.6475618669937,4.30097727474359,4.36376463924259,4.19077342412964,4.08867322467463,4.24372353179528,4.418210207705,4.61752545993629,4.38778681474719,4.31474197244099,4.30479166162773,4.32045326082767,4.29886866372115 +Cnot10,4.52601707395074,4.33914893407139,4.39180733014168,4.37496800798153,4.49807317633242,4.61899869316412,4.60076941807418,4.27417288775447,4.42779536469733,4.5259366510769,4.62537558293333,4.53465464504304,4.13259170883407,4.10307142191674,4.02522504444782,4.10025612678279,4.34053608780525,4.19193751927066,4.47489618998719,3.89218533771181,4.08799589173875,4.1894364683607,4.57535154833444,4.30009518247921 +Col8a2,0.999111614413982,0.3713949681514,0.615670724839827,-0.342984121308476,-0.577965071299167,0.409782922219797,-0.221639792258844,0.538221440156727,0.52599853595702,-0.125845784589098,-0.634720872528063,0.0487934358860085,-2.92156650974999,-2.63680540568114,-2.81118671658203,-3.08015541893155,-4.03326832253117,-3.97858911317341,-3.94715981772833,-2.67659891333942,-2.7877803644634,-2.81680045141877,-3.26856782171108,-3.97207898337084 +Snx32,1.16537829143808,2.246290302853,1.23687248597629,1.83558844632179,2.09959746007617,2.45139094376025,2.35370477355253,0.96617472701079,1.4525868424323,1.57566949505216,2.33948544084652,2.16568004186051,2.60291104184139,3.57242209558802,2.77297010798568,2.68188493662655,3.20972351776884,2.74564624298446,3.47207208904294,2.72855115020207,2.8655490546801,2.99283258300059,3.12588371072302,3.36792470628348 +Cfl1,6.97356169209515,6.47345814990251,6.74972371337501,6.63797251456331,6.59937578510895,6.52030560215269,6.55184766696515,6.7250187955136,6.86177301727956,6.69847770343545,6.57828120687255,6.59404773923053,6.98228088297314,6.56310928959741,6.72723065174562,6.66327330779491,6.71688410384103,6.9769887474638,6.78699269495908,6.68110111118386,6.72170302065855,6.65746020903353,6.8327253059642,6.74385823793583 +Pgpep1,3.16599493227087,2.82304321699751,3.08928745559134,2.93808657511071,2.63507246995814,2.99821173026836,2.7948087168038,3.19507466070863,3.11744723636662,2.94540503992912,2.77549765593904,2.74668714532041,3.08604374577974,3.1933061004578,3.19850924695804,3.15885359665269,2.73198836395541,2.94543143206342,2.70270413268179,3.22605838965725,2.79206959356373,3.03693941138682,2.71211234949891,2.77614616583827 +Npm3,2.21072001606944,1.4757865545375,2.57438693439098,2.09291067002067,1.64939934087971,1.51680313613884,2.01535973852751,1.89566279046896,1.82166646088591,1.93547662191993,2.01373835779252,1.91177777554323,2.09046552049014,1.52575092258662,1.28532687904909,2.02799644072753,1.79019123961384,2.16159162341511,1.68535558639156,2.48850103219042,1.90128127195626,1.89413796342459,1.77762418207799,2.34335610173507 +R3hdm1,2.29909709227035,2.5558680321023,1.96269152729392,2.22564327634958,3.62256961196328,3.57002391001815,3.14085328567947,2.64762220237398,2.07365059273978,2.06030893666568,3.39724049273492,2.85615287399514,2.27834314145757,2.72387055919375,2.41073905795622,2.22092276209481,3.38777137430198,2.76367384367312,3.16876353667333,2.47809040776721,2.14118776347016,2.35400721883871,3.27555957476319,3.02018669646644 +Pard6g,-0.275255825980969,-0.0163538485278878,-0.210765257860066,-0.746495690265036,-1.5647702180267,-0.964497556791401,-0.72308620708201,-0.274470579698752,-0.54548446199516,-0.514964190347925,-0.628283606403569,-0.81543126519035,0.644009224091217,1.23499542907679,1.07877126511546,1.1676003411825,1.13207242994382,1.38510863230908,1.50133703414224,0.950213758552268,1.00244708233939,1.07107665574253,1.40503577200785,1.32316987763265 +Lrguk,0.13478204146653,0.399525887268845,0.249032357968848,0.182083016312237,0.481388150628478,0.17223572667718,0.763662570093989,-0.0553583703901963,0.19947962703893,-0.484710279646809,0.86362222848899,0.587978261647584,0.699720237746624,0.545885145155452,1.14446178686388,1.28365139222458,1.23546788464483,0.708757382044114,0.923659801488467,0.375529115660619,1.00182686692599,1.19052798183773,1.03325304403477,0.489422941162921 +Cebpg,3.68494369473451,3.5915574478678,3.50213883969695,3.76397375599201,3.40862379265844,3.328757504579,3.43423270332753,3.47565452217245,3.48283249696954,3.58774390617319,3.52177132935271,3.44327653497804,4.61398751236467,4.41699300887573,4.12755986684031,4.40254929091483,4.29132486316798,4.31851851952569,4.20469151456163,4.90585781465445,4.33321013985179,4.39608743766775,4.33584988472991,4.30042974402511 +Spock1,1.38864814727674,1.72599756832074,1.73759649918223,1.50379788408761,2.26572395674409,2.70989750711845,1.95614763833392,1.96432245999536,1.22030602454995,1.44569651680479,1.69464642907875,2.13583265940649,4.65929762605724,4.97545644730014,5.09163519165851,4.73553668938567,4.9442070065011,4.95009781149545,5.18021110338878,4.61333883327707,4.92938206852224,5.0775910068364,5.06259682289117,4.9455400985056 +Cars2,2.01531211856422,2.40015055439213,1.17261220774493,2.22447175721454,2.8744876198422,2.43292575448882,2.9186333556806,1.24356741022402,1.80894836038517,1.94379126451125,2.96867466753904,2.3101278878498,2.41387430795374,2.43178562825729,2.16460148725451,2.26400069651835,3.28481395952388,2.86705417417068,3.34903964738033,1.96506169228223,2.08982850490432,2.23212542236358,3.42315582212814,3.10405644271419 +Ncoa4,2.03903969631132,1.69328382646498,1.65783762104066,1.7089613379699,1.32370498876146,1.51364272602524,1.63691319409502,1.85216087182243,1.5722571214143,1.61210681631147,1.29894878179823,1.58602511654669,2.5405430390244,2.20181975837487,2.36531549571562,2.5924222090716,2.33833428374368,2.382668815795,2.25517027080014,2.5187457044778,2.28432170968179,2.41103843162019,2.23521548709283,2.41402430016045 +Lrif1,2.14568494837253,2.1346872880951,2.1758424940831,2.35807525723418,2.31103132220642,2.34981267478495,2.30799676588103,2.27026421855984,2.22996020617985,2.19325361386146,2.21798982506542,2.19743301508838,2.43941738485401,2.11576454986526,2.13280464983308,1.83004709301322,2.34783525627762,2.24359894094144,2.04899035398497,2.34279626670802,2.21045347797083,1.89825315374235,2.18948393657441,2.20001481433066 +Cep70,3.19026603282546,4.04841372427583,3.73987591188538,4.16134346799953,3.94860892304395,3.51185108043425,3.814560870264,3.38914045763921,3.82328680793284,4.03623044152625,4.01870360331216,3.91820228012233,2.66463973383209,3.40102974849516,2.9242748056643,3.85757659323574,3.39985018493882,2.91211147009677,3.08226759330952,3.05794842987104,3.48185504718301,3.6881086418544,3.38649194549438,3.40147401853669 +Dennd1b,2.12182797468241,2.0452968753174,2.07187922773638,1.96036814951696,2.31164316303009,2.22776599998366,2.04305038539274,2.11320874471828,2.16835875693539,1.89911461973591,2.05197247475519,2.12039989094544,1.99436953611737,2.04585494303652,2.147951095869,1.97827165842297,2.14423670165818,2.0958984332986,2.10067546055353,2.22342704814521,2.13963714572271,1.99629650800837,2.1873388837886,2.18199866781333 +Olfr1322,-2.2613598366106,-1.71919867731424,-2.2613598366106,-2.2613598366106,-1.31276502404727,-2.2613598366106,-1.76047152074697,-1.70391391222661,-2.2613598366106,-2.2613598366106,-2.2613598366106,-2.2613598366106,-0.146877263243497,0.030602427976163,0.0495756066075661,-0.0073656742296866,1.99683774967641,1.17944695351211,1.85054915558555,-1.61682294559868,-1.25182955175988,-0.277560000058307,1.76703175973804,1.52089000332427 +Synpr,1.16208690695476,0.639063532380229,1.30595986029445,0.328135461799993,0.342379527047754,0.30143216907131,0.286529066121409,0.627354603194991,1.24822647427928,0.552942435677471,0.306958701560979,0.165705769995335,2.669252877218,2.40483589191464,2.8631661393454,2.06786065054792,1.89697166422878,2.12831281748999,1.93756863840027,2.62546796668318,2.55236455332772,2.22239894295756,1.8979370337568,1.81298517398185 +Usp39,3.01487850895057,2.39000119918998,2.74930844518648,2.82598771092158,2.84198784247312,2.84852511688446,2.86956161179376,2.27778205742335,2.67431449192696,2.79426956142216,2.44559069443436,2.71720053736273,2.86712008841193,2.60893878188052,2.78163843470898,2.91509706048481,2.84793102501076,2.90848863062568,2.94307118892579,2.90550601141033,3.07290702233793,2.93164647342238,2.97551954632284,2.82151953389101 +Sertm1,2.63774451394034,2.55736878880196,3.17466196463105,3.07974593056084,2.94788510014303,2.97773029580512,2.65914108954774,3.05506528417921,2.83887541551504,2.85408255032681,2.98447880012326,2.62715412346252,-3.40926138110436,-1.9054295729614,-3.46583718409363,-2.87203280516862,-3.06050320709014,-3.41608791574681,-4.04622958797415,-4.04622958797415,-4.04622958797415,-4.04622958797415,-4.04622958797415,-4.04622958797415 +Tyw1,1.68525747824713,1.73052150284662,1.82958285175576,1.96029491404145,1.69936334558818,1.78288205554133,1.61627223148015,1.69226362506197,1.85700270303216,1.88107672484189,1.72383412916537,1.95643497395177,1.62385730958156,1.57415868671849,1.73411315408698,1.67988533844798,1.92948299888979,1.81461451865746,1.68432305694968,1.53088836869679,1.71476436406943,1.80338885154868,1.90757653809473,1.69636184464905 +1810011O10Rik,1.78841987025246,2.24731407386484,2.58632443233801,1.92772003375069,2.10209221342206,2.17642671149581,1.92124152068645,1.46815810003317,2.3438211731712,1.35584743743569,1.42690275975827,1.88360279961602,4.47903516899268,4.17750726968238,3.07054387292122,3.11932551736616,3.51967897099013,3.40006957667368,4.10802004357801,4.35078306541504,3.57575901075323,2.98619377730932,2.91396153156434,3.4398655334254 +Usp34,3.83738661012844,3.86924730221926,3.69167148379794,3.52338731736426,4.47666745403341,4.36001465970755,3.89517631082661,4.29862657339417,3.69204048862714,3.63460203623047,4.13170574311189,4.09623076978853,3.51562695458985,3.44580691659443,3.45042531346532,3.26611653721081,3.98567575964022,3.65740188145094,3.69384971570528,3.34740067732907,3.34357843660198,3.27710591541019,3.79367798251533,3.73501453637392 +Actr3b,-0.139279795144718,0.241831065200283,0.717440009760228,-0.457949770118346,0.496872897225878,-0.579677646648841,0.346735837717374,0.0115198757929001,0.929365950380438,-0.198492164673666,0.387274703747696,0.0452794312824084,2.17528140229776,1.9720989079119,2.23463506409014,2.35000998827444,2.05867294246663,2.34218307537727,1.95739145867847,2.07173388636955,2.04697835756731,2.29325537554176,1.89038359486173,2.32482823296874 +Taar1,0.835916462846536,1.40320166027706,0.721196481538442,-0.0150697458847239,1.74097004318159,1.43331648815065,0.492982100941085,1.76043795348238,1.17501830285287,1.02884343194755,1.03144167405877,1.00870411502519,3.08972539707734,3.14645559430181,3.16979142252154,2.60924067203181,3.33728414918066,3.15079573043743,2.8657246365353,3.28073557537601,3.59959447480785,2.92112609955461,2.98816482041073,2.69449819749579 +AI987944,2.81629643741672,2.99989560714488,2.97804259147506,2.52827439869763,2.62430320348603,2.36908450896032,2.57503105145771,2.44538190163151,2.74311501115882,2.73118739313181,2.45635482657394,2.85561465441656,3.09171217268459,2.55636286311587,2.61753148503106,2.95556597495214,2.62751042271864,2.67044497116897,2.46283944550463,2.82477627363539,2.91073370325422,2.86026571608467,2.63569533070143,2.67513928553888 +Lig1,0.87821395374618,0.952437846055558,0.915846072182462,0.860900891009456,0.737899792690866,0.994155984254929,1.16993587691636,1.05726061553443,0.991837463948973,0.956254930832292,0.977572922443863,0.846609935458607,0.118652905977145,0.47848337538603,0.149121981057569,0.460453328278485,0.378932085422191,0.397272925576291,0.396922452685244,-0.487430893212268,0.202903069127471,0.688756630901503,0.0021863851237764,0.351741240985054 +Gm12500,0.0810629891225609,0.0174275889938842,0.0054643111784173,-0.206565893109112,-0.0878167278132962,0.417932174262694,0.0130228764242346,-0.551504703962177,-0.387360078496094,-1.41752736216864,-0.361725422552779,-0.329645726110762,1.21789152436564,0.864066023504986,-0.0058514947278995,0.307855068169952,0.908955820395749,1.46894168577827,1.34759028069079,0.416923888486558,0.38675628528436,0.723156996879096,0.54942670558291,0.561246988437968 +Gm12396,3.14623464351188,2.72579383278159,3.24788562642741,3.07042012209179,2.84697812435065,3.27128654286258,2.83570921864928,3.26529879243772,3.02774855797502,2.67401754165932,2.66162712686367,2.85432356052372,3.29277261446472,2.71433642290022,3.13413044071931,2.9923047635621,2.94996464231753,3.45059817644882,3.33133598023696,3.53642875199065,3.51946046175308,3.30229628930921,3.0654075053546,3.58238379484664 +BC043934,-0.062703712406875,0.493904349883307,0.89390902194723,0.223554111333498,-0.268162010527642,0.159619024870455,0.132742228164772,1.26136371205501,0.462707518028974,0.461252544374326,0.0162460671011001,-0.196741539869927,-3.0847509706721,-1.52471657237082,-2.09161155626904,-2.3813525187537,-2.09902458978809,-1.68249217070869,-1.62772809477169,-1.65729915472958,-2.49342795674724,-2.50696609362634,-1.74458800698243,-3.0847509706721 +Tgoln1,6.92126973268583,6.72309685510125,6.95117851910478,6.50983874165407,6.56689756993692,6.67252704648196,6.35512123366238,7.12263190941782,6.9052403915228,6.5849616757416,6.49286716004392,6.60971883200621,7.06046720395161,6.85468772724812,7.15500648807431,6.86187061927394,6.88344988060816,7.05816676413892,6.75694436500807,7.16173940948181,6.89176173200405,6.82777143198002,6.78299966859964,6.77301093882946 +Stk30,0.182402292311604,0.830057437125009,0.0307548182974078,0.685594830575929,1.16112535240356,1.15246204529683,0.876843850261977,0.405001745105695,0.482124894917621,0.917113406378373,0.798294339224386,1.0675013166493,-0.599732148138752,0.589674814789385,-0.497858256422896,0.135601753121352,0.624657520981145,-0.306824232522558,0.287986470001281,-0.0135425431698302,-0.0237154132900683,0.135813395232341,0.654976839410236,-0.131109105725612 +Zbtb25,1.11877039652102,1.18494375464435,1.47635826810416,1.28359291418183,1.22978481796583,1.55792845420305,1.03467628675261,1.4488112518738,1.44377944993218,0.594994846636076,1.58484865002732,1.30927778387945,1.20448662222349,1.14527669221345,1.50207404269379,0.95359496544263,1.47170712901386,1.34893126155463,1.20421808728245,0.885575764270624,1.43678943734037,1.12068593085333,1.12988638775353,1.20362392169715 +Med12l,1.46349504218341,1.44982235494763,1.23397976051766,1.34737275120218,2.27805848087598,2.12712592152848,1.84902141923884,1.71893339265418,1.38983878228739,1.23914217941419,2.16802068322679,1.78996619753159,1.13067821590971,1.57616528473728,1.32331957728313,1.18508494480177,1.91139992492736,1.50302069706431,1.80663138417985,1.072871063556,1.29478123722506,1.09535050772988,1.91913117742282,1.7009758753215 +Chn1,1.15319894208488,1.19486829350893,1.37934683474353,1.46200175745844,1.11428867846174,1.49018351539825,1.11140202742358,1.24256937268316,1.25410158396945,1.26879814224687,1.09396919740215,1.27800913088222,2.26381188038491,2.29220567931819,2.4022502262052,2.31100813167839,1.98283737209243,2.19205366936867,1.95419865564582,2.50054764120159,2.22864764623339,2.41176184160868,2.06889851669745,1.8858862721582 +Gpr116,-0.516741552335018,-0.378674167311835,-0.0462841728667858,-0.642534045655577,0.238616528018509,0.42420689930668,-0.5691960331311,-0.151520493934734,-0.582194343331577,-0.475624646510809,-0.410536576505961,0.0245774112175092,-0.0649987863690051,0.17091015017759,0.36569185801637,0.109947265143468,-0.114456118978851,0.0591596065197248,0.0746646797791035,0.585134474925871,0.410266649837136,0.38259822830654,-0.145486450608995,-0.333404070796016 +Foxk1,2.30879121208197,2.63557631220408,2.54323937021018,2.5364344481882,2.94401218535823,2.95509991741775,2.66215884262427,3.1760470894116,2.56999920980151,2.53915622705801,2.83267579947589,2.79893203009282,2.13525630898163,2.29367401817226,2.13378634195085,2.29877842503326,3.00373885339224,2.38092367554816,2.89673249317665,2.17986669591042,2.01385699395826,2.48564823955571,2.81959262826777,2.70849301923759 +Cngb3,-3.20652960442478,-2.76849039508253,-3.79760440311213,-3.65234995180871,-2.59771874448635,-3.25418309886555,-3.03305885743313,-3.56448170845159,-3.97060309188069,-4.83649573336971,-3.61142604798489,-3.33606021748221,-2.9199086417969,-2.06127106456734,-1.76116190979114,-1.29031585037673,-2.85795947092292,-2.26859677557644,-2.86968852474119,-1.51286648720949,-1.29557785765024,-1.85541369873614,-2.00316100573723,-2.54872277242496 +Tmem154,-1.74072602180512,-1.20253093038885,-1.36733248436176,-2.33759474244928,-0.616561777084698,-0.965490952143124,-2.36209262724297,-1.43284211979623,-2.37269030650172,-1.47352686915424,-1.3620361756031,-1.63119569676152,0.649391380957009,0.69754456087552,0.628848143582862,0.412980799026153,0.388880220060678,0.49909776448559,0.305533056912351,1.33133517543193,0.457131059738006,0.439409964160117,0.613579394675008,0.516889431885414 +Cebpb,2.22758133487823,2.36349978578206,1.67795055730537,2.89288339154578,2.23325891753171,2.02321429005119,2.54160461173109,1.96831471203424,3.34850017844884,3.19764718605649,2.64266759148835,2.44754731938513,2.88421361232347,3.17263241014913,2.70872692210192,3.43023733752567,2.7765187270298,2.7331992451599,3.08497426797896,2.7727380083811,3.28769777200126,3.10528226915611,3.09081208136601,3.1041247592307 +Rab31,2.19641018245649,1.92007445350826,2.33490069872253,2.50060996732184,1.68073049928901,1.70761722896203,1.7665002960258,1.86676512467824,2.29004597269772,2.49946254763215,1.67865102948023,2.017921898323,2.64149804621859,3.05178331924558,3.2155069042792,3.8310915038881,2.32058423173905,2.79810424206399,2.3332711348028,3.08859137111526,3.14080848616025,3.61727968871072,2.49317344999456,2.64778619227676 +Pign,2.45809791020942,2.79023833792697,2.36657750570874,2.51682441043099,2.70447731833801,2.66515145774118,2.65473456785573,2.68817006454222,2.58436752341302,2.68230615842655,2.70634831812059,2.6469271403844,2.17950757105342,2.22671043695497,2.01617301656418,2.02572811849523,2.04227056618156,2.15522335729336,1.90242528960845,2.09267258476297,1.84261720463677,2.05932199021132,1.96882760775307,1.92985769387561 +Rlim,4.584856882514,4.46218269695671,4.76146505430245,4.43206716521383,4.34177040541031,4.39169566236722,4.30322942601055,4.67055450033942,4.72383381889558,4.43387306903252,4.25581051226395,4.36256694996512,4.7702452122535,4.50182575944943,4.827487786834,4.60653523269573,4.63327493264844,4.69955381431709,4.47519165693153,4.61946807532339,4.75840118209129,4.59419365181555,4.51297041802267,4.49975260044161 +Zfp953,0.174558256601406,0.562219657118916,0.18892093466614,0.210930622445503,0.153048169103447,0.158943745350992,0.180937907524168,0.359670565883699,0.128631572617907,0.235201269438674,-0.11959636100697,0.645380661859631,0.158908884692343,0.218034985204274,0.0767559860307956,0.103655728239838,0.0372690038672103,0.290165516127567,0.0271435274430383,-0.144082361704404,0.0052388207222402,-0.32916604720777,0.327512030467366,0.0487096671780018 +Ptprn2,8.1389063179781,8.15351528667204,8.33815609764772,8.07677309941302,8.06725016831291,8.26021440069784,8.02600395867871,8.38593769072356,8.25936107634783,8.09774319743705,8.12229620594538,8.05302973045932,8.12371654403912,8.26003577654195,8.27555746587368,8.26727919524522,8.33256146075084,8.23104248483039,8.33641478983754,8.26271702697753,8.03483804839738,8.17606447084357,8.35975384134955,8.23791148735124 +Mpz,0.56825392614026,0.893971263980442,0.881411931762314,0.794246494945571,0.462724463812348,0.257431946115931,0.976093096425223,1.47919270036472,0.815730627928869,1.04354757170565,0.493144501145444,0.0280784869308783,0.747067399803808,0.569805267759567,0.676981118276456,0.82532997267363,0.95958459590859,1.30173566974602,0.672571563090157,1.34056090276658,0.333149385794704,0.999444044312332,0.495819806093253,0.65547180064974 +Tug1,4.53304652574358,4.61448160916916,4.64336356678408,4.49055968024703,4.30963611458754,4.37223225786774,4.21164889276537,4.58788241509613,4.66523584708597,4.27793964430899,4.20206059290053,4.37924955869932,4.76697160274755,4.59936083716913,4.79512291012343,4.61117918267804,4.48744656450498,4.695375467763,4.37140816186644,4.78976894341421,4.7089802062496,4.55393055567659,4.37156058520745,4.62280650194104 +Zfp658,1.92164682299826,1.81141678927575,1.35128236508416,1.8375803255986,1.86967779571359,1.94831843540584,1.67756952215244,1.27456568527105,1.42700448755501,1.79141789667106,1.71509803302403,2.0100575248746,1.61046932324899,1.33571796359621,1.27928841109451,1.58230062374872,1.96488337736321,1.80810171134243,2.12570943202949,0.423822875876689,1.74679524756541,1.35128343574957,1.82886635853505,1.70835292698079 +Trnp1,-0.965661125119946,-1.37333958063393,-0.703709351535201,-1.65634402377833,-1.16518145613359,-0.920537067654511,-0.319464366181917,-1.33963563534522,-1.6841384310757,-1.53063662971419,-0.230892682042559,-1.01655422656117,-0.798892032198183,-0.120177386831012,0.148257451290155,-0.654850975318548,0.208762937826572,-2.0201210427315,-0.744636458539025,-0.626391882273502,-0.486558572955887,0.141209868117651,-0.741179691960065,-0.973569337037236 +Lrrc48,-0.421262018972197,0.400395732437044,0.707194274197481,0.421930063845756,0.0898885765491277,-0.148883999453457,-0.094190328475722,0.381115722040875,0.277208247287969,0.778637119898933,-0.0233825834371588,-0.0169058464858711,-0.813716973221879,-0.817266796579347,-0.0270056709002175,-0.370291527170247,-0.978729041920924,-1.4217089958941,-0.75085036096594,-0.569860967149194,-0.161785327974887,-0.309980666915131,-0.223284223962997,-0.698139758627019 +Fry,3.39610374604116,3.65703951860159,3.46300320934677,3.38429461040022,4.03647450644594,4.1429658533438,3.62070554877831,3.75495789062511,3.28303665787939,3.38542545491656,3.95156533208909,3.69499405642796,2.95174849484712,3.42256719790936,3.30800336352928,3.43286199216391,3.63943202940111,3.32427198942357,3.72698062132516,2.94273893724844,3.109196062537,3.36228558956489,3.45691665046599,3.4022585747524 +Chd9,3.63394294931938,3.95522402821529,3.48168566733433,3.69854221032175,4.28991916815834,4.25589271191181,4.03945895653442,3.86612172169972,3.7050423557818,3.55875919481494,4.21607481095953,4.133080455026,3.64410546999957,3.64134560735764,3.28988326806293,3.51466188008696,4.15177894903444,3.78818230006187,3.98205412427337,3.44533784889155,3.48224164085321,3.45742928666331,4.0183993978907,3.96643045544864 +Ppp1r14b,4.00843783300044,3.5372396436298,4.03586900261159,4.00961324482727,3.92393876582829,3.71073629278903,3.81754233238054,3.53575100317214,3.82217145368924,3.94729334828442,3.95489486464743,3.79348235425014,4.00710374829431,3.4650748237821,3.85542315972295,3.72801138486299,3.79828413196104,3.8441225432547,3.70314585755003,3.64342433996668,4.12794696868427,3.76151470663174,3.85635914808436,3.80269976351891 +Fkbp2,6.05708528453259,5.42189014427219,5.56987784461551,5.49125615046577,5.71607717022163,5.71136977092024,5.59746698954468,5.90262102962929,5.54733618651596,5.30820667288732,5.84513986133687,5.71080576527124,7.05429284800004,6.69788336558235,6.65033632121954,6.31797811658524,6.4025894072141,6.60576997774473,6.72092022959183,7.03409189721793,6.74430949539476,6.47906483224384,6.42908699444898,6.59030419835228 +4930572J05Rik,1.4363231010784,0.697925475864161,1.18183270091584,0.547844166027197,0.967276516051472,1.10587343571073,0.282707821969998,1.1951697269215,1.04746942768774,0.726419176836813,1.11885772683206,0.753431589510349,2.44092204324517,2.23814040422271,2.24166380293393,2.21733644337013,2.18708789666285,2.46023534996622,2.60066800427827,2.59062556190713,2.36913085186708,2.48701837696145,2.70957777532323,2.25511327828461 +Retsat,-0.033340142178359,-0.0238533600817137,0.590386287932061,-0.0513811461698679,-0.694662455721061,-0.602619390941006,-0.115849717680493,0.0936609671214885,0.300467939462503,0.360270337860914,-0.529373494636103,-0.260129131521188,1.21092951821842,1.11929654041483,1.63544142366739,0.942463685670922,0.312194338283369,0.897701594995985,0.699116842133715,1.47612705501108,0.717064085402113,1.06177480148622,0.304397219591303,0.351411205140331 +Prelid2,0.480293953456579,0.580007307266957,1.17191445159361,0.984515677993536,0.193677098340073,-0.897459396071256,0.581150494106601,-0.623458427923927,0.06007629607522,1.06736243589423,-0.975729446473224,0.696810672284698,1.23723750465652,1.31889907192662,1.55146100555702,0.838971477299582,0.665621618918747,0.917002501423587,0.603909925157519,0.40981574577708,0.441674024570752,1.33310750020572,0.588768165353845,0.547533215997127 +Kdm5d,2.59143748930613,3.30275540613697,2.7184475077037,3.06131674368031,3.24484503954228,3.05010376074303,3.26346567669044,2.84110670453483,2.94491676243926,2.98362352014489,3.30519184150642,3.10296540344773,2.54598063117908,3.14937765378279,2.62019306207251,2.90264981872305,2.94286097883132,2.70985617339978,2.74843710594669,2.91232664674989,2.87811544238548,2.79461043421244,2.84989355457523,2.8196284481766 +Gpr173,0.304621139121859,-0.113720419944665,0.2424166691337,-0.0851314003110653,0.184228182123613,0.390211462809984,0.134079461189988,0.470408346130123,0.121100573785903,-0.170244378837865,-0.118337479298757,0.0919700325243968,-0.401789133918577,-0.705309089292975,-0.268146086972457,-0.15250879394651,-0.0981268499688737,-0.590826214249805,0.139872984964984,-0.303259693466381,-0.78982194538601,-0.0073496697048969,-0.226117497107477,-0.249833302932116 +Gm11696,-0.801787367402368,-0.692430073197452,-0.194042643140444,-0.186970654792249,-1.14889321394533,-1.06203735458523,-1.38509176292557,-0.518578515560941,-0.825777613481504,-0.681795247426081,-1.20067770700634,-1.07747274328762,-1.52175289432748,-1.19025750528742,-1.16990830748798,-1.53296306447822,-0.90330416074399,-1.39758321629651,-1.79850173814004,-1.11836489327555,-0.304138627292329,-0.897097328462046,-1.77196334672141,-1.2546111933055 +D17Wsu92e,4.6231417375485,4.50955375415759,4.63148472169103,4.52381031196609,4.59058305510454,4.73331731173296,4.57429414178114,4.78893407932081,4.57048981357416,4.56103379479655,4.6263125316847,4.53635268234803,4.75855464477502,4.67886407701013,4.74622522979392,4.85057437456586,4.86406239417757,4.81247593554453,4.7660280610769,4.75672555732683,4.65293271351927,4.7866104804767,4.94423266199917,4.80020983915279 +Elmod3,0.844308115257632,1.2470713249246,0.947329581893438,1.06675457254188,1.04453108525074,1.10661683927426,0.971301394653581,1.16747059030503,0.991233357399716,1.22457128123058,0.949675176895305,1.10738122303261,1.20157849606558,1.87823212949065,1.71204960080633,1.74500379410744,1.89737998693477,1.44324403275059,1.82904541732365,1.77002133494157,1.34886153951383,1.829795457047,1.6566253453904,1.69533981346932 +Ier5,1.99976966435755,2.3297656227974,2.290503725386,2.35252720501192,2.11138250996012,1.54011299654215,2.1478854986083,2.16813361680771,2.50799118938973,2.31351191826114,1.62505190060938,1.5712279722206,4.01311367540805,4.44643299525117,4.6073215020364,4.43530806299605,4.24277260685111,4.20501505294999,4.30454021603008,4.53943854015253,4.55187436667928,4.35066376673377,3.99836827267903,4.16340596125989 +Nbeal2,3.16973407870704,3.64902058940713,3.0902344908141,3.46502334957603,4.05679646438014,4.05887202281197,3.97769038336379,3.46838366462371,3.27971599311474,3.54212797769932,4.1265663524771,3.69896905560984,2.01217252696518,2.59060677985067,2.30836582619547,2.62075982790776,3.28311225052255,2.81050327198609,3.25522231232896,2.28485589687717,1.98258432187564,2.60646792230858,3.12176116995716,2.77262839740417 +A930024E05Rik,0.0083001583046766,0.800147525281152,0.371111300193438,-0.323573321890517,0.57210630533938,0.46683600190151,-0.132737032764289,-0.450143989002936,-0.0159499682666761,-0.513411882836643,0.648112115594341,0.682268174371109,-0.151659857158529,0.435777796193398,-0.973434371438934,-0.693004375783388,0.21301981621281,-0.716470856863826,-0.784987436657534,-0.0442751833660908,-0.809375800016171,-0.842620162143842,0.135357109692013,0.244153877481644 +Capg,-1.72431826419546,-1.22449812731308,-0.726327545917521,-1.09373643925172,-0.21070327368338,-1.53314487014648,-1.22335494047343,-0.68652933129353,-0.701607436301832,-0.567815707577244,-0.935173420338632,-0.493371402729729,0.194980021648381,-1.40801562283532,-0.904404020820265,-0.605736348107587,-0.817918720742806,-1.60024444355212,-0.930620545729609,-0.970452519628597,-0.683340977708053,-0.196162071101053,-0.673461779802294,-0.989106906637786 +Nfil3,4.63971288823042,4.52698835529465,3.17160992706818,1.89587637670303,3.00027378587144,4.25624324524842,4.56674482832063,4.58595449479274,4.75885368790161,2.19299248246981,3.36905346702605,4.01552526630042,4.59021051272959,4.06239282145633,0.192314708354822,1.01958772644025,2.88625494161829,4.081593465318,5.00276038419058,4.14392581288377,2.04789978778811,0.55391641469421,3.44436565213747,4.28075096129191 +Dnahc9,1.52936183216066,1.7404761980819,1.5087934728909,1.94739324222897,2.43759049804187,2.37870607058055,2.28169047224402,1.62613139198371,1.78849983901947,1.90257037709164,2.31869508919786,1.94123413391801,-0.199076807163163,0.304456371115679,0.447753710668854,0.59719173794854,0.817284122578405,0.222482866720719,0.300421864778377,0.0104883250349501,0.367382946807326,0.819386173992714,0.7101622761852,0.454962913749739 +C330011M18Rik,1.73363274580296,1.76220516334926,1.88877058209509,1.71506575383684,1.5002474916948,1.77011651718599,1.70283020611545,2.0338358074509,2.11615046615008,1.94028538393078,1.34755654217229,1.54397901125046,1.0896988148212,1.94515801863656,1.8006830364028,1.55647428917355,0.597353915935114,1.68234689335567,0.736142848798156,1.54492469694979,1.83253926757926,1.75295414635284,1.04538906153506,1.25957163111542 +Cspp1,1.88510207281519,2.5200967817146,1.38237179680517,2.26544123107143,3.10516505659321,3.08558240634632,2.96309131550708,1.63902091135492,1.81899456202328,2.13150123938469,3.01842193798951,2.64926943352383,2.44479933367833,2.84024057690046,2.05906534870661,2.5608799572726,3.27325659721471,2.72549793509893,3.32098675910338,2.27060402909037,2.59200258269458,2.51031239713295,3.18184417826771,3.02520015070407 +Setd3,4.38124567992229,4.20995923301068,4.44042281662439,4.29890801268604,4.14894342924893,4.27847531096343,4.22421872125645,4.23149498283225,4.34675369091668,4.3088118526767,4.12939347883473,4.19981661026383,5.0514380009898,4.86258929058743,4.94213851521054,4.88223341757816,4.68546609101492,4.90280762839991,4.68771181567006,5.07796314953099,4.868343314959,4.86203437387196,4.72112107061879,4.81967387761386 +Gm10010,-0.344668228939684,-0.689472598745022,-0.700893835425047,-0.69430328592973,-0.757702456620856,-0.877215822734009,-0.175538010724737,-0.0662996739629336,-0.732619740571464,-0.442129236920477,-1.01240798597387,-0.599798064527758,0.320666492305147,0.0915165953439343,-0.338663880545042,-0.0281115337723328,0.353083299975583,0.131661430610198,0.150128219329912,-0.334196785474304,-0.309353928679978,-0.0091539543299417,0.154107308983482,0.319839488803376 +St8sia3,4.02555060133801,3.91013141916907,4.29268414623398,3.68861155779189,3.73878372793438,3.82165725565578,3.47240786037882,4.49001669151484,4.06089270070634,3.71188793338807,3.70014046896996,3.68380219450793,2.96236391704091,2.51721157548897,2.8513353140988,2.42854754189432,2.54729887959304,2.76198921307587,2.28849395115376,2.94093555881528,2.64659554384182,2.55431286516662,2.44610498701362,2.35817827822675 +Tsnax,5.18319792575385,5.00042799321411,5.34479946084265,5.09815474907385,4.87831542353335,4.76502756498948,4.82911605713643,5.04854409057975,5.20154688692948,5.17771965979799,4.98762202529162,4.91258050863691,5.04304547357524,4.97469247337785,5.08835300408299,5.02253926964133,5.02654835141505,4.87841880223067,4.95431204292286,4.8353583297543,5.07588393290292,5.20015960061408,5.0258731101804,5.05788962329007 +Ttc26,2.51965825781125,2.38655398504907,2.46872961555245,2.38420658070863,2.14538795423766,2.19816962767306,2.05086703278322,2.37557460572745,2.35789085427223,2.14185106754268,2.31005895530796,2.06851281415891,3.33415015031315,2.92074025542362,3.23842131398859,3.0642256919554,2.95067229148139,3.03110811366909,2.70120087275386,3.1184483043584,3.13150580958624,3.12254554116475,2.89676053840765,3.01573075181681 +Gm6851,3.28577308425618,2.40824169519539,3.03135303509892,3.21726006026442,2.94018838099942,2.91330681203978,3.21667736778189,3.07166589634388,2.95468683446795,2.78972961461422,2.99499888425727,3.46072874208862,3.52878268053088,2.79440689717956,3.1384513382909,3.66988772452872,2.19597100941469,2.47367988554444,2.94149536683614,2.68932714566694,3.05701721752886,2.71628894304833,2.5013092696345,3.14140703703174 +Pcbp2,3.42389048942683,3.24511999331767,3.60133758105071,3.09993178876864,4.56306511139223,4.48066266849154,3.72695552571567,4.77406717133364,3.34592608403918,3.32271076370694,4.19813430109902,3.73753035745656,3.26115796470912,3.12988871925617,3.24945363889426,2.86366409217444,4.33247025389982,3.79968550766453,4.35296567451009,3.52236896422261,3.21591495062303,2.89740487634722,4.25625074515884,3.76994643186612 +Pou3f4,3.00520151387836,2.45856530754361,2.84735779960679,2.55827428197657,2.22694292956042,2.64141478939279,2.65880022230618,3.17265773428364,2.87603159855313,2.87930617758188,2.62859601032631,2.52010223328377,-2.60264088593637,-2.03008859599609,-2.60264088593637,-2.60264088593637,-2.60264088593637,-2.60264088593637,-2.60264088593637,-2.60264088593637,-1.59311060108566,-2.60264088593637,-2.60264088593637,-1.52578522154029 +Hist3h2ba,5.21019195109633,4.40251605019205,5.45508463269504,4.795893527636,4.65477597376604,4.69471344517814,4.55818340347473,5.25132561467964,5.08838362731672,4.51044362944285,4.50923437477706,4.87567251031091,2.10667470022826,1.74893355046119,2.16878247693191,1.41784420342505,1.29853038471756,1.96769617501501,2.11016671057446,1.56369729540157,1.98494621090802,1.00575205652559,1.25675911786064,1.15180460428283 +Immp2l,-0.382705115556969,-0.265985028984367,-0.403552132218477,-0.251501682323988,-0.0437078626470311,-0.0276852516466408,-0.656214141307521,-0.674249891183979,-0.532754185722568,-0.594532633980366,-0.050524470234333,-0.598028205793153,-0.295546805261784,-0.63040146454468,-0.0370842969866358,-0.41322850805333,0.356372763697266,-0.106542850079398,-0.430215121294477,-0.31310940039463,0.0753697751464104,-0.535310909692998,0.0052505145165566,-0.453349960593713 +Usp13,-1.69170848770001,-1.39894734223128,-1.76832350035308,-2.05382693565898,-1.10400189138412,-1.72193392080863,-1.75246161859219,-1.63277498582865,-2.29136447294615,-2.07844509100087,-1.23302229581801,-1.57501641796362,-3.67496774201383,-1.93680113131395,-2.3741595376871,-2.26789047835009,-1.99574738288988,-2.54965706339895,-2.36544507677508,-2.76064072056608,-3.17740920604484,-1.68165693812215,-1.81091206181855,-1.76587237733783 +Sipa1,-0.0637434789055866,0.287732720978192,-0.434231582065512,0.187095790029868,0.629972835979254,0.590048054606165,0.72971200041444,-0.0354006086544338,-0.154292248943501,0.290030560297905,0.410324040334607,0.235973856417588,-1.00835256394999,0.174661092003811,-1.00344319151609,-0.0962792550181306,0.331872734128114,-0.383146944164439,0.180568819872249,-0.989369399075459,-0.341022466683618,0.0926389968894299,0.17533564381538,-0.265803158021843 +4922501C03Rik,1.17092574186131,1.88070929672406,1.09959091496952,1.70326030359436,2.32782765789428,2.07436640341639,2.22235461429214,1.24712390132077,1.47456664696455,1.65753680507114,2.49503896031514,1.98910126599817,1.34126799777099,2.04095652267094,1.20447365046166,2.07788784490535,2.29296431758478,1.44287193554945,2.27062445179745,1.12513156438514,1.81761099719554,1.77721711746979,2.2547174809062,2.16896467838193 +Acbd4,1.60259931128314,1.64102389678404,1.99258551745812,1.76983369739529,1.8393882348497,1.45540463984787,1.86458221211078,1.74315606436788,1.71434695461875,1.46896120335626,1.38240803097901,1.69950410120159,1.5533018297121,1.3874794937909,1.97761283790961,1.88295056413314,1.75655287545474,1.73657540704542,1.72439093572828,1.38070855385779,1.91026176666572,1.80447946772591,1.62164679514635,1.47824693116955 +Commd7,3.12422294896641,3.00042697356332,3.06477772473939,2.96681837468175,2.90965122124605,3.01623940811295,3.00894793567434,3.11396169106989,2.92258950118653,2.95881146141187,2.83351162744099,2.84729386382942,3.04526868381203,2.9249719493272,2.86427503155241,2.80334574386826,2.81778364213792,2.91547734020206,2.68832240836935,3.04899659971273,2.81460643193831,3.01742893579641,2.68682467386545,2.73085530253376 +Tatdn2,3.76703988456509,3.70207142551225,3.81877578337611,3.83932813282131,3.88466786770113,3.85201571623984,4.05759534497597,3.40730991966586,3.97552087627249,3.83528002777,4.00662251967857,3.83053968758724,3.40855596868787,3.43242741008398,3.45610908359803,3.53175374434902,3.75167573555833,3.44223694435847,3.80404909708373,2.61111773197409,3.55159090468367,3.6726776794213,3.73350538497529,3.67497415272887 +Jmjd6,2.93095102079058,3.00610111760782,2.39557297561535,3.1700136468896,3.06388415566017,2.90243369702636,3.27349603089654,1.97428027137982,2.78432432832227,2.97891916652012,2.98694921361548,3.09859380855739,2.45086705636059,2.67756594099802,2.22579971899733,2.97737832980883,2.85374878062139,2.46182259503252,3.10782997964712,1.99431426783465,2.81774553906429,2.64243188498439,2.87957844886353,2.84547499456669 +Ces1d,-0.82618546745811,-1.25367357831959,-1.7430907588672,-1.10359871178492,-0.887612085798545,0.712461511028602,0.0522217576199786,-1.09052778306094,-1.50475587746097,-1.05610001289838,-0.749211646111516,-1.38580429947165,-1.91852477334832,-0.936963096665232,-2.61254963459602,-3.60568904899907,-1.16968834447025,-1.33246596509096,-1.63888184037055,-3.60568904899907,-1.26854257158627,-2.61646892023685,-2.00047973708794,-3.60568904899907 +Ide,3.26537929610477,3.00135370713494,2.98529684591375,3.04459125406198,3.37095332089222,3.07896741086309,3.14585515580453,3.02445653714335,3.04644478667745,3.00683018387213,3.14754839154078,3.20778577136124,3.52039832178894,3.22817442372761,3.41402291531822,3.46436207014655,3.47383192666907,3.33441831030206,3.19167281364784,3.40494778087621,3.2800271097816,3.31238025320754,3.56296532368369,3.35268479723181 +Gm7536,7.01713072373109,6.2516277425083,7.37634950222345,7.02007814946905,6.82250318143569,6.90918830122142,6.5749972610605,6.87447291865675,6.96305809866975,7.05991446417031,6.77350844500999,6.85653843377519,6.18202977815833,5.9735198223284,6.34630910839662,5.70697256501233,5.58442231734497,6.09799084711194,5.48616882305825,6.38942420334147,6.16098890296459,5.85442094599325,5.59106714097841,5.57443857123846 +Inca1,-0.231227067931656,0.912161320485753,1.05582765327636,0.999482521609002,0.47497439190924,0.696992148514064,1.13385711516597,0.743658498621732,0.869238976057934,0.83826514380988,0.77961586150675,0.0650700209083665,0.0060243398595489,0.842868602215442,0.334766347749065,1.06686436591075,-0.261845338133012,-0.394867849571326,0.542874341011657,0.0241778709204289,0.441998078191529,0.549812196490389,-0.338698791697913,-0.535166448949049 +Skap1,1.8516032450132,1.8024443391455,1.96625144195193,1.75137984609748,1.60223563151721,1.83636707871297,1.88566695797549,1.82476215636245,2.0344177303911,1.75869451612191,1.32694366717459,1.61615734814697,2.8798181210912,2.58790718361312,2.80314712995134,2.74344969760039,2.534662845587,2.71071058605754,2.81374351980236,2.83003661458594,2.74637140078216,2.66975653282035,2.4785274148232,2.55899555064797 +Ero1lb,5.08979905468838,5.84927459947155,5.10477246417247,5.16109975988359,5.67712446862072,5.08822752644571,5.21342557242652,5.38980711396021,5.31620508430497,4.92961175974973,5.2122818106478,5.38094496466353,10.017828268446,9.77923982890538,9.84442103050452,9.59697684826136,10.053885323547,10.1610226512324,9.83663799096147,9.95655309267587,9.77951250267456,9.65966419756444,10.0189602343885,10.1099126030357 +Fxyd3,0.225302622255907,0.300777493862261,0.316762515854457,0.343944354623886,0.091118391426102,0.60954813285999,-0.286714991784095,0.856855729386055,1.02663085463136,0.0441462532924648,0.0583769062007407,0.304345037996748,-0.114135871048743,-0.606257419786151,0.229303390005181,-0.304327131618256,-0.320713766639625,-0.0634906673755338,-1.24958636574625,-0.49987701116327,0.184271151581484,-0.387966376137001,-0.457564860570826,-1.39495377924282 +C030039L03Rik,0.0387067492827908,-0.168958407285672,0.0840869359604763,0.28573505340617,0.245289300587805,-0.0718810563649939,0.0046552794636443,-0.0461486212496309,-0.21174886631791,0.0428366022817173,0.017278391429592,0.201872201708649,-0.982840068091407,-1.10279179904331,-1.250579676979,-1.35652417448377,-0.680095340254472,-0.745372339128801,-1.54093530049873,-1.6715150850715,-1.0504525949931,-0.888977970639616,-0.936760721468199,-1.60249307248491 +Zfp180,3.37193950537254,3.49096857013321,3.24850269053747,3.42392800822308,3.29378560741292,3.34523117417024,3.34962267303106,3.0017799207566,3.38255676492438,3.0303242753702,3.2707580257372,3.2733171813843,3.11549775758884,3.42755508016697,3.00648460400789,3.53187108295196,3.37626423280433,3.02040961526639,3.37350207426898,3.2130770609155,3.20302302336483,3.27348343664603,3.54332654988531,3.56077575086462 +Cml1,1.52245091776705,1.17416765223048,2.2626494742088,1.81536762268311,1.63454920725459,1.52913353682485,0.960789483880117,1.77412612821536,1.84624639507703,1.97732603600053,0.915745040044775,1.81525205790328,1.67644793501637,1.78968943156146,1.78276723246729,1.73402804796398,1.5759897293248,1.92220146995672,1.50506934858948,2.40017325649176,1.58661205625213,1.58269741603901,1.28382548745295,1.71139976352645 +Cep110,0.791655287127175,2.10606975203682,0.922669815877961,1.8434465290487,2.14512198909557,1.97611108034785,2.19896153305885,0.858361075606491,1.53199247883937,2.00169307389502,2.15452829178131,1.94527235806665,0.949805736166085,2.22054118268704,0.698610648366375,1.95902185678433,1.97541805232206,1.41101736153155,2.35118299728148,0.914989611718164,1.73109531588646,1.95162951426975,1.9432333508726,2.007060761835 +Npm1,5.91524185789307,5.9203298436104,6.69990364582413,6.31859374749095,5.45082922090183,5.46365754445636,5.51091223028773,6.05175952399553,6.32642057195558,6.40352346760656,5.53822554985434,5.70692735663472,5.1010437481804,4.84520371614893,5.01647441853753,5.05508591616138,4.56217376763641,4.87524984590437,4.49757870644217,5.16242558640464,4.99160060030078,4.82857676181307,4.5423348049606,4.91886029474885 +Txnl4a,4.26880011983346,4.18230149033634,4.08962235752463,4.20056735492399,4.19060043287199,4.13294216413349,4.15190582819013,4.24513637257355,4.32020294726062,4.14859069208393,4.02297241030561,4.21524186083219,4.50278386153227,4.25310711469294,4.42930922572591,4.2281955438829,4.34799815197585,4.47059204116953,4.25463917172725,4.55378158064422,4.39417560586045,4.36490943429124,4.34315443594782,4.46986360505969 +Rpgrip1,-3.40733902530259,-2.89828661358093,-4.14651736557293,-4.89699072546133,-3.40877155123027,-4.46356199718079,-3.97966855566464,-3.52812070876006,-3.98925081854671,-4.80422526383932,-3.5918229175381,-3.87855519400593,-3.49462737886929,-3.35432797113179,-2.70777160802265,-2.68886389228673,-2.72092741825542,-3.35503387127874,-3.14242963239157,-3.32212722894461,-2.76646852188719,-3.34135577908796,-3.29886481340533,-2.56265909419233 +Chd6,3.03319098668755,3.48448319306564,3.0765787763851,3.23229880528127,3.54279351546985,3.52568044686413,3.42106140182902,3.25156339531895,3.16532409284971,3.31183174737562,3.46649067933494,3.42176914396636,2.51615344226537,2.78378502694147,2.45850620001751,2.74354100981894,2.98669786730246,2.56751630928455,2.8778854007485,2.27525701505889,2.60991501506018,2.76304534622663,2.9406743800842,2.87142907715177 +Ado,2.7331776334072,2.55493295602134,2.81566719585959,2.69775544629206,2.24713849182062,2.42530058598641,2.6335655810439,2.66521367158538,2.69031438271663,2.29004243604771,2.30586421685717,2.38694446712267,3.37147786393436,3.12178661579259,3.29640463389592,3.07179917984859,2.82453828508354,3.10938748685023,2.65789528201852,3.32663418062832,2.97729724043662,2.87460862539516,2.70661439429717,2.81548096970277 +Tmem140,0.286454508813626,0.831595569639058,0.595675321326724,0.347659177966536,0.0776346313841403,0.136589682519193,0.1805068442699,0.83362706957857,0.684709531991445,0.523670162564383,0.281128097459841,0.348395392356204,-0.176147293120697,0.306300154152913,0.107187535154698,0.0241733023618549,0.151533990438118,0.228337426968643,-0.555799879357478,0.287866272196147,-0.100250915881132,-0.0042683313062208,0.246905729683967,0.0265199576335644 +Trim12c,1.62411377513204,1.7548370996766,1.46904301158535,1.65139312382884,1.37433650665104,1.6505033085393,1.46035327469998,1.69708165009891,1.58730538302474,1.96034474427093,1.8014590148566,1.47949209066192,-0.667376148732327,-0.775137934752156,-0.189927535315026,0.0915831704443477,-0.536106636023187,0.0299787926531185,-0.306060823184002,-0.245867476293189,-0.339819279761311,-0.529588305888772,-0.481517150853829,-1.04400278312495 +Atpbd4,1.44265914331426,1.25675523451799,1.39052945335142,1.20187501495248,1.48999231039558,1.48719545816219,1.38830107252154,1.58862711383435,1.58425481517193,1.00949854570293,1.22428499652975,1.23883808709702,1.3298687707627,1.26985577964115,1.44388102290076,1.21493659453324,1.55912505724354,1.4371987711538,1.24022396540118,1.29178701597254,1.19130872094812,1.20003859748051,1.48748668679953,1.24400371285283 +Homez,2.9592065217197,2.65521896266409,2.83204064360489,2.39074971784662,2.23894522019894,2.5357338455175,2.42752757570745,2.83156970413235,2.80383060896012,2.48506797250789,2.39973556321796,2.37028994452729,2.36540952526912,2.1987453643601,2.52191972333001,2.07530531094831,1.64768521149282,2.03310671225568,1.92207516737377,2.35008788593221,2.31903698884798,2.08259570829539,1.62180067288695,2.05128098350998 +Prss2,2.30482566306799,5.36428036533688,5.00989475361975,4.25351327689506,5.0245052665987,5.0996932131192,5.30691809444722,4.31812575235992,3.64532727029655,6.03597458492783,4.21342862726772,4.03560674477021,2.72254770602955,5.84175980886149,5.75607406715952,4.2127611774587,4.7879159119672,5.82619158655036,3.41383072124099,5.18114748881122,2.50650071268913,5.28724706317413,5.0827074284676,4.23128190118246 +Rfx8,-0.766309692489035,0.22984291666538,0.474606908235717,-0.209791675481983,-0.736894063382739,-0.288580262787198,0.154699372489122,-0.208576931818782,0.142357959292429,-0.32280884673843,-0.430965919519704,-0.0484716731205126,-2.81800281971347,-2.88241873664298,-2.87457862270274,-2.28077424377774,-3.45497102658327,-2.82482935435593,-3.45497102658327,-3.45497102658327,-3.45497102658327,-3.45497102658327,-3.45497102658327,-3.45497102658327 +Gm166,1.05035290616718,1.2974304502257,1.04285589332754,1.50793353155729,0.95079775355061,1.10012390895785,0.991766344707643,0.770699979431593,1.49734752675784,1.16237941452598,0.919072545543723,1.03049649734853,1.6723108224625,1.88917291726567,1.11622428564837,2.14335351281334,1.64365103692144,1.33080081720699,1.50885584853042,1.78629138947599,1.95908009961374,1.86037918518105,1.15870682708384,1.50826168294512 +Gsk3a,3.86662226964148,3.4999955664514,3.66621944355872,3.71229803946427,3.57162044677176,3.64149619561846,3.73299293938026,3.71364980464351,3.78472794944181,3.79145522662239,3.64821778301889,3.57090731539535,4.04549553490498,3.80835365536096,4.0595196064295,3.94261110276396,3.83781165716326,3.98266476450369,3.92979238848594,3.9747117241115,3.96223338888824,3.9841879396022,3.99548546167808,3.97405098727356 +5730455P16Rik,3.18856298064624,3.32119450417364,3.43380803186519,3.32354518648871,2.94179913813131,3.1599272003193,3.16702252643152,3.29037316820588,3.34177459131934,3.16611043952411,2.8885885842608,3.06774327055176,3.58998147332315,3.56396123301799,3.4018522198533,3.68295784284642,3.27105240828335,3.38877812838005,3.41990922895703,3.41369639528781,3.66732582250551,3.66108553692962,3.20689879693571,3.49524036306198 +Scn3a,3.2961241734502,3.76384314794259,3.37867381999442,3.47679717446005,3.82603588416625,3.79816054236759,3.62643492860094,3.59146803101604,3.53055994661596,3.55908627171358,3.79719609698879,3.78919997994436,1.29768531644035,1.46826294623518,1.85151875297444,1.51897061060292,1.45011648929227,1.40948916510549,1.20483679189796,1.51511049194577,1.81404014272921,1.47259695238635,1.39131679202393,1.19019106074093 +Slc44a2,1.50607819663422,2.11959280223634,1.90234048764534,1.99874218878833,1.91620862352392,1.75246626795995,1.79439948422848,1.81101670271044,1.8476525601096,2.01696935090032,1.67568208011154,1.78886006244603,0.972925590041666,1.11667405568949,1.68146235406524,1.63181320414214,1.14344840135553,1.04332086661485,0.943841749685621,1.28387414108729,1.68832883841435,1.59642937834077,1.04884341550723,1.10370296621129 +Armc7,1.40086112950737,1.24933816657932,1.41764021683894,1.29674190503768,1.29376461149478,0.947711769751766,1.75690201718603,1.29630902477086,1.31524689167044,1.37161238765226,0.989854058610019,0.82724232245761,0.894040555119387,0.961752255415554,0.400041906592915,1.09436115060194,0.97033017034559,0.929105006260153,0.875145274898198,0.800718835647251,0.872046164911777,0.554695991092196,0.541606550707124,0.623592416783263 +Atp5sl,2.2607703012194,2.94627505771677,2.87800373534721,3.02376654154735,2.65629403211385,2.54187842414535,2.46566355624637,2.69776417920327,2.77512908621489,3.0747449741513,2.72534767113857,2.6536823330454,2.4913516736866,2.7298411896518,2.58879097526342,2.77816067200377,2.43258196849616,2.16657028047136,2.53931537438602,2.54044632183351,2.71331471356478,3.0389162393609,2.35328238973416,2.47134175839394 +Aak1,2.26433727262489,2.36240091952663,1.84152292846996,2.23655263938908,2.99966776305646,3.04376854512691,2.60817817154099,2.46362768890199,2.15208917353789,2.0949249130752,2.94718668354765,2.552236171039,2.22810545673953,2.11524112974272,1.99030799282493,2.17542181092275,3.15792772445696,2.76850409887076,2.95799109572363,1.93597229877164,1.8283928377449,2.15002650363474,3.12436084441496,2.75085184236627 +Mettl15,1.65927273943322,1.40583537888386,1.43626638075991,1.32414256823988,1.19039615569149,1.60954813285999,1.12527091793956,1.67755039640803,1.70894893420274,1.70065141067706,1.26904662718065,1.58116684865586,1.55326765082716,1.30246748759942,1.63799138128738,1.34622920768843,0.971802109420326,1.26632726511328,1.08601462553317,1.48183170093945,1.55281328396885,1.24634096597806,1.54329159899333,1.14331288959983 +Rbbp4,4.48313515820472,4.0322882437356,4.4700604363143,4.24324585301811,4.15588104623354,4.08921539876644,4.07146283675832,4.33504375261975,4.36253012225974,4.09569008731026,4.21862899264421,4.23174825157173,4.32806605470016,3.92765765340597,4.45908291152368,4.20042418887182,4.19386594461469,4.23727469099775,4.00500556834551,4.3035890459438,4.34393031022505,4.22740875203394,4.18428236801233,4.05355135957022 +BC051142,0.816833708589464,1.76641488857992,0.902872474910025,1.69595094956252,2.62230705301075,2.59830932579488,2.42859371362379,0.600599171361979,1.75657770839687,2.22460595623151,2.71607126922259,1.59343443651684,-0.992962111139471,0.482149704734,-0.437923638324122,0.230360222340146,0.461530157433999,0.284772698338274,0.785550037273381,-0.509226376754703,-0.0203218332698358,0.063318514755748,0.810484517713492,-0.0784765814242021 +Gm10020,3.30196271825512,1.74308895262478,3.68153608297653,2.24635675039459,2.41116687438925,1.9801289308705,1.84799372514187,2.68604551674167,3.52445228302687,2.38737842646099,2.39357393771349,2.07844440501598,1.3783233666518,1.0086567863484,3.134025281244,1.3239178898072,1.63606385677124,2.10519933008546,0.506911269964306,2.40779729979855,2.94310475166144,2.84279958283989,2.06832955976335,0.78293650285373 +Ccdc176,2.16992523617746,2.22764731302598,2.37893147602817,2.46981685511661,2.05035119576887,2.26705558065508,2.2036917212966,2.17135610105838,2.4530488008233,2.37109201203751,2.25892947545769,2.16447841773147,1.67403511442729,1.93176604754131,1.61522114594574,1.44969396044096,1.58368863158611,1.68170802120447,1.68629718089211,1.47217719120257,1.7752278310889,1.56512318778858,1.41386599822417,1.53188425697848 +Snrpg,4.39626045948554,3.64110867073423,4.41769904790191,4.18910302761404,3.47975967346435,3.4713128824365,3.93794973879041,4.15899624429523,3.73987148419811,4.39711804135949,3.9477522467611,4.13686091192379,4.10610719505071,3.50973488865493,4.02251980895877,3.41782972418846,3.12628238174194,3.36471527605873,2.93972636887273,3.56435441510099,3.45659437196071,3.8327995162823,3.60829805827422,3.29406395808883 +St6galnac2,-1.5650498055273,-0.315282048729031,-1.47257143063832,-0.687102042620169,-0.480677969807903,-0.606044692096185,-0.162769065514329,-1.26596519751593,-1.24297788781781,-0.370280476033095,-0.415973305341826,-0.404548053415967,-2.89871842515379,-3.04639646287297,-5.18719647788572,-2.93320231550481,-2.21226875727871,-3.78493767792231,-4.0737571655307,-3.7597446619432,-2.71220246324479,-3.39526614390374,-2.46110708531641,-2.74419080904655 +Arhgap24,2.72818463457428,2.88819678007765,2.59026105410855,2.39522969526153,2.78188137738557,2.94361150993587,2.77979362023402,2.93629165305706,2.83976913498273,2.68897106515535,2.79519770156512,2.7622577841877,3.15670324194348,3.38692569023582,2.63351498742469,2.61546795101173,3.24212277902177,3.00872515922372,3.56464683848907,2.98447943346098,2.92664567909103,2.77790650194854,3.25556315778337,3.29227340231905 +Rpl38,7.13361691355258,5.89042345024883,7.07855695573185,6.58928495953019,6.11847624557932,6.38554355977174,6.17080270101375,6.85615424823864,6.86857503957776,6.57786064485689,5.99810360257572,6.41361065228714,6.46018919480647,5.85558612261365,6.29969571967735,5.77421783236542,5.49376088849825,6.18052249555465,5.42535961276842,6.29311709899094,6.16683569744234,5.98048590628267,5.33357646343888,5.58973436909072 +Bcl2,1.80123845604549,1.56287127178348,1.58425665470386,1.70122365735065,2.02995293393428,1.8729986587815,1.65775798241976,1.9941033937868,1.54317895390302,1.35985455634402,2.17191576965198,1.9071111695779,-1.75690356585837,-1.93002681815223,-2.58562290244277,-3.22660683768542,-1.15032604315345,-1.90113849318965,-1.5222127027165,-2.24050636877533,-3.2958781884466,-2.25202104701857,-1.20398598322269,-1.64132635126351 +Cep170,3.95924815704777,3.99061767693602,3.77922480487093,3.94305156847447,4.0692756993539,4.11995184246433,3.93004996507017,3.97786016876204,3.96303761126849,3.83531239606594,3.84771659375792,3.88178336519977,3.76619845335832,3.95234498002798,3.94797322055973,3.98044466196997,3.95634212297294,3.86313096504846,3.81976124038227,3.8229333011234,3.95700720676898,3.83109584607455,3.87489051713499,4.02866127052612 +Sphk2,2.99772679938225,3.03935455855111,2.81354671221706,2.46910120021775,3.00624020024202,3.03470995084567,3.05570257772653,3.11048363947196,2.84847637939715,2.4311114661784,2.91048267845014,2.9189517068569,3.16307075775256,3.16959789271239,2.51728811319931,2.71032194027365,3.22068142954099,3.37789634781149,3.36567770434413,3.05746041598543,2.72068947194127,2.36993826821346,3.23212675447282,3.2679056338996 +Uxs1,0.444171365945688,0.140812067152974,0.230474245743772,0.405879886158086,0.793744241233942,0.591397958062688,0.497138747155044,0.033948184483759,0.166681644658075,0.383796893093866,0.572087673324884,0.512277237973297,1.22309641987834,0.558507035165904,0.693908844160152,1.12325687513571,1.35543903832073,0.977951192129302,1.25835025830182,0.5262081965004,0.712499853947381,0.790165824901804,1.29960376222212,1.09078014779034 +Birc2,4.31941658345474,4.46769953912966,4.1852627526344,4.48171715652117,4.48418694746097,4.24585072175544,4.49276492457282,4.22140591306126,4.47438498362402,4.43380945935367,4.53496136634982,4.5132947531381,4.41646956471994,4.50379443588249,4.19546485077777,4.55467509511466,4.60946740543262,4.38326211442173,4.40755732814818,4.30321838475917,4.5755241442576,4.39501535904366,4.68795329081596,4.72307877274826 +Yipf1,2.11070180670483,1.76359471066225,2.15228502614289,2.04421812365021,1.61124992710465,1.62341755191495,1.86197606677203,2.02909920751779,2.01790825018932,1.85752301987027,1.74036224054074,1.82254279631337,2.5807376456156,2.3098806402517,2.5588910633048,2.40801132984976,2.44993567270645,2.67687971716128,2.15867361367911,2.62108969230725,2.50990717809102,2.30496090012673,2.33555268365122,2.37455232372764 +Ryr3,-3.16179823616232,-2.5977391781284,-2.43972886639747,-2.29458283244222,-2.19748585975404,-2.51608693186001,-2.76455012120239,-2.80665483305331,-2.99007813211491,-2.55248765896023,-2.51684400844936,-2.59426680455014,-5.26802711483897,-4.25347905759722,-4.52301768313853,-4.24973740845508,-4.70372025561986,-5.27999771810324,-4.71544930943813,-5.59379275668363,-4.34511004065385,-4.37761509308431,-4.65949871813863,-4.39448355712189 +Mrpl18,3.02637402174922,2.26406057569711,2.78265204097814,3.01319186175302,2.43159796139647,2.49595526197639,2.87691889706673,2.9074550270116,2.66389230963484,2.79370129476766,2.67349665310002,2.99210963165914,3.31135845139225,3.31839216356393,3.31311971308214,2.954269767316,3.01004207989653,3.08232467421718,2.90685538043234,3.27680156771314,3.66547353958207,3.30533992222055,3.22480664842074,3.06215445886464 +Zfp759,2.32780528827081,2.13413654220408,2.35751864258718,2.21847812012309,1.32118634334813,1.70512910812533,1.9745182579845,2.01301733132762,2.0992059827042,2.30438865368154,1.65348617148909,2.43913981419355,2.16731674364108,1.9514003030425,2.10122170790557,1.84904863022698,1.31841443450143,2.19731732224081,1.52844620165558,2.18816116596068,1.89080580112607,2.02678003423151,1.42288908603994,1.92869497513515 +Whsc1,2.8142969772245,2.76947758425416,2.62679636190076,2.71446795008356,3.20679787984328,3.1406984338836,2.99069527861541,2.762232258145,2.69836501189715,2.60816153044607,3.05550284736887,2.98484938154527,2.46705902583867,2.56743880789427,2.38563794278513,2.63132864940098,2.72639551879414,2.59282012003825,2.72707182356072,2.41726524828025,2.40992114624814,2.44320684321713,2.7319499533763,2.7087354844933 +Zfp53,2.34675827018173,2.06770274073879,2.22710531559229,2.10609439883675,2.07985956410526,2.37480165435898,2.06230187885928,2.33488238989514,2.08926277689527,1.84130188629785,2.22967010755764,2.40156581798874,2.64046671781947,2.11518877765121,2.2842976729676,2.24149693826876,2.52331990388707,2.4814067375234,2.41167592696079,1.40652367476059,2.37088214476693,1.7857478136931,2.01921498266815,2.28326468228333 +Fam173a,4.79509062727246,4.85707271677534,4.97330651953627,5.11683374572188,4.50793925934121,4.61479152679563,4.95601087466088,5.03681852119674,4.99791055350037,4.99509927145196,4.64228586720281,4.94650799517855,5.3000712205246,5.29823030636927,5.44668552964776,5.29345506022375,5.1463416139027,5.15177388050502,5.17188427687601,5.42592096056178,5.60512854902149,5.36945529387602,5.06202156773652,5.1536561864115 +Las1l,1.95572049679524,2.13594003593163,1.82881153531323,2.49795204218239,2.36365628068732,2.12082659391194,2.22227839690529,1.85132240368142,2.06044696791917,2.40355472665182,2.38807789015268,2.17145949955417,2.07572131183092,2.24099652407283,1.85675296016397,2.48795480541228,2.48532692323981,1.94334831252806,2.50306483468629,1.52479616792491,2.20557488453863,2.42120642416605,2.60317504566176,2.3128396694186 +Mpp7,2.39563851480777,2.56235622792762,2.49588861057139,2.50151749588114,2.33980993515605,2.50084820992455,2.52439701663308,2.78820872080399,2.70112230562741,2.37737042594215,2.42968796374851,2.48739108645769,3.19315087014992,2.94758395152653,2.84035005901467,2.7810146178016,3.06730774709403,3.02054807407572,2.93149184985382,3.14612044021372,3.06829811960569,2.93347331174628,3.06367838133879,3.16672151372138 +Rit2,0.664348399970747,0.698464776824883,1.31352084177422,0.866973636452178,-0.41945087962033,0.553550444729226,-0.142961892837863,0.170279309745007,1.46811374205214,0.820738997897816,-0.476409782280836,0.127471335306989,1.20263509554155,0.54201844877549,1.15689861964064,0.34155036288617,-0.13113086096518,0.767879060936199,0.203267924327367,0.0938122729419288,1.4428370078237,0.426278165840842,0.0224709837443933,0.072719027028822 +E2f6,3.17083088501708,2.94613892978919,2.87351152825808,3.19882986735393,3.00075778217337,3.05253487500517,3.00979994856496,3.10612196975468,3.08344651628127,3.19116642422673,3.00666029961719,2.98370762472487,3.88787308724062,3.64308165384225,3.92673329909215,3.83005428985247,3.79389245200868,3.86004883161291,3.64076717904673,4.19577909866954,3.69020404645494,3.67239747386211,3.86068705479641,3.70165890258769 +Fam136a,3.10525315399001,2.45575855151513,3.16099225326744,2.87185809659418,2.58127407120736,2.36152385534895,2.62306075905435,2.83901026627547,2.36658016628349,2.84490756349847,2.04330030115364,2.53031926854738,3.62873140101442,2.91905467989269,3.48156930291433,3.24668596552735,2.82263067266052,3.00430260632352,2.67795081531888,3.12529776309152,3.30569628465546,3.08442914110809,2.39496657422731,2.74684640965935 +Bloc1s2a,2.22632525895797,1.45900715743683,2.68169679143806,2.24290706498664,1.97521859108732,1.95183022624539,2.2133872978477,2.23782063337319,1.64999176573042,2.48584267464998,2.16066670116786,2.16311178043164,1.9219402797516,1.59881087042475,1.20617533959424,2.13736928973926,1.92854433314765,2.12072421789276,1.83769420572844,2.159009370332,2.0922281612224,2.23193394683091,2.02482113971197,1.48725373544017 +Spop,4.03696387782456,4.30219356389512,4.24654844093239,4.29519344902803,4.61181683411238,4.43221187146781,4.41931769436122,4.39815318324059,4.11963786191142,4.4396622860703,4.56576681446789,4.3927411129372,4.45845849591648,4.54115938176444,4.29445690600463,4.47746849485771,4.98340058742162,4.64863346330332,4.93283817965894,4.45377461102196,4.33135597298817,4.49034205231527,5.07959084520993,4.78510122051886 +Ece1,5.8774355478953,6.00880739007344,6.12885646318809,5.68212486954342,5.80160811953579,5.91019432543513,5.77360892598559,6.2581718069462,5.95840087677411,5.83240780469509,5.75651812582903,5.77255481401091,6.79014415662464,6.99935816969214,7.07725447271555,6.86334158070939,6.77724793321726,6.83620439715875,7.09955599899616,6.77079839925255,6.86604789359088,6.88894560343979,6.88367954040135,6.82395195926387 +Dtnbp1,3.04883292466552,3.10379339716104,3.37529988127671,3.20792369273814,2.74966954214447,3.16143310999826,3.10820583627422,3.23795132808496,3.06427494899531,3.15824231532035,2.85515442326703,2.83808870034185,3.55147428010759,3.26265409369002,3.3178012598274,3.39279498865425,3.12535290609999,3.41854501295513,3.59846742339158,3.57231870242719,3.73347188534899,3.61083701744959,3.32946696696126,3.27717065972375 +Pus7,2.11327352419661,1.73707485358483,1.65684988766494,2.15140628200279,2.1755048387845,2.34634764735655,2.19639322936984,1.44249022949533,2.07592625377483,1.94024917074628,2.25388233813201,2.16835997902838,1.6931324719576,1.5797852180562,1.62088160912787,1.90692574783134,2.1162195135979,1.87396885701143,2.24643173465665,1.08057386985186,1.74636100262504,1.67302321547604,1.96345131376719,1.90019403461252 +Zfp317,3.47878500457781,3.79991140647305,3.54796587061943,3.77882368699203,3.67324298178426,3.60043173788957,3.90984240256252,3.40922790029879,3.84896261870156,3.64815009245409,3.57917830075461,3.67721062423026,3.36349101337867,3.57346391253834,3.27358033373423,3.66021252034546,3.57593772665686,3.48663857340211,3.69550555223784,3.44135342532689,3.41964741289236,3.45049188019545,3.79019691553749,3.49724466359221 +Lgals8,3.85039538799185,4.07288306696072,4.19641996862561,4.2952351831097,3.88022124748637,3.72045655683678,3.86965548892121,3.84679998849736,3.95443238564689,4.33169244304679,4.03602458397803,3.90823090510959,3.83365055783272,3.84245261432794,3.93186842779273,4.02960664953579,3.91203554099592,3.59401061531667,3.68763518648382,3.88110856340756,3.94711060822319,3.99862310283866,3.79712631168901,3.7058354110572 +Eif1a,4.75045362149776,4.33858329506235,4.73840535432285,4.71052085815693,4.05856977334528,4.29145279506616,4.27789458649264,4.33061618050631,4.90710720697298,4.58628575202357,4.2267915229572,4.39620449293887,4.6727012603774,3.97649179928649,4.42798532056566,4.16574953472079,4.13156495291321,4.43885167378471,4.01714229390918,4.20600923672135,4.51998033277037,4.20520134261447,4.10895049283398,4.0598664691888 +Zbtb8os,-0.0306681090201253,-0.349990183406645,0.139819610286471,0.0323359482647789,0.227390604769151,-0.0189646350056369,0.025090158145495,0.290253045440616,-0.104390332869889,0.150195135729738,-0.146311823008143,0.225798624004904,0.184706598323781,0.155021890191021,0.225307210639844,-0.153637884233755,0.210860004674244,0.139091338948825,-0.0141661342609027,0.538925056999044,0.209678492340937,0.585251319186662,0.171631660561512,0.620162907452976 +Arl16,1.9101215543809,1.76783238488962,2.06614167881108,1.56579336059511,1.84882634871555,1.44627392019997,1.81460747263863,1.68595169999466,1.87214845959646,2.16383921745369,1.56103656318409,1.74374989682295,1.75700338485109,1.62239322192286,1.95121758585058,1.73390822864362,1.63105516217046,1.88207019915034,1.85678005601024,1.69102060676325,1.98337512347809,1.87638045421487,1.79796364821011,1.43757761259553 +Trim30d,-1.86078412898208,-1.9456690246847,-1.87463318386848,-1.67949121775646,-1.82369875037858,-1.73684289101848,-1.70645946030981,-2.38530298768188,-2.17468718020601,-1.67745282178676,-1.2668243732881,-2.28530459492671,-1.11095421000352,-1.9715617581892,-1.48258195288017,-1.17387247511301,-2.34126568700156,-1.71949828911692,-2.47330727457329,-1.7931704297088,-2.16529369588211,-2.07333667219915,-1.29109301992508,-1.60267385119753 +Lmcd1,-0.489686923021946,-0.565779180192931,-1.04117091184329,-1.60975575549294,-1.02274374491169,-1.05062068985165,-1.0107912741143,-1.9410144520593,-0.973223262383824,-1.79959431643906,-1.54654714119596,-1.16405289479677,0.482270195264369,-0.0828925110200269,-0.413613640613067,-0.454791778624682,-0.240277291346632,0.623282686277645,0.254459639952573,0.0858988327899071,-1.09383939561323,-0.732709207465498,0.291551176473864,-0.0010983139999138 +Gm6807,0.904566318117651,0.0269455247468419,1.12675627464663,0.919941338889433,-0.267853803312421,0.128705238760844,0.577863286639252,0.325118833829188,0.8083280190113,0.772792456627329,0.258565554326981,1.0165640525834,0.0984356206229855,0.478683520224893,0.258145725840193,0.674561786092624,-0.403121891293456,-0.787783632145541,0.152691194282144,0.270935770547667,0.147104045303851,-0.206242595556654,-0.167284632180931,-0.776366915892587 +Gnai1,5.76699150431483,5.38699583644452,5.80936394843982,5.59755040010547,5.30206622067604,5.27258918638604,5.20731083705208,5.81769819097859,5.86126183960664,5.39082588549307,5.42162251919513,5.443380692235,3.11889697963158,2.88642854803479,3.32069355197724,2.90498471684068,2.3362090459913,2.51998162019012,1.99886628208651,3.41985516446665,3.1118228233112,2.47365286024141,2.25093754074667,2.42459172828277 +Prdm2,3.29024991740978,3.494805870254,3.16554831104339,3.37302700071336,3.77509766877424,3.84502378053628,3.60287665579827,3.58991728140413,3.41112077890887,3.41490164029404,3.81706737627774,3.58122370495806,2.92896456643533,3.23923038542041,3.05260269494101,3.28436183261114,3.50643048427853,3.35085923444374,3.73528822594657,3.08946000739169,3.12654609151878,3.26003451594601,3.60327771275253,3.48898249084722 +Brd9,2.65140704988723,3.13552236272784,2.7787021613483,3.23433103815051,3.12615953208835,3.26282710637513,3.48457972872956,2.49840066375309,2.93190307907061,3.04405583305359,3.51159787512099,3.23863834002513,2.68053090630509,3.34591912313287,3.17210258309085,3.40609731971336,3.26831361536136,2.91983673541145,3.44054965616567,2.61818147210226,3.19813693261952,3.23923884756905,3.33861059045936,3.28865398213577 +Gapdh,3.7567881727203,3.89001654423022,3.24590624677553,3.87762627869453,3.83309445642899,3.81329565145059,3.78511227606674,3.45499039269426,3.46567402703846,3.65212838899745,3.78449327296484,3.46840307908005,3.74966741940906,3.91872323789098,3.55579474330443,3.51745215961104,3.70169412321792,3.85858347405136,3.93171289850827,3.75573737839729,3.35482287813122,3.42765516367157,3.78467612404912,3.60824282989689 +Bloc1s3,2.30296588590007,2.42294956791533,2.82433797564406,2.07864742300886,2.29832247916431,2.17699142319387,2.19518076466249,2.5714187902349,2.69341604241594,2.3736496559798,2.17977714043726,2.2454464660372,3.06992348753106,2.80058482906183,2.98673240983341,2.90317503374701,2.4982175645427,2.88968991028741,2.55566763544588,3.30765596848015,2.80141606023707,2.60819940079725,2.56938275975147,2.80153578424448 +Pkn1,3.03454493090408,3.37200062613838,3.12558615959371,3.29847323652622,3.44445170091243,3.46386578259695,3.4604700387985,3.25985499804976,3.13172406859731,3.22544085603279,3.39734786197824,3.30067900418979,2.72170079375161,3.26096824257498,2.72421475420852,3.13533074747701,3.58950073280049,3.04341324963368,3.67752839558055,2.77142103749197,2.76388113841476,3.22502931121235,3.49095081180182,3.35428862139613 +Zfp746,3.63270758296634,3.6299513220614,3.47603821202646,3.58086021220678,3.61439443254954,3.73500354383123,3.65002042489989,3.35543226106258,3.52568652617972,3.6287915371693,3.5915868516311,3.61077843939037,3.23752252703929,3.61248672680407,3.18707619264125,3.4904680852152,3.52637386577902,3.37276691338815,3.67091007302402,3.32051772231226,3.38165475128706,3.53011540327147,3.69828200740769,3.51929990222289 +Mex3b,0.814287775503657,1.02832291712014,0.946205713818284,1.09953307186383,0.979457706690634,1.29416273053112,0.839926976388178,0.979803317560213,0.665166837518299,0.83057752833679,0.940018858345773,0.701591804547324,-0.0325740266780516,0.228354564522246,0.180646961927069,0.271414749276381,0.16646834828824,0.0400410169612651,0.208032270817695,0.462308180174479,-0.718701147945396,0.405657485593672,0.185912181742998,0.262023504813791 +Gm5567,2.09104872872438,2.45017203185331,2.28507035344832,2.09265890249041,2.76351638814857,2.6643174632291,2.26483178159058,2.97860717441749,2.28015441681918,1.98704084372719,2.61701219558265,2.43453165589563,1.45472180803663,1.85106139388843,1.56712625383118,1.66826475622465,1.86704454070847,1.7029112663229,1.72579805820807,1.65091184329623,1.33787649460499,1.67565167889136,1.69146204898985,1.60662902061232 +Spna2,5.49517506247572,5.61925301565948,5.25745244426138,5.5667694421721,5.7368726909547,5.71653550328733,5.64782890789326,5.51719475210565,5.44096851518531,5.52190033297783,5.77167270597461,5.67927768396188,5.04867967417325,5.18326508156419,4.83229595633542,5.32621404703205,5.44524343729514,5.20316389992391,5.40261889979497,5.01391171084209,4.91167320322104,5.2291614406214,5.44349514930696,5.35399699401046 +Gm6169,1.0213184035295,0.347375788758464,1.43329194796077,0.43451301562618,1.26490650960553,0.638479507058432,0.637146238274526,1.17744086464252,0.822944731181021,1.51466812476483,0.927988222025536,0.961024238253351,1.01278094130395,0.223250837124437,0.449502982414168,0.145890323664309,-0.0094744106805767,-0.542982835984997,0.0539072627901631,0.705949209612903,-0.431203192938416,-0.292353790891026,0.0387655029864891,-0.529539741945562 +Cyb5d2,1.31001342750993,1.49399492557074,1.38502195584703,1.22190815439496,1.28136665446031,1.19093142496185,1.21113858378568,1.63574238419389,1.34655269401099,1.32152336369879,0.959267632023534,1.50644880264371,1.93291011695973,1.81625062410282,1.93478586703461,1.95954123797825,1.63134040728757,1.74577895849085,1.49141143914398,2.13272110539013,1.77049837623282,1.78595525945905,1.68092219590987,1.6430594031718 +Ddx49,3.36033351524289,3.12930784548301,3.41188437609858,3.53517236338968,3.10926542334121,3.13258100910827,3.34349183548574,3.23150920519169,3.25830002161391,3.36802637019376,3.17933328310369,3.30894153017895,3.39363385320722,2.95290280122807,3.25571628640288,3.33303998264489,3.65056655608281,3.35719151398216,3.69538846509745,2.81401224967753,3.3381767214899,3.41166334136046,3.77159563940952,3.22379768939941 +Bak1,1.11630032221721,0.812515582746315,1.12584529015297,1.10483014172728,1.09882567977734,1.02932772300119,1.31247009841536,0.566169679186736,0.776513110438921,1.00940755377295,1.2456894741772,1.22550797567834,0.927313664057671,0.923574945320289,0.487450473673616,0.533657376332907,0.85528438868228,0.908619928957372,1.47754024181363,0.531230295401979,0.820331348502095,0.738455039603362,1.0979382547182,0.838725392223741 +Zfp119a,2.32113787251706,2.24036899581868,2.47746806263285,2.51385856431246,2.2673818581484,1.96719195024452,2.09124327886633,2.14845122171072,2.71541304107995,1.9728328476368,2.19174135431286,2.60768778660611,1.97947623612404,1.91263629843052,2.27078887231212,2.12888161558925,1.65392424966187,2.03144060608481,1.78097856372367,1.6461484745679,2.17396712892002,1.99311688927288,1.5995761582596,2.07202315837972 +Xlr3a,-0.261398164618533,1.27391559476274,0.650993990471886,1.48670904392417,1.47368645997074,1.31898911537729,1.35853096033517,0.448050406154623,0.577578237200999,1.36204072918994,1.67872305384102,1.45009252398983,0.495669498268532,0.795375228013403,0.837882664353307,1.74115442600606,1.2381951913466,0.704088111379564,1.13969106074315,1.14786038569782,0.571565875508097,1.24510075439478,1.22193905357102,1.03535828224651 +Rpl32,8.60778948467509,7.89208817824559,8.89071734795237,8.65110436291147,8.18850339427037,8.30808531912695,8.13307489265407,8.6463375395577,8.65589285347531,8.75284601049264,8.25383388293883,8.43511361808413,7.99692039649248,7.67879711702004,8.0911958447322,7.83584694375844,7.37585599922738,7.83435430536531,7.26205554099357,8.1719736945975,8.02930070681864,7.87943485871287,7.4245829147439,7.52605044990616 +Zfp595,0.596888056180904,0.613227345799937,0.239770187129581,0.46402509098096,0.840291062930999,0.870704910660146,1.06331267214468,0.899904429158913,0.639917498547645,0.818822151683899,0.920617902638617,1.09485758687244,0.859261228091244,0.301366644138874,0.197142710385129,0.340225509954956,0.61950385739221,0.601782042927423,0.509341896356998,0.584411523180211,0.294009348209322,0.211517488908038,0.847119794340021,0.562945851202278 +D19Ertd737e,3.26783446175882,3.47658825327281,3.79306609865514,3.63509779140171,3.0569059787084,3.31006173552355,3.46090925059397,3.56896227089443,3.81714440495212,3.70059837926179,3.33853725650922,3.1443810750606,3.92314053186593,3.7710213439042,4.01773973286101,4.17482900089296,3.5794511751947,3.91411475347538,3.45215676847399,3.86632853421107,4.25817165964261,4.295927603541,3.71506467835764,3.42018547993755 +Rpl36,6.80075800661993,6.19828360984586,7.08873388988743,6.99485445879054,6.49662695133809,6.53839566014021,6.34797385951849,6.76923758129591,6.998312186286,7.22567156014913,6.58583306303364,6.69759358817854,6.35803413694683,6.1280302494441,6.56910206426377,6.14361416834958,5.78190693490598,6.16420281485988,5.98952756094392,6.5805833539272,6.44887031304089,6.44820150595302,6.02604910004041,5.90206902549001 +Abat,3.77344180129249,3.57359924612985,3.5311934810134,3.14307922476407,3.4084307086594,3.62624048256146,3.57031271926035,3.66144735247298,3.5428981802361,3.22352509353899,3.35279605740825,3.51196303539316,5.07256651127015,4.87786223610429,4.84345072779012,4.75042985565029,4.72286427625141,5.05516543615125,4.92137519613765,5.05611484293521,4.80375124977338,4.75391834781294,4.7380623115369,4.84777347195373 +Gm6984,0.665452352371925,0.425562276712569,0.496875489594037,0.636289537885975,0.057671465900117,0.422998530690403,-0.620310080768818,0.349970630811382,-0.0985625765972182,-0.325975095897009,0.0771544626920532,-0.399194059879608,0.6267644064905,-0.129740329618362,0.138694508502805,-0.232328809515895,-0.214873861038192,0.0187723838182787,0.0012597366908033,0.451689858298238,-0.496121515743237,0.131646925330301,-0.163776573967385,-0.513786790293233 +Zfp329,2.84544405884804,2.93552837725237,2.62928330295434,2.72511615533896,3.00720892072417,3.10275922936585,3.03140882267359,2.57195977041689,2.62359371166243,2.43768132084902,2.87521102839653,3.06531778251453,2.48038471338484,2.63480580442236,2.24457092821739,2.39004721401256,2.78379584892089,2.51820777732958,2.5726184741108,2.24808370973397,2.53945211299701,2.36985894141165,2.66251282947012,2.69488410035496 +Zfp105,1.91318682737179,2.19920186696688,2.19277838492009,2.04298279808048,1.71263047077954,1.5662494267485,2.1298268314667,2.43073013317194,2.23652360026248,2.14990195503134,1.76174470163302,2.13582031950377,1.30730260373749,0.938213533716524,1.28938102015211,1.18446294525624,1.0121862395827,0.577725226533638,1.04130318423589,1.52110911512777,1.42406378414341,1.14169435208517,0.705570975208847,1.01235420235438 +Camk2b,5.37727134266907,5.28003983851563,5.32638429946936,5.37907149505698,5.68143980690037,5.6787088259042,5.43686613506852,5.40868208514709,5.1697609474605,5.2842850107549,5.77868770881499,5.61097792855531,4.96076125834086,4.84586474993395,4.92436649316645,5.01354428790299,5.17163558797932,5.1400388548349,5.13126157216982,4.80221361231802,4.78572565430433,4.90994688741269,5.22005731880167,5.12352265853011 +Cacnb2,2.4823715017913,2.56483315020869,2.38449457771422,2.47999341115976,3.14622368791022,3.22488803487888,2.87714655042429,2.89982111508381,2.38514075563133,2.42367318233799,3.11523413061081,2.92783841395076,2.18805533689808,2.31170965531306,2.13391861733119,2.19766210044382,2.94829792749414,2.460912158686,2.68218673598444,2.25350321870143,2.13675931503382,2.24171941390824,2.71700514935732,2.59968481637051 +Gm10033,1.54389658170485,1.88393746147411,2.02266613969242,1.73385615163715,1.9094265593789,1.15467142824763,1.333847962227,1.42407353794592,2.47488385890857,1.38338878858791,1.35222364651628,1.9897401797445,1.47246446853845,1.46559813351174,1.04680047534489,0.985670538884704,0.812320680503869,1.2727633016888,1.77133128691009,1.93244932596722,1.4380510571277,1.13938058515209,0.735467226938968,0.96209758952737 +Itpk1,0.982118842015326,0.747542635743877,0.903303443021164,0.82736468346766,1.26660121991068,1.50673054072172,0.839236637653441,1.01008465450774,0.683751690613882,0.507917805879074,1.23267064616248,1.00770047174341,1.16583824596107,1.09749919809325,1.1613095518254,1.16492831507703,1.41781617971788,1.14689916474501,1.6541792673104,1.15291044350817,1.12221273814426,1.3134420758625,1.51674874627844,1.42836373812402 +Sema3b,-1.50323163889467,-2.23188573481548,-2.81228562564298,-1.48807719890468,0.0946102046818074,-1.36491906940343,-0.839203292598879,-2.91947938980222,-2.65501907861676,-1.67791575985081,-1.88699026087983,-1.04237433820851,-2.00514441190895,-4.44887369167127,-4.44887369167127,-3.74547523975287,-3.46314731078725,-4.44887369167127,-3.78730272399885,-3.02142187572875,-4.44887369167127,-4.44887369167127,-3.43366200712571,-3.81222188964136 +Zfp809,3.33860703700675,3.60950176538895,3.69216724387071,3.71176229280461,3.75104085821232,3.69627070816551,3.34266506454344,3.23715768948585,3.2674211579135,3.83433134733997,3.41822850056974,3.57299967845264,3.09482383970005,3.84647146494933,3.00045379729188,3.56885653709008,3.21558336205502,3.19478256700859,3.44802923315851,3.45725644740502,3.60891663830038,3.77342902921953,3.31769343808451,3.36886199454944 +Mdn1,2.66326332560334,2.79156521611342,2.3606550551079,2.63308956763124,3.40838208773285,3.19370780838925,3.12135308810063,2.57960402183159,2.48014384106307,2.60278775174938,3.34677427598395,3.0774710879346,2.06483787835316,2.11536914566941,1.92944727654543,1.99243730171079,2.91367682548456,2.41925765011581,2.55285770663323,1.90822879582747,1.95877606498757,1.97087675313985,2.90317525103194,2.62494990144666 +Sept11,2.38758204074202,2.25443484468875,2.06280856044742,1.89927972146314,2.6196743228716,2.26460638440847,2.15126460010129,2.54360651009144,1.98908969032832,1.76413402195333,2.24315073793401,2.14671434251996,3.70060397964526,3.52009857846352,3.26644019786201,3.04736477273414,3.74517865499004,3.63277791115968,3.63025160163231,3.75008537812079,3.20671624024076,3.12569933313308,3.89528615550212,3.67071055233359 +Palld,-2.70424867640609,-2.51247854661987,-2.61035467660678,-2.87751080977669,-1.99447764420835,-1.68008955406801,-1.97568936681973,-2.0368485994182,-2.6420805817532,-3.92701880273113,-2.30966476753753,-2.3504444434797,-4.84678405107725,-3.92371785964577,-3.17281681472888,-5.48375225794705,-2.70095355637202,-3.80980338125139,-2.84307645873739,-4.05630044200453,-3.88609664982619,-3.69182192396507,-2.99951163975116,-3.56781688468321 +Eml1,2.65346198523422,2.63894921952231,2.89005750898329,2.75907500873883,2.67110012481764,2.70179609152948,2.71056893742643,2.62424778440045,2.67333305189249,2.55973664303751,2.71359689915201,2.72012722823483,2.88429534513901,3.01571577863929,2.81300823652364,2.98100888317316,2.81768677029655,2.70215707806974,2.87279018565794,2.85302550473431,2.77384504822048,3.07943532391453,2.81918642644505,2.87404012825415 +Sdhc,4.38951119309612,3.86695185694471,4.32301433377254,4.09155073919223,3.81400915471725,3.90860322786657,4.01925997670521,4.34205480592703,4.2513091225027,4.09050023501137,3.83155491380192,4.02419859450411,5.37055947472665,4.76640870198682,5.20170515137055,4.77275833752276,4.68760269664582,5.1355066008884,4.66992737643028,5.13617728534265,5.1714348049562,4.92357817991547,4.60314978532957,4.83918657885801 +AA987161,2.37566439836764,2.48792121623561,2.94544070554033,2.63690907962856,2.21927896313727,2.19259795466533,2.14088764495692,2.87723186011244,2.72077801446583,2.51474868104977,2.26485644312793,2.45351479248405,2.34599935782447,2.51479700426923,2.73598174419967,2.40524766457265,2.14268488761155,2.3886531529168,1.93980280209906,2.97530574576203,2.57587799012308,2.49571892300549,2.18823193587674,2.4367297398129 +Tpm3-rs7,2.56073728309175,2.77323198278122,2.38091443951357,3.27115889547836,3.06781757557619,2.56016930564035,2.59393662974141,2.78478517432714,2.65220527773054,2.77002592779149,2.9781016124145,2.99902698004198,3.22892863507768,2.86684781605033,2.76968376944447,3.34153148575002,3.34943258537442,2.71601906848109,2.87775689919277,3.04674281018336,3.00071349529051,2.53147083270782,3.02863031341865,3.08723089525055 +Gstm1,2.303361712181,2.81082473621165,2.97618931467086,2.54179137050591,2.03537222346553,2.54779419349601,1.98695327773019,2.46956226335378,2.55590675126262,2.60961764184076,1.95394851272501,2.33782071491927,4.53793285150294,4.36998084019156,4.70792017902619,4.77247889762237,4.11389134263903,4.12896674262431,3.93805830969936,4.54440157882748,4.477444796735,4.70388678591144,3.88977495275537,3.90016349863464 +Adamts17,1.62685018892819,1.31416108943488,0.960692070485386,1.15942913664273,2.16266866181784,2.08224668102389,2.08227050523411,1.60440590142648,1.41450295959614,1.08481964639866,2.18109617289721,1.84406719533772,0.274012137508745,0.608071303530088,0.739241437683698,0.394425030331731,0.987505135881748,0.68436878707379,1.3694567929904,0.584885664818809,0.420312652447036,0.585913932197763,1.21777961826705,0.968062059372291 +Chsy3,-0.501748642619148,-0.129110226470267,-0.257322703597844,-0.544019696022241,-0.684765958068903,-0.746413054652314,-0.254893011829331,-0.596430752036084,-0.773099257840097,-0.780641638603547,-0.364202061290744,-0.569907007050685,-1.79832124508128,-2.61329154341166,-1.11722995184657,-1.65880965606747,-1.61378179492691,-1.81307037457842,-2.17848806263234,-2.48535200250586,-1.8985318961774,-0.931721783814812,-1.56661342547833,-0.780879365359419 +Sez6l,2.24929489028826,2.54862689359287,2.13358779096587,1.34509299892966,3.44361837842749,3.29335578833763,2.49664371213301,2.86269767979019,1.8243853291761,1.97004080573174,2.90448897151454,2.80083871387594,5.20382833123087,5.29217307033022,5.77330925313078,5.45771441671654,5.77344544810074,5.52380476376927,5.45809716105701,5.41310160132535,5.13865381567728,5.38342929378001,5.66876734091679,5.44365561705262 +T2,-0.719202827586789,0.729533198750778,1.28550602657366,0.425034121682839,-0.731426406915543,-1.00090636255586,-0.251845438833904,0.202018122962,0.603255804831953,0.738944350661325,-0.589421711399907,0.0722120632772034,2.4178774689269,3.05684640637546,2.91411894570048,2.55168176261825,1.71138068796198,2.04406502410782,2.17521614822418,2.80330997527506,2.9330329598463,2.9017528265831,1.5349526165488,2.40983195904325 +BC017612,1.50484111752962,1.4396997946346,2.25307597343896,1.52104145406394,1.14528081639518,1.55918562125997,1.49220378716305,1.89808572436038,1.52100492749569,1.07680516055438,1.14855805267811,1.8559274430457,1.0395007462926,1.08133708900712,0.643978682633966,0.520610420858052,0.438804904231506,0.677542895602202,0.543501341468759,1.20462908867219,0.920943690741816,1.22114366509185,0.931042346758058,0.959855419673663 +Gm5148,0.208887165330613,0.191986594026754,0.364170459986275,-0.0562461343895388,0.0061956816539963,0.66505958102796,0.0897699523615376,0.631044127906206,0.233255035196693,0.0653857735967467,0.0735418737380145,-0.34522103051056,-2.9392247233649,-2.57282447676084,-3.77306172271206,-3.65005567467419,-2.56653358577709,-2.95119532662918,-2.61913837077654,-3.26499036520957,-3.76213111266773,-3.77566924954682,-2.52441700753859,-3.2765984621965 +Zfp846,1.51655373183489,1.67884766478571,1.38660637741106,1.34982072550566,1.57425746326483,1.45804134847499,1.38351076016053,1.28810033463559,1.30659110093029,1.53992902476115,1.13160671375746,1.63989292023487,1.74529357022786,1.639912262222,1.66319855834549,1.5089441127837,1.5858766690204,1.57235462802129,1.54463561383792,1.64748059069198,1.29028305253854,1.47599348888773,1.50915564814581,1.77655659098049 +Grlf1,3.91101417483402,3.81223802788641,3.91400010312725,3.78550442878001,4.06753120707907,4.21827586174751,3.83849548403356,4.24271663687124,3.91535968249098,3.74366756870969,3.94549112452685,3.93771946620956,4.5972444581126,4.76189912499505,4.75410541970004,4.71726660717129,4.80635128475384,4.77559897546593,4.65815599937926,4.74035473357804,4.6224937409035,4.66412527629087,4.83026322512324,4.6827019621234 +Usf2,3.59174301747335,3.80638669292168,3.95447503216555,3.81162222057593,3.55221893525269,3.63115732689172,3.66062033832974,3.91863675225144,3.88427359568485,3.99922522404628,3.74227122332851,3.60609729875116,3.67404502441145,3.8334912019003,3.92098316039096,3.92399054571379,3.55001530213756,3.37598605046101,3.63134585346377,3.84390395786612,3.76091991735453,4.00059127465059,3.60860719692512,3.58766029133171 +Cryzl1,2.47974718566002,2.59320936963841,2.41877946736479,2.53763171218121,2.68159597371833,2.52585898121819,2.52672818157217,2.48827841636517,2.61988091186738,2.65743350631699,2.59739961298309,2.54197956048573,2.50834698848509,2.52069619622184,2.39234831924331,2.68612134159706,2.46770626607996,2.35487668157929,2.60229913081909,2.52395450174703,2.49057520588844,2.31025409851943,2.31191254799326,2.4078552664078 +Kcnh1,0.258279809020855,0.23690499843606,0.772821457457582,-0.197510869750324,-0.0135208490924081,0.120220924345895,-0.0035773862202259,-0.145296884340668,0.53368279789923,0.184407797887643,-0.534689041348818,0.164311161866078,2.89968617831577,2.98414597503134,3.17700099345077,2.86629689208585,3.10426857608626,2.77403292228245,3.40452166766879,2.46104484084504,3.00707034377639,2.87426841454904,2.97163512275724,3.1873741444707 +Tspan7,6.00128166633246,5.71766596351149,5.90693430241743,5.41793408702552,5.2832267310785,5.57484243410945,5.42375221802041,6.13122498367888,5.93035027477244,5.51193667876006,5.36031479188514,5.59230969989353,5.41972429132077,5.171509523042,5.5564502549313,5.05766888825939,4.6615675906362,5.17354889699578,4.85299702586927,5.72201806670788,5.37042174224837,5.13682454846355,4.73778368142942,4.81544523728465 +Idi1,-0.280633667053839,-0.967508281817001,-0.779630453862068,-0.802041172230685,-1.17535172947976,-0.650893736248958,-1.80601586140084,-1.07547724910546,-0.965328091700393,-1.03866311481199,-0.51626171983317,-0.336691767993083,0.432796759325159,-0.298955910065213,-0.861269840937231,-0.055064825021989,0.261232991439095,0.710902087108168,-0.0111702925744379,-0.256171317520293,0.491273784667189,-0.490350215114396,0.0276995403493399,-0.0299236589768308 +Mrps14,2.63028753727272,2.13482831198973,2.60304642108164,2.46761676235552,1.92950930668127,2.22529739452247,2.27643408437531,2.23516846333042,2.36984043647308,2.44709732285948,2.19765861385205,2.29922765097296,3.7392381226396,2.98478956934643,3.53194407846931,3.36535394737784,3.24594153837922,3.49163886466902,3.12313431285263,3.42281430916104,3.51192115752551,3.35187916757061,3.20307358103842,3.3218878548013 +Espl1,-2.83609683466013,-3.18857266145347,-2.56788269617795,-3.44865165678169,-2.71608584038784,-2.00646509849096,-2.61379677381014,-2.46088192455857,-2.33397952658381,-3.53368626554287,-2.52853628996735,-2.61191308866248,-2.26145597100544,-1.95382883436502,-2.10244724078131,-2.83642555837788,-2.414218740114,-2.66234816043631,-1.72460596985333,-2.13457710364835,-2.61542570611786,-2.64867006824553,-2.89690089339041,-2.26221778058651 +Zfp68,3.44431976553811,3.54149992399167,3.59650527204812,3.73681000863345,3.23782796937013,3.23337345042589,3.43571157415161,3.37055433969631,3.50349394276516,3.62348120007681,3.30147414828782,3.37217042759272,3.72765250443947,3.638513855714,3.50911999967125,3.76810549471948,3.28158310370561,3.36824223644447,3.28196194273134,3.72706453339827,3.74653422564099,3.59035905991899,3.17275107015812,3.51008914846194 +Spock2,3.64756384994007,4.17150358571238,3.86731877606481,3.59540566712691,4.10768253851016,3.51970960221988,3.44195654445228,3.79908475068329,3.69660668541489,3.38078080876651,3.70441015382363,3.80200274343724,7.74983307630383,7.64732238069243,8.16020502560126,7.85350167660681,7.89024409561952,7.81857011186744,7.73616139425569,7.71979351807786,7.87394228612137,8.1233932557072,7.88279431849165,7.69481987451801 +Mcm9,1.58539681941614,1.74528717595936,1.7740175287517,1.70980925203517,1.98883111396834,2.12120454978164,2.05034178221355,1.9904328525797,1.73628578333447,1.77915914609785,1.93802841649911,1.95562371943098,1.59268339121799,1.81201719298593,1.80772923592353,1.69472293925378,1.7872660454279,1.45929051460383,1.64522898079322,1.77962621749409,1.87365217385977,1.63281559331183,1.6457859020182,1.69094821197063 +Upf1,4.40869263236399,4.202198020561,3.8791691805045,4.29291204595022,4.53930744807568,4.49943906309039,4.50484107131942,4.03097530642252,3.99614238925552,4.14103674358589,4.54194593742103,4.38827902727101,3.67752953958792,3.94908040699114,3.42387029508714,4.10494309910682,4.54413715793737,4.02457125843138,4.5018612793552,3.17276380986992,3.77956017387432,3.96110995702019,4.695780501766,4.34797133500321 +Ube2e2,0.411974641927132,0.424425359080431,0.599523424079961,0.447920037438146,0.919054934411569,0.934949684549609,0.593130315531913,0.617658059989322,0.431932997462512,0.350732904314598,0.814171942470189,0.671913703653185,0.249750101810776,0.411769292059271,0.687146504024643,0.597820856563854,0.485086245717819,0.312699852780687,0.385052657705207,0.479228983552278,0.41129941190086,0.512934940754215,0.252405734108405,0.517043596162365 +Phf21a,2.66652831661654,2.8296388202163,2.58803893604674,2.78567825938092,3.08824831443951,3.26549349171466,3.13251475104676,2.95786834413989,2.66017402121806,2.75188300757183,3.32572993553428,3.06571838947266,2.16462270413516,2.51037404522954,2.07047854006194,2.14861333869524,2.7467022720519,2.44597035502314,2.76802623863131,2.43794679488799,2.34696000509105,2.40234177671999,2.70445489048833,2.55358167595474 +Dock1,0.417896299852394,1.14611938379504,1.19505381593985,0.73650823652321,1.32102791236019,1.35162154743495,0.874796010089567,1.35939534922613,1.01268809727108,0.650503320425454,1.29661866116648,1.12961622192491,-0.0862706836119571,0.199915369552887,0.70874136572123,0.200020118660908,0.410231389541496,0.0570996445901404,0.22975571984967,-0.169402111321967,-0.145793203442854,0.399160759657727,0.385442501356517,0.310608669641725 +Xlr5a,-4.38664426849744,-4.38915060341436,-4.00470626895503,-3.94103892859885,-4.60402273008864,-4.6596089395898,-4.21045089171139,-4.14413078480542,-3.8386520498513,-3.55755765256169,-4.65268173548151,-5.0738063728643,-4.68987855772766,-4.83755659544684,-5.18081254164087,-3.68606009478576,-4.9998203480128,-4.41045765266631,-3.78533276468417,-5.04622473839826,-5.38070100233873,-4.29620721804455,-4.63216621748954,-4.15015467028731 +Zfp85-rs1,0.322292865222868,0.222524364014275,0.66537088787526,-0.165709974501586,0.0829692990895423,0.0883018156555635,0.0920729691604536,-0.119193567061563,0.361928200648291,0.571692151470916,0.31601508085249,0.398353167677315,0.172165415388128,0.619569286672014,0.532507987622543,0.344126691025804,-0.032534613579271,0.450270743171137,-0.0952063660523133,0.66577517899731,0.110282524236689,0.355035891594768,0.352585849474652,0.644430663505116 +2010107H07Rik,1.39433562855803,1.10987655654914,1.59501155909483,1.39277813709531,0.659747004185665,0.825101494737028,1.03660090994669,1.37411690270645,1.20061622141232,1.43615278604319,0.792918318862378,1.17377565376539,1.21795099381205,1.12710170784888,1.47494195513401,1.52687535800886,0.767804615352659,1.28013117136151,1.10730689038513,1.56124473202484,1.48631056103056,1.41432969319773,0.96904560977104,0.890985590463195 +Abce1,4.59149081148416,4.23022991217992,4.07420432345761,4.31460842582339,4.32430923554083,4.17740294279344,4.44112392132945,3.83323270480808,4.32721035787466,4.26884654037742,4.19569945812075,4.27970273386148,5.32984618471483,4.63884979517335,5.04155124714798,4.91469532856176,4.95281515989444,5.14274696994137,4.86983604418764,4.76787914613848,5.0050797109413,4.8534777870412,4.89522175223732,5.04830164887144 +Hist1h2bg,5.27954007292654,3.93103227502904,4.94802688546894,5.1307660653058,4.42934968971933,4.18698343020132,4.43428296147402,4.68436428154572,5.35669036030614,5.32410960371437,4.42734199506013,4.52779730504674,4.52584455758382,4.39394227711262,5.20801632071295,4.50287491193446,3.81265189424816,4.51780405811571,3.81302394245505,4.87781201546781,5.22211183166231,5.07302168666697,4.06303870932905,4.04959028240334 +Phtf1,2.30482559872075,2.30819166755757,2.07429922816185,2.33090309617021,2.18805703297586,2.38283444962038,2.33658705772995,2.15478486331088,2.20831709976067,2.39773594870816,2.38541196896445,2.33547327759128,2.20193288866559,2.27589838718958,2.0287690636761,2.33905206410438,2.22367437805612,2.16713020041938,2.13229077419315,2.22295644880552,2.13475615233832,2.28654650862856,2.0344587434172,2.13078550463749 +Rrp1b,1.6350766683204,1.67047224603207,1.38406457211919,1.78385633486519,2.01972812300013,1.90857464550625,1.93028429574294,1.28245483623437,1.55824297274707,1.55805303074417,1.80536648188076,1.78470467001679,1.80870493800572,1.92283405516522,1.77773502782563,2.04306360707004,2.3582930931051,1.96351819361604,2.04494330466596,1.5500981359456,2.06538543976802,2.12305083046153,2.30089269286697,2.21300662359664 +Zfp420,2.07100750930445,1.88379941293181,2.02339447844789,2.14013069602359,2.23938072018221,2.04312627647414,1.95492365618637,1.77590702298069,1.89844505425384,2.14244491064498,2.19243177136063,2.17592711635163,2.12209328332108,1.99381088242024,1.66059151387916,2.00988111770588,2.09667628967358,1.94245198696609,1.96085413352736,1.85398778988707,2.08179081281865,2.04950277894953,1.91601499971392,2.21917260506336 +Txndc9,3.16349886308769,2.95079316169023,3.1704245755286,3.12356567190562,2.80389457212545,2.93267005806879,2.92697730232187,3.02410615378233,3.18079683124935,2.9314119149199,2.87497215186864,3.00458612970626,2.99272908813323,2.63121178234236,3.08025426115696,2.68561938811414,2.82745426304277,2.96352135285454,2.57521350420961,2.90238715211946,2.90446819518804,2.70985264901479,2.83893810910808,2.68723011064196 +Syt17,0.174892658593127,0.86563121414343,1.26601883163581,0.678492036370937,0.0998739643850799,1.07080339230708,0.603180277386548,1.47933686453147,0.810268195606706,0.491272985813922,0.547824742168053,0.581372806979229,-1.1381434376597,-0.913930514219755,-0.895491694304383,-1.88053374642698,-1.26780998841701,-0.781507445324393,-0.887750093282753,-0.923989259848775,-1.45707492111164,-1.07093069268021,-1.44952121732137,-1.36817748682333 +Nrf1,1.42097920044287,1.36195758065775,1.45735467006585,1.45063306457563,1.60705103534864,1.73124343097782,1.59369616899983,1.45152554461471,1.46680250913523,1.40827727839617,1.68540554563709,1.52128882978965,1.20736940016387,1.58636070496531,1.27300476738265,1.43498755952246,1.49288650198068,1.29258161527346,1.25552045827573,1.49475742340058,1.23321477594385,1.41933216560808,1.456189437074,1.48344816557034 +Panx2,1.26386487488943,1.68775797218401,0.972057301447708,0.991006947110781,1.83195813484974,1.73064374898094,1.70746093379068,1.66239484128228,1.41365217025888,1.01926363585116,1.8183122250747,1.47269140261513,-0.0188655957864656,0.609403503614452,-0.0226632843755101,0.268291375840522,0.547638055909728,0.602833335141656,0.989709958612618,0.0409578983709113,-0.0280961984745443,0.262430384930781,0.312223302946055,0.791050232858058 +Rpl10-ps3,0.660810399582505,0.658304064665585,0.942495638960622,1.31427740872164,0.30787504650372,0.0661166156437516,0.0346394008281737,1.57708980042274,0.825538251795341,0.357084404923488,0.833902524703803,0.547604689716668,0.512827337382669,0.497875518089788,0.0587949060123712,0.933702275821926,-0.143981401564153,-0.528643142416238,0.0359052662488794,1.12604329466563,0.669909569594584,0.751247450035389,-1.33578051833559,-0.0149665691158037 +Map2k5,2.77916733301181,2.86261735178283,3.10722465201819,2.58057723317769,3.06234008405363,2.92723423738186,3.01085250539862,2.93301002565527,2.87339851097453,2.65611484127182,2.94726510101717,2.9038979762172,2.48653443530448,2.56421877459625,2.34853089713203,2.24621923413337,2.60269764312102,2.36793222494783,2.74499416244438,2.67754994150422,2.49442713217391,2.37581318645834,2.63109460396709,2.4613733406351 +Znrf2,5.16975243777689,4.99011233454729,5.23008047907782,4.7193533707424,4.34407474268853,4.69444513007009,4.75070780041539,5.26487165800189,5.13158909538461,4.75731436986105,4.42149647204532,4.7529309350585,4.83310696869814,4.7048757629845,4.8475825266324,4.57705005576505,4.18539954723546,4.69495966670804,4.23715479192987,5.10466144701616,4.72524953031887,4.49214275922962,4.14934381629342,4.39632091881454 +Zfp82,1.65792075654513,2.2176064473483,1.3404636569012,1.67481476280936,1.44215393460218,1.9021119960664,2.07120719738953,1.55063855400817,1.81448583631027,1.88219182683816,1.65342474843153,2.06949114730247,0.564927985629818,1.20250141414501,-0.0539806656021791,1.04920955521732,0.998198585605301,0.210233810413833,1.05970776461731,0.584721943750031,0.906122437905105,0.755130882903169,0.842755316353026,0.95638180604702 +Dhcr7,1.60723995656764,1.17411301873991,1.49444017269383,0.862387992046844,1.44876123831618,1.63362948997491,1.07087492515899,1.82551244368761,1.40746494203629,0.962632779852427,1.29816978663827,1.41251385356445,2.62961867120904,1.76914377261513,2.23645396414867,1.67167671906765,2.53572919434913,2.5769137883735,2.63577043411939,2.10748478060818,1.9758298252235,1.79538651879438,2.78763293013963,2.49641883088394 +Wdr91,1.92645303569456,1.87079855082086,2.23214572929715,2.26681498120922,2.01064840827906,2.10980935406403,2.00335721730648,2.12523502857541,2.12016273589281,2.10398803296578,2.10501796999956,1.99781779552404,1.63208647154484,1.77648003988867,1.48795086886082,1.60899131533738,1.5695356340842,1.61328498479491,2.0011371397536,1.73448898704944,1.61619456433617,1.77867724896529,1.61161905015395,1.35399988251533 +Kl,4.4155282998961,4.11602694008041,4.13829011382036,4.11967101362115,4.3164583015454,4.49804178248302,3.93770508946219,4.61272803630464,3.96970242157219,4.26793487126024,4.56321783672764,4.44100431360381,2.55388695272776,3.37455089600679,3.44398731631122,3.35833352118674,2.7881140733299,3.08148498289107,2.5191123395806,3.08196937029704,3.14338525380013,3.31083130619488,2.73320787002142,2.56850227028296 +Scp2-ps2,5.69986194589072,5.04073366929165,5.59793990521657,5.37587795507606,5.1297803755357,5.19428631901679,5.24920402639507,5.70265520313866,5.33855401139792,5.43672528085369,5.27851306677705,5.29203489161807,6.28468044101072,5.85113867572157,5.73066587089411,5.65151291306807,5.74584704037397,6.10420846778762,5.7872665449614,6.04242226490412,5.88514649780569,5.95728378678413,5.8452952516523,5.83095040873513 +Fam133b,3.39695682435424,3.47758091355563,3.32782983290788,3.59563522593475,3.46320783985066,3.63868131928934,3.77772945591252,3.0012634367945,3.62050359858667,3.72260840799317,3.74734461919713,3.67371699618272,2.82389342940729,2.99696344262255,2.96834016021971,3.07692783852169,3.07558307836016,3.03520784193906,3.08708999932777,2.8962885854193,3.12262437658591,3.15846888768756,3.12395751638916,3.22219626621374 +Rpl23a,6.11034838103117,5.59962242153575,6.45385410326374,6.01227398418873,5.78808575294085,6.00004717431588,5.78338025205824,6.17473777870991,6.06329008591539,6.18781932445494,5.89412739102175,5.98499795948195,5.33313371945673,4.75118506190247,5.16077416565544,4.74990031175648,4.44552975336163,4.98485079042597,4.50904890012647,5.27864046148853,5.07173483285616,4.95172449572715,4.59375531798239,4.5566680978463 +Rpl5,3.98833787948512,3.63159289690206,4.156073895673,4.09665292710024,3.70537075247198,3.85514465324187,3.78579038616678,4.03279439796936,4.01528029965938,4.085856564745,3.79700306547175,3.85476995972151,3.04093134422723,2.63971523734497,3.22890523890689,2.88967712378298,2.7201426299557,2.88425080809024,2.6975109401339,3.1539591510668,3.10039526060298,2.91851975492958,2.76363283323027,2.87227421580047 +Gm10043,1.38387701578212,1.19357944128639,0.834351471492979,0.429986602190736,2.09364804797986,1.77076419803723,1.18476384540538,1.23391123044138,0.705306605779261,0.572576601688862,2.40457808039262,1.57886678647871,0.291537709891915,0.576298813960769,-0.0819350972697046,-0.692228113840443,1.16546750600195,0.278322310936812,1.60106037513066,-0.307162804375822,-0.0622696605498387,0.39630376822314,0.20958274615229,0.0180489504575185 +Tmed9,6.0618746813263,5.51833313550961,5.92352745034585,5.86146176047137,5.73388080890791,5.66789110878178,5.84347091556496,5.61480485938277,5.71403399513258,5.89759609874409,5.95364239268577,5.74069258207679,7.24543770244483,6.64978210730565,6.90441239572522,6.72861454369125,7.17482710213556,7.21171036314495,7.27887334936227,6.55691313527881,6.85298003738875,6.78792256823258,7.29800418196862,7.26394803995183 +Gpc6,-0.437363725641352,-0.423488062106722,-0.0475483389763087,-1.30115461680596,-0.0285192611412968,0.386408160092093,-0.260899911190076,0.693544696503001,-0.605480446625692,-0.938816239064829,-0.175000293270466,-0.264597441117232,-5.59836260900901,-5.02581031906873,-5.59836260900901,-4.89496415709061,-4.61263622812499,-5.59836260900901,-4.1413397331086,-5.59836260900901,-4.58883232415829,-4.289380059133,-5.59836260900901,-5.59836260900901 +Cela2a,1.4629147707163,3.98973679806186,3.90843205741165,3.34421392336003,3.8321188254255,4.11455026861529,4.20911098150271,3.52725239145783,2.71166463053405,5.19057752631388,3.53513990494608,3.10819524683053,1.92265488946687,4.89363149544842,4.76711445370433,3.24911203475287,3.88679854698142,4.95200461496497,2.82706581359743,3.85796724249326,1.69737455668241,4.46696299516337,4.06041257562929,3.21733144939091 +Gm5801,2.36032915367325,1.8523098356456,2.32689528358901,1.8786102266853,1.22986189407271,1.92822032608711,2.34737861780088,1.6613051241056,2.27734255265909,1.79916152742225,1.73215273842112,1.67046166327109,2.66164544559666,2.14432121740536,2.00646967748848,1.62553369005596,1.49063345777858,2.18553353317246,1.59142546341664,1.99981455805365,2.11982221207087,1.91166930356882,1.48316804811569,1.77122274107249 +Serhl,-0.364586143670595,0.0001883575346495,0.0465112628351836,0.0845240176912245,-0.607622978291352,-0.397247669183344,0.219860901191144,-0.493501257595263,0.115761531582648,0.220113145557939,-0.368904340696581,-0.349179899045513,-0.41887841750863,0.324524923927611,0.0126726372036288,0.403406292376404,-0.0852033850406073,-0.478919456907583,-0.126550036910706,-0.358103685492179,0.3034044115332,0.108929617945281,0.0008848313341993,-0.159436720723037 +Tmod3,3.75489250681425,3.65908960344437,3.50881602173429,3.73522093182383,3.3136639449526,3.38419445718236,3.58730465591092,3.46049755851852,3.57120585189031,3.62743159077106,3.40648323778891,3.56306303988305,3.27117909507065,3.17149493658369,3.07117261435696,3.27671448732996,2.84242368158422,3.00682253124531,2.87427244433243,3.29216618254691,3.32215553689826,2.97270054500278,2.8238189326807,3.16261957654772 +Anks1b,0.625692306706492,0.0939394718989977,0.371334984571393,-0.272691026357841,0.11993211793399,0.0854386376498573,0.121102381164743,0.29483084092754,0.21426686366037,0.296811700641853,0.0216483340838498,0.0129743417709802,-3.91083359616759,-3.91083359616759,-2.91769418176454,-2.73663681336206,-3.33537113329801,-3.28069192394026,-3.91083359616759,-3.91083359616759,-3.91083359616759,-3.91083359616759,-3.91083359616759,-3.91083359616759 +Fbxo18,3.88282888241634,4.0957035674819,3.8761121965934,4.13027304978747,3.98028839160154,3.86485115363785,3.98170669382462,3.91584693299375,3.8912845851955,4.10558028773638,4.00467833492261,3.93843551841355,3.51352047952749,3.86110625339054,3.46244101828052,4.00704987461477,3.90628881143292,3.40638530080459,3.77560039739619,3.31606001185594,3.57891645799671,3.77204883483992,3.84151539978713,3.8017540312422 +Rpl30,5.13604423445131,4.57552784832076,5.46276179070308,5.19275184103799,4.84193276025336,4.96933055033941,4.63723941601742,5.11103351443443,5.22705665325494,5.19385379692653,4.86640650779731,5.05893866389885,4.45637915200088,4.00098767960463,4.44183822208681,4.06919556365271,3.82283500832558,4.1862831024956,3.71269755490742,4.53727746939348,4.32272031157478,4.19989455534428,3.7035106026354,3.8297732396418 +Rpl28-ps1,4.8330870882435,4.42696438453196,5.09235464101709,5.02261625415309,4.72687351207454,4.85570767406986,4.49444995202837,5.14433722471807,5.07854279041159,5.25191168129102,4.92988856599929,4.6319283522841,4.33696504058769,4.34125973886077,4.83628352793535,4.07974334942935,3.94413959313213,4.49352909934513,4.18563050499943,4.49123796363421,4.32701285239201,4.28717940797248,4.35227975297974,4.02501928533861 +Zfp110,4.11123153918556,4.22846485746074,4.35164495743173,4.18055920633124,3.98679294008425,3.97924384587149,3.94795980546657,4.3028995982998,4.25411982965455,4.07454665175832,3.89407916017786,4.03312811321065,4.1270046476774,3.89082564417795,4.23108510459924,3.92015180280375,3.77576867549654,4.02306907202747,3.68236135922513,4.10851119605523,4.07572219374203,3.8772705732486,3.82226545184277,3.88365496550028 +Eif4b,6.52426481048374,6.94826318219748,7.60579314573615,7.25927311598245,6.23091920225113,6.38820518466355,6.34533360020155,7.07504784176764,7.32566285161611,7.38562221230563,6.25751249614485,6.38413717182941,6.07381870881023,6.31149984086102,6.45611620129812,6.35681893272911,5.77507896369429,5.79409002662174,5.91382970339073,6.31654762887485,6.39590383151651,6.50781734771638,5.7186094308748,5.84651216122902 +Samd12,-1.17151098199855,-0.175358372844135,-0.398230359912902,-1.25393086792242,-0.0994307082072199,-0.615802320550226,-0.579694486875342,-0.477058206266028,-1.29097250941569,-0.576485389429073,-0.106899845735627,-0.726864501625428,-0.40191625957943,-0.309598134178672,0.0811613619634823,-0.663507299761298,0.434514033919309,0.586960178466656,-0.200694944945802,-0.457581668521258,-1.14364111056953,0.073789123161409,0.753806402474075,0.187023171121059 +Tubb2a,5.30388814200719,4.78568213563894,4.43503511320325,4.78285160046236,4.8735452699842,4.97668023113405,5.02257007252049,4.50599274836117,4.84895677220722,4.75283341785076,4.71137293629357,4.89665012998613,5.3850030237834,4.70912484888787,4.12626609036993,4.54107701450305,5.08853657166567,5.12005347412025,5.29354543371896,4.40787108538808,4.59383039366808,4.31983027109691,5.05501699265299,5.00688004799961 +Gcap14,3.07897889689396,3.17317443836289,3.16688200394074,3.05131907670361,3.16263767614017,3.20990703655081,3.0204310062813,3.12793000057418,3.09746277112491,3.06530477583975,2.86994568507016,3.12118754186927,3.1387116911105,3.06812610171073,3.01181067107009,2.84996941626328,3.01057529544604,3.11014421153158,2.98077756634714,3.23963709861308,2.99562620353782,2.90702878353411,2.92160324640554,2.95813207348931 +Memo1,3.58316463701146,3.12009054810592,2.94951679556623,3.07377612741174,3.6923599982834,3.53709042293924,3.42663990476614,3.27097393472759,3.30942798176949,2.99929836471712,3.53587800712714,3.64164402962791,3.95875792037704,3.54318948039797,3.4705255445745,3.59566982022993,3.74068108923555,3.82248018064598,3.65825946477174,3.86243127275625,3.55981251383176,3.38612274639252,3.85252923257601,3.8900712048562 +0610030E20Rik,1.61816064296778,1.77183187206477,1.39727643292992,1.79198918103417,2.36198862793831,2.29337602384335,2.14375603419526,1.48355814371859,1.5832073669839,1.8926696033434,2.35575004687739,1.8845949993829,1.42066293559612,1.62830694318729,1.19481090364057,1.37995355441781,1.88240353324091,1.64406969978875,1.87167084072372,1.13444013477293,1.34045244983897,1.28832556113405,1.92448564530097,1.57455194940427 +Egln2,4.34196851405096,4.18362480549613,4.30378808593027,4.36138082554144,4.28003496410127,4.27848293437476,4.2735376915509,4.29086371224837,4.20083513569002,4.363415905377,4.29908338139386,4.25370652323676,4.3854931262999,4.5377824533728,4.3706755395406,4.50954710313177,4.55291673624111,4.38486920088541,4.58783162025886,4.37421454889804,4.55796632558111,4.70143441175829,4.51200874160039,4.47491978722525 +Fcer1g,-0.409516626588632,-1.49732159623721,-1.00059142527598,-2.03948275553357,-0.779464394407202,-1.04146969876278,-0.418697878212492,-2.03948275553357,-1.54252607453684,-2.03948275553357,-1.11973974916474,-1.10240918995877,1.6842146786744,1.83238662905805,1.34039627935488,-0.510907389064373,0.25953926798791,0.88130666587255,0.957204185355937,1.82025801549339,1.29955478168564,-0.468911390539294,-0.699319791843893,0.671388225250727 +Lin9,0.304834041081546,0.995612535980101,0.928119477089589,1.08778310888479,0.268414935139648,0.872600788583286,0.745621292347895,1.04248366239558,1.09323938691559,1.08296311174619,0.472567286537743,0.98013440172242,0.829397852319845,0.794320583929091,1.07252585104031,1.28483123224745,0.463655205750001,0.323585474237396,0.33226997440356,0.500318138599656,0.702131717735788,0.738194062307731,0.227147476263191,0.80245192198721 +Kcnt1,-2.78590145960535,-1.69502215793197,-3.90520403213688,-2.23635979662664,-1.97576367668433,-2.27715642703405,-1.99319964926994,-3.74428317661833,-2.20290993376895,-1.98999055182367,-1.61911390366372,-2.57593851064952,-5.27367747848738,-3.7136430801861,-4.28053806408432,-4.09948069568185,-3.29514121604059,-5.27367747848738,-3.53936172267133,-4.62914058747546,-3.67602187036652,-5.27367747848738,-3.93351451479771,-4.63702567645747 +Zfp958,2.92384527846963,3.05525807699051,3.17019236582635,3.05780439871025,2.79091782099522,3.03086610828423,3.00679095623535,2.98825136310794,2.82937214400847,3.11025339650304,3.13910005393328,3.10221786577311,3.26633489993908,2.78774783484794,3.45143501967082,3.29669458308764,2.90532879665406,3.17633850761248,2.38685040367311,2.87508561962792,3.52845204220748,2.89907564007342,2.65745709731994,2.8688120698769 +Thra,3.98758529316325,4.2204250507123,4.6884464784062,4.19694439380247,3.73925475077735,3.95796636016958,3.92572879878473,4.38052433996695,4.46823761361269,4.4220677724801,3.82296238512094,3.74530132995628,2.65312619801503,2.99539659380312,3.53752573984287,2.89115484302533,2.35222237187273,2.48875001713797,2.85263514802598,2.87899402944814,3.10730285099433,3.00412508145481,2.26425357946032,2.25383992172931 +Rnf169,3.35772973692206,3.23162115728158,3.31747414904456,3.29961435712483,3.35245378803038,3.490890526253,3.2781658220194,3.52358198245255,3.38235198627944,3.1650865416645,3.33163723588999,3.29809822567239,2.59520331372436,2.66910306133663,2.51018143389212,2.57475446484482,2.65525973938129,2.79469484036607,2.7543007727843,2.75746685820355,2.55233307443111,2.49272313271612,2.70825542735561,2.64729328337357 +Hist1h1b,2.43826351164784,2.4327457267417,2.94859936220039,2.5940372749886,2.84876496278494,2.31131549004538,2.23855956023509,2.81890717015491,3.00303007307955,2.88407103555519,2.46393180703938,2.33714648300165,2.56841927930553,2.58580650881287,2.88677591700048,2.28387442392011,2.28791697911854,2.1907806056113,1.85371908016647,2.93316636948222,3.08556314326231,2.5700237825279,1.55412605604561,2.25272195447176 +Cds2,5.36574936831514,5.39856478531842,5.55788078054025,5.22572158397275,5.18134774936822,5.29536766773749,5.03136987108969,5.70363683110747,5.47724556029577,5.23278341929949,5.09619733357725,5.21492984527368,4.71633931940628,4.7488603363552,4.94380528584591,4.70954725256014,4.65969721778481,4.7706015317568,4.50713976052129,4.93049671819397,4.72100373327793,4.76643382452007,4.57373935703153,4.60897803247323 +Nap1l1,3.50361361446957,3.62566264134064,3.64002684203978,3.61353944993409,3.87139161722776,3.65987782212215,3.34037067762192,3.75015938982422,3.58982298121391,3.59235358711274,3.72414893831349,3.45209383288212,4.3007276595911,4.3294249340502,4.3707564611814,4.31504427666725,4.33827039874899,4.37387712669339,4.06360004912798,4.51564923101906,4.34341508328319,4.23678272009161,4.18803178726968,4.37806177832691 +Gm12141,3.62413507572643,3.25098532647008,3.33499135883322,3.30548586941473,3.33330254982118,3.34045969980536,3.30777375413141,3.43507915810462,3.29444862985946,3.44779842575582,3.48951211379705,3.70013155476248,3.56246715199686,3.63159367747637,3.27877927833869,3.26823233899847,3.69048689123429,3.69368748979932,3.52234202268576,3.73920365857846,3.33095189973578,3.34826086645774,3.64172938291158,3.71736106657214 +2810428I15Rik,3.14300783269579,2.56180702133897,3.18875470550331,3.12317881126496,2.92716308480278,2.69989218031654,2.82113414352681,3.05626260359256,3.11630568282396,3.49909323392841,2.81964049528297,2.80609616173712,3.66390504783413,3.30576669528964,3.41766054369888,3.46542047514542,3.29158066214999,3.58984842592045,3.30200077271572,3.5726007824731,3.26758557078323,3.29855293272995,3.0025956528196,3.20646611908377 +Abi1,4.02843273260694,4.08280025728754,4.18506592462712,4.16824527257837,4.00760419272418,3.89189411936504,3.88625308222094,4.10757049395794,4.15970421536861,4.08021988835077,3.89109467445644,4.00831142613352,4.24991001793323,4.1405637015659,4.42024799788891,4.22874860954538,3.93182771161069,4.07571730870214,3.86184154275971,4.44312727514706,4.28903430976522,4.15813637425792,3.84975006930092,4.10987220670297 +Zfp516,5.50127320839731,5.66580664452579,5.49709871542826,5.36678453883687,5.60707265409917,5.62266276549893,5.67584348648718,5.87701368982064,5.70079725504429,5.56165941555015,5.75113558947932,5.63821920884787,5.40794661735351,5.59733956643594,5.32038851882328,5.32543762811743,5.86511925613034,5.63983795909943,6.0118811037634,5.40092308185001,5.30889106178411,5.27144994513368,6.00755665228698,5.9189206007237 +Zfp708,-0.247265484546802,-0.0600707299042063,0.0663662533240741,-0.755607478706593,0.162534014986707,0.196094471838037,0.0662246310501053,-0.326497132169546,0.0239506169004442,-0.424745534516199,0.222072854323903,0.339183397779847,-0.397001060598323,-0.468911873572495,-0.497371214065067,-0.40215519386423,-0.858585346692784,-0.362107268597539,-0.333570672318944,-0.0856002284970585,-0.416282155229605,-1.1412542278695,-0.509026999988771,-0.452684320865957 +Deaf1,2.80127671857902,2.77644822143929,2.83004661931315,3.09126648543523,3.03208465590545,2.98622499399541,3.08587288021221,2.78953776443408,2.84958084366549,2.95612078592542,3.18183035226528,2.95645611753543,3.0303655157734,3.30200952694138,3.10005944687201,3.56108746651652,3.54932927067561,3.15216939328549,3.68910737655453,3.19995664324701,3.31958520281181,3.62440643699933,3.4311720670078,3.35523539411241 +Rsl1,0.680258287147331,0.321031025668166,0.511681424369444,-0.202138962106477,0.282434031163282,0.437804465465809,0.527543306130329,1.19547094363919,0.699047683754199,0.463876422104365,0.352108935047188,0.385288823094816,0.376128963571291,0.740920003154228,0.297751941946382,0.114537923389423,0.535355529671878,0.28401163580359,0.362893745264556,0.720527325160839,0.104697355442563,-0.640377440428801,0.469092862903971,0.221722124075122 +Gm10051,2.73979492310082,2.62211427329655,3.05387678918259,2.92467626195552,2.46833241127707,2.60940616911277,2.26859999693564,2.16692134066563,2.30446262284998,2.70637719030968,2.71257270156218,2.53859696091518,2.38262703207121,1.87330112263191,2.03880863275169,1.95122611353707,1.09493030239207,2.23839210473993,1.94093370725832,2.20755248387895,2.19984747358272,1.96139555207246,0.852448425231624,1.69654345718876 +Gm10052,4.54858677102066,4.55600934458296,4.84600490671708,4.98040896740006,4.28280742805971,4.32566946087708,4.3516983674922,4.17957310163205,4.94796420680447,5.21289891637763,4.32373068762205,4.30023152154783,3.58248101022905,3.50157750124101,3.94619350090589,4.28554427894438,3.47216385304902,3.56359971277079,3.6760444071914,3.10845510687705,4.20362284869012,4.23381368571399,3.50406117244766,3.37889996133384 +Gm10053,2.73318208250045,1.44920988759961,1.83072723500277,1.53653108872286,1.70323642913442,2.13658248782288,2.12953968275127,1.72248575874852,1.96917721425492,2.06592821036064,2.3878861800725,2.31837823832616,3.6036087210514,2.51077803424698,2.42879706457479,2.42193436353988,3.1290287683911,3.42795328367326,2.92636160340001,2.8808534775868,2.5904372222355,2.78057225389278,3.04739614318664,3.02989908592179 +Gm10056,0.123622511954892,0.161227268850179,-0.816581938855709,-0.347617352329175,0.687999279324121,0.840125245098011,0.559255235662758,-0.788620797739994,-0.0189701184521567,-0.33796532824494,0.78980817956109,0.351412864461179,-0.946493818759458,-0.525587843379944,-0.988990745667794,-2.35539347682217,1.11060042576839,-0.372169080847425,0.817445898893517,-1.95183697123003,-0.474451989512912,-0.995814866882353,0.730009875275491,0.344921967624793 +Cfi,1.89244034054535,2.65601413045487,2.44363063105741,3.11326105613012,2.11370809221964,2.09077456288975,2.51220826173078,2.43485057062227,2.44886041742773,2.54499023582445,2.41306518116559,2.426082737512,-2.77616275999846,-0.744405014534415,-1.83732318276867,-0.980611857256688,-1.43459470442147,-1.7391820901726,-1.44632375823973,-1.98567915092573,-2.07977406165925,-2.10414841699225,-3.41313096686826,-2.77647916483835 +Fam57b,0.634569366323774,0.930195846774017,0.546049991549879,0.730113121723803,2.03678686126519,2.27646607663438,1.88718431364189,1.21911346446361,0.901050429954386,1.19728185526718,1.91946437653825,1.50113547066412,-0.319563699249942,0.638762537470029,0.597408499416618,0.318225680490133,1.4806715190732,0.80069220679836,1.84087605529606,-0.0462427816665654,-0.925527239719297,0.259990326725973,1.55568502850456,0.336669720999729 +Cecr5,2.1509748664587,2.5510154435087,1.6539241741286,2.53380718814759,2.91602760093711,2.92555346125802,2.90763170635637,2.02998324117275,2.05877189416375,2.41783585836566,3.13605434690394,2.87534967617995,2.76163201095257,3.31049889278215,2.79516281973793,2.93936308500701,3.31264415167965,3.05129399425913,3.53522425274245,2.80463703833254,3.00085860721648,3.0316625110524,3.58558463653741,3.43227813136001 +Vwa8,3.77160162930358,3.77334178800447,3.80845025179004,3.55018600959276,3.82112583226518,3.85200993488035,3.7329633660479,4.0941451655659,3.80071034570975,3.54853128302659,3.82714833992221,3.74835155006459,4.40710118400746,4.51254385417817,4.42673874942572,4.23725317525025,4.4568373928153,4.54639336687875,4.70203151941699,4.53934530940594,4.05864137145021,4.1710565485672,4.53369622968718,4.45315196028315 +Hnrnpa3,3.18869919805175,3.16490723522431,3.3220952344911,3.18434998391141,3.46645311651524,3.20555271488214,2.93368652127694,3.27003335597814,3.13523343995994,3.25706068851258,3.22445266296426,3.19999246494137,3.07782952958097,2.87322929076177,2.56371575659907,2.96923096411603,3.33545735910251,3.01354358490225,3.1925577720169,2.65824257928919,2.63921405774706,2.91986988734137,3.30831447356618,3.18561918187182 +Sh2d3c,-0.688520850700066,-0.486278427762866,-0.204228841913086,-0.430308942797867,-0.80149920236488,-0.508847662068167,-0.53609972089103,-0.0120479449433937,-0.163050235401335,-0.456600123111755,-0.757504522629815,-0.325736233647263,-0.360433022754449,-0.367829350139395,-0.680407925827101,-0.0132632306041578,-0.472427102573301,-0.0996536583317442,-1.0482314276227,-0.250451821231946,-0.684000249190384,-0.173653012169931,-1.44690012362252,-1.22035467984252 +9630013D21Rik,-1.63732762475441,-1.12827521303275,-1.36388314849582,-1.74499972450325,-0.935862072343467,-1.55691520034405,-0.930472677569109,-1.62216391683885,-1.25665383687805,-1.24213609923258,-1.34618530857714,-1.53458739895672,-1.18413028129968,-0.523782845271353,-1.5649058731039,-1.962877885977,-1.03816631044603,-2.11060175182863,-1.37241823184338,-1.0572514139426,-1.53810001641211,-1.7084526060707,-0.986577923433252,-0.975480171727526 +Gm5506,-0.228882988990617,-0.957537084911428,0.419283475544286,-0.672434704553068,-0.935748052883853,-0.592875635006116,-0.164382857727259,0.141848024645081,-2.3086324002782,-3.17452504176722,-1.29664935832393,-0.582241916640472,-0.590640103065237,0.434816272967889,0.513223388546703,0.207456037420875,-0.112347028421418,0.647716374368499,0.345579636399793,-0.117579804721941,-1.57686943364636,-2.18530491300499,0.0223330533200706,-0.237820869590476 +Tma7-ps,4.05424973199267,2.9216490918195,3.65077633706978,3.93092377403639,3.16922284376442,3.54505784772792,3.66124039605954,3.77230594758418,3.7120053396224,3.74222899185348,3.76089972351033,3.94123839006239,4.34550892547375,4.2148533946736,4.01283538268923,4.17395616056864,4.11530210470976,4.29013133288743,3.44268126524885,4.04319730004471,4.38688463082802,4.28158381871754,4.31540370167377,4.27045402693121 +Rpl18,5.07972060323655,4.46723038882329,5.31857193110141,5.14949222623708,4.78694315997205,4.75525956652056,4.73265145108891,5.00094613233558,5.1468351876743,5.01565702343129,4.75547130686838,4.84704604724014,4.3399061529292,4.05571341162158,4.33601666705141,4.05008430121995,4.12628973283314,4.31883970210666,4.10825306374914,4.33986556413934,4.48796687551738,4.16989245989055,4.14154108484577,3.9651493462635 +Nap1l4,5.26739245654783,5.11395517055859,5.17746084122287,5.14234835420236,5.11370460377151,5.13872768504716,5.11003493920472,5.16820659710636,5.18355181147035,5.20361139447709,5.15595132333718,5.1880118580025,5.42986146276049,4.88092394658515,5.2998100256053,5.20614910962655,5.40431537634572,5.34470598720199,5.24943859845906,4.99623671847723,5.25887842079448,5.28606888445691,5.468543158436,5.3629906261533 +Zfp945,1.99229775837958,2.45456538862373,2.27224725835966,2.20249422559939,2.18763013143045,2.1521424729198,2.06890484119013,2.47480771882586,2.44338840952326,2.09504023377646,2.32694054582727,2.28261795274729,1.11364745478592,1.5674825396455,1.46313223324754,1.24790119549578,1.32413896658132,1.09461094120929,0.68762976635634,1.51235646307262,1.23557104901127,1.27044530151354,1.01537807677277,1.22180460775583 +Gm8129,6.29066771926673,6.10005348207226,6.72562385846337,6.54428171194487,5.87642203941041,5.72292711691625,6.29138558860161,6.84256426140702,6.54387569556774,6.85817468565588,6.13671679187291,6.38709497058455,6.0719008519613,5.68133458577033,6.00806890951557,6.01037192959616,5.21488841608967,5.71588511859409,5.11492244567766,6.14324417574378,5.98474067219654,6.02062253713419,5.26110361618203,5.79739699727547 +Pde1a,-1.37705762940302,-0.521190597363957,-0.203003368698118,-1.1268339281724,-1.18851425178964,-0.338360116256152,-0.777851333142676,-0.357611379161842,-0.267019224442702,-1.40325234462878,-1.14905121352375,-0.61244038394937,-4.31228765280541,-4.37670356973492,-4.36886345579468,-4.94925585967521,-4.94925585967521,-4.94925585967521,-4.28768489200279,-4.30471896866329,-4.35793284575035,-3.96003573091298,-3.93404417512965,-4.94925585967521 +Skap2,3.48155793201227,3.43225869312901,3.59509766796615,3.47935413908735,3.20694823605816,3.1125562731943,3.18489754835306,3.53680190908308,3.65272933717816,3.57102011235011,3.26318990493027,3.28324992768357,3.85742188589595,3.80230329072478,3.96828618010808,3.96769844458009,3.49817546647452,3.60370586639503,3.77256542235548,3.83165673249153,4.07480001924028,3.89953733441433,3.43231532416541,3.76159534705385 +Mtfmt,1.36411086631722,1.53345156349232,1.23601589146545,1.64344246990227,1.72092248652472,1.75348851250246,1.9045630547958,1.19424009885273,1.24739022789086,1.28167173980108,1.45200637953619,1.53707337795232,1.51638686534474,1.36128725831658,1.16467986090144,1.48361039333346,1.508743789259,1.55594070967844,1.53758963560105,1.16502557686362,1.37228501950347,1.51566118966444,1.51265733333966,1.30746624105748 +Fam19a1,-2.72014807121838,-1.92163163109604,-2.20881643066249,-3.54344489616525,-2.15788199717259,-1.65612133288122,-1.75697775848017,-2.71948623447588,-1.9761005061968,-2.42488192121635,-2.30756223484115,-1.91838615381146,1.15124558850102,0.464561686143886,0.780212966128706,0.82423372289979,0.804711449334275,0.841089463402991,0.869387317398358,0.908500999697515,0.974954972255076,0.619042901378421,0.498048532034061,0.647884334747372 +Gm12715,5.28057814651116,4.98037668597168,5.64470129639806,5.22413152596924,4.70106689901483,4.87129899494823,4.93403203200456,5.32569177994401,5.86684813026001,5.24912183387859,4.82936075696508,4.92276429683334,4.91793308994975,4.70287332514671,4.89650084720951,5.08532110416782,5.07301591626385,5.21535852123859,4.87527289348518,4.85197643154208,4.91177313999144,4.88617306994737,5.19103682040958,4.77703929405959 +Hnrnpm,4.51633470046914,4.66573243358739,4.11700615593073,4.56614179596551,4.60257986414667,4.47311460654214,4.5783925777489,4.47007469538359,4.40144024348412,4.53557038362804,4.68977751746327,4.69810750201962,4.03368818513318,4.40431199345303,3.66337526834,4.45904675978938,4.47896000275829,4.00844508059042,4.40840171246961,4.12582583935883,4.31332292652765,4.46616984181778,4.66465489311534,4.47699226435489 +Ppp1r2-ps4,1.76510526355172,1.50162875765264,1.95379285966336,1.78094128770689,1.78758635855152,1.81824330322069,0.975504222029877,1.5447058395773,1.56673159120324,1.71911070271071,1.79086359483445,1.98652871119004,2.79957599041579,1.72364263116345,2.32978922814325,2.46543462507242,1.85699711032174,2.59273965799978,1.9577891159598,2.50467048598454,2.3605595894082,1.86344920724819,2.57492676165646,2.19244265038151 +Sept9,2.89864031380044,2.72793321155352,2.90125722796213,2.77119231025482,2.72026371713623,2.94154418619161,2.84099562276371,2.86499808799312,2.77090231498936,2.73444602963086,2.78068800951798,2.61708106933698,2.67726108814656,2.88362502824333,2.81097254098273,2.79181553270515,2.94938769154034,2.79480846377796,3.04652526214313,2.67263742510849,2.65071841700057,2.6483902563484,2.99460898345341,2.81728200756563 +Usp47,5.39070667118325,5.2268510570089,5.35261418542729,5.33596597626722,5.16278240930471,5.28755811277034,5.26070345232569,5.371154244687,5.37126956004871,5.23732445113043,5.29822026417578,5.36707594223477,5.17646226772565,5.17215832815082,5.22575388031005,5.3261236728316,5.24070203307577,5.09041221296089,5.12347272477397,5.28945150267772,5.20727374561216,5.24445594857288,5.17335264213963,5.23201635272588 +Zc3h4,3.71826275158053,4.04543548350821,3.56138286727739,3.71628356721815,4.13335504430596,4.12803558842706,3.95378769223585,3.93230330665881,3.77872273335353,3.71711805079636,4.1932055822269,3.93579598118173,3.11087418384272,3.66442688171683,3.09696828412196,3.48678241451611,3.7614628556301,3.45376155253315,3.94124211124253,3.35268438122983,3.23575089034583,3.49604626896522,3.85999193796205,3.74592611989437 +R74862,0.938123339744691,0.466887998955153,0.969491944565118,1.01261459740826,0.471352199783009,0.401725335401304,0.421203478849384,0.422072660332852,0.882137527016878,0.575821021565631,0.195141374694124,0.82222914825339,-0.155535528538299,0.291412694948516,0.0189779306869391,-0.162660366719517,-0.0623210159715191,-1.13993355849852,0.138900517071745,-1.47148515138871,-0.239453648697938,0.409763996752375,0.274187258423911,0.301516391399249 +Lsmd1,4.6449519953035,3.48250822110616,4.62262169473038,4.21399073089465,3.74642059788524,3.84556963911282,3.88005823969851,4.49649416732259,4.26749584883294,4.22246067187036,3.96396368232562,4.0957949899627,4.94335916958873,4.23557166699638,4.4988292329481,4.46195179996505,4.29241843545069,4.512706432446,4.00918393075849,4.80202751708208,4.7546724678899,4.20996918343751,4.36641410957008,4.29300718115921 +Cdyl,2.82845292176784,2.49503714925222,2.73502908153208,2.48585002237179,2.35473665342178,2.64952096351002,2.46022548014504,2.66334037668562,2.66387082493841,2.69962549497647,2.60778580309091,2.44302685853499,2.32368886349835,2.31958455523795,2.36279203225598,2.27435990591902,1.77287317304376,1.93098856652501,2.03632655966029,2.57256547973252,2.36901481095716,2.41230253284264,1.79176620682775,1.87957033727245 +Rpl11,4.46678557479681,4.04978671044197,4.79949091499048,4.50177571372125,4.27782514914262,4.08897021219229,4.04569036371747,4.38308358236859,4.4477107874516,4.54418824062008,4.36221057577773,4.2236443323515,3.67897696088695,3.42731457327776,3.86950428553018,3.32207526975895,3.12129383004798,3.55706085238001,3.26956414135583,3.78323419555563,3.67733491392473,3.44312307676098,3.29796985219137,3.24459878346906 +Hist1h3f,3.37096087364617,2.59195296607367,4.01242576081379,3.5984739559316,2.97355794583863,2.9688015768474,2.98502774454762,3.87166498324238,4.16099217957797,3.69942666320974,3.21232260602689,3.1932191986514,4.00078616904471,3.60709135666075,4.10304610765986,3.73843026098354,3.37285592614803,4.0846885177005,3.38622518399294,3.97231847176904,4.04392062781872,3.48192637321154,3.56948588274489,3.31874839522652 +Slc27a4,3.76653748532608,3.43135010556615,3.43778334201177,3.40264007413799,3.4508456385763,3.32291997068144,3.47515852898324,3.46043185885316,3.48298321202588,3.24270088212842,3.40937720308725,3.37458148420111,3.73214748183918,3.64955565528514,3.47781003754134,3.67097289811578,3.65344140583387,3.49230546137147,3.74012246591234,3.62251442824552,3.42596899086293,3.48122484905559,3.75132251423095,3.51055492066218 +Tonsl,-0.864329455929665,-0.273420911242109,-0.955961990652046,-0.646670154894767,-0.0706862033814422,-0.504417451692798,-0.793059492186188,-0.84210539027708,-0.651273126055399,-0.38905463593528,-0.368462231883916,-0.582597324382935,-0.205122079680247,0.0746000397029865,-0.257433600494293,-0.270954286899212,0.0022768816981551,-0.546961465990708,-0.140231768865722,-0.867932619796544,-0.160574980542437,-0.561699511404006,0.113455450169067,0.228843515780698 +Hopx,1.54242424650411,1.37886325774629,1.58381319883142,1.15748506964468,1.14051206777406,1.47578150452424,1.2740184112983,1.86544191174062,1.4562622426533,1.16637259404101,0.993284335220141,1.15099038135745,4.21243655492589,3.59101596824005,3.65040972567115,3.49095779809261,3.85791519402084,4.10290570192735,3.8328651629323,3.87941875589749,3.62745512996054,3.72963820518,3.95193673898553,3.99393963498015 +Csf2ra,2.07261979071625,2.96099219440274,1.65887027069124,2.77506605880843,3.34166990649897,3.40611820716616,3.49683460064395,1.47811516483698,2.39387489612004,2.70996512752966,3.2887230611744,3.13239415127746,2.16561857504354,2.91447828550599,1.94791679619932,2.37775361843163,3.49160419976994,2.49548892931301,3.60503386604705,1.72521732083677,2.12793355366734,2.37449523230792,3.35922376247404,3.14772107492777 +Eda,-0.613426952090987,-0.933849201688691,-0.272130423071773,-0.984415286186271,-0.649118128348678,-0.734934268866321,-0.873064637442466,-0.338247151037563,-0.697374817603897,-0.525772701623147,-0.584365450789624,-0.630037082518786,-1.18498098420874,-0.650102701562685,-0.497811811836571,-0.623304199403191,-1.47089160239441,-0.653760001720148,-1.36308266852004,-0.863723061020849,-0.762510010896642,-0.727759355558335,-1.2996054885669,-1.2234941654961 +Aldoart1,0.491750046237092,-0.19512456852607,0.531136353453088,0.239700988443855,0.311940043449037,-0.232050817569827,0.109621309761421,-0.384993025237346,0.0973605913952291,-0.114754654702187,0.354830888991258,0.0689743346709804,1.0670233768533,0.520651834265752,0.980779821452346,1.00119116963434,0.896244768646195,1.4832858003991,0.852211422147808,1.28987563655076,1.04594309617803,1.16578823748278,1.08989270768517,0.872509951127181 +BC056474,3.80387201029714,3.79147594876249,4.21683186217321,3.70514281695947,3.60245259221218,3.40995958411336,3.58573947677479,3.96452636075288,4.10953526457918,3.62248334316818,3.54285442037177,3.52715963870298,4.24421570774304,3.94503811327974,3.82771199222264,3.64826221604928,3.69752409468761,3.98957794190801,3.59107624566426,4.25733088521559,3.74454743272716,3.81992739392772,3.504519331055,3.72588668705069 +Fxn,1.44155826104018,0.723650747973847,1.48229985063039,0.866602186224829,1.05534850678805,0.455134492823119,1.12438512988687,0.380626025576024,1.08526053105482,0.808500818942002,1.1701245755702,0.727128809426192,1.79161651431261,1.83107444100867,1.89123214234693,1.75297734236956,1.98223824012788,2.17240924796562,1.56681591271994,2.21188560892861,2.02880033448065,1.84656739307854,1.51274762984808,1.76866132729932 +Nkapl,0.618028278349846,1.2203652222868,1.63036135083779,1.12148687945019,1.24649228282703,0.617501554853381,1.01527639330977,0.973171681458858,1.15301485516885,1.22733885555194,0.752133571269169,0.564985912482388,1.41023264868548,0.870084562164464,1.08467951871086,0.719334544779047,0.656255361954433,0.119106689391233,0.689043393169714,1.72143515536721,0.507086850223966,0.537341541571299,0.372606140547089,0.626093688584257 +Mamld1,3.96845816615286,4.07685414754895,3.63252040197628,3.26996055439976,4.28158118206739,4.52507356870597,4.24860484784003,4.51975121510355,3.75395984514297,3.58929467057538,4.16263546471565,3.9880624955936,-3.24407930489332,-0.786439323529392,-2.34737326490284,-3.12973334165181,-1.77624954144173,-2.23023714779853,-1.77081356930873,-2.35302050950188,-3.06065310000015,-2.86637837413902,-2.17406808992511,-1.52638425503204 +Ppp2r5d,3.03628904669243,2.95268727828793,3.07868991948906,3.14379012121275,2.95735813769177,3.19945367084029,2.97296078200653,3.08294082190021,2.98476814377478,2.76176270609118,2.98101454820468,3.11163113916713,3.05287788702096,3.13984640373346,3.20528715403478,3.26219305072133,3.20583252338409,3.07805894658725,3.36744048890718,3.26583789184637,3.08005056647992,3.37193722497253,3.24383063493868,3.07112385676011 +Gm8116,1.45388147246271,1.04595766995074,1.36494157525642,0.451557116943574,0.740972945153253,0.602704552925301,1.35058762767915,0.590764737319812,1.36858251970226,0.214935174362268,1.13641609821636,0.821286565518857,1.75080945533913,1.2172547025048,1.82441829554159,1.56584225022538,1.30353493993341,1.29432594816733,1.28864434087396,1.83278560553033,0.907777206737066,1.67673162747464,1.01793022971668,1.47301450105507 +Zfp933,2.66613298138144,2.73473484987692,2.65396702976167,2.59848382084339,2.49031114206277,2.60110221293064,2.34412045429866,2.68957343452627,2.51708870312471,2.44466521803427,2.56022605596379,2.85103614477644,2.76546099351586,2.38363824827135,2.69056710275155,2.11800639704976,2.37389398554981,2.73560971577189,2.45448425695385,2.30694565302133,2.4211693898274,2.17398081319582,2.48125872542339,2.31478274516468 +Max,4.41728404631857,4.13263095306632,4.11644898694721,4.17670284936993,4.26549641544264,4.09046453025833,3.98267912041516,4.22719165957293,4.10934500627079,4.29308080700445,4.19848992705686,4.09941817918812,4.51973444398117,4.05297535836857,4.46049709592727,4.28015911978221,4.43931414399973,4.41332082324595,4.37996949334418,4.26120592983221,4.45803151309374,4.32080946982569,4.30534636905784,4.31542224845757 +Bcas3,1.10432600465175,1.28723551750245,1.72394726850584,1.3161482524174,0.988994291039377,1.12852884387114,1.17574627988,1.48673979289083,1.56120427811444,1.38850367221643,0.798031922907666,0.989977587130456,1.06696572834153,1.31195558992113,1.66087943343432,1.43050888940007,1.31235729062624,0.996019984002952,1.2848546133746,1.24344622026479,1.52688742364323,1.62940760227875,1.35399205912017,1.16984147938959 +Hadhb,2.55936119854925,2.31161605279341,2.5540527442276,2.19549309302422,2.11363709522788,1.92421352950741,2.10506799424652,2.44950936480123,2.25647189147556,2.30915808061759,2.14543104154226,2.26012034944188,2.57374756921619,2.23796670763098,2.53402704489378,2.37753237086885,2.1936729659981,2.41470761276285,1.88518121510089,2.48897365323255,2.38266910971386,2.4294758176958,2.00711202833146,2.14179117638609 +Ptk2b,2.98110995185829,3.39743403099206,3.43164972091243,3.58719873082546,3.24879425312099,3.41459856051453,3.14365653770911,3.54704503320451,3.26460051230366,3.70050709989917,3.2178293516746,3.23962246369843,1.72745086940631,2.29905894631333,2.21351096494545,2.19267510450088,2.0358291686752,2.12052847154394,2.4487027024738,2.16537331770324,1.8892571615843,2.22578877200665,2.03891058084786,2.19499120711269 +Mbtd1,1.29229338654568,1.62901476326007,1.42613694640512,1.34037569130599,2.00676016594478,1.85483843134779,1.68827599186204,1.77774002485722,1.59463209201749,1.6513739425303,1.93941337079399,1.82749632496306,0.824335477512087,1.06677853357445,1.08099349432661,0.783299515700383,1.12182336477813,0.830390962015346,1.12517143873069,0.984058753121579,0.883212047200312,0.721399755562265,0.85501284665789,0.950673155735892 +Zfp426,3.17068014719075,3.22037309918739,3.56000390862316,3.33205879601834,3.22302232676144,3.22201710663616,3.28694312223274,3.31437686297846,3.31124229148598,3.32354216297662,3.15433846762536,3.30937775570866,2.98565019199291,2.85237543620722,3.00975539376039,2.94760687176716,2.97403540788111,3.1680899727883,2.98060983733105,2.83119791114397,2.93861142447521,2.82203837541504,2.96458182207036,3.0043009160171 +2610301B20Rik,3.69735914092374,3.53485312442623,3.6420982013385,3.63271576442288,3.27711333152389,3.61064452852609,3.66092423725598,3.48721706828819,3.71162142724671,3.34998358083338,3.48832775019105,3.56598130046013,3.62867208358344,3.26259711420529,3.64343462960928,3.52815216942079,3.34119798417605,3.39405501852301,3.12093585440764,3.39057850093686,3.66663702652375,3.55915478657491,3.17251484422003,3.21591657398323 +Kbtbd2,4.69652547088748,4.70319046282635,4.83279437000259,4.6006714863719,4.31023622015862,4.37648153713432,4.40438356202052,4.81263455501549,4.83818015985505,4.62176975422812,4.3851203116544,4.66781935944225,4.57152840966986,4.53870630018063,4.60785692517444,4.41954275302662,4.14830214150441,4.47994864575565,4.01916417510379,4.57157183028723,4.37106495659351,4.41073405691261,4.23905988305184,4.38960099005755 +Nhs,-0.797571128862512,-0.57421675459752,-1.09590697094621,-1.17884148985226,-0.487776541718613,0.058861457434797,-1.02076618043657,-0.699599282226879,-1.19283648183846,-1.17661234994377,-0.398879397078269,-0.472709130912953,-2.21195770649698,-2.54107558789853,-3.28451680691493,-3.00408681125939,-2.91925126948831,-2.39134995384598,-2.82609490844063,-2.9939609530346,-2.33051476204776,-3.80352191615112,-2.48125252894241,-2.8845812693488 +Arhgef12,4.53737307288749,4.69795844790848,4.78526189733807,4.641047233797,4.77013354175934,4.8575038250999,4.59406455478255,4.93968151238318,4.65900678584559,4.61971556255392,4.71419894940908,4.65816566441402,5.2513812433175,5.63497146598957,5.58662819152633,5.64080063078399,5.85610008725126,5.51832793810534,5.60955132123397,5.55926434303866,5.34408029974016,5.59275241238028,5.80829448419398,5.65811794036697 +Gm12060,3.57671430270056,3.32655191713634,3.8165983383313,3.88352266308742,2.79376277926603,3.44632554871252,3.15375978408204,4.08749345797635,3.31954443848761,3.45599221743722,3.42833090771443,3.32998250412673,4.61928863542697,4.34222567522093,4.09736882970309,4.27143230708265,4.42228985858302,4.81372842323727,4.51454648618443,4.56914521055175,4.42110834624971,3.9014866195881,4.50244246259344,4.57173627956196 +Znhit1,3.3971097047114,3.0112430672354,3.13303085969497,3.14853413072791,2.96152721030693,2.90204990906624,3.25687032179233,3.24865187673049,3.3220304853333,3.53739606636422,3.39337362793599,3.38960927733856,3.16576395132487,3.20656384639721,3.15834642498791,3.03244864189037,3.23619605005385,3.2648641418539,3.13971630877361,3.01238864472574,2.88889308214097,3.3171665435703,3.28071173440533,3.16488642069366 +Uqcr10,6.37729336574111,5.54513407614417,6.35517585872313,6.07593949740882,5.72410373119696,5.78563566839846,5.76591291345015,6.23461650910992,6.13941422470755,5.87207990618667,5.84640010011184,6.04133635701349,6.7742286191009,6.10849138778198,6.56071458009877,6.2933314656247,6.0080579091448,6.45241816821829,5.92648245957115,6.57156674858328,6.47786952908209,6.32963491078089,6.06304660537132,6.1296750647069 +Tcea2,0.934660907213805,1.77418535741114,1.13565663046515,2.00331670235603,2.32905010498492,1.79951231648019,2.29611810290624,0.646643657952588,1.4202804051966,2.11583326845467,2.1069508876873,1.85857642449059,0.0984519070294347,0.895293976464921,0.438394729988875,1.45414585326085,1.28416825474303,0.233483505364654,1.1147161038704,-0.393915354469503,0.350696153247024,1.11330514757303,1.32034035517799,1.04827329457421 +Trp53,1.87043489697214,2.35541267157267,1.8780887731185,1.84727522799452,2.40130266797267,2.45139776473697,2.01505747262398,2.01498039630778,2.1506117462114,2.00666285132924,2.09558953059821,2.0800905500548,0.722731983917824,1.18559102406881,1.32320422144851,1.31997916122554,1.47689367920335,1.27477897005293,1.5921810325782,0.246314605845515,1.21090569057889,1.24510075439478,1.75030889601604,1.45600740005118 +Ccdc28a,1.10863990880556,2.028131696889,1.48580842536825,2.15865875556937,1.46059828833171,1.63700651503588,1.57611059981548,2.06496679124404,1.79393091614511,1.9599354132023,1.66392671086016,1.73916026434675,1.34694211848001,2.16331460862776,1.4670058194354,1.86974838215216,1.3284988607704,1.08092235223123,1.32788319423018,2.3698259299534,1.96008378834804,1.96862639441066,0.828098197136695,1.62690566791812 +A830007P12Rik,2.73428174913233,2.62368765453003,2.69216846156164,2.47488915554166,2.72476643621273,2.69310529837165,2.53230540498259,2.887443942215,2.8646088780481,2.83926231214737,2.7118504641312,2.52968754988713,3.23030526699257,3.11200292060255,3.47943323986855,3.3037812283296,3.3830116968428,3.27997280394586,3.39976019479313,3.26629262175019,3.46205874474493,3.23402970350707,3.24954184361195,3.32196675075595 +Nsmce2,1.76107295202158,1.6891873758137,2.02243254094411,2.02995075837854,2.06909945144463,2.26925394266184,2.06029886711718,2.13600200087213,2.11360319007236,1.76527496638951,1.92152841845163,1.763667260103,1.86699856675093,1.8987150320931,1.80574961264057,1.77120366618563,1.74175759741738,1.96075033078601,1.88072942639644,1.63193979424375,1.92043189557278,1.60367162420643,1.83685354869097,1.54680884778715 +Calcrl,-3.4744547428707,-1.7640643275197,-1.58149624110434,-0.783847894132539,-1.74008109426394,-3.32933971111957,-3.48200459328577,-1.63543458941145,-2.18328261522297,-1.10287963049357,-3.42381346015518,-2.29390002994367,-4.0119149386702,-2.35692088095323,-3.65574373113694,-3.47468636273447,-2.50122300018559,-1.95351959957904,-4.64888314554,-3.56041938415698,-2.82793272460265,-3.65966301677777,-4.64888314554,-3.57202748114391 +Syn3,-2.47216103609589,-2.35499684482961,-2.2697417045597,-2.27451530009137,-1.21095778111799,-0.855449782349242,-1.27313708727365,-1.08036620822156,-2.22318585660225,-2.11143174385946,-1.10215159767824,-1.49962026442099,-2.69861758558423,-2.57177517946599,-3.9403752657346,-2.92114643469875,-2.00190686459206,-2.51790297873577,-2.29294336995486,-3.01369376857555,-2.78114559042404,-2.9042736721697,-2.2845961947396,-2.11169055790798 +Reg1,0.609245988241482,3.51727634556297,3.72214097958176,2.43414440656017,3.35826171182758,2.65757248501648,3.38431769764232,2.58067679769752,1.40411972642175,3.90642535754631,1.86319170138699,1.48494956231621,1.05592617891657,4.04663505526474,3.7455049701888,2.18465652653893,3.43245325745038,4.06582040037136,-0.248150597904623,3.52519367458065,1.49424649892562,3.43933740010765,3.27581811470577,2.94353258858858 +Gm10069,-0.277084898679825,-0.462901124763164,-0.929796009985707,-0.76396517384721,0.674400972988268,0.393444121995864,0.682770569431662,-0.281132879242042,-1.40492304054743,-0.825795758843384,0.896368551766627,0.410929504545477,-1.20820218410404,-1.27940201864218,-2.44905064792257,-1.15235317742679,0.0836802401716088,-0.959200506740652,-0.400452963355922,-1.5170693489478,-1.90944823932848,-2.0934733924229,-0.411115976070089,-0.248638173808617 +Taf1b,2.75704982722466,2.74228651887854,2.78807303084316,3.04102983506502,2.72138752229223,2.65445540803572,3.03878220395918,3.1782676664609,3.08060854508915,3.32426534782354,2.66175759122689,2.82881347953442,3.19183596036178,2.95417601519967,3.17358294422962,2.79491274450736,2.36497428476733,2.7989392372541,2.73495818635328,3.11666522758367,3.11946761925381,2.87971306212581,2.56160424136419,2.9626453823721 +Zfp637,2.61255622430233,2.54118493818875,2.67738538706836,2.52879118562189,2.37606960712928,2.59763156744095,2.54567628170303,2.63108419895568,2.67313508747789,2.28212520671416,2.62410457390459,2.46548265542642,2.66684830710146,2.4520422086978,2.87334841933812,2.87219315629342,2.65216277306698,2.56924521430726,2.38964027119034,2.79818468862096,2.77414970409086,2.75008476980022,2.66708169548855,2.53591419905919 +Akap17b,3.35903842719477,3.25184016549416,3.42863787467372,3.22975335536424,3.34083618984645,2.92852901357114,3.32627154015471,3.37837524884297,3.19180419407585,3.61408940347663,3.42146463756936,3.2420168826425,0.858990335141852,0.730319993439673,0.531311698267265,0.732860747992685,1.27252435176105,0.689437605977453,0.79065636887556,0.647213416415034,0.686228127717371,0.523602133567159,1.10507711095216,0.78472352217503 +Rcan3,5.60691982297655,5.68361683547359,5.76795697960178,5.725460952835,5.46151184721571,5.55803197071079,5.477285918049,5.91896602096085,5.67161023930726,5.71806940400629,5.51470489038435,5.60323590569008,5.97911398975183,5.98752323247954,6.12993636720762,6.05714242187288,5.78596989322079,5.97064391829396,5.72662969262843,6.17253428148309,5.84790685892309,6.02469238376279,5.83747805311251,5.87976240930651 +Flot1,3.24934318334331,3.37103758517604,3.30118770338734,3.47343905020656,3.2920255551428,3.23135765989699,3.20123697936733,3.19237356005415,3.29341628317106,3.65615017424937,3.15627739875824,3.12290905693185,3.13203126492895,3.33080996435524,3.07537169174844,3.43332712106049,3.06624579095808,2.85830055766841,3.38920286951149,2.84598743640182,3.29981591714823,3.63524499827922,2.91737489686315,2.95491686914333 +Ndufs8,5.02069905717367,4.51005834094051,4.79707620418829,4.88739302377787,4.24040346127248,4.52192976421085,4.71636226949671,4.80906724399105,5.03098046162139,5.01701193768152,4.53472478425833,4.76484620084873,5.5189484513985,4.92245947511874,5.44416262274908,5.053761545462,4.71979186817684,5.27909481142358,4.78021681720011,5.36374719334701,5.37009751963505,5.13906928094017,4.77830333088159,4.91320868499934 +Kcnh7,-3.12600531000129,-2.83313319339689,-3.28824159339127,-4.22049807861189,-3.98129461745597,-2.27190806042713,-3.27300714434299,-3.62011961268464,-3.59918830365194,-3.22346631798209,-3.68871977535103,-3.07926804217104,-5.71866029095713,-5.37428407765647,-5.36248908342387,-5.65223004590852,-5.78016603495734,-4.95336969786352,-4.62131274201088,-5.71109160681501,-5.34609821297621,-6.35562849782692,-5.76050707378287,-6.35562849782692 +Fdps,4.23860750957284,3.47253759123918,3.59968701970434,3.68327384032262,3.31719330738578,3.83640319293431,3.63182341967838,3.58722317378963,3.6185333466846,3.3784663956198,3.40542545849247,3.64592624362371,5.78544251904257,4.76981379342507,4.44998507559302,4.77704317713867,5.09230667244266,5.57088513814332,5.22633797972645,4.97067096648671,4.73370275150618,4.4748840614144,5.0092945625234,5.24590080997068 +Gm9000,4.55600898695532,3.85335398983715,4.4850590825711,4.42018077018961,3.76270415155982,3.65795340955973,3.78966359474129,4.35619305603254,4.38908024139042,4.5128054870497,4.02235108717342,3.87742300467581,3.66058886037191,3.19290442183995,3.80675543818409,3.44322470856337,2.80401367341523,3.42605773267738,3.02074736141339,3.49840792017993,3.71866381250502,3.40317767735542,3.05386149027385,2.90646654961642 +Slx1b,1.35729662416369,1.41092539080654,1.17304937612302,1.32155175360384,1.51738658577335,1.18396227804585,1.47984842893714,1.25407251340697,1.33084912112455,1.62897549255618,1.20586959661511,1.30153529665237,1.60450468896539,2.23511188698965,1.47174586165268,2.17132898302937,2.07910348829255,1.66985305717509,2.1985138675314,1.55106006834933,2.26621156926527,2.25901452744459,2.19142880218359,2.01576772889555 +Rps26-ps1,4.72942455827821,4.82801921791588,5.30448921525912,5.43794907615769,4.24897163927907,4.57920704230361,4.02110325986322,4.98149758220238,4.995467032858,4.99149011765507,4.8496855161698,4.8316472318902,3.8778382073776,4.5885090121364,4.45059536163031,4.41621805774065,3.38934385519045,3.95909074959225,2.98742191752213,4.32120116819797,4.51334957839079,4.05361362448655,3.5686448857082,3.76967263135094 +Eif4a1,5.17163392321261,4.76873941443689,4.8933438194993,5.02230719963479,4.8620265303357,4.7835125757503,4.95658629171359,4.56413625966419,5.08055188274345,4.88239160973829,4.96623936740553,4.92367208229287,4.78732643983324,4.25204480273487,4.60411218622996,4.59421041663,4.61451329145107,4.75167327403859,4.52836669212978,4.33190460472877,4.79047155269653,4.50125885350117,4.76333817642582,4.61680016333079 +Rgs3,0.855242759456068,1.04474775822578,0.840919895658512,0.928470449257407,1.31678938362221,1.32162556238508,1.25777601929088,1.14607073949907,0.702638452591794,1.08449000575866,1.27702999855312,1.05444774803167,1.22501387953669,1.79457203984068,1.00226332766658,1.09130576871728,2.13525386102145,1.71566543162749,2.20617158478576,1.06604900421968,0.839131785291976,1.06708659340713,2.24205714152838,1.86062855767755 +Atl2,3.92240319194045,3.64667883581633,3.84079967108084,3.59747999987707,3.61656571919475,3.74601805811077,3.6278744976432,3.54901732808634,3.76062923090898,3.65470955704261,3.41415571854501,3.80315101947311,4.38776668193344,4.15189260854888,4.3365310212444,4.16526045709155,4.07526741513897,4.30118356608432,4.004823882476,4.47716913244988,4.19115344391862,4.11797124703519,4.05515144438797,4.20502019125221 +AU019823,1.81359048298603,2.14537374252993,1.91021684744995,2.16107169238082,2.21573439429414,1.93719856136656,1.92073965993271,1.58665513436339,1.85440469931041,2.0915887503582,2.20754371572974,1.93854773323065,1.55553554310922,1.82634315442524,1.37320240078315,1.650223915809,1.55610721617747,1.43334659634561,1.78284070999316,1.65397571466618,1.77706718106383,1.76007163992359,1.6143431178,1.72369605726962 +Dbp,1.95441513938665,2.36335185292813,4.0171034362638,4.65031670105911,2.87127655308711,1.7240116671912,1.99785183586553,2.17951321583821,3.68299162277891,4.8448505924387,3.0023198536729,2.12625771574175,1.86237462779151,3.40031983377921,5.31922788696459,5.1702869085845,2.96920887384307,1.89702204568008,2.07194536454063,3.0517178810606,4.98982609981616,5.43752750779207,2.797798947994,1.84780255399378 +Sclt1,1.09879885950446,1.3529546335637,1.06722246613478,1.50689833650612,1.91218048791551,1.86833227313743,1.75450664594417,1.12931192509431,1.26046804521106,1.3544419975051,1.80743523593019,1.54200114084862,1.21780903593514,1.63233654339986,1.14672689941474,1.41350859181668,1.83296049770448,1.35946736828646,1.72867651315772,1.19066099198066,1.43029942359065,1.43401645661209,1.69333750588658,1.81192286948644 +Zfp874b,1.71198764456784,1.96998348985487,1.68024209863019,1.93446726959752,1.77077520307643,1.40292089509525,1.87023941273564,1.71760035872424,1.98716784492422,1.88225670483417,1.82882569006454,2.1995224811919,1.16683220607437,1.46572083756718,0.968931293923131,1.53309878155803,1.37869763893475,1.4023499148775,0.673244941883,1.22408208846673,1.36771674744431,1.31311554410984,1.28756948633946,0.988611135474794 +Zfp341,-0.144297920188321,0.184029870198411,-0.118883198751752,-0.194386840608044,0.559584839308619,0.565480415556164,0.444938967411889,-0.0491477788886334,-0.49641212558172,0.0574290497684036,0.565949137461732,0.215474855273844,-0.466452941350468,0.15724062468938,-0.204472242774475,-0.599410723525046,0.365859606640792,0.121499493380484,0.657286658300511,-0.0286977847947263,-0.820492974701455,-0.574140235125408,0.59860885492494,0.455246337383174 +Suv420h2,2.09331524100024,2.4435852823237,1.702497190643,2.32762758052842,2.87403885673063,3.07306669820867,2.88701757672536,1.68457320759614,2.17919030178442,2.7252665450698,3.04755141676567,2.74880142219668,1.44431337442315,2.05231884891474,1.4060855282842,2.15361910867535,2.74417119890091,2.02547494599266,2.83250307875776,1.28213243423117,1.80670781876396,2.04310589161383,2.5989850006922,2.42324552182661 +Ntng1,-1.53827831275992,-1.90912221547947,-1.93631859279279,-1.74117662668076,-1.98389615624681,-1.79852829994279,-2.02478064223028,-1.86774729379318,-1.63120557472891,-1.41828619278363,-1.60097608167414,-1.17610892132328,-4.70197311944734,-4.70197311944734,-4.70197311944734,-4.70197311944734,-4.70197311944734,-4.70197311944734,-4.70197311944734,-4.70197311944734,-4.70197311944734,-3.71275299068512,-4.70197311944734,-4.70197311944734 +Tnip2,1.47847246892156,2.36597271939434,1.81762869398015,2.5714638822162,2.42743362931041,2.57669527894,2.6799753250697,1.87584201874622,2.1658311224385,2.54668651982058,2.60772220578044,2.56313612693252,1.83057100177523,2.15284497131117,1.65415026710524,2.23172633975996,2.4683827720766,2.11273846811079,2.54806994886702,1.5845105969112,2.30168223315606,2.26160826713092,2.15404885948021,2.59199267878551 +Zfp422,3.01907121405968,2.70992969883445,3.03177811899524,2.68445255561058,2.81621963551069,2.83194390359757,2.63832094251468,2.93541073265869,2.98821162065388,2.55861581411857,2.54161786711295,2.77179431730499,3.32278343182766,3.18206373096867,3.14631556853201,3.38443844770056,3.37045124527797,3.61194596958497,3.11149040886674,3.25973992256101,3.09869436281377,3.13847657382007,3.57560669028463,3.39723279348011 +Irak4,-0.522957114167335,-0.31082059489255,-0.0194658558726926,-0.345423050144528,-0.354287257035526,-0.806313915192953,-0.560483763685569,-0.513071913073949,-0.598278360548304,-0.24704819476108,-0.59081447594109,-0.451200226701013,-0.430386176051734,-0.289480762741926,-0.315380022721836,-0.19845420503859,-0.280917225442575,-0.64226117362785,-0.666516064270799,-1.09221706359474,-0.259082374516858,0.104236761818972,-0.430531521775386,-0.62473525477864 +Ube4a,2.52939564450276,2.70475659877703,2.36968253166465,2.31698633316509,3.03682894301452,2.79355593215948,2.80948009446751,2.68767691206968,2.24763850127807,2.35638880040668,2.86347937457008,2.67622841438749,3.16251888111255,3.35200614060548,3.36015911339181,2.78753037054563,3.62903786281484,3.36867891434532,3.70078570075243,3.15917939694379,3.24257375607557,2.97033821469573,3.5892674924068,3.5312181082505 +Ptp4a3,2.9773596357362,2.7440545527531,3.07928112819111,2.75929327294221,2.85759423830479,2.654712820644,2.65633031109,2.85505887691246,2.92186474209735,2.55906875076763,2.74329023704752,2.56321645304751,2.22067024737899,2.39352979269109,2.62138829698735,2.08423133375352,1.80646370611781,2.15874041703466,2.34328617132445,2.10110815062744,2.29945904583667,2.62304455475973,1.9453780813826,1.93232265775828 +Zfp930,2.72650747193887,2.37274739470974,2.6134247666908,2.34345055126246,2.01638601704486,2.27531424560686,2.25920350033387,2.49258866944176,2.24617080269458,2.68503514143051,2.18312332648175,2.64810427044821,2.8416615681387,2.4649950068386,2.19874071417888,2.36117684309316,2.08971120581365,2.26897350281902,1.80100437353337,2.35555284982822,2.50120487180194,2.04679005589598,2.21827061470369,2.60961824944681 +4930453N24Rik,2.85942390862228,2.56382854235618,2.84649120504144,2.70626272712501,2.3925565987447,2.40652828846443,2.40280481130017,2.68978222438975,2.75699779710827,2.49960709763384,2.34902764847575,2.5454818933314,3.58714942483155,3.08676342959518,3.52211135066434,3.3164180241389,2.97425084022987,3.23338171589471,2.87993100815241,3.62768562636349,3.39800613227899,3.22949387421605,2.88094816646931,2.9398486587004 +Unc5c,2.18706234567182,1.81732782092335,2.27553271170448,1.52364897836152,2.24270904796559,2.24464184771712,1.841582600595,2.37656703525216,2.08656917153917,2.04951152027268,1.99480934304223,2.01460564204798,0.903311933551082,0.710357818357585,0.695816862731229,0.637620821532604,0.316679164580597,0.516005763246552,0.059910324514016,0.942887177499787,0.49832172048855,0.247038091878094,0.374956366263607,0.353894088685501 +Grb2,3.60159124576797,3.70386556697387,3.40859902430916,3.53879571463553,3.69812270505349,3.50811545793081,3.39376893115344,3.66009845350754,3.56166233562283,3.54210142825225,3.48523901956803,3.51403849076377,3.72253644339844,3.86267258796663,3.98085144237684,3.83586003805953,3.89647885261508,3.97969443396446,3.95442842935903,3.93579975328624,3.89995169369766,3.90039800493005,4.04519840977934,3.88240911483751 +9430015G10Rik,1.08883663848668,2.11399513165234,0.608415271939901,1.944741799812,2.24188690494589,1.98749564003971,2.2015457464526,0.992932171973023,1.34672257878429,1.93985575053994,2.45345992021952,2.21065588833862,-0.299178548944292,0.271666260317953,-0.259875692527004,0.495116810606333,1.20070936891617,0.0066002261104427,0.745584694378462,-0.228403570551703,0.415113864531661,0.460116901661288,0.952372268637181,0.898384150987213 +Hspa2,4.35716950443595,3.9839418329237,4.3474123609143,4.38810840903225,3.98884940694543,3.88241016521057,4.01223038276615,4.07934389606622,4.63501603241879,4.12077911081694,4.03547556966725,4.06879269354768,3.21610702616115,3.2162851407958,3.52990772167765,3.59819865587959,3.33197583763302,3.12893998162734,3.20830063573501,3.10470000788788,3.63692769169407,3.68025869511026,3.39048730033777,3.12601822681573 +Ntm,-0.846492024250569,-0.482817483944729,-0.873381429337202,-1.52809413367331,-0.742838290382899,-0.666550488222093,-1.15409584637293,-0.927379629908058,-0.681059863268659,-1.68133432362302,-0.480520407501281,-0.831000476658311,-1.33769605846352,-1.21013044095915,-1.38430988803819,-1.72158060505612,-1.43409556605737,-2.02282906869395,-1.19842664703574,-1.4369695804736,-0.90310317801163,-1.07714266455666,-1.79362468087021,-1.4169612536777 +Zfp74,1.81745405180154,1.93887280935417,1.65498013669843,1.4222301696334,1.7383790178106,2.04903569602198,1.74591310264612,1.88027455547449,1.69050549365705,1.5529118886431,1.76268518253627,2.03093602005005,1.34435508117927,1.61989668640215,1.12893246552327,1.45672694777411,1.59020100359845,1.5208875632108,1.68707454281921,1.55156708023015,1.42788636517658,1.33262496672856,1.46582146162093,1.72729053359927 +Taok2,4.24168729312332,4.52070536039767,4.1005933662397,4.30734315096177,4.68527490195567,4.7548659712354,4.78652017094634,4.26214327676894,4.26295777700239,4.26667941612855,4.67069473439822,4.47779333293396,4.42956364844077,4.75621172419166,4.05249179089668,4.47310665979413,4.99105186313257,4.63914078374578,5.17114317578075,4.30339702711099,4.21924407356651,4.34903265136221,5.03160137676202,4.86240120193846 +Nptx2,-0.30141857353208,-1.64446841107413,-1.18993672478048,-1.57734333014628,-0.108413919873684,-0.546082985565246,-0.560840967468503,-0.785855292067502,-1.04661825083145,-1.74427058191361,-0.339010412126375,-0.30597439589856,-0.774998724829407,-0.937249080558947,-3.13208134548079,-1.27995463974975,-0.929675047786289,-0.425079539360687,-0.346659998455852,-3.71247374936131,-1.11166223738708,-1.92054341537933,-0.437437605259737,-1.12932751193708 +Atxn7l3,4.06412369084344,4.20497284179647,3.99405086422661,4.09675445485148,4.17414358453779,4.00525766594765,4.16534492949905,3.74772025760048,4.06923245809443,4.08843302550431,4.09789381570734,4.02947003647418,3.7115163589265,3.80133867711564,3.6398843122179,3.96300105159102,3.83144164764173,3.74063134591936,3.98091254367117,3.62469237514592,3.91144890711913,3.84315114407593,3.85937950969943,3.62745791979872 +Chpt1,1.1933271142992,1.02162361603557,1.1856151532521,1.09669795291358,0.969124242150218,0.705147280023344,0.915004258563351,1.13835288888976,1.14332580254038,1.19298601091588,0.611858400124447,0.907549387747276,1.62984360258252,1.26321219926559,1.74271173249172,1.45076684865524,1.26560099457095,1.37878538130777,0.963007298067019,1.71694705799742,1.41795739863839,1.43032850628228,1.13226450497977,1.19081117728526 +Kif13b,4.06692375888724,4.1267037874202,3.98416759064242,3.93898019768428,4.08499549219662,4.1815063378614,4.06554788770719,4.23000017605878,3.99143511284188,3.86348800621146,4.15399421016353,4.14690067374564,4.87497271909941,4.87737919148714,4.79342837538167,4.94409527553952,4.97355249404967,4.97476144217827,5.06942356432981,4.67007424351108,4.75906707621882,4.83873517760506,5.0438496706821,4.97763993677538 +Gm10073,6.34181338057101,5.35817876736569,6.30397622235374,6.15867716666551,5.44724255810565,5.8458999308972,5.63625393229018,6.20668039381393,6.08393438308163,6.01726864014742,5.57897327447975,5.92738948609025,5.63252120583561,5.15218944222783,5.61952598929116,4.86964220231478,5.02270957317452,5.3877202505501,4.53722498698551,5.72150287275485,5.56383430432855,5.22121919499736,4.85993770946933,4.8959535496398 +H2afj,3.66080171436108,2.94223482258956,3.0640389725348,3.34765001826588,3.08352478424636,3.35013986933667,3.25820753238747,3.35112608438487,3.28436076002075,3.10211874121318,3.43829444198608,3.11763474704939,4.23633756184668,3.86625405933757,3.96977074357788,4.20510834177761,3.86475166345436,4.04438472498204,4.09477174878271,4.41980009794621,4.19739045358301,4.20292307316404,3.96407537059657,3.79424113979921 +Rpl3,5.86749071979469,5.67536374388591,6.40110965449669,6.31692176497765,5.5954799148621,5.57975673619501,5.61987075583203,5.93400434529369,6.13500123078979,6.37296160509843,5.49801103371739,5.67904426976788,5.66629504116836,5.42400730342023,5.68969135797329,5.80863682397744,5.23697634414631,5.64515191016598,5.49525812035042,5.71678104668483,5.84252310538384,5.85232279094279,5.24536129318386,5.39594043077605 +Dhps,2.87706580094131,2.97039870600958,3.20538438626962,3.03217562576503,2.81831460404995,2.66598236280505,2.7414900043322,2.8701212325563,2.95655531538273,3.03806465656038,2.59874588086767,2.78660418609395,2.9196601969219,3.11270288028626,2.92407599449444,3.16598929520803,2.64159795098342,3.03589233657318,2.60311957086052,3.03487459950165,3.34771041542892,3.14873384743372,2.82692228085779,2.82732881426505 +Alox5ap,0.646133641281579,1.57672031834736,1.86031205546066,1.23684307946717,1.06505271261032,1.34068968536093,1.15493475369209,0.79583963405635,1.48166636520124,1.36169614220866,1.35505516332864,1.04338839990268,2.36852804932667,1.30983290324009,2.33114650936351,2.14244568885207,1.92125353392095,1.40644443588049,1.14551242671159,2.18611299167165,1.80584182387318,2.20336033733032,0.975527732606555,1.48274142843985 +Psma3,2.91286854984436,2.52041758974311,2.73321302455782,2.61753986485574,2.4465852200551,2.37036404756046,2.67781916017204,2.54753350562806,2.70178666586811,2.59925545489072,2.58248640225408,2.60419674662809,2.79117825044355,2.53513727664733,2.60693615751341,2.68246827331474,2.56017270719835,2.66431225184721,2.49417064904601,2.58782815975015,2.596695705352,2.41995968383537,2.31409698082246,2.65994418913472 +Rp2h,3.4632350955115,3.51320154757547,3.41466678863754,3.58769044410693,3.23981202388651,3.31775657707519,3.39544367419827,3.73779444223079,3.61842341117738,3.42798141974088,3.29630880703454,3.33085180180669,3.65203672664186,3.38187865802393,3.58980456272714,3.43515545697956,3.25341693176006,3.45080218413062,3.17317721322522,3.5732693749775,3.65930334592962,3.49278051651687,3.24719708443038,3.29832508983443 +Hist1h4a,5.42096833112259,3.97189305908584,4.82677030017055,4.77241992909208,4.48867996816696,4.28498347044603,4.57735484037803,4.6684361257146,5.53980940445395,4.84256287999364,4.41631491455584,4.62466158924956,4.75252564201552,4.6304779294306,4.93320631059853,4.34756616236524,3.99791984708708,4.58424147846063,4.13909961571286,4.94354010217128,5.08255794845027,4.69460120465889,3.97618638956882,3.98691716733503 +Amd-ps3,0.524272493092424,0.636134294908929,-0.419984001065642,-0.239143742354882,0.355392776156567,0.301848969896077,-0.174615306898279,-0.427359759708343,0.386191423773991,-0.392931989545784,0.301131847749499,0.40037578575122,1.44856483195946,0.88052607044981,1.40195100238479,0.819479101249405,1.52192949480826,1.39162487669673,1.01586727170336,1.26383771552525,0.982108815126052,1.32235801824414,1.17344365892817,0.653738614680271 +Prmt7,2.08357659771689,1.74441572468495,1.59166326061067,2.02645596514746,1.79661033767294,2.03674171598624,2.00995611389976,1.7283899999641,1.82102940474174,1.56673816302887,1.69306123183627,1.82107631442967,2.0560190118901,1.57917501539021,1.74496473056743,1.76788951983526,1.96120551806886,2.04914297579698,2.00880687483661,1.75622169938882,1.70802729159635,1.59492137660694,2.14668167019387,2.03045630397712 +Sip1,2.35488392318305,1.98118411233185,2.05852628279717,2.32947715492646,2.09313859852445,2.27076564761094,2.25613561308121,2.02730515777042,2.00390692745344,2.62180847221914,2.42059775188911,2.12438013145508,2.09685981798844,2.12959887864208,2.09475761624656,2.20106297032628,2.13810914337025,2.11099640701384,1.55576634679287,2.04963628300626,2.34446342514355,2.14487701551925,2.45325746935232,2.19158159066726 +Tpt1,6.16408699672155,5.52188819059397,6.25254324442098,5.91521046093836,5.71116035102344,5.87107990902663,5.79593782952304,6.02853117349948,6.0341570984135,5.91225851819637,5.68892523109833,5.78690473118896,5.61870799946092,5.26068520828988,5.62696564739447,5.18661636861447,5.17101629625983,5.61211105249962,5.18363982496209,5.91397983504773,5.46300841140502,5.22004290580142,5.17872890401445,5.27097974793162 +Gm10075,3.9713848498378,4.03336470481869,4.0203869857109,3.89409968259008,3.63417846031521,3.6330594790421,3.76281711321574,3.52011239491501,4.20517697934882,4.03571791988796,4.00113502276975,3.74797472171192,4.29983733275627,3.894307460672,4.11374718491343,4.26899398272033,3.78639952647276,4.14200265464869,3.00916037113724,3.95211011243984,3.84819115002094,4.05625546723152,3.63170987014666,3.67619589636446 +Gm10076,4.89773366859045,3.9136267009743,4.83624165981813,5.05200989890733,4.08763964400161,3.84846403742045,4.18400041978618,4.1470290200298,4.7973982613145,4.50135799703826,4.26767244208818,4.25151989946581,4.37570132165256,4.40900470922007,4.43224308938571,4.09295158034727,3.71973457728946,4.0292895838159,3.65481530927723,4.84622639834766,3.92041208838188,4.06450994667919,3.60298942891348,3.44732018094584 +Serpinb6a,1.50739825942371,1.43107922174617,1.63904463509339,1.52469773123518,1.42555425077714,1.37600190582527,1.10403153867305,1.59288864587075,1.67653440728326,1.44059158967822,1.14943672666786,1.47899316624382,3.04073189260524,2.85124622233004,3.08122242386031,2.86673279060806,2.53614065878294,2.77724300198797,2.53869500045866,3.02884628216375,2.85791664142594,2.90095662911778,2.66464145252509,2.67485647169961 +BC002059,2.03874224485126,1.77486575022025,1.92658593021148,1.98705993013421,2.18110135789984,2.06019597899428,2.02590853337684,1.77573528721411,2.0132104031365,1.90195159929075,1.828513919717,2.05442524723354,1.85329169296475,1.94840403538642,2.08940473887422,2.25413675784455,2.1847789637572,1.78435570791556,1.96641299904047,1.82205744712497,1.73018082128349,2.08193774735903,1.63743597652433,1.748634912413 +Pop5,2.97885052770824,2.09756048333771,2.51052415378906,2.48052303110527,2.27683367054817,2.34180643014205,2.5239768960851,2.32436487449971,2.31758133636888,2.40546293930597,2.43908750472489,2.48699791284299,3.08283101764444,2.68427703525507,3.14042717794867,2.82617522520469,2.76706421922535,2.95170242076414,2.93318635476604,2.89214319232431,3.05146995957864,2.82964840212223,2.92994942175005,2.94435359672545 +Zdhhc8,3.75415560145593,3.49738716890941,3.54318336971042,3.59852266422513,3.6584340931925,3.84744580585104,3.42779435382224,3.35118547944874,3.49234875291111,3.49306093876549,3.55716598695989,3.44403151375486,3.58788717885373,3.7795881976911,3.75123400483082,3.68119031767099,3.76157847909547,3.68875584301591,4.06545133802179,3.45744475965388,3.61050599348926,3.68049619597005,3.85130270488022,3.59761545646078 +Kif27,-2.10723442823626,-1.25234027612364,-1.51075648651829,-1.55834609676435,-2.34138405088482,-1.75553993754314,-1.88241445087478,-1.55708711261842,-1.43170527139672,-1.56897462518259,-2.31285250899833,-2.36236426382433,-1.95336307242577,-2.36966491796279,-1.95697858117345,-2.47225339786032,-1.90348399308589,-1.82505785361795,-1.74538421933769,-2.73536631896339,-1.61887240896192,-1.3127835425195,-1.98766292546394,-1.49758296725906 +Slc35e3,1.01646969890477,1.08463737871479,0.497278987742442,0.817551089661661,1.14590709399361,1.22710855171333,1.06854713532537,0.343066522459766,0.812801913713399,0.498219316534237,1.21634893131222,0.801367156129907,1.09375337654614,0.846664034728906,0.954596806787232,0.800302270930199,1.16824166543272,0.773034529758142,0.831242855760874,1.27306115559966,0.901493055327136,0.905136043262785,1.07758129154944,1.05033122718472 +Zfp462,2.7925921302375,2.97235734379517,2.55504167647917,2.42077933166357,3.35623321793476,3.56905946003874,3.06062270685262,2.98341548710015,2.57964119632864,2.45713680976975,3.31709165977416,3.04015636020089,2.62876683026165,2.6771854816474,2.44108669643101,2.56684360206259,3.25757912190195,2.86169137386768,3.18342801967998,2.37864250199857,2.44960328613999,2.56134055034059,3.26161182315228,2.81940838893666 +Gm8203,5.0768647887418,4.49814417922614,5.14021389319398,4.80855897743701,4.25878169502411,4.63846597626269,4.61614716764268,4.67191990192687,4.97525453078605,5.07901751683537,4.71850793076709,4.70983831936707,5.27575041290621,5.04602077273288,5.35257843119173,5.10649744632244,4.76268860396693,5.0511574169186,4.78542178053527,5.64754841234848,5.37722378155333,5.07141223959345,4.86752545797144,4.79094145502803 +Arrb2,2.51464654382871,3.18852179165711,2.57233801421002,3.08421546763991,3.32076291886156,3.27087025500258,3.30212977331953,2.51456906428441,3.03520413145784,3.44542237439333,3.42124192450444,3.11615124775933,2.66285985928381,2.80032812510841,2.70151299408999,2.95635493550936,2.93461480362765,2.44976477380578,3.19249101039749,2.55724446565519,2.90387126073252,3.22241918742224,3.29976407673929,3.04022285791072 +Pyroxd2,1.5548930494228,2.3901613409048,1.59620323398592,2.42073428802321,2.72663805538091,2.87620576581019,3.14434084505884,1.6698213080594,2.00492435198415,2.43117075600986,3.14624620824266,2.36213070212433,1.14373653849603,2.38665714989793,1.28788221708138,1.8907525359039,2.84557926570714,1.79896686487656,3.32316483003605,1.37438955839784,1.53965522799344,2.10545916937067,3.11501285515152,1.83106354999436 +Casc4,3.68561177488718,3.70306581711947,4.0165612214776,3.79919861952845,3.44982175684368,3.65817939570661,3.5033629766043,3.71955256337821,3.890103265368,3.86340547726985,3.55912173781557,3.55037982084226,5.34666698245168,5.10633381895215,5.28563422532164,5.16113548449313,4.88969733441507,5.11433236246579,4.71331549387028,5.33926024541123,5.16216994534958,5.27894716843085,4.82954126643194,5.05082101558807 +Alyref2,2.41716148575833,2.33171599682461,2.19738307619408,2.12659612125981,2.09615300268301,2.24070486350635,2.59788976230732,2.49380372093432,2.24548552061698,2.10727273219243,2.31972695158392,2.23173623079049,2.31885050676847,2.32002569442362,2.15971421688974,2.39056951598386,2.21679761145983,1.87556643972394,2.11536861855189,2.28936711366215,2.03656282861463,2.1023706982733,1.81114277727225,1.79077351706908 +Pwwp2b,0.282744705117324,-0.0268480496250982,0.354669297778061,-0.393164657578515,0.227178491909718,0.519681008556625,0.341406158056891,-0.195350871489119,-0.164619794128962,-0.215945264958232,-0.388485442769718,-0.0737318136274354,0.739315465598315,0.48784777311667,0.225160742260693,0.680005320342432,1.01775079551975,0.789960669271524,1.20401161058272,0.487769363448079,0.6136802994503,0.465484960510057,0.995105715196713,0.589615080934766 +Gtf2i,4.67066984977703,4.68108064822529,4.5795105954893,4.45903938706524,5.00636009344913,4.94426026880811,4.79650380565246,4.88784596484224,4.54441635119799,4.54621948464903,4.90138476522061,4.68879975131273,4.59545292813656,4.90579700358775,4.78677501734281,4.79402537358967,5.11106021005,4.79669249195018,5.08141407888005,4.78067567654784,4.75986574669986,4.80113768677756,5.01957517817032,4.97378690451526 +Ap2a1,4.51749592155109,4.36397644071213,4.34321280237822,4.29901748322144,4.52477514211866,4.64049155038609,4.51178845071667,4.54853349867133,4.442461818137,4.33442632688294,4.49871304662355,4.3424049535103,4.69009485114033,4.82056095762918,4.79718090088367,4.71502167955511,5.09630366430437,4.91515511350631,5.25182023825946,4.71579085464181,4.4740069895402,4.68393923706378,5.1263786293531,4.99372182963756 +Ppih,0.128207994602008,0.637514562148707,0.488592349722119,0.814396964614633,0.706280090687149,0.413922193994702,0.22521570990009,0.592754503786119,0.314481804648469,0.0008397454364817,0.265754575930413,0.353256154984506,-0.150137223728655,-0.228470518992656,0.164086277171841,-0.0861821648957433,0.0835374535474738,-0.0787448849401096,-0.513489839534755,-0.0427525499362167,0.258070694492247,0.0196187729819843,-0.672620254585461,-0.150922728138262 +2610008E11Rik,3.46669851397163,3.88773258822425,3.85637096482504,3.72451014701325,3.63881118867562,3.53159168792011,3.40975226238608,3.76899327514828,3.72840276425335,3.71553838190171,3.54846183227301,3.71538306206872,3.06125381078285,3.32501828043375,3.16297446719381,3.19435954170121,3.1109346095896,3.05970284569034,3.07479754827821,3.17209992007641,3.36834829424984,3.34408395052403,3.04779868081156,3.34762733763891 +Zfp941,2.50124432977806,2.89897541884614,2.9452762331624,2.60822100946143,2.41114756909742,2.53693434599384,2.41547623682424,3.00057161409725,2.94091720156338,2.78529376007039,2.68829954596755,2.74909779718979,1.78854936203342,2.25284011751723,2.18860126503529,2.06714714340543,2.08716297200462,1.82585261621264,1.7044135037301,2.22258548941053,1.9899863316615,2.10099632893052,2.08234968507705,1.70903434761694 +Zfp937,1.7625512955797,1.53313541206439,1.67269456687077,1.74191366747727,1.80689626897801,1.54314450088824,1.47728437311347,1.75871546510215,1.67275449477524,1.94580294173409,1.41979645747768,1.43854114894702,1.36722987688596,1.18437785984878,1.35078176712732,1.14514036839552,1.081149776885,1.28227830216537,1.06593100167639,1.38776983554446,1.42113767960443,1.32348980461708,1.06660100348049,0.971366083569069 +Hnrnpc,4.87766253690226,4.69676574283505,4.48227603683276,4.2970017864063,4.88238612152179,4.80930245322369,4.68779142501089,4.92126875986809,4.49861758182133,4.40653873517623,4.8985970576059,4.8813850889884,4.70087874761111,4.58640184468287,4.47065132111786,4.1877387804139,4.75298087420189,4.74505049140702,4.67587041753372,4.91698050011605,4.47683095829276,4.2838271552774,4.8812507651647,4.82015455421933 +Bckdha,4.40102310466403,4.75463975346563,5.24648240006455,4.90657809255939,3.7197556073692,4.17913145431208,4.04136317023528,5.20824357046682,4.96803620048022,4.81440087141012,4.03190585286925,4.43918409499482,4.4701146696857,4.83837836560518,4.98604214282098,4.84102718588863,3.95883294530395,4.36943293229585,4.25846778901382,4.89343107880263,5.00375672775384,5.02923265276346,4.01737966869579,4.33204721049493 +C030014I23Rik,-0.0796370240140436,0.681473438800211,-0.0580267369747247,0.372081628718447,0.250226638632117,0.251344164317266,0.45151968377532,0.516471090742811,0.367478657557816,0.477933604820195,0.148369391865229,0.51173191414248,1.79902794507042,1.39919067097964,1.81045474688236,1.89871239589546,1.76308435688482,1.47573415211418,1.8654063595331,1.78255295472337,1.55647015669103,1.97081605318473,1.66306347654148,1.22052843841525 +Gm5580,0.422485634054717,0.322901639806174,0.0662600275693536,0.302846217227468,-0.0890605905703849,-0.0031904973881234,0.0461134348127303,0.509235512641386,-0.453155266813064,0.155697334965364,-0.615855039707796,-0.011128887292976,-0.0955153385716719,-0.835212174051302,-0.0115636871690984,0.28710398554358,0.488995468985775,0.480256656229714,-0.166461754561259,-0.205646256672413,-0.332143539129983,-0.240186515447026,-0.0810481612016037,-0.0962665729866191 +Zfp128,1.83953659977996,1.34786745964581,1.52849799119352,1.12967111314087,0.981008898670677,1.17350971932106,1.34362841963186,1.65389159292108,1.40699824226285,1.02540627906368,1.03090922195904,1.5032614044375,0.730986564184476,0.429283767374409,0.879549481492122,0.539787338792046,0.41276343071381,0.541908489388584,0.402637954289638,0.501157029388635,0.458772567357603,0.493523222695911,0.724393263439517,0.336391066118892 +Rps16-ps2,6.8396825359615,6.42734958208009,7.15549851533792,6.39877860762548,6.50266747052469,6.26338004488019,5.9082453993481,6.86106952538642,6.83305624802857,6.70136510715988,6.8309353802082,6.23188964110555,5.87922739849969,5.74855536630119,6.12962237662863,5.31403249532702,5.36826838100268,5.6207187842366,5.26688369136393,6.03300421611977,5.52032467041044,5.51329287043382,5.00151050902825,5.46459134585842 +Zfp868,3.02793860622302,2.82655924553265,3.0023017981777,2.83056017934519,2.36018875247751,2.69454450166362,2.91650031729735,2.94142616314165,3.07402723844243,2.9093349295072,2.72373023790017,2.9727086592716,2.65591763839355,2.47830576418579,2.63931113120767,2.72649318403128,2.57749899639524,2.39563771687207,2.48165976664656,2.41508982723868,2.76145577771422,2.59241615440488,2.32570171101967,2.27602295311342 +Sntb1,-2.06881638694481,-1.52994334784803,-1.23274793597029,-1.74682839931247,-0.223758867891685,-0.715568054731438,-1.40533587157886,-0.955340361233694,-1.21610331999764,-1.33236978242681,-0.333357061369867,-0.605598362871619,-3.88195881852751,-3.30940652858722,-3.30156641464698,-3.88195881852751,-3.30649635565792,-3.25181714630017,-3.88195881852751,-3.23742192751559,-3.88195881852751,-2.5729762686515,-2.54179585483783,-2.46828330231115 +Rps10-ps1,5.45221631694793,4.68380851250031,5.44834825812056,5.07471205616997,5.01661477767383,5.21786540037895,4.84678543559098,5.15355041248914,5.25983339136646,5.17212820130581,5.09562370870821,5.04848458035147,4.46469805133809,4.14679277179092,4.41222850956173,3.94187468306375,3.84527283707661,4.31232731570938,3.98645260570238,4.68377974573472,4.39093383586977,3.94520369780552,3.82353937955835,4.0192136636574 +Trim5,-1.08133686001918,-0.414328727033251,-1.00667510206928,-1.06586703019937,-0.947117864903555,-1.24851061525327,-0.846278260666024,-1.31841320941279,-0.55285328075486,-0.583827113002914,-0.935014046837546,0.0249597825924883,-4.2450316667066,-3.26368724653615,-3.66463926282608,-4.2450316667066,-2.94024893964037,-3.17778262450799,-3.58346069903418,-3.60049477569468,-4.2450316667066,-3.25581153794437,-4.2450316667066,-3.16817600231052 +Rnf14,4.92547681129355,4.76887665772029,4.92071438794629,4.93102962068419,4.76236634289561,4.70126926247323,4.66894426524236,4.90638163314725,4.89313360119363,4.77984439356698,4.70726343916362,4.82608384695982,5.70295395846115,5.50494103090289,5.64847475262927,5.67962179098749,5.46382530413427,5.68707007286921,5.38756134443853,5.69311436428856,5.5639242568663,5.61196630521939,5.3882156406286,5.52362250911344 +Kng2,1.20445763803825,1.16097156593909,1.60019968796278,1.29113922647386,0.90939301066551,0.941439021332789,1.21471388783495,1.56153507546681,1.57075538622559,0.816384950037311,1.03236219263776,1.35190991904538,1.87450382220584,1.7372840651507,1.88866678258543,1.65463599729757,1.67756855265412,1.78456499611724,1.57112070363078,1.83471324623341,1.79308378253707,1.6231305438609,1.58810264755323,1.7388952249966 +Gm10080,4.11634325520966,3.85884447747925,3.89544444058308,3.91905157700046,3.92852805940268,3.94064848907159,3.92672128288912,4.1567279213079,4.35204892566752,3.76248954339356,3.69102451655963,4.18384387493063,4.09229929249376,3.81570524247829,4.22592622746821,3.89517782073207,3.63859263982822,3.64256211746634,3.57934838041315,4.12784558604321,4.20878997621108,3.95278631184133,3.81714965990148,3.90049213653318 +Gpr97,-2.22582214513679,-0.95130629782683,-3.64592498366518,-1.65726854239734,-0.0418651541775437,0.635704804896109,0.525479542867356,-2.6873991932052,-1.29194269670733,-0.513762803820338,0.199733071442485,-0.178509067628298,-2.56860294350557,-1.09219049864301,-3.06553257978465,-2.11734961719598,-0.670997263058166,-1.74343270444077,0.140639062798731,-2.55746122228215,-1.82497456272783,-1.34128355868284,-0.158953961322124,-1.35815202272042 +Wtap,2.93876253757194,3.03610738664464,3.0745034109938,3.19108430497836,2.88759216707968,2.80855119564964,3.11570801155617,2.60711587806589,2.97817337438883,3.1089241584584,2.90924645924904,3.04529654392183,3.13879484305795,3.15251952254942,2.97501190304651,3.16175392174859,2.89615934536313,2.90394732260501,2.84539791948858,2.93312736589456,3.25967456849954,3.08142545710454,2.68193614856892,3.06733492728819 +Irak2,0.950302913877263,1.22172843598348,1.82590161433925,0.996040746987809,0.860453289206396,1.12095923639018,0.751451994315139,1.46474134454091,1.40132250643305,0.988121660987745,0.713225556652473,0.615199242592118,0.984036938351145,1.19167145277757,1.11139119457208,0.844529984188923,0.425197405995732,0.806641517942819,1.39943185124568,1.18129237494062,0.738475688765134,0.778021405239063,0.921706103436718,1.02025914459674 +Samd5,2.86800959677134,2.41780308985196,2.77044953028544,2.49443777924841,2.9023939753813,3.15481127322929,2.72634262800446,2.70395790125373,2.74100988404531,2.76932876866133,2.77080154055167,2.89947309542587,-3.04348245911367,-3.10789837604318,-3.68045066598346,-3.68045066598346,-2.37566793891724,-3.05030899375613,-1.94613491016742,-3.03591377497155,-3.68045066598346,-2.69123053722124,-2.66523898143791,-3.68045066598346 +Zfp266,5.1706702076132,5.10395015779636,5.10137310656724,5.05415400315562,4.82211547088422,4.86427712623791,4.847515336913,5.23226259817715,5.15608342942349,4.89445250715776,4.77844489488192,4.96509740612629,4.48856550652925,4.11329602867803,4.39651765825761,4.19109737994811,4.17038285863259,4.34363547658207,4.04292549499489,4.28148803660923,4.34706725677236,4.14916754980405,3.97008102272741,4.14370952153902 +0610040J01Rik,5.3546510568036,5.18281652059739,5.39708040440755,5.1956033931176,5.11294416213515,5.16621398931346,5.10439420625234,5.30980081304663,5.30912129099628,5.24000736860066,5.0546125743868,5.31623315623094,6.22588994660632,6.33738373729304,6.35753242012568,6.29468874695175,5.95839096187537,6.09205078655318,6.15348364804877,6.27671838543489,6.38479221578522,6.26083359197596,5.95311623067002,6.08603095543571 +Tor3a,1.99592696163139,2.4893061688816,2.72002527025241,2.13651996099853,2.05839624989146,1.98703385659956,2.27007782744616,2.56037891117291,2.42086833173044,2.50625779344456,2.09961947509892,1.96878061670351,4.36367695880491,4.49858487370989,4.40075782110672,4.43309356791737,4.24565219999078,4.34062165390005,4.31815613411637,4.71063100853602,4.41641950936576,4.29311594609272,4.07019482879452,4.16508268176594 +A930017M01Rik,1.20675756266069,1.6743826682343,1.87644793156765,1.62025429282446,1.0815406211832,0.935948434268419,1.13167801042776,0.945341223593624,1.26957841201666,1.55483599163499,1.02439934353739,0.774956984742746,-1.41754610265843,-0.137517680210081,0.406298840594293,-0.0104688389946925,-0.428509397664398,-0.53681142051591,-0.464034579099531,-0.375185010515702,0.556633168488275,0.335061166816601,-0.0781942706893997,-0.816937417364429 +Tmem219,3.22653200576076,3.23351941903065,3.32879829537867,3.48893032003911,3.22651796779517,3.34949089242895,3.22869614010315,3.31501433375098,3.49690651588946,3.34516455325157,3.18958171161731,3.2142937771876,3.95648863246051,3.8933916558985,3.85031906187447,3.92779352088734,3.59558426146635,3.69166973544849,3.71742790179966,3.93502096365394,4.13315787506735,3.9656514176222,3.80284767097359,3.80118530332599 +Tnfrsf19,-1.67187367445351,-1.92289704139176,-1.85186120057555,-1.65671923446352,-1.54028376852054,-2.29876805636032,-2.14089278028146,-2.86978127764521,-1.23092964708769,-1.19671676933221,-2.42623321316699,-1.64302237499255,-4.61751572723011,-3.05748132892883,-4.61751572723011,-4.61751572723011,-4.61751572723011,-4.61751572723011,-4.61751572723011,-4.61751572723011,-4.61751572723011,-4.61751572723011,-4.02239430318606,-3.54066006283402 +Gm10083,0.198035708648101,0.0033939404270526,0.252338166946363,-0.0364718211089126,0.241640243882579,-0.200751739567157,-0.301608165166111,0.402129916366812,0.536343494720359,0.142103189700704,-0.418104326229782,-0.242740908347095,-3.51910136400298,-2.9465490740627,-3.51910136400298,-3.51910136400298,-3.51910136400298,-3.51910136400298,-2.85753039633056,-3.51910136400298,-3.51910136400298,-3.51910136400298,-2.50388967945743,-3.51910136400298 +Fam78b,-1.89979015170938,-2.20381397314134,-2.62134295435396,-3.03752566927324,-1.68382016807327,-1.98221813921904,-1.74546548303711,-1.75267527595653,-2.44629499075299,-2.12970469714965,-2.1174103024589,-1.70480038101279,-1.54658377575177,-0.760200317618695,-1.99048342098775,-2.24677462363877,-1.18190410238043,-1.03520022234589,-0.616765150463927,-1.43919910195933,-2.34214725583754,-2.374652308268,-1.12807377740431,-1.08303409292359 +Mfap2,3.11180238738137,3.29813502431121,3.48241301537715,3.21610828427991,2.43061899502844,2.68044130206932,2.79997193299138,3.23380789807787,3.28432290688635,3.64230467882272,2.77068400490767,2.61194720129936,-0.950445439802414,-0.0838752304310056,-0.18942155750403,-0.383615553072257,-1.07171026236113,-1.57036067325456,-1.18058683955276,-0.935861241408257,-0.45288690383343,-0.332968290470832,-2.04248829140912,-0.0544634780289371 +Fhit,-0.131627460892223,-0.447139075206141,0.323744071587863,0.696094658443291,0.809071650403853,-0.011897960894971,-0.202971290276772,0.269745871017007,0.603072906213376,0.853058904295565,0.262933509207881,-0.0401847021743387,0.136380045677301,0.290080446009517,0.829962031198291,0.7887139527437,1.01011923740954,0.526456621609275,0.201664395162741,0.722849518300436,0.844433213685988,0.890147338683928,0.957359024485547,-0.031239628415118 +H2-Eb1,2.06346704595581,0.0968682962490418,1.42837663018811,0.647428961511981,2.13423534420105,-0.793234796279838,1.35904613547047,-0.0825891236511666,0.400620061530946,0.948253125457123,1.05681318523435,0.535557424878051,2.27546966175541,1.82585411709845,1.03345700264608,2.00206923427765,1.76725636293832,1.10820245778621,2.16678610762911,1.26199038143766,2.14845570868552,1.33621104966489,0.821976534759812,0.930773302549443 +Ifitm2,5.67691731750204,5.25213205881933,5.77207010048082,5.53950131166719,4.9632346376981,4.98053955646073,5.07920334866823,5.68369675345216,5.51563585130369,5.57355242061502,4.99382042417549,5.35918572981124,4.16044679212733,4.21762929135801,4.32087825797881,4.35028188983767,3.49359824802384,3.93261162986826,3.52430424761908,4.109947459914,4.28494169524259,4.14876778215995,3.69913779766695,3.7982070878178 +Eno3,1.32379778302781,2.06884887973922,1.27099371691742,2.28027358284197,2.07815039379792,2.22876682205785,2.58760435099536,0.620101720378039,1.83321337931789,2.08428693588523,2.41982394267108,1.88526817138212,1.15299386917453,2.29547403106909,1.75776763707592,2.16070158482266,3.04084634647239,2.30857697754534,3.17495608831508,0.242921864506094,2.26827602928267,2.76155931881151,3.16483504429265,2.75572535575425 +Nr1h2,3.022296702764,3.77248479177285,2.935263456618,3.52148466288394,3.63193809811776,3.35933314838308,3.63975892979278,2.91774576509051,3.30405108868756,3.62655653866309,3.69742148609745,3.40335998663025,2.52852605778645,3.37768163000956,2.81055076962488,3.02832174092413,3.32255264295603,3.11617082807336,3.75978840138864,2.85881546572108,3.13042742414074,3.16525952604495,3.445133292515,3.1759190111612 +Rpl35a,4.19203291948539,3.85353391292145,4.02375537474468,4.10532248493935,4.15910231300585,3.84450130180687,3.75515966072836,3.75908174670521,3.82729481775296,4.33653849861949,4.32108071003408,4.52026614588452,3.52124995340441,3.21784926021673,3.15118367283688,3.03641935648663,2.8953653402984,2.99002204009323,2.54472592718876,2.98545417912287,3.16136483230737,3.22110767580006,2.88951254415885,3.05147840643336 +Hist1h4i,4.15578032433049,3.36184526835607,3.65448389525021,3.32834905292134,3.4342751245379,3.08637682283292,3.32038257263732,3.38499558508774,4.05364075526601,4.017542219774,3.10486420969339,3.38841984057545,5.20044007811798,5.13504656462278,5.12931325184713,5.02094759936195,4.76467186430255,4.79458401203091,4.53186742929022,5.09779802080126,5.1982606254303,5.09161138374602,4.78462626526036,4.50307652646922 +Gm7099,1.08756131942514,0.712836934318779,1.46949931896755,0.885680193303162,0.734625966346354,1.29979603384578,1.50599116150295,0.433181812734097,1.33752065365684,0.464052144910693,0.944456963898918,1.19358794530085,1.32481272721634,1.04958346248515,1.18465928972558,2.04202886045597,1.47077669807,0.595582421332952,1.49253591835249,1.6472733022853,0.970842992103919,1.17799836987802,0.980089595658882,0.938854646302163 +Marf1,3.75352861635268,4.33152709923747,3.95176261473906,3.78208708778112,4.22538622919198,4.17348714049546,4.00685369750684,4.38624346520122,3.89591909484853,3.95653008871749,4.16852639814422,4.16776157264599,3.98307794024253,4.2816259855639,4.17367983606811,3.90692531565466,4.35598650928884,4.2744068706371,4.2093652907023,4.38847533111612,3.87049348618072,3.95576595428354,4.31823466596477,4.2679327073619 +Atp8b2,4.24976930627048,4.41485792070585,4.29696046792273,4.44369224411216,4.46272748561979,4.45122245560827,4.42292880427391,4.14586313979939,4.26125482553532,4.49123710116313,4.5518912409011,4.32735849589973,3.55074641530861,3.4604328598798,3.5397071668146,3.59423511439813,4.02687362068877,3.61603700207748,4.0787699083969,2.98589701863066,3.48902754354311,3.5553840702368,4.05283201754723,3.81966200292627 +Pla2g16,3.03826344821719,2.9943964487613,3.25951758637351,2.98916420364205,2.49387957112054,2.57584835134113,2.68274273369817,3.10875272774844,3.2038567358846,2.68061600896292,2.7597737170256,2.8162216416755,1.81119218383752,1.46343152913437,1.84259914957724,1.66251228218476,1.2277191769391,1.81282904817566,1.29604408214134,1.91312068723973,1.96326160682995,1.43986510930074,1.15113626391529,1.50186481947189 +Hist1h4c,7.4675282216259,6.20024654872586,7.30547919899009,7.12128108471572,6.60238733227779,6.76260854232476,6.65385568904445,7.57769397200354,7.48039916702815,7.11118626271124,6.56577780474667,6.98741069907419,7.26072120525388,7.10363315892563,7.63736985267981,7.11753129920865,6.48540630005028,7.37420088366099,6.57975915343592,7.94453064096438,7.41334911858954,7.26770514844094,6.67766704649205,6.78599471862044 +Mrps9,2.9431616016198,3.38136556753975,3.83541746190861,3.62090642255564,3.10089987543657,2.93128658193147,3.51341780156848,3.18819632291909,3.5261803136163,3.85708778761185,3.06073419897123,3.45457535830883,3.17533502853574,3.3424028080431,3.43380897460411,3.25996743897892,3.03148883695599,2.88852116223025,3.06502395951962,3.47800456827773,3.63797586332797,3.48290649059394,3.00003025661072,3.09448262059912 +Gm8894,3.05218029489344,3.07177119986562,2.48610846732381,3.03723008416869,2.88208542643585,3.35263520586595,3.2687380811788,2.82153502197923,2.9301898163686,3.19032332026575,3.31339820477967,2.89775670737005,3.43951988089811,2.19681430642705,3.18463685748157,2.83398516990709,2.83195991707589,2.64853307441775,3.10773369261796,3.22037009514393,3.18189985194881,2.83858738420679,2.97000825508258,2.81867890729026 +Slc9a6,2.43665773604432,2.31028849584163,2.36412126777152,2.24705009779993,2.50471730493611,2.37386016842533,2.33746280012902,2.39920836731919,2.3333848510516,2.39424212612099,2.12412264546106,2.36004754244904,2.55976064294309,2.46059183635449,2.55270049817225,2.43624484452089,2.52828018042675,2.50290231042398,2.33262929119285,2.66857295088946,2.2656634685749,2.37256919336585,2.55277524954776,2.4308297182518 +Bloc1s4,2.61888536093856,2.33421804308258,2.66819897612765,2.46476438190156,2.08301806819152,1.95005049413488,2.51487536093728,2.41946493541235,2.5478606405905,2.34139722310533,2.00090597214108,2.31821966307916,2.50851468265081,2.3044601779606,2.07305513599265,2.40555607293173,2.13260055663088,2.21340992300833,2.27213176141617,2.77884519146873,2.38040957475265,2.23247457067463,2.14064678970202,1.98227841259312 +Plekhh1,0.746996325079083,0.823074174080587,0.0501492695313481,0.614935599485566,1.43470518325604,0.564136225748662,0.596600274808373,0.585041280619285,0.121436020968346,0.933800382053984,0.899138291818919,0.892695873430574,2.02766586803928,2.36306743666464,2.30597375883129,2.76105848525491,2.99082918300661,2.29829672591367,2.75206811833876,2.04861552062315,1.70006216148919,2.68666928939436,3.02513188033119,2.7244743180041 +Ipmk,3.4204910929322,3.46309338777593,3.4756002673564,3.4316386389832,3.31509205636507,3.34544569475674,3.32570087193362,3.50793368004623,3.42569463278597,3.31664969112085,3.17685445824145,3.29668234607323,3.5827592315575,3.46298018737252,3.56499989129889,3.57766230183651,3.17160711362147,3.37169097812156,3.28279884861549,3.57791370052208,3.48398931019001,3.43806510469063,3.25811191813388,3.29473052817647 +Nsa2,3.49107944339671,3.00072592747016,3.9477329169232,3.58793773665342,2.97971259744014,2.89569240602506,2.88365240499203,3.51317699902593,3.68414783683103,3.76325719275153,3.12599869022206,3.18342114902912,2.85410192968895,2.93081404628939,3.06985872490892,2.88784613530127,2.29338432781358,2.74402357994619,2.56840647907562,3.3261418970472,3.12071184160318,2.98610123357537,2.43280872952183,2.61847957824213 +H3f3a,4.01627417326458,3.62751930978665,4.1322579189808,3.9120436795814,3.35697062736947,3.53065802752852,3.64565737127882,3.90966696174461,3.92909220085478,3.72664778555566,3.49800918665566,3.70747162316228,3.36061437124113,3.14766843363521,3.66327505008828,3.38555050901031,2.9585757726192,3.33024341092134,2.78729862933032,3.59209139488624,3.48963194508504,3.43269101390638,2.99423050693794,3.13631377019136 +Tsga10,-0.58826249763086,0.385249626213403,-0.0298351845658824,-0.352519897617928,0.38197658719128,0.106837445663985,0.0578289470553361,0.306422498434501,-0.443403046289883,-0.131193174297553,-0.345985023634573,0.251567327519731,1.28662092259853,1.76972578563953,1.20019900311085,1.26735083213692,1.75778348427998,1.53625497295627,1.70229164276876,2.30171511766348,1.08202936916272,1.19238088104606,1.61953814303086,1.86236015501559 +Lrrtm1,1.79844933562422,1.80257747170795,2.09069820718463,1.51946203587261,1.2396613339739,1.07838180926136,1.00598862972902,1.92083806566097,2.05445557702868,0.996639181677628,0.633957958476771,0.935625091028135,-3.96215634838301,-2.40212195008173,-3.96215634838301,-3.96215634838301,-3.38669388551343,-3.33201467615568,-3.96215634838301,-2.87369258699999,-3.96215634838301,-3.96215634838301,-3.36703492433896,-3.96215634838301 +Intu,1.31837326562583,1.40884380256295,1.62861342136538,1.44148672265525,1.38547107348223,1.47226935276024,1.56142773751677,1.49967727993809,1.57842293776203,1.41433442683117,1.38255383973275,1.52066713855329,2.28941044214793,2.25457377797818,2.24448177328136,2.13473520976859,2.49894783343562,2.23270044454914,2.43328996378717,2.15830164654124,2.16662978888724,2.13439521788434,2.54498857897917,2.55169839613064 +B2m,5.64669219356916,4.94869677151015,5.04092494716381,5.55927411809236,5.16995816468407,4.86346208209389,4.56155126217359,5.21958437199669,5.24107932496179,5.30572015007878,4.84191707802594,4.89831706517984,5.70664205567204,5.03804888260644,5.41614636285666,5.60191708967978,5.08034614821547,5.15171386521575,4.96181645724206,5.70316037548444,5.22820999797555,5.41208266850798,5.07111472510034,5.08176497928016 +Gstp1,5.43739630178417,4.80435133979039,5.22888940085009,5.18680315292644,4.64805926449789,4.52888854139541,4.96365413752149,5.15156535687572,5.07984711453327,5.09979665011866,4.58115874768325,4.85646694138757,4.80689786541877,4.37685399643156,4.6663115259939,4.58060521091292,4.53669079321681,4.86081419977153,4.34687848095338,4.9769820438034,4.76350860592281,4.94462298316463,4.46143841861763,4.28974374106857 +Ube2s,3.64227521842509,2.8186626825249,3.5786616175698,3.48442857717665,3.47114236644816,3.08448784625332,3.39074082364597,2.8223819135124,3.44090938679515,3.51825615956084,3.63965505253925,3.2095722671752,3.92674544120145,3.37738220704563,3.41593216532719,3.62530140826018,3.48963489840684,3.44761434453679,3.09425780660439,3.34922758386715,3.74857968315433,3.33023624869451,3.54742254997669,3.49805016480295 +Zbtb40,1.85354302349081,1.92659521034731,1.12203096495842,1.66803378472467,2.41573148899515,2.21048864227143,2.15689515791024,1.93681575814609,1.33391222014685,1.62572547918019,2.47863285578797,2.15435195678638,2.0439347791788,2.53585366690564,1.80879741077451,2.48013126230798,2.95807478366044,2.4989127898202,3.08031198942278,2.13304903493702,1.73502412149157,2.1532897803547,3.02016000530397,2.79278720902082 +Kcnd2,-1.10439677151504,-0.89584050420011,-1.19716210745723,-1.48136409277217,-0.655307403498762,-0.175761777296283,-1.27210027868634,-0.946772940429991,-1.52104624091702,-1.18053992882703,-1.4165258240044,-0.526622203484236,-2.61206087050636,-2.05781749153962,-2.03773313161086,-3.55234666106793,-2.74800718142667,-2.82405116464905,-2.99222768805741,-3.29909162793094,-3.1288878357526,-3.73732331511123,-2.24230282567757,-3.3128679276571 +Arl1,5.90276773892719,5.33717567361223,5.89963379450348,5.82480786655317,5.43175377081857,5.30847625371806,5.33927145594738,5.68428474573406,5.78386165560855,5.67123702159638,5.38117169406535,5.5554397504145,6.26890423651241,5.83812089347222,6.21182818435172,6.11111315788194,5.84208892175088,6.02441173200975,5.66805433677896,6.17593731637014,6.12158489473531,6.07765538658621,5.86629256632503,5.94604977123636 +Acyp2,0.321518546250642,-0.251822681190134,0.0671612241155435,0.201603403657394,0.0777625074630186,0.335774309953734,0.143176244095448,0.404586282531747,0.159281433702408,0.136811696517155,0.381106950236342,0.216576310059833,1.27201477454138,1.28741391299441,1.52638209169147,1.35475307083164,1.2804945278148,1.16111128958075,1.04183213567141,1.50794606919414,1.62383554971322,1.17325562727605,1.20686145869752,1.06002733139212 +AI597468,5.24442276267435,4.93970517488376,5.22493242348763,4.92674381519214,4.7560004438537,4.85654823397846,4.71619320244391,5.16731390658078,5.10826354032641,4.81034694898345,4.66064015650371,4.78968927171383,5.48344041853461,4.71415077308363,5.11450061306659,4.76583573215502,4.93906487464766,5.27645226338448,4.75129785206414,5.03715352715968,5.13439912499072,4.76410903231086,4.9799998719207,4.94734179375358 +Rpl26,7.2695259203955,6.42751480736708,7.47523925699421,7.11258199132951,6.65140234038799,6.94611046851625,6.7908498882267,7.24901944363621,7.20832437083347,7.1561170077773,6.81921105451375,6.99534031976819,6.50454525871495,6.04401835019262,6.53979912858195,6.12741094103522,5.75055589427786,6.24118382667516,5.67522963738922,6.66810895941311,6.36349932621394,6.21877333694312,5.74973125578622,5.82211517714644 +Trmt61a,2.11645851330996,1.11077642729031,1.62038955479581,1.86460106079229,1.9811110482786,1.98131326711473,1.92538876932536,1.00286444560751,1.73824733352586,1.89916134352839,1.77921514504127,1.63968508248478,2.43495219407217,1.67677699133729,1.6999879090147,2.01801691863644,2.59432577635369,2.75250863316595,2.52537911172632,1.38005256834692,2.26935138288978,2.00706474093217,2.74330420104453,2.20337659362318 +Slc4a4,0.686014577919814,1.05530401719437,1.02788638568681,0.590761187935661,1.44831176564672,1.60055376153777,0.987179018896159,1.33435400919398,0.744589170280678,0.761431952057175,1.36590424956802,0.976897234860469,-0.141016648983181,-0.0650458743822031,-0.0154617136744908,-0.345925088198454,0.394494941222876,-0.0825284841549747,-0.122953133059871,-0.0429735666852746,-0.238621711427708,-0.341790181656484,0.288724037573093,-0.257624112952058 +Irx1,5.82552694209276,5.69220681761172,5.83703212450705,5.94171852956416,5.64598376555915,5.70983473923297,5.91647738705671,5.67306123731156,5.93441333906304,5.95114997839595,5.87341113609429,5.79276656297178,-2.53080091079318,0.164391614766162,-3.60812295095279,-3.60812295095279,-2.62239657006878,-2.54087390875418,-1.44114251500304,-3.60812295095279,-3.60812295095279,-3.60812295095279,-2.59291126640723,-2.97147114892288 +Hist1h4h,6.73628441181909,5.23672675402417,6.48292459824765,6.42725570555092,5.86764795418856,5.96769983143137,5.89392964286877,6.72898255752198,6.60608008610551,6.26713767052504,5.73533585281142,6.32629384502315,7.16587506299633,6.81424184747882,7.401467207107,6.99507966073566,6.46235722251663,7.24369882941238,6.49314431463124,7.57097643530647,7.16104097031153,7.02113773218436,6.5470415341779,6.60018082468297 +Galnt13,4.14261641676085,3.95885640154185,4.60902653303382,3.80208762905936,3.60407557761002,3.83522537099066,3.70531787465628,4.20193833960451,4.34289444880297,4.05569009282814,3.65349218288507,4.00862432860944,-4.74058234620639,-2.08937816230614,-4.79715814919566,-4.67415210115778,-4.07276782600996,-4.31030151087757,-4.26411124072116,-4.28908679169316,-4.04419364786718,-4.79976567603042,-4.36233886853063,-3.69099751066701 +Gm11847,0.0263523234772549,1.20177708325475,-0.580630162062386,0.170392859767894,0.891269927366837,1.09302004728831,1.1331352560578,0.610081626114974,0.549776468572696,0.61578599652846,1.08155118187123,1.13944511399089,0.311995435274184,0.476340068523557,-0.356154021723694,0.0912836457878257,0.760098351130993,0.141016597729201,0.932754006640306,-0.58460873178983,0.45184106318907,0.0512375586833842,1.15117948039516,1.40933630916743 +Copz1,5.99402205583387,5.76676460221358,5.84015771415973,5.6103480590395,5.74702414887501,5.72102607150601,5.61756552427151,5.91522928742874,5.77385927392706,5.61799479675513,5.72598838177293,5.76778047488666,6.31621542600483,5.76504182422156,6.03679375707843,5.63874636943588,6.04920447063264,6.20914450860398,5.94317718448334,6.02303270170809,5.85665619600659,5.8477129509662,6.08552879041593,6.05645397248986 +Mkx,1.75798652021263,1.59390852543413,1.73751433888498,1.96108628616701,1.70346756069981,1.79104607565712,1.41126581768191,1.54097544478413,1.8180294884232,0.957745413555863,1.65537085337702,1.66838840972343,-0.787330751020711,-0.882652903886785,-2.01158645972871,-0.624645411663846,-1.02637407942139,-2.49687641796117,-0.805011543751365,-1.21498267754639,-1.3471710809664,-1.86618386967449,-1.14430918703704,-1.45995431387253 +Rrs1,2.92292756938909,2.2167220376449,2.21939003334914,2.58047946412627,2.29673950320116,2.40852744993316,2.50054863194492,2.2367975847748,2.38306537501225,2.34466932948387,2.62215694558359,2.27319460962917,2.22830196552764,2.28249255904316,2.30583282174243,2.21251307120555,2.50760047026116,2.17663177305081,2.38926226258721,1.49868817038588,2.03302285956584,1.97627362314335,2.18929418666763,2.01798688254044 +Clasrp,1.2092463981043,2.42975871479869,1.02942355452612,2.18137642065681,2.59632786538035,2.50784950290796,2.659720423591,1.03675128339199,1.78506515000355,2.20379202560558,2.75209281630223,2.24971448972769,0.699614959392812,2.08224490109427,0.842971434040741,1.83306318594772,2.43202109774662,1.42970863176482,2.60471947403667,0.488229648788152,1.60640287685973,1.73807957051884,2.38219640792006,2.19405730488543 +Rrp1,5.71482932197205,5.65674320847876,5.73042762609018,5.8458421431318,5.62503348075035,5.64984085771432,5.79414194930553,5.61221088335389,5.74041736377532,5.81916710769846,5.79765521990906,5.71622198517332,5.30081867378522,5.59956888144833,5.28799486730956,5.86117778562143,5.77286247887138,5.34331967551816,5.86226941020684,5.11474744933421,5.64755808671744,5.85915235832108,5.89666445646071,5.78378368024524 +Haghl,1.55362890527463,1.99943440747981,2.0710650283588,2.18681457604089,2.00734086900341,1.94781971185499,2.09685563939642,1.79334922744386,1.92689851107452,2.3209032895449,1.79558505129283,1.74931461769827,2.07138733445295,2.64993252212257,2.65588544751938,2.86188432871654,2.23788868928993,2.03731871189408,2.51247011744121,1.99957409741778,2.66146636800749,2.75527136753516,2.12787827563141,2.37314881201797 +Gm10093,2.41588196251918,2.40785510477647,2.5251062856914,2.45509898290901,2.71195584235627,2.68478344763799,2.71236622794037,2.6168070491447,2.50703078207053,2.52033304177815,2.78688255622443,2.64743010356749,2.38796426003327,2.71630814928778,2.46194586511391,2.76087665920511,2.85579140804977,2.79605606644235,2.82480256093554,2.18068721728595,2.51943608417266,2.71077396510454,2.74037292669323,2.72160873039542 +Zfp143,2.31119427466681,2.15521605149569,2.32280509630616,2.2052394960858,2.19203437236859,2.23329095724085,2.24164738301436,2.20276475377752,2.33095209692916,2.15519029879176,2.28509531332982,2.41999811597146,1.79505759859008,1.99911667032577,2.04507602348558,1.6548235006345,2.14839552216004,2.13105863694927,2.04366074968117,1.9844127010777,1.88623138298336,1.84631240250053,2.00789940676467,2.16071736626761 +Gm10094,4.34488947703632,3.90016900367172,4.53238670934191,4.49663814852785,3.87133597584819,3.92386911036898,3.9897611651415,4.38957406987551,4.29575871637687,4.52479981962428,4.19148560218685,4.1919300192015,4.50355880662418,4.10977047694399,4.52259657117438,4.06259999381254,4.08771119903891,4.13782290842195,3.67046259803986,4.1204395536109,4.24460816916126,4.32439788708378,3.94567589129773,4.07526898409139 +Fam195b,5.12167073746366,4.9363100081205,5.20211959149049,4.97740216030255,4.85549275984751,4.99048074086492,4.75114420756507,4.93113331167886,5.04106297356522,5.05800949131163,4.89382437483072,4.74835507102456,5.48564715599205,5.20568582453931,5.2777197549276,5.09196975948245,5.08768018153982,5.17266728905006,5.19478794309232,5.5174926002326,5.35168787671004,5.18345422007743,5.13687408325972,5.06229430166437 +Dnajc30,2.51624480126197,1.96990506484556,2.42951031605637,2.0537847300737,2.38908188791129,2.22798485083361,2.33404174767071,2.78522302614386,2.54220693906816,1.90734934503787,2.63847332673129,1.9449729051702,2.89352029002201,2.87960715836075,2.87045606134238,3.03189936821403,3.13778298612047,2.85656211180587,2.72455411297203,3.03549443102228,2.95084214948828,3.15811467123109,2.84633315954718,3.09475266835414 +Prcp,-0.118799537935214,-0.0943541802316439,-0.269576005054454,-1.13067357052886,-0.627143318101947,-0.46924016320504,-1.07180613132135,-0.417065377102612,-1.00290961536853,-0.792894940060156,-0.432505269883363,-0.186543548903568,0.804640233422005,0.396794163300071,0.271389112481793,0.597987951261814,0.602074400828125,0.485387647071324,1.01379372063681,0.854841211967585,0.616682042925556,0.726582131607807,-0.0895783792338014,0.426506741034431 +Cyp4f39,-2.16042602541545,0.014258536981829,-0.654920055844259,-0.244197239863044,-0.664246908868222,-1.04156223121578,-1.07303944603136,-0.647650675024986,-1.4268572480864,0.0935813906056624,-0.589972802803245,-1.32198430936339,2.90396422178902,3.53158415430424,3.43967189945222,3.25208932405669,3.21850301254763,3.19962345150289,3.2322535016792,4.11494680107594,2.74825521807218,2.97353416288221,3.37502943314458,3.50186481947189 +Ppm1b,4.39490920903272,4.41581908859767,4.31443375904885,3.71677901885021,4.05810263107354,4.3053307951555,4.47513237387983,4.49644411429456,4.20733034688814,3.73390229835172,3.97464626589162,4.13889109111045,4.93525455135948,5.18871072298904,4.43694184461065,3.94309323117712,4.32642401217974,4.66944664424372,4.94718512341505,5.14505247410862,4.59302567655344,4.078170445602,4.20277720156894,4.69543761104305 +Prpf40a,3.00212820765213,2.97858479677543,2.89932948813202,3.00944852341277,3.04676925959503,2.93917260324294,2.95678505012527,2.91150971608559,3.00626568148657,2.80521931912219,2.89922658620993,2.93074596534093,3.48894134674156,3.32379740611257,3.53903233256505,3.32267278897358,3.33530317459304,3.36470273265192,3.27402393584265,3.32579082095842,3.38555510753495,3.30469065974229,3.35240555066514,3.33422090148302 +Maml3,3.07696645927002,3.38326593544519,3.19853725823559,3.12528260762197,3.67663018048544,3.80097365112846,3.54908118927408,3.4488376597599,3.09480503916672,3.25141421530087,3.78874907806109,3.54791571335224,2.77188562719551,3.14566854010542,2.7433106248895,2.8490269342574,3.29129533017442,3.09508114394301,3.55098270333989,2.57200141423512,2.80532588384184,2.90889138689675,3.40362627402951,3.21267466973228 +Slc38a11,-0.62327325209272,-0.426912054824319,0.434918178888419,-0.0844344813414328,-1.10754704286052,-0.831910070109915,-0.722301659882918,-0.794990240196624,0.0896970018645642,0.615854803444735,-0.767346103718261,-0.505470177937654,-4.47210816696586,-3.17259589192914,-2.02392000901672,-2.42189202188982,-4.47210816696586,-3.06984936700246,-3.01508529106545,-1.62499088615163,-3.13875126175686,-2.90153680197159,-3.13194520327619,-4.47210816696586 +Fnip2,3.46739946316825,3.68315790928381,3.80085453295418,3.81403761708234,3.78622449620267,3.83518349807643,3.54510261290491,3.83440049077355,3.74916126304865,4.00317880077839,3.97943603641801,3.69228271341638,4.17371517393178,4.53171709298171,4.25459588693603,4.47198442598697,4.56430435394853,4.31521131256106,4.41735087138917,4.75890393289193,4.0757624348527,4.32047813226142,4.59494253569851,4.54599912256467 +Sfmbt2,-3.79465793014728,-2.89634344503657,-2.45837996541965,-3.28035369745032,-3.15850523777669,-3.65031442461644,-5.19592031109143,-2.50444211688021,-3.07934246918044,-2.53517278644834,-3.64261769800299,-4.33819855631619,-6.81670518841251,-5.51719291337579,-6.81670518841251,-5.64250840560698,-6.81670518841251,-6.81670518841251,-5.70326587605749,-6.17216829740059,-6.81670518841251,-6.81670518841251,-6.22158376436846,-6.1800533863826 +Stk19,1.75266222903053,1.86191205847572,1.98722217678437,1.67837617770312,2.27840335323354,2.55444304257712,2.28538546786258,1.93151881350302,2.11202869592682,2.1868913589473,2.66897017395208,2.11137269940232,1.50324605413355,1.35367950511411,1.50665117126584,1.43139666678098,2.22875752872835,1.7245941488473,2.36665948978837,1.35783310590208,1.68608117614258,1.67396902012419,1.86867832797751,1.8284729086917 +H2-K1,6.74107230495948,6.19616376159844,6.69976515286518,6.21615903523588,5.8933716068101,6.43468707962303,6.18213128159603,6.64117213620546,6.62671325255071,6.16442017777332,6.1390544238542,5.91089154991393,6.89359312408736,6.51044169437971,6.82404232452327,6.39630019974757,6.2389095412341,6.97858865705044,6.35361862123235,6.8959700533711,6.76297244557497,6.41081969835748,6.39375370377616,5.99774127397214 +Exoc5,2.86173018946676,2.53214259943701,2.58042789343562,2.58353934390319,2.55304910165322,2.61945712987378,2.49970046755477,2.42997820166964,2.64152869094331,2.49841597307706,2.53682852230961,2.65349242700791,3.64563824491579,3.32106773449757,3.6592858975865,3.48360111241942,3.2822906863349,3.56106664529213,3.07203750931889,3.67421305854449,3.60991482598224,3.46603395932837,3.31960552341274,3.40972780185737 +Mmgt1,3.48001193496018,2.94061251960352,3.37444721308352,2.98208345724757,2.94030291738593,2.91893760155299,2.76138222875195,3.2041186723471,3.20661052117266,2.89797731569061,3.04682947697517,2.85907752393907,4.37226120107552,3.65869859065712,3.99818052049004,3.76757001856164,3.59676420637378,3.97075517564823,3.42161968220037,4.23573250197799,3.87700227971267,3.6010975298424,3.5438140461051,3.68882217305333 +Exosc5,3.27630787253677,3.33626536559589,3.1304381577798,3.6378600573753,3.12278387125847,2.85885815390862,3.23922334391672,3.81664627328228,3.49817244735933,3.80188702674663,2.94233915817983,3.09929565996367,3.34361393411396,3.21735397680358,3.19718271193541,3.54894447033646,3.24024834976413,3.48000538234679,3.16714622246334,3.59780534358121,3.61464791040961,3.51717291404752,3.28382776540565,3.32776285273135 +Taok3,2.13719752667805,2.31609812159509,2.15595884129463,2.04675187234061,2.63694304665784,2.66748645453364,2.46029561554961,2.43000141470274,2.12946492636083,1.94103459295911,2.52644863089581,2.4633489404133,2.3309973114107,2.28953955075289,1.95358459496396,2.04067410062142,2.56727402935508,2.52228339746236,2.670657362861,2.38794134447522,1.93335878442138,2.05795775656389,2.57047648375565,2.44046066722122 +Agbl4,-0.491646063124074,-0.158533947255961,0.375624656783458,-0.153409064317086,0.297523996223838,0.202600069464227,0.0565108935187388,0.0577755791457228,-0.205946334091936,-0.0984796798086314,0.0026469295697162,-0.356738181353351,-0.103374188322745,0.306864693554196,0.127350843120609,0.169354910695961,0.841010927478199,0.0243562744254748,0.745261762080526,-0.1160387342809,0.168087402010067,0.208976571939618,0.621206040397188,0.184650827523592 +Slc38a10,5.46354470547971,5.6587587376603,5.60523225534886,5.70546012198159,5.66821327643936,5.47713204994133,5.56145906451679,5.77660030246459,5.52244140866786,5.64206111920338,5.74541893482696,5.54983437111321,6.37535582112661,6.37798598970542,6.12427607210048,6.24939615073922,6.38880611139443,6.43976857031767,6.71013689735927,6.32805818305088,6.11424240309809,6.28747013149466,6.50479474117574,6.48732564287426 +Ddhd2,3.93678318293812,3.98507129132312,3.83619614913734,3.99670610483974,3.93880936630639,3.79170190769302,3.8849312624478,3.84946695990161,3.85852673010477,3.93756663985226,3.94854133511113,4.03353565362131,4.1092851662892,4.08155852834896,4.16100460504709,4.11955674059857,4.01061299643699,4.02521208722782,3.96540735342922,4.14087674373312,4.09764385647552,4.07067890042808,3.96355957050407,3.95682157472404 +Naca,3.61831884557354,3.16795393049081,3.9736692337551,3.70740853474277,3.37979826731882,3.29803662429837,3.3311818920757,3.54116196349217,3.74737226818157,3.8343397550018,3.27966545234069,3.42205664063797,2.97157301085929,3.00840283645821,3.21779833245127,3.02295694218928,2.98052886179995,2.94109234790742,2.96087403545378,3.36189014750367,3.25257726604446,3.17335619625164,2.87676108311599,2.83764237662826 +Dnaic1,-0.815486012035856,0.246984069637171,-0.308151933884848,0.148273290095602,0.311389016080434,0.480617289726594,0.230554081478187,-0.270935361785543,-0.240204284425385,0.0296801648515035,0.327879239316207,0.250456443215427,1.06275420446848,1.29589269102076,0.956561176928363,0.685511800865726,1.419921888534,0.903539828550933,1.69792011084406,1.05607685286705,0.735250257265331,0.696342217016441,1.12248643504479,1.57537556502161 +Gm11361,6.09724719849967,5.40566326320918,6.06228635544033,6.3070189399182,6.06734282639041,5.85610761326978,5.82624930252314,5.94050642956066,6.06287851815115,6.2971245722883,5.94658190013435,6.3821188178863,5.33733279443626,5.01957289447853,5.56857039454887,5.30683913835965,5.1930940866756,4.98972164486473,5.0436869486476,5.66022968329802,5.28065844263469,5.24046898936726,4.98170197553546,5.1095812993535 +Phf5a,4.9789154971371,4.36288420415124,4.89082714531999,4.78198759174599,4.34303775910823,4.509887483935,4.51601982608631,4.57381785319667,4.58713886032687,4.58509539213979,4.43291333159385,4.50573804205062,4.88205967675252,4.19517888948344,4.71317606741023,4.41603043867152,4.41141472450869,4.56320136621889,4.47242903146008,4.71019120341303,4.71131655302762,4.32575961671553,4.33984803421905,4.38852148706377 +Zfp873,2.85860962475727,2.58766716955581,2.62625437207926,2.81449857257288,2.56915175158437,2.76928042744579,2.69170064205144,2.83458983634504,2.98616555828252,2.48348721506815,2.61058448507985,2.63562420300846,2.43546437963496,2.31048425345267,1.95245193111939,1.73658458656268,1.83978801206718,1.91174967307462,1.51300578660659,2.13338839901681,1.92622014951471,1.98223502973516,1.95682308349683,2.01347095589709 +Fiz1,2.87734986094722,2.9987772895084,2.91223184186615,2.92256500314235,2.79359132704113,2.99599309005559,2.87514624906295,3.07460773312639,2.98013091078619,2.82152377505518,2.82377042090397,2.89690517826484,2.5513861481522,2.8196536256749,2.72205074590247,2.77452929439671,2.98994811816762,2.85090454464883,3.03185456349278,2.73194449162787,2.59747396084423,2.6535017383844,2.92062420756404,2.6847670496758 +Acvr2b,2.32049453745801,2.6527816873572,2.22558286654588,2.21119593561479,2.66833258534388,2.98471355632519,2.87683110656933,2.67674469097215,2.21115765770475,2.56835443574774,2.92319474220496,2.72447765169862,1.1811702169592,1.83675424162047,1.43028300572172,1.04548254369917,2.14063859168742,1.65586311880346,2.451978704529,1.80213654948143,1.01663727328283,1.87386216664081,2.19813812518765,1.99656895864839 +Zcchc14,3.10404068026706,3.52682034700542,3.34784406467204,3.29514966219506,3.72785181026569,3.7341942925621,3.54524772001168,3.52703508879423,3.20489845398416,3.36428786200082,3.69005170865281,3.48406173995018,2.30039767973474,3.13322221756825,2.5011758764044,2.79825916275647,3.40341302644744,2.89997259186704,3.35627966854703,2.4081951955909,2.51151432759658,2.84707732577752,3.37966639624459,3.25029211690372 +8430427H17Rik,0.249762346434089,0.930559198714848,0.40254886691388,-0.0015657783283002,1.2962341824546,1.6655869776873,0.909079048967356,0.617943095113943,0.171264215872692,0.509062054261176,1.46855218142972,0.634948164976835,-0.24393396155361,0.453470357460643,-0.348423929017421,0.176097708434531,0.808568559959001,-0.170554788621024,0.853309518144252,-0.405739609452298,-0.160799910641565,0.0264823980579614,0.676482301799167,0.606975876553727 +Hipk2,2.60815809518405,2.47424439535058,2.51204363271332,2.24221637070954,3.48599272618495,3.62407757157128,2.87406291240358,3.32506093320647,2.44468249876419,2.30903541898275,3.36942916342337,2.77251686696243,2.71153765840834,2.86340131770019,2.8266525084129,2.70432498404744,3.91697530605541,3.19203712449331,3.77287903388702,2.78773682577326,2.44571773445894,2.7016629850477,3.79820464259451,3.4360028320938 +Tmem151a,0.12720184991999,0.289629956617239,-0.0612591351060172,0.0513873284998967,0.226437842949048,0.176972852710653,0.283029749547747,-0.535991190936438,0.101180884625622,-0.5791000614503,-0.32442284788121,-0.164709233068169,-0.440142824986932,0.40312131018708,0.267049573660399,-0.0646046616847071,0.127175515742683,-0.253747982018699,-0.0603193683258487,-0.420188912725012,-0.399116811007865,-0.1236789050714,-0.105761606964287,-0.0911993792966457 +Stx17,2.02573900666909,2.57786821238767,2.33541527764663,2.65948957856478,2.55765085647175,2.52891142761094,2.55038339433435,2.21456147450485,2.38144037790872,2.40208725163024,2.4207543077122,2.42518566098985,1.94662081623157,2.27996337153071,2.2844979868099,2.41348040958547,2.138894828657,2.06395048947151,2.08053380511656,2.23989015399337,2.48483191433583,2.34704667284563,1.98809625892069,1.99265129646249 +Nol10,1.73168642863141,1.44528486924964,1.73841758483163,1.45889401994122,2.08162184093269,2.16087585555601,1.93026468131148,1.91079844898673,1.50996570971794,1.57796295974223,1.81973867761147,1.91167934986692,1.82525200187745,1.68233996453785,1.60616335247727,1.66708954204615,2.14656298715123,1.82048587343247,2.27575974363082,1.74318199894749,1.2132308636897,1.75186889897552,2.04595295151493,2.09494748125753 +1810013D10Rik,2.29699382768266,1.91659798454297,2.49964156694871,1.87366171127769,1.62365692326829,1.82428199104679,1.87263779717308,2.30701201916797,2.0037223716118,1.74279386815071,1.86827791558054,1.82302914629305,2.86102606477576,2.64019666742204,2.88867920695881,2.34372120990844,2.14938852269383,2.64397151514807,2.29619920021001,3.04727346190571,2.64138253054255,2.54730760530893,2.16429882215435,2.4371599136269 +Mrps36,1.25873369004631,1.20958561536079,1.31535089176227,0.597528953990456,0.999605496799791,0.870541550503613,1.0390303790678,0.966341798754097,0.675809952127276,1.05710686286416,1.2217058022363,1.21303180992343,1.01292130619282,0.955031884094106,0.861583604899659,0.910988420318392,0.722597494960858,1.31921337939054,1.01364350808008,0.905669563868197,1.16490068642404,1.35632783611524,0.708950796333972,0.950181302719232 +Rps7,5.859710074098,5.36508964904274,6.28626557867006,5.91655902938543,5.40553470300986,5.75271503261758,5.40876612442377,5.94074923928153,6.01472562962065,5.81848477044003,5.7649389834377,5.79652501429534,5.190105727956,4.60710053840933,5.32975421263305,4.94797425294554,4.47490456614369,5.11207960897876,4.60611199068796,5.17511258157692,5.14113386103608,4.89848742974815,4.57147506133784,4.69632054301376 +Snrpa,3.60651486180269,3.23415396787311,3.41324819306534,2.84812651635042,3.38122405173599,3.22310215554835,3.26915662443385,3.34296803920959,3.22474479193199,3.16186389511966,3.37755738016702,3.45604653818091,3.24010392353537,2.86614726686183,3.2134289252464,2.73035109324745,3.51899294677095,3.24607067969985,3.45111843978882,2.95321782956638,2.9219469842482,2.66585654360609,3.30946307552439,3.43522388535784 +Hist1h4d,7.99007078327399,6.89027693910976,8.07243323955952,7.75317408223546,7.18995961618042,7.32409824472342,7.24769435864555,8.31662407794628,8.13596604959188,7.78901842514578,7.28680647779586,7.73713379266807,8.13218465456608,7.79086560772888,8.25996847097891,7.83246131150271,7.4023960536023,8.26320068364631,7.45185347083498,8.61905265015371,8.08576863169942,7.95732816560824,7.54169211506251,7.67846148673419 +Cox5b,5.89612452151399,5.16771683492068,5.83062142584964,5.62031449517171,5.4379556086347,5.55379971385171,5.51045435644756,5.61451776961646,5.77181444960611,5.90121877793322,5.45556728739937,5.579805004263,6.17952734058614,5.67979613668148,5.74067000938634,5.77568601719803,5.39125998225956,6.0417104007548,5.44464276078202,5.897264586548,5.84054225475374,5.84759348395237,5.63951603425204,5.65831263469943 +Cep128,-1.43988134395012,-1.55775721700422,-0.871681412631732,-1.02424330848513,-0.75845315839178,-1.11982740343597,-1.07481666269483,-1.54415773909222,-1.21818602093353,-1.44046290923171,-0.798706520883368,-1.34646220434859,-1.6936177499155,-2.15083334432441,-2.23559947972944,-1.52371515904313,-1.70258596462739,-1.58920200770015,-1.12825686197422,-2.0636071390164,-1.26124883071935,-1.98938647078917,-1.85050539938758,-1.32057599703477 +Sec22c,1.05347949042813,0.539786352794027,0.484295263205282,0.305543535063505,1.43404218192262,1.5640356936493,0.858217322353028,1.39164814043035,0.728188758211605,0.189518471994528,0.969976200049238,0.933094011889063,1.085604577131,0.888585829845181,1.20784215838326,0.876255278963187,1.80631837323783,1.32226471784471,1.67506621220266,0.751392595631255,0.796082129980318,1.0060918885859,1.80741901662375,1.22878476571181 +Zfp229,2.04106698382886,2.26602811881137,2.54808071046263,2.2307668589678,1.65196502355974,1.71413462615419,1.96962856689768,2.54702209112582,2.18674690196124,2.19987018866728,2.00446186226812,2.04747537447794,1.94051935829445,1.78113173531283,2.2349450247766,1.81919681829832,1.54092584038309,1.80965430269554,1.38965334680067,1.80015994886188,1.88032544811475,1.8655487281015,1.53487627648007,1.7884395695883 +Wdr61,3.31886049917513,3.01163720439334,3.19578226385167,3.07384076310748,2.61523360607957,2.73345191713506,2.95240384907817,3.02868467459459,3.02356177545802,3.02418865801106,2.91643062999274,3.14531356487506,3.13528771017583,3.01110686629903,3.16665673735035,3.17382710497435,2.98312519176788,2.98504529865144,2.92280311164565,3.17890813355721,3.21902283658698,3.0159971596783,2.92535268156226,3.01569656816835 +Dpp6,1.35214955546035,1.54783979285291,1.59392744725518,0.639840007639933,1.79281261033572,1.89584462507879,1.23990501479418,1.79157447092626,1.17634248348938,1.57003070870177,1.57940071719327,1.60071479739245,-0.138046437147308,0.333040461323432,0.572289647892978,-0.386644584985665,-0.1311401080412,-0.381748890773035,0.0688772675592544,-0.154486529640954,0.171718326574854,0.227494756252304,-0.0098521022123385,-0.647542269710752 +Ksr2,2.77701242910904,2.63225929876793,2.10543309709276,1.96156449724815,3.31740928929652,3.59891451450274,3.05413171786037,3.20791874513573,2.4114169277146,2.12171897728279,3.22185266572961,2.89156217407219,2.16130817713278,1.83670865851062,2.02280121097604,2.06974004744019,3.13894355549437,2.56752796772413,3.08526119262139,1.54088800482873,2.07046796832539,2.20126973792437,3.09415352343731,2.55688449035998 +Dot1l,1.04386724622676,1.17145115408515,0.845872552206102,0.769284870732146,2.74080004473016,2.91058409049962,2.43041251806817,1.0949129895213,0.906053414569892,0.984925208431662,2.61665217363862,1.80087884084238,0.512381968136368,0.846320062329851,0.498904793270584,0.664416759286481,2.37696318231919,1.55921271265866,2.53598812872238,0.225552765003889,0.675582075761358,0.775646775682075,2.20153605378222,1.7709067170224 +Pclo,1.32351133721231,1.66053258037503,1.19775842097746,0.795543442996358,2.93579685213692,2.74453928545789,2.26552421542745,2.21685642596848,0.987142351328674,0.845859579294419,2.58455915767345,2.01046756879701,3.62373447000829,3.82301258830784,3.35365483721391,3.38821648857031,4.83330548745594,4.30947204076397,5.06262483729034,3.31607637076534,3.42447636968804,3.34238484818714,4.72902885810712,4.4463531653553 +Akap6,-1.97503795806128,-1.34025721149334,-1.8586562749805,-2.55825870164344,-1.25265267983806,-1.93376063427163,-1.24016867704829,-2.06030541138143,-1.79320474808276,-2.96646540633021,-1.84770029270024,-1.33674251329212,2.83913527568959,2.164755292197,2.81871468547307,2.23095203262809,2.45557098561449,2.56106005758198,2.91730810861093,2.2634022740329,2.39785063553271,2.26892529946868,2.57814753593115,2.41466007365427 +Mdc1,1.98142985024893,2.18134840165937,1.78892337333223,1.8464267680384,2.70606665799518,2.77092016942576,2.47396326252392,2.20629597308268,1.85917500724601,2.11406705883301,2.66983886538574,2.12281968928328,2.03622153019054,2.01344152488628,1.85744196513949,1.91950921315853,2.71557856234642,2.18602386437761,2.85041939450825,1.424804147244,1.68468081876629,2.00624562780104,2.60999884376936,2.33892425764364 +U2af1,2.71419167902905,2.35648194250387,2.81721314566486,2.83751064007176,2.66253909784538,2.84265445685379,2.85778517832939,2.91651285892419,2.49121812687663,2.84466214828737,2.92485698072699,2.78027689420328,2.43616235676835,2.39533593560648,2.79251933235599,2.19964054332562,2.818635297123,2.66173839040277,2.17016293726675,1.92631361561155,2.90453667996572,2.24082529100749,2.51314502568693,2.7991739530433 +Hist1h2ab,1.40088344108781,0.119430936944286,2.55095779436583,1.92968494155245,0.860156848430213,0.94012753041664,1.55520810976008,2.18797776806239,2.00796593968927,1.17096889564754,0.499255542990132,1.5958732117844,2.40445189566456,1.58857255764595,2.13238907845033,1.35582378968848,0.920401883068325,1.04945141986933,1.50887499835913,1.94500910570707,2.54600970031938,1.99413146593104,1.45471458717933,1.75330431263581 +Med9,3.96369953790517,3.82336398733867,4.15750113767434,3.984910359635,3.54784481448009,3.90785214801679,3.65493467227178,4.15680326917545,4.17849802502196,3.88403597526012,3.71335581486313,3.81757265148636,3.75389032075784,3.85985843462859,3.86373328199104,3.56307792295589,3.43061124609627,3.72274650896575,3.50644172670884,4.02297885497018,3.83008675419699,3.62438571335363,3.46217586641361,3.53242439308634 +Cd2ap,4.46999182563367,4.51559020716673,4.58403636438797,4.65779702362747,4.52970481878598,4.62714200150434,4.35776524928262,4.5554316312628,4.63079521692656,4.57914849135653,4.54571384412631,4.36047816445696,4.28557168498639,4.44219843868412,4.30460745529942,4.42514828894518,3.74333755576388,4.0819402524574,3.94358580389992,4.55858517589311,4.50098892325139,4.39861186338796,3.70775243029561,3.95712468108044 +Gdpd1,2.47599675550352,2.0126707440534,2.04430802360624,1.86851744258993,1.83575994273568,1.73259989288363,1.70688096592621,1.79177306738167,2.24560909364963,1.86480792882917,2.12266024029605,1.93237214367804,3.13360724935181,2.88520601201078,3.45618126286907,2.98820219267759,2.6246474957321,3.10696315153894,2.68538316627952,3.27828502057794,3.1057871978956,3.14799735564491,2.59413876057281,2.94637119736498 +Rpl21-ps8,3.25083534732858,2.60885579878132,3.34710009655777,3.04663835598929,2.79909606176482,2.85466364161203,3.01717918027301,2.69687065693386,3.17289906432765,3.73467311044203,2.7028699383015,2.88841529579461,2.63630072125345,2.23906823731949,2.67560357767074,1.98079057107921,2.41683653991604,2.05463278415104,1.78668681981365,2.89485279657711,1.79273280261836,2.66821526670454,1.62165050915547,2.41137200004467 +Dlgap4,0.786777310550228,1.26738450338612,1.12182596151157,0.905560030616723,1.58237226974629,1.39998725655449,1.45286957040694,1.05746266316223,0.91570151758631,1.11701148479717,1.53060838547219,1.1919554827869,1.66682094449307,1.49853800573013,1.43560065799232,1.39871407365117,2.18125580499685,1.80028653325157,2.33386037526082,1.36560836955247,1.38653285601321,1.41281980270884,2.03260091387773,1.86460529640873 +Gm2423,2.80806333743559,2.08166949624735,2.31942407984994,2.0235585625964,1.7872780529957,1.59682798658863,1.08703861222072,2.28256086527589,2.20199688800872,1.94410986333335,2.13053953187969,1.81540999918219,3.31085406579426,2.79563689162842,2.89651731147868,2.47652917918099,2.60402794891388,3.33408639336666,2.13942501096718,3.37335909812224,3.16142014755396,3.10031022737085,2.74981879384021,2.67966834118935 +Btnl7,-0.314480297885066,1.08705000762032,0.349938011337209,0.356908165883168,-0.461366361878495,-0.0130525612829546,0.0380498737578482,0.741787955290771,0.417885660796673,-0.629854288978329,-0.414638857995575,-0.204949972841467,-1.76521392185134,-3.17944332507902,-2.5990509211985,-2.47604487316062,-1.8746605980128,-2.11219428288041,-2.5178723574066,-3.17944332507902,-2.16991304022831,-2.1902231963168,-2.58432190103497,-3.17944332507902 +Ext1,2.37092008312883,2.20037931649131,1.98645426133264,2.20536076547801,2.66510165682515,2.49425407713271,2.58844995666604,2.13723116840743,1.93686886836353,2.09815198493361,2.64003924711573,2.37925983580908,2.30608724440394,2.23486223300329,2.10294552875008,2.22859990341576,2.62961333710862,2.4733513097659,2.51480569759835,2.22609789672618,2.23985985222849,2.1228837842786,2.48462534359431,2.52882143974841 +Cyp2d22,-0.365024042501356,0.328266148137788,-0.676414666690509,0.433929102852014,0.591748669217158,0.718964105336916,0.52636603947863,-1.09630867609798,0.0331811635989503,-0.0639345703609573,0.142192351632427,0.176415534841767,-0.527171479954564,-0.0087704651439701,-0.936839463616687,0.567815189759972,-0.273132195731338,-0.125864713864747,-0.638793715464844,-0.875974944129822,-0.0593307463395571,-0.392046016114472,-0.344846538897208,0.309084074439738 +Kalrn,0.698551524613864,1.03313698337008,0.764452874722203,0.935257423332973,1.14220219948165,1.1743050248392,1.37317783232472,0.771827344252729,1.13031580119163,1.01100025397116,1.20054489993558,1.01994134125053,0.751313458005507,1.50857540712609,1.19743623257181,1.3484308387985,1.5705162975603,1.08281221586806,1.74832718796898,0.541416555587815,0.997852656162565,1.31402450538162,1.52901524130449,1.66667919757219 +Bod1l,3.09331508273618,3.9566867923338,3.34944834748758,3.80572029297139,3.78365339006881,3.77431802021426,3.85526109346562,3.50623790005673,3.55368965700657,3.72690478341105,3.88201205998466,3.87787179240128,2.94914732387372,3.73387589769796,2.78898402418183,3.75560595751405,3.91857441854231,3.10705298178175,3.70869027682616,2.62515824297801,3.38778514102486,3.6891432026801,3.74303723776923,3.80245921524967 +Akr1b10,1.22208342872638,1.91820259610351,1.72517881471825,1.69475475494537,1.58151425326483,1.77605400636886,1.89599684615501,1.65038813856548,1.88281715899966,1.72273325123484,1.83366919664141,1.74413703550967,2.20914001244706,2.13459157880049,1.84202408748141,2.16421881470836,2.46040505786338,2.24050329514965,2.27597587313202,2.16448601319732,2.36803511638148,2.12639924108143,2.48009942487452,2.34250871182812 +1700052N19Rik,0.778329619104182,0.848371013431577,1.20275443585027,0.852601839560029,0.918236784668116,0.678964428513687,0.830000394079131,0.955183043020154,0.776415301901878,0.762903073537594,0.727025932427438,0.597901604815009,0.709622360843698,0.942023987686174,0.948155419085063,0.814884733175455,1.05890481247301,0.833623895457031,0.717530911704179,1.02250362332294,0.927063214728798,0.850184477931085,1.01764514290671,1.05633478632666 +Mospd2,0.828747276319564,1.38094528611146,1.04288612717563,0.887165252846673,1.38962415935973,1.20483667148265,1.10271304551341,1.08665284842337,0.883424370948235,0.841023049600754,0.958521519395729,1.13416944421877,2.71418993598456,2.90676692730718,2.65170895157364,2.68973885571307,2.62278510407501,2.7247517325607,2.54421817170011,2.90221268235572,2.87768727579183,2.58099669169914,2.52351973309398,2.81188125792744 +Rps17,6.87850994238695,6.12431437439589,7.06460029034929,6.71021781378533,6.38068642739898,6.58102251555144,6.22943445384818,6.88287325815461,6.8569960963273,6.77811025243348,6.4177314581857,6.70274578571068,6.13829400336976,5.43419363590777,6.09567945674374,5.77008082434948,5.13410167892886,5.8674494070434,5.18983646420261,6.05494437052059,5.91179972480843,5.80097155650647,5.3881552523411,5.36327393737717 +Armc4,-2.18359429425984,-0.695193637435762,-0.629872581070237,-0.571109324297562,-1.34266495734201,-1.16273286603314,-1.30600292890283,-1.0639058719351,-1.4933984189566,-1.02709173764163,-1.49234519501057,-1.46151494964861,0.0704762426413887,0.359397557623839,0.935917103419213,0.323815338221477,-0.0570058890446208,0.775107665681615,0.0913990860272342,0.326367485680207,0.106677939030127,0.434704715470741,-0.672282895143419,0.268655329939367 +Ttr,13.1873140169522,12.5954020804162,13.4778085328606,12.9940677737008,12.3518203498201,12.6478362366343,12.7883180144737,13.370127663322,13.2702424358522,12.9790295328891,12.7213159964678,12.9383353145661,8.99615558614594,9.11766052304586,9.30077109914812,9.05307536477399,8.9004587734737,8.92001839856982,8.5902943292277,8.99072527323057,9.32407950711631,9.17065672581939,8.82453293375706,8.79670396559704 +Suclg2,3.89356060816901,3.7448462192253,4.14862223856168,3.98532188081398,3.47553686932784,3.58066626061625,3.65093760079349,4.03886231925713,3.93452047390077,3.8916918114998,3.32519494881618,3.78166142216568,4.28670382217155,4.12705935534833,4.43366784189343,4.20853976895124,3.6978096970323,4.04858599199058,3.82218757556003,4.29716801580861,4.42911238453114,4.18353577130799,3.67500528217514,3.87055318587694 +Gm5805,5.7615584532791,5.00707280859009,6.0075936103203,5.5017948416535,5.3260598808598,5.50225380380521,5.14976531496639,5.7432413512728,5.71559620422531,5.59966377406093,5.47810071438994,5.41877632807175,4.91995559027045,4.27390468969426,5.12421918444652,4.70977530579645,4.41578695766997,4.94547441842083,4.34268483036918,4.7984840235906,4.77886888257769,4.70439046853176,4.59562420651481,4.47286460132208 +Inadl,3.30898491520289,3.36601669045795,3.11431232297763,3.14113248027851,3.65951505588643,3.71366149111866,3.59446227631773,3.47791362782257,3.09952204886592,3.21006539849724,3.71461909489702,3.4382692099908,3.09059309373531,3.27017062085032,2.90506416165262,3.1632335820541,3.43102338179692,3.31819662916046,3.45473668035623,3.3179876488666,2.90579632822257,2.92350179813688,3.53103265337742,3.26766793524371 +Ccdc62,0.743082814226298,1.07098515417594,0.47684566337354,0.967641288399872,1.10895415166057,0.964223661766141,1.40904660654524,0.182821798113516,0.869317290868423,0.926334460380693,1.02791016095396,1.06382287819914,0.926941581262682,0.812654926236979,0.597530415580155,0.500285707323068,1.07279838746007,0.771772538774759,1.28125396570715,0.678186508531252,1.02428050082429,0.828260290164507,0.919837841279547,1.16529277857963 +Ssbp3,3.1659659086963,3.14921821262965,2.96516955275036,2.9516294526096,3.11353819511072,3.20138707247641,2.9873433629929,3.31430569231019,3.0721979108156,2.95730297982146,3.19992243585004,3.12872310682812,3.37863403281376,3.28515715073747,3.35851367244432,3.42695614492051,3.33231722544462,3.16677997684053,3.29567178243448,3.46851574966342,3.26990293489977,3.36185976547119,3.30742644604794,3.16596273596086 +Zscan20,0.897907364195536,1.14185970706794,0.659329464234166,0.805483127699514,1.11273187169268,1.21961464602576,1.08145716863575,0.956908526358497,0.908413571126202,0.552978598113053,1.17042086917888,1.0226147253761,0.911072763111808,0.830049762772482,0.173737858886128,0.554472842011158,0.936472435663056,0.608796734184573,1.03636138049482,0.599500562635479,0.461540045534019,0.396728263772416,0.977443159142464,0.977849692549716 +Gm14292,4.12219596311166,3.81284268656122,3.80002796362448,3.69094874129023,3.97330110243333,3.76763122898174,4.00135760881173,3.52323555652876,4.12514710333084,3.4310297900206,3.76091086519241,4.10524858796819,4.41086281474835,4.14421378081928,4.20099062378155,4.09185378796451,3.87290424518542,4.39204324850556,4.13411058248304,4.463334848294,4.51804575377311,4.46450329582936,4.21043414207223,4.06703963743606 +Rbak,2.16589039056937,2.67242571676748,2.21480612268709,2.59021620847792,2.45904112062397,2.40682455992501,2.43418201930855,2.18201220215085,2.25720200158845,2.58471644698351,2.50028729965026,2.42210015248261,2.04899480153658,2.2756415224286,1.85531644999892,2.28685154617874,2.30761155915865,1.97711887368642,2.49761250830201,1.63657127188759,2.07628322625801,2.11758132976371,2.14221378163281,2.22403443775705 +Slc25a3,5.51321226337711,5.33426366879361,5.60597934289924,5.50142147426172,5.30667736440226,5.34867165272811,5.18396336894019,5.40150400844171,5.62546287612425,5.36821300962507,5.18991453784435,5.3537461622174,5.64484125002746,5.32044529179552,5.38326026327175,5.30934320952191,5.41915988271945,5.49349747227475,5.37247461710636,5.49316828989333,5.56442271749011,5.31072751823877,5.3547539619042,5.2859535266305 +Myt1l,2.50682960739431,3.34505977483046,2.54178484699587,2.74089013794904,3.30231611798888,3.60136380875438,3.35571006162244,3.03353226538546,2.67516700533426,2.77234922829924,3.59991809495831,3.3233899547366,2.16247556814677,3.01851876901181,1.90344631868273,2.52282908158413,3.31153370029107,2.49477643644411,3.36735975387007,2.16951034794985,2.46728882395732,2.7336296968331,3.37952151305149,3.23202087035071 +Serpina10,6.59032260559411,6.36805578243578,6.50075645755078,6.61828607355978,6.35961633862093,6.40480828036346,6.35137668799697,6.79685605619032,6.49257245501478,6.40378673057692,6.54143688618854,6.47222695054972,6.27781282045143,6.33172245747984,6.42351305353053,6.48610466371009,6.03883086095373,6.2270882509539,6.02390116607653,6.69483130194587,6.54977085392134,6.36231310773467,6.07274693920764,6.11599331672047 +Ppp4r1,2.80822619450361,2.90648876436403,2.86645023956406,3.09615063792874,3.16315622943268,3.11693986655721,3.05417521208355,2.81156492238326,2.78468521434157,3.10716604725597,3.15419245350713,2.99598336880206,2.30528216491842,2.82372125824731,2.3627654880593,3.00447058732984,2.89281026106857,2.64554838572863,2.95401748480616,2.05029173105992,2.60997453970315,2.78466204385915,2.7708706925193,2.79465935640158 +Wbscr16,2.5006297973811,2.31261435959626,2.55416888388169,2.50349734808964,2.51463047239744,2.61422704241301,2.60355563942867,1.90669618067174,2.20005698404329,2.57607629601919,2.34925414663308,2.32506823666923,2.23173765300422,2.16611865101748,2.08106039498082,2.21330340899646,2.95489632031869,2.63401242345302,2.54891936836181,2.26388034077425,1.89461297493038,2.43077541589006,2.89937660307696,2.56456990257874 +Flot2,4.09032088960253,4.02409640098094,4.46059302169398,4.04585033398172,3.71324556750641,3.86345059088172,3.71811338131832,3.83535368044972,4.12507284580412,4.06685003427001,3.63477303552416,3.71456790081138,4.14505723335287,3.89186890600817,4.11615920352524,4.00021897551135,3.55677427451226,3.77463305532526,3.8816621097499,3.8511856626356,4.03305105532658,4.03938208620101,3.32298532222966,3.58596853438998 +Rps12,7.32858013950992,6.52867724774545,7.54026140495355,7.09730147668134,6.73781792467783,6.88467736148631,6.67780878510036,7.40260803795434,7.23394229897074,7.17029610335075,6.74098260433368,7.1190454651326,6.6678153811251,6.16019290701631,6.57524714242829,6.32464935234831,5.74723464206128,6.46667999303912,5.62718294746217,6.78721161707337,6.65740349680646,6.22351746360381,5.87565894515944,5.93849253331899 +Hist1h2af,1.21845138411748,-0.100559308921246,2.67875354526621,1.57036994618917,-0.48497481255777,1.13096151529442,0.131007050273034,1.79835432367298,1.42972902833584,1.92696338675509,1.41273648445474,0.868678735614104,1.54801343672079,1.10492851303156,1.85910659564238,1.69857242816044,1.40012920254764,1.65949204397977,2.24613260741389,1.91997111512925,2.06836724523178,2.19270845106658,0.986886297946829,2.09605295110778 +Rpl34,5.63269397967539,5.16098011848848,6.10147912765713,6.06187503495312,5.41044971134286,5.41665487812588,5.37665048242717,5.96092221709466,6.04153790098673,5.62539874341273,5.4433890663157,5.81955662603417,4.80818756539823,4.74307674068334,4.97230595596887,5.08638778507051,4.38378742766206,4.73134499653482,4.20247881853056,5.16071342095093,5.11690002467959,4.53940833881431,4.48634731574528,4.45052420348565 +Zfp13,2.56811398665377,2.87231750762198,2.60793871763966,2.76119830962039,2.53438338754938,2.61516102021894,2.76613335649447,2.68698926599757,2.58154167812475,2.66782453347822,2.78132652614433,2.51991106568486,2.52317382792669,2.82295652809461,2.45768534345515,2.80697494728186,2.60010777580208,2.61128824722014,2.81616081281849,2.35415992285561,2.55094616062858,2.70596060108941,2.89002952977929,2.66000236038321 +Gmfb,4.60334031361718,4.50238932010218,4.52124535953717,4.46329788155861,4.12309200880557,4.23867010416632,4.30556381793238,4.47486860460204,4.5893603019612,4.38025383471968,4.03206237741524,4.35621161218802,4.78247063456387,4.31588585330043,4.49472163844762,4.30069654971635,4.12279861891088,4.58887684961886,3.9917497641083,4.58977937764289,4.50222177387672,4.39522232161256,4.10685520937249,4.27217152709196 +Athl1,3.51584607922268,3.95896897826356,3.95561148573294,3.8219069379648,3.5130556064526,3.41967366662775,3.64279079930289,3.49539193962136,3.82954855830365,3.76666678941944,3.62342934581594,3.49257879348384,2.9343967315726,3.29344428949856,3.02715365767286,3.29502978815495,2.8900525305674,2.92141537453592,3.34222287987415,3.03821906179362,3.24594937754259,3.45958686622276,3.15983701793094,3.10018707417427 +Zfp27,2.50169995675893,2.50005957226291,2.25803371007089,2.5140342854754,2.69916007175266,2.53331421536393,2.5460561233186,2.50437328672682,2.37304564931215,2.32516634567615,2.49404573058873,2.68480414428361,2.48416880844408,2.47692687660853,2.38554984225807,2.66826596705511,2.8934093603331,2.76736608393877,2.50459027522468,2.3300363553716,2.71839483316939,2.6780444006014,2.71415056971871,2.69167080342014 +Lmtk3,1.38818478824889,2.36433162567893,0.850025532537296,2.03056068861089,2.94300586250627,2.88736201632734,3.19985358745356,0.98795101394915,1.51707806008725,1.74682864447666,3.26698950933398,2.38092881069096,0.638830310180408,1.91220157607885,0.425052995066515,1.29903318493114,3.09638468054842,2.13571809654918,3.70956715761268,-0.397845196415217,0.735055072669508,1.2651203068713,3.1579092182953,2.8201884084653 +Iah1,3.74927796270141,3.09905804608217,3.75889742523822,3.58502526681341,3.30827493419258,3.30332134107072,3.1481457212204,3.51544505089359,3.48670126928196,3.83997079830561,3.34550740174993,3.54498815669662,3.84352002936443,3.72688586919546,4.08776815229974,4.19692763114215,3.77965263772706,3.87083088303609,3.5964826675405,3.86431774192469,3.99053758226284,4.07997915941733,3.82682931192194,3.83085025642494 +Pgk1,2.35083920870281,1.64739102053465,1.40467910613854,1.63343164154531,1.54074518411398,1.77242140451923,1.63710595989855,1.76546698669211,1.55567355762711,2.01582498785803,1.91079162246809,1.70462543957817,3.1294475947034,2.38977078139724,2.32936345651006,2.30342855914991,2.80173194375163,2.8878089061624,2.75418033145262,2.59591290675172,2.37383762453169,2.51729016370626,2.81528730765349,2.90591640227703 +Lmnb2,2.97187245995654,3.09371805970189,2.61513486806165,3.22729493511323,3.05685039729792,3.0741608929812,3.38784177271921,2.7032788767998,2.82087605502161,3.06648675119247,3.44045657431525,3.06553814293249,2.33929427835645,2.46170925092833,2.04105421322243,2.53809907289447,2.88981982266538,2.61195208450021,3.01362416828276,1.84802430049173,2.27202108515312,2.42438868706802,2.88644678061135,2.85269550728808 +Qk,1.57268719653284,1.61625239485995,1.38193362063145,1.27339856738572,2.10955857105346,1.75233549548583,1.79840872733254,1.35396612112309,1.39402474544948,1.31437068116174,1.70130861114669,1.546181793169,1.25180489527727,1.47185754787695,1.06879158440545,1.3957724940178,1.57718483654447,1.44772628343862,1.18741407813474,1.28592561340356,1.25995547151695,1.60274140310793,1.67718336894024,1.50532017423562 +Gm6055,3.35820760184924,3.06346741252716,3.14636711054715,3.55194881805432,2.69897513635358,3.16455261120752,2.90936742039816,3.87311465849255,3.47807441423432,3.81637071394436,3.2435746992851,3.21860602529714,4.30510011458031,3.89161898986639,4.22303093458067,4.31980485873413,3.90031196399402,4.16365965977066,3.67538940471696,4.39473329814455,4.44240080061823,4.21526680172059,3.88772620527072,4.00503503546883 +Rpl13a-ps1,2.49758251882991,2.26734733492444,2.37311261132592,2.44422973739037,2.56962376068824,2.38764440412611,2.22451313726176,2.7585099202159,2.32924039610312,2.89119299886918,2.40062869524744,2.39564807505543,1.80524164806186,1.70536659145993,1.79391904994757,0.779504701160075,1.40916360489431,1.63437980154913,0.313792800177031,2.14964000965141,1.61192307963384,1.91212305398388,2.0753843172973,1.38459945087402 +Gm10110,2.49915263979552,2.42468497974905,2.76720716858074,2.62705629922468,2.77572502273483,2.65719030498625,2.34483302417808,2.80475550972234,2.62701765069795,2.47968029926159,2.67139956967001,2.64253388718662,3.28551786716464,2.87677384836309,2.90884811865415,2.70405888108192,3.05541825379167,3.27383682792574,2.93707439362761,3.27664838074323,2.60636459230329,2.74813257966791,3.14397039394883,3.12096623726833 +Btbd3,2.83187562348979,2.98020322817732,2.83561849926408,2.80334227596895,3.06907290174903,3.12372099665925,2.67029832772903,2.9669784227065,2.90247443380701,2.91860082767841,3.028627106925,2.92804419583488,1.90525067156996,2.05645920205594,1.87608481772995,2.10926555552619,2.01142836378388,2.26086636398617,2.0882142741562,1.90598184324517,1.94463408787049,1.92788177807478,2.01400035448091,1.99505428093361 +Zfp119b,2.17504622934637,2.17791252439439,2.43323501554865,2.12666821778819,1.32391004773135,1.70947597587415,2.01054444178312,2.18976067374894,2.1646003575433,1.69829115147302,1.67941981171601,2.54720630955494,2.30765551238171,1.87287984391054,2.56232669808241,2.18259994757154,1.90416347089762,2.08194590194699,1.69648458948808,2.16500903204916,2.30803772110004,1.91098841024956,1.63346311919272,1.98391063504177 +Scfd2,2.16653173357653,2.1057116624585,2.12308772073018,2.08316228533102,2.29300831853597,2.33696958605272,2.23366016128543,2.41992851238611,2.06629516829664,1.96300153037468,2.20633780564576,2.07320581565708,2.36792744629889,1.9755843509129,1.88062018796914,1.98015327679119,2.67658342068537,2.38780902263556,2.58566699902684,1.88063345553347,2.08403809878258,2.06179738897444,2.86557699538398,2.55233767129057 +Rai1,2.40965701330386,2.70326993303787,2.32592357002633,2.45364593303514,3.32978638628631,3.42791492306797,3.2994387140476,2.81077348187549,2.42752414645646,2.65208191894075,3.35416779102562,2.76281270455684,1.87649867698302,2.3234667971854,2.07545044571798,2.20514083659678,2.98457187937503,2.43728379159065,3.13386471753848,1.68877488383917,2.05467857190941,2.18591025061838,3.07870218146159,2.58001218478284 +Zfp954,2.66409030293072,3.04754708495144,3.01890655801993,3.11160154102198,2.61302441474554,2.67978850389012,3.06712373549597,3.00733599241976,3.25477256668992,3.16706737662926,2.55347465233131,3.06660794283184,3.31985414784632,2.78218892102215,3.16486412817936,3.26896485398329,2.74031772300987,3.02655710259363,3.0646256786098,2.90679121820558,3.1175258353638,2.94885749075613,2.92657162157213,2.99666300635549 +Cttnbp2nl,0.835014482058538,1.65341994347289,1.34641284267871,1.00224886817069,1.39335744291196,1.21964139057397,1.28088689942146,1.10433063913712,0.958692025974786,1.05625233695783,1.38256919008215,1.20125102949773,0.462891996320728,0.923722456780119,0.678279501034393,0.637031422579802,0.748061222365967,0.115651535271409,1.02260478371689,0.673856055905366,0.335069164251458,0.850072850307521,0.55556939965109,0.59169574270727 +Il28ra,-0.576768997475277,0.76737420119344,0.202562062393427,-0.0379302267239905,0.0591667459641889,-0.143974123787138,0.173995853344742,0.470249055557797,0.110859804975894,0.177425293185166,-0.260191402731134,-0.155612463049333,-2.31112133898132,-1.37122725011385,-2.84979612824883,-2.89702854587923,-2.63868337153293,-2.32587046847846,-2.4587967037199,-1.82411261524992,-2.60465349141108,-1.6367783846367,-2.07941351937837,-2.31180316445554 +Cnih4,1.39644263811552,1.34377869350487,1.26834766326376,1.29629659415219,1.0209802410628,1.04510519052884,1.01487739545885,1.1782737072202,0.969163793105784,1.0075596472679,0.944012783707574,0.84598646964722,1.51859915629718,1.06823763881147,1.4022874149645,1.18792397606539,0.655984633050834,1.03742874499792,0.436453890956898,1.36132019144938,1.3431991463261,0.638141280451187,0.959741230844709,0.700480068879809 +Lancl2,2.9166297620174,2.56262426230664,2.84523255007829,2.46218750349409,2.47708032741088,2.57281647992016,2.35728200679258,2.96270032012158,2.85753264243598,2.58599836827404,2.51786494734305,2.64467816905876,2.65026082826643,2.47234077551907,2.99117092267051,2.58767790962401,2.14777297120573,2.70312876291401,2.13446889076216,2.86113434093328,2.85140079698858,2.68877220801829,2.30118298278656,2.33067925562454 +2700097O09Rik,0.593342055970819,0.918841987290404,0.108693538254536,0.946806809799883,1.29736950510431,0.705528936794282,0.989580839301147,-0.286439648186149,0.289498971139895,0.502436856991265,1.23782707059104,0.716397700822591,-0.0294410894377735,0.105527783547481,-0.469183586750501,0.0764722062614021,0.814111668774086,0.0455886740222615,0.245592286774138,-0.0091787380878583,0.0805762791375408,0.196111263492486,0.451216538081732,0.567464765174414 +Btbd9,3.70814932493594,3.34851476197901,3.57074943665908,3.50177308084872,3.81978562498505,3.80975728925634,3.72355825732318,3.80350247958032,3.51466152522152,3.39843389780183,3.85503841350467,3.69468775290571,3.42433818137757,3.31311450083041,3.12868657678055,3.20187093940184,3.68430308088183,3.47427261850436,3.64137393498158,3.39741590189673,3.19958990654762,3.18401450190909,3.7704295051587,3.52222864849566 +Gspt1,3.5096079689881,3.02341264531367,3.16362256098016,3.27709205543187,3.41324227402187,3.38598666761113,3.21050375816432,3.15920381595549,3.32967740634228,3.12716938844769,3.35842331136618,3.2876672371784,3.74905692315496,3.48760397884097,3.51869485107537,3.64607405319582,3.79794917513359,3.71581359921212,3.6694127191915,3.5347571458819,3.58040105385514,3.55416483500594,3.85827587848884,3.69828418380641 +Tnfaip8,0.150367858994959,-0.041327590129062,0.0951930112656991,-0.733163362774335,-0.537618028697242,-0.300265538460987,-0.446124309635324,0.281986317248384,0.132765070476645,-0.823117050736821,-0.372520381636183,-0.627247767965365,0.621619341089175,0.59866575878904,1.06962784968084,0.233482368129883,0.336728363209685,0.284634508751133,0.1620047768794,0.924474212328997,0.765942609909548,0.207139678164493,0.502530201236334,0.16714584245242 +Rapgef2,2.59916793770306,2.60255703038565,2.52818307031929,2.58951826102347,2.76447678334483,2.73376410743969,2.6462876504208,2.84769686836903,2.58202396415883,2.52878734924812,2.7997709752102,2.74746527963349,2.41747991459276,2.40856183292548,2.33769790067987,2.32933516632613,2.65148422955976,2.41515247132677,2.60300034936676,2.28223523752456,2.05737029806519,2.29550703021447,2.81302341010247,2.66481177190191 +Gak,4.03814158341006,4.06830338446433,4.04909954083016,4.09593737705101,4.27922219765973,4.19906883532845,4.21203371288636,4.04529421308958,4.0748521978791,4.0540473446003,4.18093854070003,4.12003004484277,4.21480877883803,4.49565610077072,4.45362226977073,4.65865942312924,4.77973668716451,4.43711622728726,4.7857863100428,4.29946791628918,4.33313169573029,4.63196205050458,4.7966770019847,4.60516303290708 +Lhfpl5,1.12522879734869,2.29909696893106,2.39339493092104,2.06688804008947,1.34973692948049,0.900288893897665,1.31382659448396,1.7304955440463,2.06891884510276,2.27776674543955,0.493058705788429,1.10608681507987,2.80599334654373,2.74171175692419,3.30543318044551,2.49636355397133,1.81510262312204,1.87088066465509,1.8851995009498,2.67616621659257,2.99580694391663,2.9981892838626,1.93294993394577,2.24497015768816 +Morf4l1,2.8870104940835,2.81537752871991,3.14614431840077,2.62488750960777,2.84284744400164,3.16515795897147,2.74062082129667,3.14188496969639,2.81051984178858,2.85906475110366,2.96126863185312,2.56955685377884,3.56921445806049,3.06812209398092,3.47255498672257,3.13910362962265,3.38269479436734,3.32355706260902,3.07127972042131,3.28110778482033,3.30751786329876,3.34860181006936,3.29648394501382,3.15033856566914 +Pvrl2,2.99923025892905,2.74189217080789,2.68008841933113,2.41815947837155,2.57385637641409,2.82691823188925,2.73661126575566,2.72565050139279,2.43369212529227,2.40914227096995,2.44026495220463,2.19207321655529,2.53608411711722,2.1113802841912,2.61532676328562,2.08977263793106,2.19584694706823,2.30418994475878,2.55110017108234,2.3941807769086,2.22650052074107,2.16965332193826,2.28656088801907,1.86649847533153 +Rpp25,-1.16012313142422,-0.573101303513369,0.0833083209711077,-0.521994953819369,-0.551312271485794,-1.79207620359837,-1.62321070811494,-0.399159146154971,-0.12423376183929,-0.821886092921455,-1.56501957498434,-2.24677128987373,1.05001008143324,1.45970729275217,1.36684934727729,1.32567120926568,0.506043762387529,0.854004250535296,0.996474786094746,1.69553214279752,1.31526097499905,1.31879826612628,0.881633634625359,0.992160579565711 +Rpl17,6.2500902449747,5.74877710392876,6.7363699359391,6.43553792286263,5.91874535445901,5.94152487221056,5.75994346282621,6.23913850898249,6.22313005773898,6.35969403329806,5.95093704937648,6.15258253933714,5.56917769346219,5.22865104601814,5.71991209843304,5.50887114103413,5.03623387632163,5.42661687809919,4.81683721926837,5.66271094154945,5.79537198931389,5.41772897460536,5.03305149785067,5.14285692170363 +Itgb1bp1,1.36854333511749,1.05459059099166,1.51834015986863,1.456878678194,0.852169007823274,1.29825130868033,1.15715376700642,1.34606413576714,1.44970721416832,1.45614430387935,1.10323841474123,0.872281379071354,1.84215383931039,1.50918236552028,1.70006774885044,1.59341366508459,1.47598663787346,1.70618327922314,1.15368444476683,1.71098252502991,1.74307445998132,1.58857228928317,1.3871404557704,1.34899143270173 +Gm15772,5.36539439437886,4.62421971621051,5.37507780507265,5.17606731448405,4.62116380761851,5.18075997345214,4.82729432005405,5.42613236249798,5.19418110243628,5.08185238107647,4.95281261860356,5.07947756530292,4.36195533515391,3.99104505821371,4.76104261167135,4.33378663565363,3.64440769157847,4.22131483024647,3.81950091574605,4.78754567879382,4.261618434421,4.20743401335424,3.42133225941139,3.85981739389884 +Otof,0.555467380493023,1.2398893558363,0.892323637772399,1.3927989690659,1.76221357943031,1.6806963800686,1.76936371795381,0.596261147258211,1.33726715259,1.47253630708351,1.82796747475915,1.45393350525514,-5.34326350371067,-3.56263385387893,-4.35012408930761,-4.63986505179227,-4.76780104084109,-4.71312183148333,-5.34326350371067,-5.34326350371067,-4.33373321885995,-4.03428095383466,-3.51422638465667,-3.92958798749431 +Tmem65,4.4856766501612,4.09270942511697,3.80847858719109,4.09710271052205,4.34103375250626,4.33715039819957,4.2994051182014,3.88472637273813,4.07929145931294,3.94447100458494,4.18338343457306,4.43583046674892,6.92564124039564,6.31419299704197,6.75927702617459,6.8485516679956,6.55971596315125,6.7805771937778,6.25275523503427,6.60603146861304,6.63000001302666,6.77972407797565,6.64346696643854,6.54953722795946 +2010012O05Rik,1.83768645887011,1.81398404304452,2.01819751626981,1.55285129819603,1.6245863014053,2.03658248737157,1.57767566565497,2.13484018829001,1.94135619687476,1.176456962935,1.765172101559,1.63965371221096,2.45945560401901,1.97205340712534,2.46916202433059,2.06745824317251,1.91515920521964,2.2003252555872,2.28578248519051,2.35797143277074,2.31692513800698,2.47289567372199,2.31480993266588,1.96690744944299 +Tubb3,0.781788179653478,1.10268538757064,1.66925732703767,1.46205936566514,1.82518172259433,1.34799043795055,1.09527829525039,0.867049798319873,1.05300428110072,1.78327374956814,1.13387146786831,0.863367981825132,4.5453074844627,4.10915386892594,4.3780453537205,4.46583770355397,4.16389714697789,4.46413724709806,4.34250587857814,4.28297306808237,4.14829779736682,4.68420763025894,4.55185835881207,4.31235515315869 +Vps28,5.8736609903631,5.71362433963042,5.9893607294659,5.9201728838441,5.53715672359969,5.83878441615669,5.59727898065887,5.91087165743821,5.89137049733919,5.82773113363521,5.63328216204165,5.6581964383175,6.15488410124176,5.73163395351598,6.06322569738182,6.01355291684423,5.81416693496503,6.09818527016463,5.65446699686407,6.12307042065003,5.9370569918034,5.99784394671978,5.88664992653976,5.86191175305679 +Gm10116,3.59236989011066,3.63671340791629,4.00139856582368,3.48812317667783,3.38100871278769,3.21129598542501,3.2342008930573,4.13199069080428,3.79057486182208,3.99915284887949,3.58194664184567,3.41083292034344,5.75446237647938,5.45646539627879,5.80813729753718,5.50990926919246,5.50855204539524,5.79361978666897,5.52402045813422,6.07674219987133,5.66645275414273,5.66493629250707,5.59645336754656,5.6157008045731 +Zfp706,4.03530993271222,3.68452269793613,3.96568603448453,3.70090435819122,3.83744594272076,3.83716093604359,3.39675109345708,4.08882226350087,3.72152699507539,3.71180493278424,3.68747194487099,3.71503349669066,4.0112396043455,3.87512702255188,4.14132113990572,3.91546828812193,3.87761569273003,4.04370556813871,3.57254122936058,4.20153692544423,4.02555065316374,3.99880971031957,3.76778637482717,3.91765512169141 +Arf2,4.33373255888917,4.02858774934093,4.44399833546994,4.04191669043324,3.62988863851839,4.01063006395306,3.88517493669882,4.11027137442154,4.29113718487651,4.22163458733986,3.70069700398532,3.91791633314588,4.11159288968643,3.63193716314721,4.15982559745278,3.82128946842855,3.68782008371484,4.03416881193638,3.44671541210198,3.91211782202681,4.01014769521326,3.83717644447746,3.63544046274906,3.57859397945615 +Ap3b2,4.35870063309594,4.31819093840549,4.17521014167381,4.192689391894,4.2629180230204,4.26280100383926,4.33507949838619,4.28233801911505,4.26457087510849,4.17358080453354,4.40478861103762,4.34815807002849,4.69282489763047,4.82920468089776,4.74506640802525,4.57488857354384,4.83269910980326,4.85850637929267,4.90797179337768,4.76747390137773,4.53226778730605,4.73223662098744,5.00942993118452,4.94988985425717 +Rpl9-ps6,6.72487037921661,6.12473780972231,7.31991665197598,6.92490612431092,6.3643831174923,6.27115719586204,6.22615898396113,6.79866873853426,6.82271322009567,6.98112061108441,6.33580788042763,6.46766651441263,5.96206889515609,5.62634043611721,6.24293687019173,5.73310017965831,5.35279080725632,5.67326179033088,5.21519714330745,6.30009664938097,5.93557540699989,5.78329567390757,5.19054502931397,5.5447043158281 +5730577I03Rik,-1.40187833376682,-0.863845367055246,-0.622466383361434,-1.386243224723,-2.08220628399896,-1.79110348722404,-0.900899701611721,-0.914777803285127,-1.00236992077685,-1.92359037490814,-1.92974383964515,-0.907432707027631,-1.23629225021524,-1.26921742037796,-1.12218857381379,-1.6003067674141,-1.91174960515357,-1.77375888532248,-2.52756787077884,-1.73870568961816,-1.50772385834397,-2.12759726840471,-1.76139185297851,-1.31185540102323 +Ctrc,0.939637529005684,3.47254441824993,3.39259339135829,2.82536405911424,3.30884158371488,3.59737315524632,3.68583373979209,3.0083125179596,2.19503785778591,4.66730028460326,3.01186266323546,2.58491800511991,1.43013937212036,4.38248432576097,4.24383721199371,2.73283507124754,3.3635213052708,4.43248035846537,2.31246809229045,3.33880874795618,1.17409731497179,3.95076323484796,3.54361997251067,2.69405420768029 +I830012O16Rik,-2.85652460530704,-2.42609865736099,-1.49881256028905,-1.37275440915309,-2.4128160378576,-2.77777267441653,-2.48943380313878,-0.970480736206741,-2.49551820893191,-1.39320768297322,-1.88448145996823,-1.29059499205199,-1.94718144719324,-1.38948547070132,-0.373438370443443,0.184769032572052,-0.0652778276642407,-0.245705438885184,-1.01867722402984,-0.631885482627445,-1.34713892814994,0.662663223121462,0.0583160739281852,-0.650539869636635 +Nsl1,-1.52970649529085,-1.068579511032,-0.73022399645824,-1.51517738908264,-3.17282402468967,-1.31747178087021,-1.64479589030435,-1.86643411441184,-0.734832757110581,-4.121418837253,-2.07834597304633,-2.05060297888406,-2.43425456160224,-1.98061882224025,-2.32387476843428,-2.3085739444912,-3.13569245636898,-1.84819575334489,-2.66439596135259,-2.41967036320808,-0.782381300033794,-2.55084747225873,-3.52629741320895,-2.00761808936012 +Zfp398,2.28945180658044,2.64412599932379,2.13820555852176,2.3397990299458,3.02852721910268,2.99436146047791,2.78149741715788,2.4253759743652,2.17452828289474,2.33536508464524,2.97561072512088,2.62548870499369,2.56461936681311,2.57455706488473,2.34299571034467,2.35794344421689,3.06673750292553,2.63612042964737,3.00938876047244,2.3711844989902,2.57665225566162,2.42931422214287,3.04197206180221,2.79608487254414 +Mppe1,1.72023615402401,2.37865971290931,1.98283208629842,2.09477131472773,2.09495774691489,1.78265220689146,2.14811893903697,1.64698157184249,1.73015205665171,2.05817218864197,2.27681778598031,1.93926469032952,2.44848492965458,2.89571916161001,2.91930826871764,2.74789925373565,2.53929405330201,2.67305156616778,2.38171484376952,2.48885870565569,2.62663623689893,2.8200808370194,2.54781782287993,2.56096611756097 +Syt9,3.85146846436848,3.86292392767003,3.98479628536441,3.76258242247745,3.84331372803216,3.97537432170164,3.50025346373168,4.23641160635177,3.91001079846222,3.66988013837733,3.85867719112534,3.80329372340378,1.66480957474991,1.80881761121645,2.00763522302828,1.80350260543244,1.62916982269921,1.60836902765277,1.60245912122112,2.09203114246671,1.80446489568639,1.82451132140019,1.64175291510411,1.77102587808708 +Gm12751,2.14270216849135,1.66193716719482,2.48984026867385,2.18937852810537,1.32050884126017,0.915188849789303,1.28567739270858,1.33922597032385,1.81348903207608,1.59911721840077,1.3237860775431,1.9575075148151,2.36743089780298,2.15308551072653,2.67593773417836,1.99835710778107,1.61196758494911,1.90880129828647,1.27625506572808,2.75192506786926,2.17121636591719,2.20294866676331,2.28636996338686,1.49219165825584 +Cys1,-0.0948003820729433,0.662841350273731,1.19164454325472,1.23292695185504,1.41825042293067,1.25328979558303,1.01956350434406,1.34279740724654,0.637391856257118,1.100552100138,1.73120726238491,1.01742451243223,-1.05360169683828,0.369257795949854,-0.25421469313404,0.241977398975818,0.821978314034523,-0.253424149593578,0.246173988985119,0.149430065099016,-0.288511059391229,0.343663614457919,0.65593129289554,0.586339948901905 +Timm17a,3.90107539919196,3.19330187829945,3.73260758187255,3.88799800989275,3.64862404843206,3.42316624852382,3.51917540138303,3.57325241852386,3.78662865386488,3.82460916514403,3.46451647442933,3.62484941742841,4.59348182324269,4.16602190668841,4.34552233707947,4.15038980738371,4.04843315029073,4.31937487349265,4.06520295463669,4.28409421877209,4.35176399666959,4.23877778141313,4.01980971985176,4.27762910621249 +Gm6104,-0.539496412303428,-0.43978305849305,0.152124085833602,-0.525431602761881,-0.0064607673260015,0.0812582328512711,0.167358534881875,-0.285725022401831,-1.12140820554755,-1.93638265084015,-0.0587854157144975,-0.217523850764197,-1.50103341537437,-2.34271052866177,-1.33945503450246,-2.91526281860205,-2.91526281860206,-1.01277053937765,-2.91526281860206,-2.91526281860206,-1.31760721048119,-1.92604268983983,-2.91526281860205,-1.83840715420597 +Armc9,1.56609638552572,1.66961951994994,1.43675157544533,1.38787057017992,1.79855016934259,1.75037975303757,1.9496726566676,1.65450250934914,1.36791705672994,1.46926127896354,1.8194258234676,1.63575101606672,1.27371377356076,1.30621897189704,1.2058966496703,1.19799850346418,1.67378716861102,1.41804017796824,1.88652220668459,1.20282411748495,1.23380721623609,1.2072785219844,1.66818437164637,1.56700365182062 +Tubb4a,2.50761954233532,2.23541874316565,1.55726363244326,1.46171805997273,3.20563504251257,3.12275930051097,2.74108367265404,2.96182321260423,1.83650360015555,2.08500615280451,3.01971905323856,2.37855441511813,0.754632156861972,0.576739945443235,-0.359454325456003,-0.135179003910781,1.93053450060966,1.16357292587392,1.57719573450906,0.0314628029168311,0.454816095453191,0.591727443396564,2.11239976331847,1.24155292315267 +Srpk2,3.94230997848898,4.36226256414505,4.12444688829924,4.1685266835284,4.22942068643025,4.26699724313596,4.03308291692552,4.25208278272665,4.16873690707403,4.25645145498022,4.221020383824,4.13792982296707,4.61863907215278,4.75804659886161,4.56986535431738,4.7089178380861,4.7661168622494,4.63354427610979,4.6755700163958,4.8288139932601,4.6385111773992,4.7636978485579,4.76647225705149,4.74502434494846 +Gm10119,4.84597920133044,4.26712077529248,5.15623863333514,4.65450084740535,4.04245035123872,4.86957850266014,4.23661942780392,4.76765762728468,4.82860805476047,4.72782335743988,4.45570329375748,4.6601700901985,3.90637014389964,3.67223798224837,3.87103670736351,3.83312956795206,2.99319651002639,3.43923143285738,2.92073131990117,4.1291467627487,3.88108932522286,3.6243244663421,3.05051416849174,3.1053737191958 +2310039H08Rik,4.86042484412935,4.13683552820128,4.38047868038927,4.6573413770107,4.44566504492604,4.36367276972398,4.45857979156127,4.69485207929386,4.58252115209187,4.52254360746015,4.40889970073568,4.43734609565162,5.13690247394282,4.40756129968738,5.12051525291593,4.92905730738166,4.63985731617202,4.87508029482056,4.87768615613674,4.80958342235031,5.10572264360113,4.75679228127802,4.64733658800408,4.57605928720045 +Mysm1,3.14333629801303,3.31387715153084,3.30547870634856,3.33435940716772,3.41586964059844,3.2580136397603,3.19666918313009,3.42400316629264,3.45091413588459,3.26143656143971,3.40121308878027,3.28553585906138,3.0726604694174,3.51400288350318,3.34473570979624,3.3607595593681,3.49173873682098,3.22323805816936,3.21109733703587,3.41366061556017,3.38047499251877,3.40557629754405,3.3277237424899,3.39998359288597 +Ganc,1.39507753722513,1.97984193550613,1.84706246025016,1.83551877678417,1.69361107442883,1.757744422268,1.80472093343792,1.9049233869652,1.64886836088494,1.84568129854818,1.76483053189256,1.82123443867711,1.80766743137057,1.87134534081861,2.05805877333036,2.01941709569041,2.07226996870746,1.63375903900245,1.95142802623947,1.69542950045225,1.90687405017531,2.04285232102339,2.03420859180467,2.05357790251829 +Rpl7a,6.01910887766812,5.48849692512144,6.23956398811731,5.8675784543618,5.48032535809592,5.65459359403695,5.56797747891205,5.95545374664033,5.98526000913192,5.97381319568606,5.69076851056264,5.72852106809978,5.4597436746839,5.16505001972481,5.33707788162107,5.18423460864504,4.99702287199108,5.30876064671616,4.94511140041818,5.61729978290129,5.36974581555656,5.22742639856189,4.96962503253576,5.14682426399306 +Ncs1,3.78274870206529,3.17124570566643,3.54403093077193,3.34869722500468,3.19882121963763,3.51712818146194,3.26149870711817,3.38642748183663,3.5905581375249,3.32641659054989,3.25586865494798,3.30345376440726,-0.631765371668026,0.314856697579085,-0.422633429869635,-1.28727552184226,-1.21318740274139,-0.814303541445186,-1.05946735934908,-0.560990393275436,-0.754567825296454,-0.741728996722066,-0.644414802316837,-0.918614606781714 +Atp5g2,3.74245035336208,3.52507355384751,4.30413121568531,3.71884319024187,3.14633593973916,3.74662985466073,3.4438291126119,3.86731997238559,3.90289567267839,4.02624872075187,3.38900764212128,3.34024714962761,3.63725094381078,3.06953514180497,3.68909607523357,3.30280784439158,3.25179687477956,3.56081168753565,3.15598886122518,3.94051535054937,3.53845024741717,3.32260733750898,2.80226603382323,3.20998009522128 +1110001A16Rik,2.6818835832088,2.31335807855819,2.55196691580967,2.50681602941345,2.23803891636128,2.34883482231971,1.97976813540065,2.51706757816387,2.61555283606214,2.51803401752309,2.19034765117566,2.24944589975828,2.58110663185974,2.61158524231339,2.69127502901025,2.71243548770871,2.24002283838284,2.07818800891433,1.6449504052408,2.82784188416513,2.78655204377516,2.60805246074545,1.97901143936929,2.03258748744244 +Ppox,1.841095334833,2.81200732133499,1.50521257801861,2.50411540987326,3.05664408035138,2.74068291347703,3.22437685571428,1.48946721912442,2.38857361946042,2.67897980642303,3.0709106374726,2.85157533151717,1.67852479464857,2.4322282191445,1.34515921879077,2.19085941365576,2.8190510893726,2.08582154607093,3.02106591280471,1.44013775501964,2.0899979150255,2.31277333173601,2.94516777416854,2.74709957373972 +Zfp677,1.13169997021321,1.8466825896075,1.73914642913511,1.75571761976632,1.34959230021931,1.09025157224831,1.33984774769134,1.64103434923621,1.82818063979984,1.6070577597427,1.47177974806514,1.61192703165988,1.98360332717433,2.04583195702206,2.10293021988267,2.33769645296305,1.79388098116015,1.83774876781903,1.62955714448812,2.18210223029715,1.89411830835914,2.21232346265489,1.64727914834124,1.85572977495617 +AI413582,2.38956597498521,2.83646975240654,3.18723965867485,3.12069870077679,2.36484293228962,2.10771819745036,2.70289773636098,3.04971892399285,2.79124923959614,3.4250012421399,2.54876792705815,2.6258502525837,3.36268767073188,3.80067866855202,3.63255302918784,3.74252829754788,3.1455801860852,3.57199909508774,3.51622493411742,4.00183787357243,3.81112405648583,3.71004173781615,3.35778110871281,3.34188534087565 +1810041L15Rik,1.7815125655154,2.01964065681433,1.7722653762022,1.85547472580167,2.04177067523802,1.99507963209595,1.91634987669762,2.23853255824919,1.66526447825857,1.74631430700251,2.0700630770041,1.91810374740698,-0.534703161380049,-0.31796724561395,-0.35400476331587,-0.402743947819186,0.43852829861074,-0.714236065336096,-0.100777130773899,-0.857922553202002,-0.953812840433927,-0.331830386028782,-0.063685594252608,-0.10913183118189 +Zfp512,3.6454917754534,3.88267781460753,3.97293159521879,3.9445852424812,3.76620018477922,3.82511965222178,3.93006365144019,3.80114151334269,3.69637600164525,3.91022102651363,3.74615320511063,3.76541325650915,3.4177465014681,3.51481794294587,3.37311631120482,3.37597157267492,3.23497098503761,3.36731351749276,3.43571159671167,3.58995238459512,3.50032722530634,3.47130738056108,3.31995771999918,3.22788578566699 +Ei24,5.32745176415472,5.05163691747946,5.26779683488874,5.05012394699677,4.91717477632289,4.93186914526848,4.82049740837845,5.18081189837642,5.23697841463749,4.94547317695832,4.90912913648669,5.01914289285508,5.32521534271012,4.98416619426188,5.39815765195649,5.04338784861722,4.86232794971105,5.14449060058595,4.64621607874002,5.47931302523691,5.18021458500825,5.16067805934735,4.85583851090587,4.84118100604978 +Kcnc3,1.0252003653096,1.34745583965207,0.721956065046093,0.820545002614954,3.17164990022948,3.22793520491303,3.02202355496938,1.49510174713815,0.920913252924054,1.36853174526007,3.10048323903974,2.23245185392139,0.725436470791701,1.04175043895327,0.599561616101481,0.563549892390073,2.58875601351383,1.76008313530591,2.91791799512374,0.269625968696654,1.19355903557057,0.828825283058062,2.57717666623353,1.97636246878655 +Zfp599,1.10662082261327,1.21077479280747,1.21581423863259,0.944760446344749,1.10828366260322,0.841587672844043,1.09338160576473,1.19455341467128,1.26635516450363,1.31400351159939,0.869286375269291,0.653874199519376,0.229804203024673,0.157622081445764,-0.889395031080736,-1.4645065546587,0.0218114606156419,-0.0753249128915967,-0.412386438336428,-0.51772776757619,-0.480965277700358,-0.574991923788259,-0.779223560451218,0.468234242176022 +l7Rn6,3.12766947818996,2.57725831409533,3.13966029644433,2.87302769030341,2.52955770210505,2.51690971462854,2.49300537247212,2.99706911196175,3.03513494551368,2.5832817536774,2.38238880698539,2.77885883646481,3.04943058540249,2.50030240650339,2.73080643174398,2.19181245917736,2.57353870121566,2.72412736776729,2.29030419652346,3.33364238217271,2.71972734975814,2.50776527666124,1.96144582612549,2.60935926051931 +Hist1h3d,0.339862930898426,-0.780337268061475,0.29146601413776,-0.180093990152649,0.682376796738543,-0.515351310091194,0.658643015179114,0.825807415435581,0.523312875589635,-1.12545087215088,-0.12030089657536,-0.327201211770474,0.356208205270441,0.927156987368308,0.0066259848957954,0.863995555626182,0.876501038142122,0.238605094039317,1.10437971909711,1.28536911291385,1.33563362382317,1.20451824104154,0.667010363231156,1.31577221556586 +4833420G17Rik,2.39173254233557,2.38545059069374,1.97786545831166,2.75041508036985,2.98605010722975,2.96832351989094,2.80972170941202,1.98338245151181,2.59476546310561,2.81327846024579,2.82587015166133,2.6049879342853,1.5681019901358,1.794745942984,1.42700602685336,1.7970090832188,2.55620081364631,1.92154038628142,1.98292194037509,1.48998188411135,1.9581700032351,2.10500663884419,2.33360479366708,2.15288806104439 +Actg1,5.99609621663944,5.97502302081632,6.15769582162711,6.02383766379441,5.8704756500367,5.96182566815274,5.85279455956715,6.00470939165924,6.37693569537642,5.77204787949043,5.74829975424514,5.67469784887258,5.6751039716013,5.38003952164498,5.45714820855916,5.52539210604157,5.74305276945571,5.85788333649577,5.64931467713439,5.50251369033223,5.57759097015807,5.29621690202736,5.77952971415546,5.51426700112037 +Gm14176,2.99968087890409,2.90914793586102,3.16141191972286,3.08483848952431,2.43872791769674,2.48960554858104,2.62347935526809,2.78451171171452,3.02801993190791,2.80667000155461,2.59208450384807,2.70427052586945,3.03177022839973,2.81153621805429,2.63682957709444,2.7893572811814,2.76361561750747,2.41738649799855,2.63228891744291,2.72945860297069,2.64723800197714,2.84540602891044,2.31976877780531,2.66213605419314 +Tcp11,1.58068177562051,2.57854286241919,2.14181744264329,2.37292615298443,1.2415028284057,1.71742888283064,2.29194197752082,2.26069246732297,2.18613991382917,2.28692123688668,1.85720104672039,1.68343650969002,-0.360979711607862,0.262713854431985,0.0529273429725954,0.0087297811013042,-0.153689592236474,-0.611844109773868,-0.297549323328484,-0.778483935771014,0.462774038055205,0.45116449577532,-0.183095110022546,-1.21832376135281 +Zfp28,1.17109707921094,1.7055998759895,1.33598211497053,1.84544378086571,1.72339417175398,1.46699551049454,1.79878471809187,1.51665601733684,1.54881470145064,1.81305546082542,1.76502839605169,1.57001282445046,1.53080660704884,1.55130042368184,1.5634099478651,1.52655348174068,1.47891384337411,1.66023344657779,1.67376008311887,1.29574783454166,1.69444488590705,1.70648129533256,1.82757483317859,1.4357853603411 +Phactr2,-0.443758194708844,0.0380888074971999,0.109693143453668,-0.664379814449752,-0.140856936557055,0.0535043417516112,-0.403300130682188,-0.0253726145183597,-0.242768190100496,-0.9495714985017,-0.530691043840181,-0.127957389515714,0.0341779824658497,0.631904599651778,0.381834690266698,0.427892718624509,0.376190501990927,0.381247861998175,0.516947972550927,0.131041214999307,0.47672442462064,0.64764919892793,0.198269455342345,-0.0470113520109696 +Impdh2,2.80465689346628,2.79972314234929,2.77279226099044,3.08049078276741,2.75364997937373,2.56167925969504,2.65426084319556,2.98339153245825,2.81043364749177,2.49292937496768,2.89278365049509,2.69201630545538,2.58462511783857,2.24120123032554,2.33741954976354,2.35386306207239,2.19252875803414,2.26817227663532,2.2457005213122,2.55392840556911,2.71611434322075,2.27530260264713,2.44993303344523,2.36640773038803 +Klhl24,2.87290279217097,4.3366672428508,4.28535004000133,4.17068536151596,3.45720927788928,3.37995706501769,3.36835390327599,4.72913941084721,4.42302019646566,4.30887207610968,3.66542333770326,4.15111485072996,3.86866552120329,4.62462369132262,4.63338676551065,4.63665903056936,3.36533869911166,3.65681182075043,3.52973166287104,5.13719171558779,4.4629958220589,4.64466170771929,3.41007358016567,4.05886802016361 +Hdac10,1.38709661092966,2.23494442553896,1.00088153807182,1.95150127039535,2.57267684016569,2.03794320192093,2.44261662107692,0.970147489692225,1.90773968461164,1.98979462122243,2.75699952291767,2.32454175861774,0.86056274466411,2.08334584601272,1.03854767869747,2.18419609140805,2.30484516931588,1.58070241976577,2.31704138726665,1.29746645955671,1.70800868182677,1.84937991856973,2.31278241100048,2.30610312861038 +Acadm,2.69834340035206,2.68351939391305,2.89747328031349,2.8455441735395,2.90770022540328,2.55037796436962,2.76309339507485,2.59588295642341,2.65292907813895,3.0102803472361,2.8712451742491,2.78571508434786,2.81334353477739,2.6419997560337,3.05605291154422,2.88873102709772,2.70935416747566,2.82424717280317,2.6426530100423,3.27407603866247,2.8737132358518,2.89814441409843,2.70161919015088,2.60112360753314 +Cfl2,4.23167018959161,4.17723533812464,4.19816942771564,4.37536511774648,3.86726451012092,3.65246445859745,4.00508528956847,4.13076285423047,4.21110914657275,4.32112918364738,3.83711646938909,3.9934806125246,4.14876960621326,3.71428937795619,3.82730608832896,3.65836882470167,3.32105781578889,3.50349099361658,3.21258339963376,3.85366570062109,3.89284869955491,3.60428082483547,3.35601392866703,3.53547609215924 +Zfp938,3.61782248273938,3.31870502695811,3.45808682808945,3.55166765842356,3.35817142393408,3.21048952128688,3.29408167454696,3.2536016932402,3.6569958521638,3.27511804222927,3.18631720823161,3.70200414291881,3.53143508072129,2.93824255177089,3.15018790160075,2.90761645965506,3.13540662688099,3.27174747839642,3.11393350451551,2.91837291682759,3.09144582022851,3.12758771030146,3.02195485749358,3.23654212643557 +Gm10123,3.4895958446471,3.32677591030887,3.38439702765828,3.57605855713667,3.08777052791204,3.24687046287912,3.17702140331165,3.55306732422192,3.69888317471073,3.2488781543127,3.32907298675232,3.29525889191227,4.17170711472348,3.83835718290919,4.21699927659912,4.21250309185474,3.94742629861317,3.96487204836036,3.63424959453883,4.19250482728373,4.23909312332312,4.09292643030553,3.81093978117641,3.75109980231206 +Mtap,2.10047605384493,1.70231493376888,2.18740445597801,1.76844907278667,1.95476542564977,2.01742609853045,1.64069752354237,1.8813823952525,1.95856561459074,1.7033481415079,1.78203629113241,1.83747836177225,2.48691018110085,2.21588407546484,2.08919351485197,2.168559108566,2.410303970795,2.40675146719446,1.86733819580442,2.39904681131826,2.40065989021786,2.00926777249409,2.4686891510934,2.3691838398285 +Stat4,-1.17851697954553,-1.61135823076552,-1.81690350441584,-1.02139960130352,-1.20509067263368,-1.20404318635742,-1.34731324922711,-1.46505535266847,-2.24501548889348,-0.779765279912854,-1.09956720003755,-1.50282526997289,-3.12324219765114,-4.20056423781075,-4.20056423781075,-3.49716578589235,-2.89578151074452,-4.20056423781075,-3.53899327013833,-4.20056423781075,-3.60924122388589,-4.20056423781075,-3.6054428137667,-3.56391243578084 +9130023H24Rik,2.48220073283512,2.60358339234877,2.7691777741331,2.31128237234262,2.24157225454148,2.51538693753601,2.46874919109894,2.67474853360617,2.47875728722131,2.29529630611383,2.21976866655951,2.24834139717543,4.2105651828928,3.97025297360378,3.87992023003864,3.62205644815841,3.83842295706085,4.01938022842007,3.94080956955273,4.05690888621188,4.03874854965256,3.6000492359069,3.74125634049484,4.00279728439329 +Atp11c,-0.328662467966617,0.317523024296591,-0.0912556954840058,-0.107367702930378,0.174046873069873,-0.0224830757217696,-0.0757103494458113,0.0645183545880212,-0.0391530803239384,-0.221494420397339,0.206761377665651,-0.0325032388758806,0.106120141796378,0.652788972382634,0.310739729310364,0.631477129883222,0.12958237588391,0.0872010514285693,-0.0459467648588419,0.566304647952875,0.23756106652015,0.541072337320099,0.0573919128000759,-0.032492394768973 +Kdr,-1.2945571412739,-0.570971898992374,-0.396075062424599,-0.991368977548939,-1.86039177749517,-1.14123246420071,-2.64456249043629,-0.750856324519371,-1.06624650530833,-2.67536386549981,-3.03367038753739,-1.39081937493676,-2.00371504180514,-1.6156115868654,-1.28361922354424,-1.53136730381421,-3.0772927562461,-1.19496339419483,-3.05797246565076,-2.26911028449007,-2.20831599188648,-1.9224869473913,-3.61974358968938,-2.187339042275 +Ufc1,5.49563888089696,4.92657853186163,5.50947844823719,5.37705639191749,4.65954990299153,4.80899674735386,4.96322599815465,5.21579558653583,5.41868666311585,5.28459833897466,4.86301164962935,5.00169318139659,6.35051009107664,5.8159072885333,6.05601397268994,5.95555270842515,5.59236959049376,6.05788849836341,5.79015645976687,6.09143876456618,6.18536053277611,6.01855974510799,5.60926809706578,5.8742379598969 +A430107O13Rik,-3.75786754539314,-2.53021015577994,-3.87092887848789,-2.85353903778419,-2.24425255488107,-2.48915717307721,-3.15313675745555,-2.8993013429656,-3.37954488166192,-2.77069227988349,-2.87704976573221,-2.45716671296388,-0.944696647712934,-0.682501243353896,-1.42466220496885,-0.743095695989215,-0.673902182924581,-0.748384250375818,-1.72212926759713,-0.356643207088939,-1.7615509900677,-0.777196116799159,-1.14994867322629,-1.34328566208213 +Mrpl42,4.77989920658202,4.12812095035007,4.51019958461023,4.31261012080394,4.0169270415076,4.13994749624304,4.18922091189964,4.20820132455294,4.24160699258159,4.39247848599253,3.93310643210481,4.26806564314735,4.98895383776565,4.94934137580933,5.18863071489861,5.1060539728793,4.91082666049582,4.96253819386572,4.67931600561749,5.42899610805127,4.81365002015269,5.18080713123877,4.9131746407131,4.748142249205 +Nrg1,-0.842147358528471,-0.230542687650795,-0.366472796054965,-0.473063207724038,0.0554149132480786,0.516616870758907,0.0205834646964942,-0.420411144362071,-0.228362497534187,-0.0130607425927254,0.270902362756982,-0.0909628890929229,-2.79689149362083,-3.43385970049062,-2.8534672966101,-3.43385970049062,-2.1290769734244,-2.36661065829201,-3.43385970049062,-3.43385970049062,-2.4243294156399,-2.4446395717284,-1.4111019005626,-3.43385970049062 +Ica1,4.52613425269643,4.77922970757189,4.77273628551581,4.80616854832062,4.9608661514684,4.89439355288514,4.89602624337933,4.67425984362556,4.57730572902111,4.91838062412376,5.02185819042868,4.88156588762922,5.24400336571295,4.9481707452347,5.13820084186894,5.01669643203686,5.47866252199458,5.27099370481826,5.48034888671522,4.92006848938815,5.03703879812548,5.15207640507369,5.61173218105133,5.44401264421953 +Rpl35,5.00476634708129,4.47170044404313,5.25258401769861,4.97261958760551,4.65295220464123,4.75714461977002,4.46569264583507,5.00810027223461,4.9547997205707,5.21621652510877,4.73535183966188,4.81503828832617,4.39666758546106,4.23274736525262,4.3010932137055,4.16237757960892,3.86025628769194,4.21259338251314,3.62630637940793,4.42338603149033,4.17052009922504,4.21404991561131,3.73749978768343,3.97651364178986 +Rps23-ps,6.19415299082551,5.5956067996546,6.37402437030672,6.17205543274334,5.71113076752535,6.02992863437663,5.83455109578984,6.24238187052833,6.21505009395008,6.08359971929938,5.86536358395466,6.02204346785969,5.45051410264612,5.02246006172851,5.45672442757581,4.97517381056536,4.75118416936762,5.19806135220065,4.73567561095251,5.54838371632496,5.56383430432855,5.19100936317058,4.70234875319218,4.97794533605936 +Msln,-1.4657266039149,-0.168334126249187,-2.40249489688394,-1.45272978587369,-0.143472425338479,-2.12184279272109,-1.19778980538542,-2.1693722022234,-2.9444295461448,-3.44138622714153,-0.992778240705596,-0.849103102014779,5.03305766691412,4.87211392466024,5.43819041504607,5.10882161547642,5.2094746765974,5.24628844741618,5.2884160151119,5.55184479288449,5.11283630326442,5.08392563424651,4.83907848149721,4.92227697152745 +Ccni,5.43227004127708,5.32338325823995,5.8997056972563,5.3430396696295,5.18860810296295,5.33979286977207,5.0614896238732,5.83143396394246,5.58506656672955,5.34742067834481,5.16650460533097,5.24308287793822,5.72845292198633,5.34421261872173,5.87568261945183,5.46979585497839,5.22112949809216,5.60595416252094,5.21717807660959,5.89291829417145,5.64857730528377,5.48936125147061,5.21131187405476,5.22958039655553 +2010204K13Rik,1.66084066152964,1.60352974398436,1.69355248068284,1.036974230189,1.43042087875947,1.01658670668158,1.55061396380051,1.38745222277137,1.58711843767987,1.25746029606814,1.43252310318738,2.07960931614844,2.35163531421603,1.69466835755164,2.37189001160406,1.78423310255939,1.44037841455872,2.27385984101994,1.85898180569745,2.16511817379856,2.24235667794344,1.97732554732011,1.43106362996937,2.00356222416404 +Manbal,3.28560850947646,3.31595246133519,3.16706631158463,3.20110381447112,3.04758446882709,3.02720174611188,3.02313515436396,3.64731020459043,3.07330371751314,2.97388099097786,3.35174969547171,3.33114763183986,3.72800066751287,3.48838214746805,3.60766040356536,3.6236255411302,3.39445635050302,3.30749434817964,3.22968481472091,3.72741854789713,3.5659305498235,3.36547720153619,3.40433392042784,3.29714801273755 +Hist1h2ak,3.52427018331255,2.43226135830745,4.05155710417727,3.25539086425482,3.11598435631751,2.95532803281988,3.12508802638842,3.87704693963029,4.08023090312361,3.73012912684679,2.99833519197092,3.31044172131182,4.01533306884068,3.54249017027498,4.06384841980269,3.80378624162321,3.21788335482377,3.89949036555007,3.36609491585252,4.70145297182798,4.32063316605697,3.8284187112042,3.73947916528515,3.60444724164566 +Zfp780b,2.46484656404432,2.41268468317158,2.18262390657914,2.11207357998225,2.04661109769251,2.10307002563523,2.22951358020798,2.54586443759067,2.20795780745886,2.3847105623264,2.10797794364409,2.28217414348189,2.2225787732086,1.99203252063763,2.38684809620153,2.06208002036381,2.11090337822777,2.44836014059011,2.08689402214233,2.18670968232367,2.16845889463361,2.04162870255486,2.05877344448027,2.3390590508499 +Ing2,3.16958492624344,2.92299505048245,2.871733142736,2.81337584812703,3.1083021534827,3.37234855287459,3.23313040558752,3.23107748225392,3.07014932438475,2.84091131621686,2.90648162914137,3.14119726483789,3.83527174113624,3.81817024045562,3.00805866046503,2.90729259772439,3.25439955512825,3.57850391959104,3.90981991517174,3.61038439041884,3.46250182233407,2.96116766247322,3.36266036283841,3.58023283576282 +Lrrc40,2.8812267362871,3.10419343995932,3.28610696602217,3.06947739624279,2.31824910138358,2.64543892081207,2.84662931421152,2.96841607724846,3.18363727084068,3.00981573589911,2.35233783385774,2.63435069261654,2.96098197822459,3.014787268053,3.13848870788259,3.02988625317891,2.25558437691397,2.86553540528153,2.45601009158706,3.07103642311572,3.23851630951857,2.82418495773101,2.35134409172051,2.61034968843725 +Ctnna2,1.02685091851793,1.19943841276154,1.48852042561759,1.18192786510196,1.02958566329869,1.15481127322929,1.15645934680929,0.984372197905284,1.41014674719667,1.60818099085163,1.08647798088878,1.12266663881037,-0.106807859594311,0.128145388859844,0.414520110787358,0.464111723293838,0.222071757059949,-0.342895769282769,0.405047821114762,0.0270355725375451,0.382655489723401,0.699045886140813,0.404645982197811,-0.0909589890005158 +Mapk3,5.27538051061915,5.26688244666763,5.3736355914996,5.26724059464573,5.22844290151483,5.46703077120274,5.17501519874881,5.4995337366967,5.46448537181527,5.14844433002164,5.23105120934986,5.23790381075552,5.61995472297657,5.47106869202732,5.84161934627063,5.74936228450862,5.53309442039719,5.65257889912477,5.50191559574864,5.67861734432858,5.7417380511974,5.81683182536421,5.65116240403026,5.45969090686482 +Kif1b,3.9525860834231,4.10026614406393,3.96515321372901,3.84332014348779,4.25259321496805,4.25592779596351,4.04865469528043,4.24443807838759,3.95250516217561,3.76283237362127,4.10264425668853,4.01113190309055,4.56170831498486,4.65271529115003,4.57613287574342,4.54109921600285,4.67998674016863,4.60520859756123,4.83398764214945,4.56962747274717,4.52714697923041,4.4872283140129,4.68360007753801,4.65580863974044 +Zfp26,2.99307529359482,3.05578181883903,3.10390484355647,2.91858671233237,2.99096421986396,2.93489348840731,2.89908432444494,3.0384726177693,3.13255065295668,2.90211064206021,2.8873253506138,3.08167805821535,2.47523262727552,2.56709406546059,2.69258273435754,2.4935996918907,2.27896988476021,2.45900220509583,2.11196808723575,2.71708368722879,2.55725407076075,2.40191282271648,2.41786084509249,2.49170333516666 +Kcnma1,3.24877704221241,3.200563911095,3.0662516674155,2.79407296913342,3.81882804102766,3.8143278987185,3.37706025184789,3.66579297239647,2.89526725956148,2.98017463799729,3.72624485943643,3.65042931398184,3.95932688016311,3.91732785815693,3.85803826823676,3.76232355134133,4.38443304272993,4.28545084312077,4.31325675622073,3.86632004491151,3.48265355124642,3.64591412023352,4.37363310440195,4.25354887431666 +Bbs5,1.90614213695735,1.72718120070098,1.72740336312988,1.84400176335409,1.37642742115031,1.47417484476005,1.62572396192975,1.60656726588084,2.03754256553609,1.92179219143136,1.83086515127395,1.82271773036235,1.72446210451361,1.70442218301989,1.63913130461593,1.79920220681129,1.07602514146328,1.05997317756111,1.28760552494337,1.58181562418106,1.70713662659996,1.95691082569252,1.2849112707531,2.01904300852948 +Clip2,3.6413247136867,3.34856695464868,3.54435005676277,3.35519704033702,3.62945432079685,3.84941395485997,3.62966914942803,3.43879332894626,3.43152190264574,3.34717393249974,3.5733326913732,3.52071620574986,3.14053806961009,3.00182841439046,2.93741533585322,3.05111465698697,3.66671227856635,3.17693442908712,3.76244465937632,2.59202881987514,2.9406318039764,3.05478749734477,3.6313613257149,3.44464288027026 +Numbl,1.30825801070797,1.38302866284975,1.18420500115989,1.30492916096722,1.67956264678402,1.49453719086121,1.650635280615,1.22087007617096,1.31178427814235,1.3794526444993,1.5839455838984,1.386688683359,0.709898709212407,1.18535426679703,0.907913354900954,0.865971962039244,0.947875939092971,0.721349501173226,1.0641782846562,0.384978150276369,1.02543263884,1.2011232653099,1.02904856135927,1.00447415707258 +Rps4y2,5.10996310472129,4.80609934961712,5.03314406438428,4.69204306599488,4.66921753589553,4.94812808449457,4.51223662812436,4.98834322215843,4.98984786675191,4.76848639302502,4.73415321676165,4.77537359852891,5.4045771078033,4.95741319005684,5.49092805070406,5.02206138999079,4.82405958476949,5.14858193373252,4.95710595473049,5.1083024640208,5.09969441797147,5.07243772386796,5.01071620529676,4.72983647207932 +Hspb11,1.04379406266205,0.645935846493658,1.2196534992615,0.941947539254694,0.383863193781915,0.666396767592997,0.549015542144165,1.51607414400173,1.46414551974461,0.520272450216664,0.158285208514878,0.713307978265773,0.980663614228913,0.800286890646712,0.691848556225461,0.985341301002742,0.373103650406692,0.962216559975043,0.563280156920923,0.869025672407025,0.723043585279612,0.815495902232556,0.767762889272607,0.453528789087215 +Pstk,1.606703410161,1.86135660638232,1.1430889278671,1.82208695605769,1.52188200285314,1.5334366607458,1.82245598509277,1.58293361735832,1.35047531306969,1.47371848318589,1.87704290094017,1.83223509590222,0.656660965247549,1.00258269036475,1.3090174003547,1.35522430301399,1.01105436086838,0.925367720101568,1.42614505903668,1.43561379347304,1.02493501048226,1.6024383752985,1.29896544119376,1.41435350680539 +Nol7,4.29962933684066,4.14601292172609,4.54470190759628,4.35277271911467,3.93519019487124,4.13540226213883,4.06943782687657,4.16164191089983,4.40501371119289,4.56598789014366,4.1173724044446,4.29760861701003,4.07615907022008,4.34063341991889,4.25194163170359,4.0632288270417,4.02942407534743,3.81914791397409,4.04326461477027,4.04518764681685,4.37434874057498,4.20323050732256,3.88866098589431,4.03911878987409 +Ldha,0.699435307169113,-2.03584404873696,-1.55403037464737,-1.66959680149249,0.891892707454509,-0.941170056588959,-1.16978538929408,-1.42252984210415,-1.70469236554493,-2.38095765282636,-1.37580767725085,-1.34540798291554,0.0610965780781549,-1.64572884345552,-1.62675566482412,-3.23429265612389,-2.63290838097606,-2.53543230807888,-2.48066823214187,-2.23594263399737,-2.34003549992142,-1.78456978372391,-1.91493330811427,-2.8608354436462 +Ptpmt1,2.57173555471242,2.17146593087701,2.72975324495583,2.57889348151313,2.14036418892699,2.19362068808858,2.34489985759557,2.49090527733349,2.5150798788812,2.38251502210908,2.33867712659663,2.14627458763606,3.16694790433573,2.7556510962954,2.87727912834253,3.13835854885637,2.47271438284778,2.87062229388035,2.38067462710426,2.75461708894255,2.82152911423385,2.96140200622611,2.46706452628136,2.16435332718232 +1110038F14Rik,3.64901348203619,3.60235395189939,3.90943837404233,3.77349011331265,3.44018117300282,3.23504833928843,3.51970444132917,3.88097750094774,3.66807894822607,3.04209322944518,3.48404962461411,3.69701366146525,3.44456040576702,3.87256823620322,3.71920463337282,3.53265258553972,3.73550630253824,3.58641963370735,3.5805097272757,3.73592720570159,4.00932530978498,3.90664968181183,3.76258884871326,3.71425588514709 +Scoc,2.420547258482,2.01966847295504,2.26967720099808,2.1430545800242,1.7215467927226,2.01692554912803,1.93200751469198,2.40664256763057,2.01899042075699,2.225263278839,1.95666476468797,2.26266137928447,2.40062967040064,1.93294523186869,2.5235300637095,1.86881251291741,1.99279342910187,2.27795947946943,1.44886958799657,2.50479603426713,2.44610170584556,2.23154710099125,1.87194862259597,1.76235062203982 +B230325K18Rik,-0.806986605247225,-0.0678147147751795,-1.10341777546661,-1.36279744218365,0.901565693176329,0.887410180713318,-0.002822150940881,-0.369514548197073,-0.484208811633401,-1.20303962192313,0.261747224872292,-0.0141150870224012,-1.83604156645102,-1.46066639343706,-1.59338982309571,-1.32010954841226,-0.135146035409888,-0.465234448023199,-0.232523979856815,-2.05088018397891,-2.41927175281482,-1.96069832404184,-0.0242299322750308,-1.04175767723953 +Parp10,2.46253546811809,3.05335209213938,2.8762371756621,3.21800162686515,3.00583633511919,2.71165983577228,3.00250659082649,2.81733279390826,2.88711676813583,3.00387326504542,2.96748736204427,2.89499399431387,2.35520004227423,2.87212759683804,2.61750356170224,2.94322382727495,2.99445636726957,2.6989949214119,2.87872923804606,2.39661109224722,2.72964802617452,3.12471148852548,3.00552125487865,2.85964458425108 +Naa15,2.94810145302037,2.9114987826326,2.56380983529258,2.48934366248743,3.5108029484965,3.37691066395664,3.07289402963894,3.10814521588928,2.84671170196303,2.73126226321159,3.2852682253676,2.94559373071862,2.93038393460623,2.82448133369061,2.79653305768086,2.50942564658818,3.42770769625063,3.21574398545632,3.25839301144413,2.55611775889121,2.80928098469577,2.66882544401806,3.34076457112851,3.16725068642695 +Ptpla,0.93289515280784,0.0553076411141671,1.49222865384635,0.503419315929676,0.282690594213395,0.632492397865006,0.143294111285997,0.913005292597786,0.222541828243923,0.0156906701696311,-0.208223490952979,0.59940944853629,0.403576658600845,-0.973863967629782,0.701729170289209,0.330705852270509,0.0271957058297308,-0.105826805608583,-0.0345159879314964,0.86869228164046,0.0669131460431665,0.447183668702508,0.192191026638246,-0.246125404986306 +Zfp35,2.04060780467882,1.83511399805515,2.01692367390908,1.55664203283058,2.42286721969008,2.14953956733769,2.22057534566662,1.62446569180575,1.8965092102062,2.05869801792433,2.00105674994201,2.06754779720822,2.27058456596347,2.10603804701347,1.80237483329886,1.94293655484793,2.06154607081217,1.99670360301556,1.78791312961276,1.66207845847128,2.09762398161708,1.92013087927506,2.15180481747784,2.14784671553112 +Tmem117,2.02880049132377,1.77246747487277,2.31735143888779,2.00754833835599,1.69761269170108,1.89860308298274,1.93764258708413,1.85630537661146,2.25345931683161,2.23808913602351,1.5707065609587,1.75125342660234,2.36079071849848,2.24301942815828,2.75323234655103,2.35714360815854,1.55866230440855,2.0194617551303,2.00187850710185,2.16715226704424,2.50214034677594,2.70420363359873,1.43672914972149,2.02498325950317 +Luzp2,-0.743616017160453,0.328060369277143,-0.92017038271486,-0.56810200747531,0.055583573986491,1.02455922977561,0.660734750093723,0.616088480459695,0.109097049786721,-1.00002499352723,-0.108150462307219,0.239250217734789,0.272205301010207,-0.584833069023537,-1.56361903434009,-1.38256166593762,-1.25197572167692,-1.92661677651581,-0.214024822352057,0.172766919050335,-0.542486526472161,-0.572958612190854,-2.55675844874315,-1.92010664671324 +Rpl27,3.94724303592243,3.13768877395247,3.8579742854112,3.70380905613238,3.28327861025709,3.38274434871165,3.35478013168095,3.68517335787236,3.48275453009732,3.95541969255776,3.55028499275936,3.33611753080191,3.23501212675924,2.69776500580903,3.17671347130977,2.81905517420045,2.7470846384499,3.50787140167203,2.83468025359722,3.08425840548507,2.89700407407688,2.92980433340779,2.81824983365867,3.15661569862982 +Usp31,3.28063597337308,3.21150508756917,2.87272577810282,2.96725161613369,3.30668769480643,3.34780070934382,3.19279107835901,3.18021883647263,3.09708810521238,2.82713470951369,3.11074071938119,3.21654212903588,3.34717949859921,3.67609049739767,3.32857274232912,3.53026089404141,3.82577720782183,3.44615971216273,3.70875964503619,3.2671831752154,3.36532915063241,3.42411903530235,3.71198538405026,3.73832495348094 +1190007I07Rik,2.51611925405179,1.933189469366,2.73027485156288,1.83484231767944,1.99965244167411,1.67962221785802,2.03177133936096,2.46248379506338,2.80493871703447,1.79562983645199,1.17206927469539,1.56451973751114,2.24107905353937,2.06289810928678,2.86930448838504,1.93561771231275,1.70914975872705,2.41132674510082,1.77455815468477,2.17813454475215,2.37280107884334,2.26539072801342,2.0862516573803,1.8225473068681 +Krr1,3.15175638554108,2.84181781294763,3.20902257145485,3.12396094637534,2.93389747111557,2.86393323738366,2.92814713189634,3.1065995033207,3.00924220611291,2.99865887720088,2.80011714812365,3.08271757363877,3.05304968788983,2.9718036497304,3.00425910805024,3.00288600607637,2.78339877646879,2.97276792399994,2.69056368508152,3.09906686264363,3.12434657632904,3.01375054909464,2.91087647989149,2.94762569014044 +Mapk1,4.70732146853292,4.4957454547246,4.73355113151837,4.54170214270667,4.46554406170358,4.54050620352275,4.41164330642737,4.77225738177063,4.75876639113161,4.54960200544051,4.41814824143102,4.51588127367362,4.84026292690101,4.59364097629048,4.67973303850105,4.55756613499495,4.46656793942492,4.66997851996717,4.35328954297935,4.85377815764797,4.69121180191608,4.71341577215476,4.39346325256983,4.56859095145079 +Alg11,3.71786380013235,3.54720008214575,3.73569544169047,3.38385699266717,3.03459443668879,3.26386783686857,3.16931977360118,3.7639453601508,3.63205185948387,3.24587095329155,3.14953839979175,3.3215426926154,4.26326925900692,3.68526923096115,4.11380771891717,3.64253632146112,3.59197321981341,4.05561646448621,3.59321126842431,4.05422206848861,3.94896926276723,3.65318884997432,3.52833468576491,3.701597987081 +3300002I08Rik,0.442039788045104,0.557243658640137,0.149073480046243,0.212959952096386,0.505684473173542,0.384925004048374,0.0441188318712351,0.163805464634782,0.689516489833713,0.202331423678147,0.563558154645418,0.358256370737418,-0.26090548591546,0.043789747533953,0.0068081657136474,-0.471310027886661,-0.503373553855354,-0.199412838455504,0.0259218295230481,-0.24192232104093,-0.0246336914816805,-0.0004141047657819,-0.839462174631845,-0.0370278750624089 +Bcl9l,1.04681515008608,1.27094538445581,0.906640758253598,0.491551038283049,2.08187034997602,2.233187285452,1.90203093430688,1.64813564785563,0.655953978012513,0.681767427596595,1.96859648360244,1.34297210854562,0.838393854304789,0.794649951273558,0.503510949400193,0.838943398116376,1.60404082344881,0.93021799481698,2.04046726220477,-0.144626466949733,0.439813785105827,0.532340569761017,1.76923851246289,0.993134385741759 +Zfp947,-0.41667308084299,0.0797180758514144,0.547195900400959,0.818174855839525,0.0185952933364524,-0.0798038957028577,-0.484713193541317,0.246488504206484,0.308080707782328,0.324178697227552,0.0490153306695489,-0.476967246119139,0.720155454400093,0.695239855182392,0.312979632804892,0.78924754801363,0.0896534597512195,0.489333072296145,0.0198897955589425,0.896431732290685,0.492162479873065,0.555314873836437,0.274368656498997,0.387484932911183 +Tmed5,1.89660073675668,1.20508517755575,1.5749006419932,1.57426662955381,1.13797107498345,1.32095736840497,1.27253828551512,1.17653374901716,1.55462931947063,1.25942999223557,1.37995293725771,1.41123197889745,2.62305322485597,1.89919031584186,2.43552703534591,2.28339219769927,2.31353608809177,2.47311704472287,1.98166751725359,2.591022043165,2.26373244835404,2.10244879271862,2.14746737767693,2.22594138249584 +Stk24,3.96184311751717,3.9965678205557,4.28081976035017,3.84006750445122,4.07134014206272,4.11843287927521,3.90537426915327,4.21680380451797,3.92928557273525,3.96405555707834,4.09285252122358,3.83860676065865,3.69475854675661,3.82139111730033,3.9861796107377,3.72100427470105,3.63707043803931,3.72429560328888,3.7801635456878,3.92861377597737,3.75310576100371,3.8694023572266,3.62363468563102,3.79377149222689 +Gm10131,3.39036303338315,2.26628304328278,3.63466299506772,3.09169576886181,2.81362054389781,2.63421476978321,2.68862520121439,2.92412170720436,3.09521620255023,3.43623336847704,3.08881684704711,2.69384464317506,3.46680195572804,2.71190559664546,3.10474222079514,3.23035566332913,2.27018554962439,3.37519723168434,2.11447394953562,3.19923182085379,2.86762581775999,3.15056578584424,3.1740968015089,3.14876731969194 +Rps10-ps2,6.20822652130345,5.56283643711545,6.34627910377256,5.83007834175947,5.66383666145659,5.92084087979305,5.62132926034498,6.12466532101326,6.06317243974774,5.949220401099,5.74842892495307,6.04695482336049,5.29365426548028,4.9620447276717,5.31206120278558,4.84968649132435,4.59848686867787,5.15961176806587,4.64104740644867,5.45285118937688,5.25668393607317,5.16371005500651,4.54359177231411,4.89787042002112 +Ddo,1.74572982864979,1.96770763353534,2.49580416602072,2.11399589211328,1.79629431678223,1.95660698474018,1.85559150987652,2.42986684585038,2.01417975428791,1.94251836012489,1.2848635451206,1.94934114707492,2.44084463221263,2.47593501373328,2.30683870336611,2.3209500681569,2.05880211036645,2.12559849941506,1.86795640847152,2.20014823884564,2.54814602920204,2.49166512235014,2.12783156795476,2.0338412030974 +Wscd2,-1.29156119692595,-0.783495850809751,-1.09502963585378,-0.815558796438663,-1.21946277880197,-1.02612583118507,-1.25837754601303,-1.533324304358,-1.34121054607175,-0.808407288223061,-0.694754330383871,-1.01377975481176,-4.56224456112393,-4.41643956605033,-4.1789298955329,-5.27307551243321,-5.40101150148203,-4.07398168512721,-4.5194510884512,-4.54902214840909,-4.9669436795009,-4.40590259935734,-4.14743684529761,-4.56279844813525 +Sorcs3,-1.93807569051572,-1.41965746324161,-1.72831484874257,-1.77373397229394,-1.51915661918698,-1.49499774829681,-1.94988949307909,-1.50060363346556,-1.81295019857389,-2.11275981147186,-1.7096302528828,-1.82763293978674,-4.88371774329232,-4.31116545335203,-4.88371774329232,-4.88371774329232,-4.88371774329232,-3.8164687010937,-4.88371774329232,-4.88371774329232,-4.88371774329232,-4.30593286624656,-4.88371774329232,-4.88371774329232 +B9d2,1.88930315818038,2.33894861338264,2.54076891586953,2.26243872898407,2.15209017971643,1.99713669133974,1.99569727650526,2.41000856952476,2.24386970164322,2.6547853384,2.20472059022314,2.12911484430733,1.79501111227316,2.03221079005111,2.54949437044899,2.20842590723031,1.86680386965037,1.77686530204847,1.5669945807132,2.05749295843087,2.3817926247117,1.83604002387807,1.44408502403455,2.21137819637195 +Nmral1,1.62697104762454,1.43102699553282,1.56122926961745,1.69223212795736,1.55274102462494,1.48189757198372,1.54341863189168,1.68300906885091,1.59056194023414,2.15992603537327,1.29774457164059,1.73148995385582,2.19374465467553,1.40977490549428,1.99578275880159,1.7028182780698,2.08472148293789,2.20934190440078,1.91629729387767,1.44683242497326,1.91636135870604,1.9424890029472,2.06589954101011,2.1928677306941 +E130309F12Rik,-2.22220224792296,-3.176244167901,-4.20535817593059,-4.35813480004829,-3.32206087739165,-3.43973391287872,-3.4408126302516,-3.97223548127006,-4.08481380859765,-4.26536933842628,-3.76732011573548,-3.5276530263124,0.031648910356509,-0.110823544866337,-0.585036268020098,-1.41693280378822,-0.571385586590582,-0.259106587944229,-0.2782891156008,0.596811333591744,-0.181429397451101,-1.22017543264579,-0.308092919836646,-0.608911731674764 +Syne2,1.73676789069768,2.6981123323423,2.02638551072353,2.2738225507821,2.58187130790178,2.59873175065442,2.61280327184528,2.19197869936347,2.26932217597033,2.20514130641529,2.54881339776967,2.43746482441428,1.3115136481459,2.1845381895277,1.64894395601787,1.96486845283711,2.20234339769828,1.48505888450242,2.18685240363081,1.45167501171039,1.91062245958007,2.03778590234868,2.01876941945261,2.24741177109513 +D630045J12Rik,1.20922673431097,0.823765811733219,0.488565763912972,0.625117354686384,1.70663369582875,1.89071829888231,1.42275500683486,1.40151644015054,1.00553621164291,0.704854692703988,1.693177376129,1.16200756611258,0.852273388828097,1.03167079256793,0.720911147410033,0.881092970843919,1.64185643349323,1.22916124852039,1.63403746235512,0.820927498796094,0.470095599482646,0.642400154411618,1.54487672452527,1.38229809634734 +Rps15,8.65958428701635,8.0977077749631,8.8515162259518,8.53133557288474,8.23260496445014,8.408409474958,8.20870088977602,8.70083029078605,8.59988327427069,8.57325876279672,8.32804304374418,8.46137421875024,7.79550448299404,7.44882765590183,7.84505914723102,7.50604977609523,7.38766361510629,7.69030949941775,7.37820106005527,7.84086930146649,7.67617798735189,7.72442505897175,7.4594977040252,7.41904466113543 +Nhp2l1,3.64323522440109,3.1170954670746,3.65183047691855,3.42580394731577,3.10943132132759,3.35757567972619,3.22996809589838,3.44723826216854,3.62081553788038,3.66535559289173,3.09840464078431,3.35085302392179,3.51735763072082,3.11048520212278,3.31546710908409,3.14966117100454,2.9202681684482,3.40597244659969,2.71726200155155,3.42535903127061,3.32144648281326,3.0577119826983,2.97852533105108,2.94361286921876 +Zfp167,2.88172520231881,3.62744593996803,3.17354846257614,3.41200802853425,3.19287624618328,3.10095553658881,3.30394860129526,2.99201882721719,3.24215470564149,3.34753692120113,3.46857641027537,3.26812294768801,2.9355179919727,3.35848941502576,3.03147462222106,3.3170010388702,3.03941436045726,3.03914494042018,3.41375769059209,3.16858345835241,3.43832180501053,3.3317500867642,3.34573184310668,3.52020507236463 +Snrnp70,5.73265285394825,5.75999444550258,4.62780299306371,5.74517569486895,6.02414441335196,5.99039146011919,6.2366606588837,4.69413259903341,5.26356141190178,5.60692660588984,6.21919279198556,5.8920902890159,5.03068087199112,5.25872346493175,4.46730287349781,5.23741733050218,5.96692261608287,5.28589004099363,5.9245169680757,4.33420371153178,5.10761264171939,5.03519311088685,5.94161547889774,5.71714959642183 +Eno1,2.33736495936202,2.12973315712335,2.06869283292385,2.20425315800885,2.04993844771536,2.28945296325041,1.85806503897437,2.20453260244917,1.95957107357617,1.79849050942762,2.30924308532654,2.10037554733499,2.86896921699485,2.54896422255446,2.72504911647304,2.61012924460377,2.63805361309802,2.69953906517186,2.8209660894385,2.7571295342025,2.8151133852275,2.62436452074608,2.67179473220127,2.65018371898935 +Sema3e,2.2871485173983,2.28388564240955,2.69334354019127,2.39450602410144,2.45750727552896,2.44405946888415,2.2646133233218,2.91998524044597,2.39736519534741,2.32339373635916,2.31829852542839,2.462854147562,-1.83963168603968,-1.59645062084025,-1.73775779432382,-2.93644607694763,-2.22451397132376,-1.38817593305025,-1.70948781541222,-1.96637453898768,-1.44433534578667,-1.99621358017501,-2.25476546536851,-2.65809420577491 +Zfp773,-0.241208920157078,0.0868501193333842,-0.890959088372504,-0.589561870382018,-0.35428616332053,-0.154683288929125,-0.348675593735772,-0.785499063605318,-0.629633543387691,-0.826183812963325,-0.648328372939107,-0.171230393107197,-1.12938224305481,-1.52956853233873,-1.26953568054557,-2.42977062633897,-2.17142545199267,-1.68512290890005,-1.61561236641707,-1.82760472342443,-1.62119951539536,-1.80522466848978,-1.93558819288014,-1.6705730318634 +Gm5616,2.41923885392598,2.13822287167384,3.29035225883573,2.49081322099082,2.30609747989979,1.9116284976013,2.34901102064266,2.57478158661229,2.65371670308348,2.42898263599464,2.10918071586995,2.35108048949445,3.27997591805759,2.61752499283185,2.63939107033213,1.99217073388939,2.23046831639782,2.44899046821946,2.79474772456065,1.60967497519525,2.48489653074304,1.79700920580847,2.67990657309127,2.39087658380211 +Nup98,4.6066248561314,4.5146875950806,4.55644661744813,4.4917661454322,4.48015943742477,4.61775040216318,4.39126838795287,4.64089117855231,4.50880619944874,4.42334155771795,4.47499604631252,4.53760224159879,4.99357636345645,4.87283513085344,5.04016253876452,4.78532470803659,5.03045480044812,5.08924118106366,4.95489493208024,4.9249798194489,4.70401661088208,4.79346422988034,5.02230715164737,4.92596798100759 +Aox1,-0.0862829475436939,0.65540661168986,-0.883697256678121,-0.0267984602318201,0.471437715662761,0.49259947604836,0.321197833557997,-0.136663948494395,-0.433044974659805,-0.352196319247915,0.251747185460061,0.161162430904282,1.29054113843664,1.58524191189015,0.753588361038959,1.0045854156456,1.65061706197912,1.34996614217631,1.95564489361283,1.08143583708491,0.938887063270922,0.92411034325767,1.5936648346771,1.43593444761009 +Jazf1,2.95997858280859,2.89993744107683,2.99038162308718,2.66361064152591,3.1013023505678,3.13605468038455,2.83510614087905,3.30879590635176,2.88878518066936,2.88646056945466,3.03312769653273,2.97395108120607,2.35052775580845,2.51153616339514,2.74575456446671,2.27366046792526,2.44268407839685,2.46183340229007,2.36044236122577,2.66125714741212,2.1712802404543,2.21953193450356,2.30936063794549,2.17952714359773 +Klhdc3,3.41126330198964,3.50120688489224,3.21889142807606,3.34830321167907,3.91395664817798,3.5963495287869,3.33942470726835,3.84617033964681,3.38965685065373,3.41514455701005,4.04070914945166,3.51546751234686,2.97543417990989,3.25471453016026,2.92917553467535,2.9309003076722,3.56637130864527,3.33891655944773,3.48822816559376,2.93925527241647,3.05305046422767,3.11399626393609,3.45697423824817,3.21441459590443 +Gm7665,2.25501734063435,1.29190137274572,2.36370465494495,2.42737199530113,2.10813127664092,1.97170372020149,1.86667726038904,3.21853596106276,2.98738329931609,2.35288920217667,2.56414180384991,2.36454766567795,0.467376353599998,2.26445360272344,1.54929314836851,1.64404847582131,0.375780694324407,1.81812587376287,2.98152771016459,2.11957968123388,1.86504832808132,1.83180396595365,1.41281211336841,2.21825625361267 +Jakmip1,-1.27810944669289,-0.244341535454339,-1.00353222120016,-1.05211687788758,-0.258028065190398,-0.139818141355161,-0.0880997137778459,-1.11739445691011,-1.03063274490428,-1.51781781105984,-0.379637884116659,-0.344321301488457,2.8244362186408,3.12600114532755,2.41485657048891,2.90992364691463,2.97802338890734,2.86490799036382,3.43815804624877,2.52192467291196,2.62500145839176,2.81944078276115,3.20595833009344,3.29416251192105 +Slc22a21,-1.16318285887083,0.0655104174059589,-0.150278395027287,-0.486380130316433,-0.403678774782088,-0.0042756387200753,-0.221401520163933,-0.302249583736164,0.117863116750525,0.321126656440852,-0.263696324849891,-0.6056904469955,-2.10432799396453,-1.25621516030269,-1.15717851047619,-1.80144060782275,-1.51074688001719,-1.82490708890319,-1.19978220092105,-1.43696342958603,-0.983289192918009,-1.24210130489718,-1.55947131906398,-2.70625300428729 +Zfp238,2.39183918726096,2.1046031451815,2.1515138453087,1.86606375329089,2.18928581234653,2.30594806823662,2.15039319886011,1.96570006992181,1.98530517220791,1.93189257038865,2.10095197030828,2.18220616671121,3.02245314195842,3.18086395690418,2.96383719216202,2.99907320911215,2.94547756645961,2.96138647636725,3.09003730523553,3.29152070405902,2.96106663779324,2.93132867595475,3.02845437074858,3.17477511955322 +Brwd3,1.43337601941319,1.6288587488216,1.3251453732531,1.09871714685851,2.1421781816416,1.98000769146945,1.70255312922608,1.6637483455554,1.38576179666741,1.35670400971521,1.85800765428853,1.71803656499384,0.452589629234744,0.629040598803556,0.458986259502281,0.517557675855824,1.2840806209871,0.78952386380486,0.840378954143954,0.218970593360697,0.678056932747407,0.482717891893866,1.08493427398107,0.807683182777221 +Nkx6-3,-0.8336697045078,0.212769691777527,0.192294008645365,-0.485013356741293,-0.294293178222552,-0.277961043059477,-0.512188854562073,-0.205957972189733,-0.135744958459614,-0.101532080704136,-0.421334000828832,-0.0549151225651556,-3.52233103860203,-2.54098661843158,-3.52233103860203,-3.52233103860203,-2.94686857573245,-2.8921893663747,-3.52233103860203,-3.52233103860203,-3.52233103860203,-3.52233103860203,-2.92720961455798,-3.52233103860203 +Crb1,-3.03226075279617,-1.98106139466378,-3.04610980768257,-3.10838705104553,-2.32248972059843,-2.8152432828838,-2.80162215029717,-2.30377259153475,-2.81339388321688,-2.39096537643923,-2.56811146094115,-2.60515784964478,1.13856146269075,1.42704996524102,1.24604682148743,1.41624275078717,0.796461613590209,1.09995480432616,1.02683207904931,1.41953281135635,1.20143909419376,1.06159574756489,0.95292869344384,1.19481266417613 +Gm13910,4.55707542580528,4.33922307422257,4.87721053155897,4.54328485061017,3.78693584099538,4.07352184430477,4.04617977904169,4.50865764247489,4.6763968086051,4.57085623479215,4.02010871523756,4.28321384743074,4.89286051182197,4.3187056029313,4.86745951022479,4.56688618747571,4.10339792460521,4.66553709935187,4.19312043122467,4.83076371972923,4.75351439995597,4.66346787071207,4.21844866033735,4.11552803049654 +Pcdhb5,-1.01860979296207,-1.83028912897002,-1.11491769521384,-1.07232082865111,-2.09315504846737,-2.1852860416261,-0.783551193608918,-2.07742086869989,-1.51644910111963,-2.62557114443357,-0.808841262414555,-1.82732148405317,-3.10498255948989,-3.20096017947904,-2.38476053083078,-2.13208845457345,-3.19657821876548,-2.78004579968609,-3.06886528729448,-3.53776770863758,-1.99758178802975,-2.87332204977349,-2.84214163595982,-3.54565279761959 +Hist2h2ab,3.23833862929464,2.27401784794176,3.61181601815453,2.4481001377008,2.84072328199263,2.450155664747,2.559764074974,3.31435114376076,2.67495629273026,3.0176028647005,2.90182737679838,2.27737348392793,2.19345211152717,1.6843568571741,2.65513738071241,1.24247667750262,1.48615854853584,2.45405107879551,2.25497840609767,2.13358681405128,1.91419631510402,1.8783424135188,1.64329229552353,0.923758315783932 +Cycs,1.81005912212096,0.872185160430437,0.752802441053025,1.29713657139844,1.03625286420678,1.07694247208908,1.11710209690356,0.597629352555218,0.826486902832376,0.585290815692511,1.35346857942758,1.31532225529586,1.98556081868393,1.64183675480044,1.25025058688957,0.803598545126743,1.47261013886741,1.79501005372493,1.54477759010351,1.69817357738285,1.13778689639466,1.07911722964969,1.58754163059523,1.83883948276867 +Gm8730,5.21708976962982,4.8497174106853,5.53551903817549,5.18654775173821,4.96151097357192,5.0538594608352,4.98822710189402,5.21202702676233,5.20773353643553,5.12854067523346,4.82533391722156,4.91009663650775,4.87874210893252,4.37966238929528,4.65502321570706,4.42298159003338,4.28061428584339,4.64203703960307,4.63378090076674,4.91929548021908,4.81991449675855,4.358291231595,4.37803208952444,4.32650821807076 +Sfxn4,-0.217163446190427,0.639050382040967,-0.162860987892165,0.695019867005965,1.09337221790724,0.488172811761323,0.589229088912802,0.343297517739739,0.121144339881832,0.609906888479165,0.688168624351758,0.434801002199904,0.207437493280787,0.644405935922775,0.0528090034238411,0.421731772136679,0.248028453759578,0.143266551923495,0.482751599818046,-0.0196465417049754,0.083517432348464,0.0897735547008809,0.181664165733136,0.601047755758582 +Mapk15,2.56909761620806,4.0539298522441,3.39149584667206,3.83341528511058,3.70523751625659,3.67880826878965,3.94234875868511,3.4836635628283,3.51336949809246,3.74736036979277,3.96288991170539,3.56757606844249,1.45054966412257,2.82215352485781,1.72787361375984,2.36091047831903,2.52969028100079,1.76786758628098,2.88176025791129,2.0352809405666,2.32295734572748,2.41029518552029,2.39916888821132,2.24936326685716 +1700011J10Rik,1.8754075602819,1.49222261101986,1.42568649149765,1.47094338188299,0.675064359257796,0.443547550331641,0.845779904918892,1.22679700232178,1.79242095926774,0.730713425542024,-0.104365514685756,0.85352585234107,1.63343132778812,1.73330021277519,1.86017993628347,1.2090266257742,1.00571186438724,0.259501453143949,1.10650387002529,1.60868220859204,1.55237673424652,1.55591402537375,0.796221189476271,0.383730671055058 +Tnfrsf11b,-1.16742112797425,-1.16146377623013,-1.47242172867356,-1.58798815551869,-0.252022632580848,0.0470969565350157,-0.845940278028519,-0.929464004774666,-1.62308371957112,-1.30649342596778,-0.681994971658959,0.067725475870094,2.51187382668585,2.04949502785041,2.76692709153383,2.16828764673302,2.295536386136,2.46352181469009,2.05905647573614,2.41139807864057,2.93092672767598,2.5487949086498,1.95499726398148,1.93474809535938 +4632433K11Rik,0.693166851293787,0.434817374795339,0.530930567903814,0.0697851116385198,1.45267093538253,1.10374176032411,1.2133501705511,-0.145526222317655,0.129399161998026,0.426378552204434,0.956095513489787,0.739904119124045,1.06061663526967,-0.244494071945079,0.259117530069972,0.0549091023418699,1.19188614797881,0.276018617733791,0.561736427876427,-0.405715067148114,-0.199309859119044,-0.383335012213465,0.490059771087943,0.291745603640436 +Rnf217,3.52575955331231,3.75137493804737,3.56878065225234,3.38941841577227,3.63640781787833,3.80672442540781,3.65107077075546,3.52928463513367,3.37512216808629,3.53371454933163,3.75353455553301,3.59586347189048,4.3795929638469,4.59639610015579,4.65550133774694,4.75692217977818,4.53484090136468,4.34457575827354,4.44716090865192,4.74389830717046,4.40924558706435,4.55745452537851,4.52612006794472,4.69365949292161 +Chadl,-1.5930595928709,-1.82568654744804,-2.19160748163852,-1.9200784720418,-1.45487619832815,-2.08130320087525,-1.65719493201576,-1.6572660803407,-1.72303044751759,-2.03309564329825,-1.79179448590814,-1.95865133845073,-1.32515848134068,-0.616266392636813,-0.820785795111816,-0.723303722795992,-1.66786819227317,-1.23540612207184,-0.671690358035149,-0.873445487547227,-1.19328164459102,-0.726476349724752,-1.67828680080003,-1.63673413100434 +Utp14a,0.757709802133573,1.14469294749923,0.971728011109457,1.29452123548598,1.36852163592264,1.21447736059522,1.5870356279786,0.770128859543969,1.26002474539841,1.14149770154824,1.44704847197657,1.37358078089901,1.24631502962546,1.32412621138452,1.02046299766991,1.50811283720616,2.0120808917418,1.0681664110013,2.0236407041822,1.37600242340062,1.30473884481728,1.41117489723604,1.79824312554976,1.90070187844251 +Chchd1,5.0911308430456,4.36424473608479,5.12702689664308,4.80883704226267,4.65250693478388,4.59305922172526,4.71159306462244,5.18170869798781,5.05847396947807,4.88863460723607,4.77518665385139,5.08054045256778,5.4933359241859,4.7276171190607,5.18794315217439,4.69782685442697,4.55877558933558,5.0291151253291,4.73134380359846,5.23557863117523,4.89354704232678,4.83697612342012,4.88829018345729,4.95617439948376 +Prpf38a,2.57210406620016,2.41448338437052,2.73573308381428,2.51664694370122,2.16817603755793,2.20647620635276,2.40925734300083,2.48935018450057,2.59297594952588,2.47626689938372,2.26384969396895,2.3767523086934,2.48083836992545,2.12663492392283,2.51409612384861,2.30145998301032,2.0501934393189,2.20274946012311,2.11508277112028,2.39236505392123,2.28541825441056,2.32539999624656,2.15189644508034,2.0610556865923 +Ap3s2,3.0761612718454,2.81305221069156,3.08639017918314,2.91926631953475,3.10361903643898,3.1072421128193,2.90156078603485,3.027303502809,2.93965952555318,2.95521795117811,2.9735563935496,2.8619578138494,3.03785827079413,2.84760102309162,3.16853306280764,2.9092094243315,3.03165981365429,3.09883856232476,3.12664462041058,2.96272902896349,3.02881562331489,2.93864955545575,3.16395566224331,2.96056632126371 +Hspbp1,4.02161251009033,3.57081952366199,3.71862217319479,3.60482077535653,3.93864631833432,3.74777718434447,4.04655987022874,3.46582248149611,3.69871556825176,3.68130019885688,4.00976416036494,3.7514689011309,3.78427299712379,3.35904851786242,3.63656712017591,3.41265018126254,4.09202504491227,4.04737754185046,3.92564634138251,3.42463363765683,3.67647409358307,3.68041746608754,4.3479483027381,3.93478760978301 +Gpatch1,2.8649403509355,3.02522072742816,2.96025851513811,3.07033163124854,3.18494425315588,3.18114645594254,3.15523895364451,3.06353103913871,3.20022943980274,3.41514822617044,3.39057178200087,3.36394125151378,2.74004227463709,3.10501128214041,2.73122697422896,3.09711445742265,3.11863267242401,2.84958539295937,3.0777805134725,2.90887054286556,2.60245867047823,3.09157546715928,3.08791426403782,3.3151249717554 +Alms1,2.16016009275231,2.66441664805829,2.28387174670336,2.4173347174295,2.71610908954397,2.76798761137173,2.59591399872793,2.47319788608281,2.43424038838382,2.42602798210398,2.84560606079421,2.58267710428137,2.049845268372,2.34196511190968,2.01923961533912,2.00404459672018,2.37756174371812,2.26019640407332,2.20871833034272,2.22783066776012,1.97058038299687,2.08177507268715,2.27066432208507,2.42503481292363 +Cdc42ep5,1.03584193621593,0.613027831821587,1.3455384794937,0.756086099020611,0.428061049744124,0.91365465298249,0.614283898672455,0.84005446464208,1.13845528096575,1.23359979610077,0.876011827527097,0.61635336752424,0.731712612639892,0.698787442477178,1.389775103509,0.367698095441034,0.832141921635462,0.852919063003227,1.06002060259045,1.01667236073398,0.991441763226516,0.838594018561913,0.299972663746327,-0.0156724630891649 +Ppcdc,2.13901057092402,2.48454999697312,1.88533957246773,2.36406453558925,2.08893238388081,2.43419550793626,2.35024577745935,2.1091266604815,1.81083330986775,2.32859484265827,2.29387090656401,2.21376221046332,1.98681709269289,1.71383308934382,1.27590326007098,1.99563049683163,1.72250789171923,1.75228596499837,1.9950619987789,1.12800481854167,1.69116389031536,1.85995030764899,2.08084956221296,1.89741211523186 +Gpx1,5.78180215214208,5.32837827147897,5.8738753515349,5.55827026356026,5.41593070109061,5.38401515343833,5.43209875411547,5.88687028711346,5.79736169368206,5.68287648074686,5.42448441347922,5.36833264814048,6.77681786329462,6.13935159071031,6.35316605806072,6.15004419666969,5.89409317393713,6.40006715072231,6.12951130186048,6.6469115591402,6.33597478617486,6.13457458319821,5.97492748969378,6.02231001795321 +Chd4,5.84239533893241,5.84240505633554,5.73883969708245,5.81225206408053,5.76451028241988,5.83334150067447,5.76350210561423,5.81158702575924,5.82764141097658,5.75014286246723,5.73257780223547,5.68221729051738,5.7491630274741,5.99253277164163,5.85660500422859,6.02850282159783,5.92624398990089,5.71496507600065,6.0080870569945,5.61274936643292,5.70236114337249,6.01396249890744,5.94122355505852,5.83212380920201 +Slc24a3,-0.589594069817737,-1.04100771136735,-1.11620284461495,-0.878756769621051,-0.823142610294197,-1.04950854561649,-0.977693427654668,-1.3686628526647,-1.65919469929152,-2.49619174333324,-0.776638792265419,-0.775789330134847,-5.04578077943394,-5.04578077943394,-3.46997299533434,-3.51720541296474,-3.4798813263419,-3.97853173723532,-3.93234146707892,-3.61832896349141,-3.71242387422493,-3.73679822955793,-3.70561781574426,-3.35922773702476 +Uqcrh,6.0898423482441,5.28160795544479,6.24257853965394,5.97402022637065,5.60334486757039,5.58147405071924,5.56880629229774,5.94571150186899,6.02637658921004,6.02866725921831,5.54821448462137,5.82505779110347,6.11275700612547,5.4142979401776,5.90843243404299,5.61907008744682,5.46638805497259,5.88381642193345,5.24192007738825,6.04137724703675,5.86996994765134,5.6862032184886,5.35524128530022,5.55223015247027 +Ptcd3,3.49505504468376,3.39328725580597,3.43003227298104,3.57241165514527,3.3378540126738,3.40429139212131,3.64104967810017,3.13278042454042,3.52456849045434,3.42777164838993,3.36068294879038,3.42357161097578,3.34351356290771,3.30638156562198,3.45172060397126,3.47534830648787,3.19336023875075,3.1508652573744,3.18546089560378,3.40890361668855,3.53021438919243,3.43451807001412,3.39390373726748,3.25545327388809 +Nlgn1,0.806410878340288,1.28294391072642,1.2601716414202,0.979337256550811,1.06840585736173,1.33704518659653,1.02745957042676,1.04633983968494,0.838689638283528,1.1013074870272,0.967020199483677,1.5136596010387,-2.08568169517643,-2.10063351446932,-1.73383710833693,-2.27541681255784,-1.74661227336372,-1.60862155353263,-2.03002859693918,-1.47246573789347,-2.7084605540014,-2.54561113838646,-3.51419929039319,-1.70120903476647 +Rpl7l1,4.34029731396927,3.8865294211434,4.28449641999211,4.25608535106839,3.90409009413223,3.8112172773127,4.02277845184497,3.97386452559894,4.04471928781761,4.04093735252569,3.88020357198891,4.11440180962679,4.83121160791843,4.18513297694781,4.42046538745277,4.37944821084464,4.16775943816286,4.3961949885259,4.14678815310468,4.03136042219275,4.45559409984518,4.32530360103211,4.0249686903114,4.33080213106534 +Crem,2.84194790070494,2.18242554292768,1.92695218405779,2.12040494651221,2.74059540827178,2.62247560517825,2.74866580103848,2.0567199889342,2.3835730850016,2.06364683136231,2.69810269140541,2.61164961696444,3.0244910337682,1.9814736678342,1.78272224922725,2.23054098749603,2.76161400365813,2.99067236339328,2.39119117811224,2.0448634840409,2.35850862558621,1.88180543320092,2.52595599048,2.48011832616489 +Zfp192,2.66719942685417,3.06678457950783,2.98743086106576,2.65723482884205,2.8273061964701,2.88366888282314,2.78862715937859,3.06243774095352,2.8364307080021,2.69487530500791,2.73774302595987,2.8299829359962,2.65992175420742,2.70221927202661,2.57944229746774,2.56775259838173,2.70632542975604,2.4951736582862,2.49672901082966,2.51060529067274,2.46064583857188,2.38193415891932,2.52319868114221,2.58806740585988 +Nupl1,4.3210194686621,4.29211412496907,4.29716751578041,4.41031916645147,4.31032301740357,4.26707012312717,4.33255889619508,4.29499159787104,4.39972773315528,4.40489358672789,4.33688167282981,4.3865294220498,4.23519027205241,3.99641349469908,4.08610693807115,4.19974008536991,4.14273290111246,4.03975340289722,4.02952463650894,4.03568916141719,4.20688319514151,4.15810098339969,4.26425952718675,4.17686995614561 +Gm7964,6.58631168230891,6.33643682917436,6.72291020753552,6.44093027749553,5.79506661335218,6.17426928679534,6.22428237707425,6.52032188117248,6.64800093172744,6.53679215111295,6.02027757316422,6.35258952741617,6.540720023031,6.15736999008346,6.58544798614056,6.40031849684093,5.84877096817481,6.17836305287501,5.95882090054083,6.28565929543209,6.44014043964648,6.41711158068855,5.8372782389282,6.05911510828378 +Klk1,-0.684459805125377,1.42275950666786,0.375795344632194,-0.107771020867899,0.866958887397269,0.668788527087996,0.901151169332504,-0.242617513866912,-1.33816653911754,2.0466051706126,0.875861100526866,0.298406429769864,-0.38311966334097,1.92600226997968,0.660103520934798,0.367001981493499,0.0634918350527208,1.37944741763326,0.0017801412914935,0.653822088114234,-0.312879425088333,1.34024080408595,1.43755499849118,0.439101935468669 +Dpp3,4.44439819772176,4.35657288892739,4.20108602500087,4.31339456949907,4.18457657980137,4.23592031685917,4.22561910877502,4.09669697067752,4.36621464000933,4.47610606512495,4.23992306746378,4.34384665068238,5.36093881756416,4.75471496342281,5.09583493908728,4.92717209935364,5.3684964522053,5.34740751430181,5.54411634930966,4.56590757644013,5.07762009833437,4.84241168103614,5.44952712674369,5.48972404516672 +Srrm4,-1.25518341548189,-1.06494543458352,-1.3350183275561,-1.42283086236555,-0.462340028615213,-0.116825065587127,-0.861900183028131,-0.627892295183005,-1.43741243566173,-1.32360227462771,-0.706754302589806,-0.970028242537235,-0.212453720323381,-0.349967071644362,-0.251927854505082,-0.459431429378896,0.283809166256092,0.261727606141836,0.633595007663535,-0.770577864357214,-0.456943671287722,-0.566977486315936,0.50193517781525,-0.106183670335195 +Pepd,3.93127487673832,3.38702854017351,4.08279349895019,3.82315473841071,3.52471307062019,3.41194297731881,3.68627686086191,3.88943219330657,3.7118544053328,3.77828340561699,3.65306204931543,3.60643253394894,3.95204300289385,3.76142592321013,3.97618715562541,3.84293022434393,4.02063877023308,4.09029277275677,3.83227773621782,4.07013631202218,3.60472468286359,3.80528235926879,4.09775736010755,4.01258619408486 +Brpf3,1.81477893552217,1.95028688465379,1.649236662378,1.76545489693794,2.9282353943642,3.09161171311045,2.65618109601049,2.66216468698968,1.92104618842722,1.7939628083462,2.973603452963,2.21453645797088,1.15975127886011,1.88379419754634,1.34804210992682,1.6417587033789,2.64892401297808,2.05682895089692,2.78755312844954,1.47753853155707,1.45446045928033,1.51854975670287,2.56675384666469,2.33737827969468 +Amd2,-0.32279645465334,-0.766881426412086,-0.577991571124544,-0.557303984410353,-0.279191919418862,-0.651213532308916,-0.480172553159206,-0.944585481753051,-0.771513680913998,-0.907771347459587,-0.938936489531223,-1.44765040217768,0.777578827822722,0.28191775590064,0.156512705082362,-0.0902371782050373,0.290341429608466,0.671284965855124,-0.315513891209198,0.710079083708474,0.107268627983627,0.398847946113907,0.415202208560965,0.231018005188653 +Nr6a1,1.86407908278043,1.99627002541637,1.77546174293146,1.83929266877952,2.26079063889893,2.22680174720887,2.03524245458235,1.98824153254403,1.9533629146502,1.69342164158363,2.32332500440235,1.97919111834532,1.07070821283655,1.05607278986765,1.03678664536783,1.34025714695477,1.50423674758954,1.41456965041215,1.38539058467957,1.17636966505354,1.06194108458146,1.17369411320868,1.50451331595134,1.38251946016095 +Slco1a5,-1.44938116721877,-1.21494407499369,-2.02979347248719,-1.9756270717528,-1.68353078986733,-2.0973549482833,-1.82575336646076,-2.04946655884418,-2.32502206808655,-2.39101800774127,-1.73633277204709,-1.47239787035205,4.32937811329469,3.21728634975517,4.14332228785011,4.16943698516627,2.72710149046098,3.16270450393779,2.83752060402145,3.1715004352909,3.91359132150184,3.57088833746647,3.06536318943889,3.11035039338215 +Gm648,1.51240138153932,1.31710635159226,1.78377228167164,1.96967930683713,1.01027067489154,1.74817520741935,1.37565422632958,2.14514877263089,1.48715796587787,1.54214886118694,1.07455747123433,1.88579595094737,-1.7810261719175,-1.11848210375057,-1.83760197490677,-1.24379759598177,-1.43226799790328,-1.35074533658868,-2.4179943787873,-2.4179943787873,-0.820338770666435,-1.42877425002507,-1.40278269424174,-2.4179943787873 +Wibg,2.83420824271571,2.7019444462419,2.48072807092988,2.78556902164948,2.56701179122175,2.66525639528319,2.74177650167201,2.63757947207755,2.52516632696081,2.82012930438558,2.88297094323412,2.83721010852094,2.46758178233997,2.52564272561026,2.56719741037429,2.90273048375459,2.31508483788182,2.55452556159397,2.65970550979409,2.08599829757331,2.40379611221784,2.61326360534814,2.84560003415118,2.55185547817548 +Gpn1,1.56865095683031,1.47804443180726,1.26632658438886,1.44250613254602,1.56857526409354,1.61706749948563,1.56525521677406,1.22013512993691,1.45325658208073,1.51944289794352,1.63724454829235,1.48754950720677,1.31578937252571,1.28784829527006,1.36743887851382,1.27804340481565,1.44573945506198,1.28072895812225,1.62499110297824,1.48806981311753,1.17745710467812,1.19230244467654,1.60972112447129,1.62272277638634 +Trerf1,2.10380078933748,2.22517405340411,2.31508243926874,2.13284058911788,3.4121318593368,3.18256272820403,2.93595034361347,2.70992793800355,1.95979571647937,2.41177996142888,3.23575591141098,2.70884577942776,1.1491830582893,1.69834015345867,1.28848040006949,1.35506604418357,2.32204624450663,1.79987495274722,2.7094145259963,1.22952907566668,1.41611372107099,1.23055734304563,2.33816010272991,2.02276358445113 +Dzip3,2.40930503542531,2.76672215728438,2.60855442683157,2.4145312498225,2.46427035960386,2.45493887510693,2.52483587791825,2.54772246671414,2.52896693905669,2.50020083257104,2.57840107027796,2.67512942448907,1.76395434617084,2.15681751084611,2.12952532986768,1.92166643451654,1.7417164069954,1.68364630879397,1.67315590940687,2.0572791585519,1.79358094112171,1.70782669442572,1.71730454273423,1.90565286701001 +Ipcef1,-3.44310740877085,-2.35481353501877,-2.42767897427472,-2.78155613320874,-2.00947100165565,-3.01492675868669,-3.14168133785242,-2.64602688586664,-2.74810627035105,-3.04791588324902,-3.15196509259358,-2.3514578990326,-0.405099164862901,-0.515640205194887,-1.54651701844126,-1.99155711266952,-1.20254887887981,-0.442755168865286,-0.178728763257503,-0.275927720949795,-1.01920254683628,-1.93217124666114,-1.03483132700097,-0.314973572568888 +Mtx1,1.54454356851805,1.59974400819449,1.17428274023474,1.53665507679937,1.38303594757513,1.11054850321174,1.50084764753891,1.0550985527615,1.44096075189746,1.52293992690755,1.50310460399768,1.44336159342765,1.39393595450382,1.36020672263183,1.33692466008031,1.35815610262919,1.28071974909031,1.22845080086025,1.11473785598263,0.991909706694202,1.35569157419509,1.50203614863808,1.1603579269409,1.0467381181396 +Fbln2,-4.0380904824914,-1.78620605273803,-2.15059071966057,-1.80626147531674,-0.316344411797121,-2.01280042681057,-1.69875204747825,-4.35879932193113,-2.96069649739785,-2.36665621021443,-2.24933652383923,-2.84542938794618,-2.99965815474231,-3.35621084801384,-4.91624524631512,-4.21284679439672,-3.6114625192489,-3.24229636961947,-4.91624524631512,-3.8277814849321,-4.32492223239026,-3.60726269643911,-2.57005485334507,-3.50256973009876 +Vrk2,-0.113378339577308,-0.402108934838427,-0.12740529302756,0.095299808729977,0.0324434867938743,0.0336077198372657,-0.183565836707439,-0.512857625702519,-0.0318977887659093,-0.266675252682184,-0.184104026338442,-0.234669825446559,-0.631187019254735,-0.191519513216827,-0.1013923787376,-0.609406193690901,-0.700392978761785,-0.147308346613756,-0.307439376645614,0.0114923474377919,-0.386245166582881,0.150240481448789,-0.348408776789197,-0.180364377721888 +Cnnm2,3.42414015984315,3.50226910833447,3.49123125383798,3.44760086391027,3.49120663006555,3.69534648214496,3.41983592752625,3.67498144636195,3.36925884858566,3.37252096869071,3.54989949800944,3.61304064420864,4.16231852192515,3.97711015368669,4.12024122560935,4.0427931512249,4.48280583030709,4.29619388905151,4.34967557874708,4.12597114417088,4.01628058779147,3.95588244999365,4.57242660382326,4.42658627534035 +Cadm2,-2.87243598953094,-3.26285507785818,-2.07214491056696,-2.65967170583183,-3.02833314732993,-2.81157659291652,-3.45906602122204,-2.18722983434014,-2.1378262144004,-2.11136186947111,-2.79033900003471,-3.41840091919771,-6.39289427143527,-5.82034198149499,-6.39289427143527,-5.68949581951687,-6.39289427143527,-4.99063547147186,-6.39289427143527,-5.74835738042335,-6.39289427143527,-5.81510939438951,-5.79777284739122,-5.31603860703919 +Mocs1,1.12502893927109,1.62263181657215,1.56080905182229,1.36777963025767,1.3960106296078,1.37050406243879,1.63604052499085,1.46808108190213,1.52999619539653,1.4701361416203,1.51066031515182,1.37247431771907,1.44809450045169,1.77036846998763,1.16005206305931,1.56145694487173,1.44386350124843,1.14422321256365,1.6456837971588,1.45349828517176,1.36386750545729,1.51664818956675,1.60577860699547,1.10538702083851 +BC068157,-1.93579510516487,-1.58525949312875,-1.32410384591108,-1.6779810048451,0.557645421014268,0.690209316411621,0.363297662807617,-0.0682870704010528,-1.27307131108034,-2.74709551925813,0.427664581802071,-0.111029605599723,-3.02813441105508,-2.93466903687409,-3.4016072182167,-4.71529868670584,-2.15420461494504,-2.81280640748143,-2.54831825075609,-3.62683492532282,-2.89434826576849,-4.13751380966008,-2.23105806850994,-3.02874564429666 +Med14,2.81520584969222,2.68352791764298,2.58363396083609,2.42787828586217,2.93996509641188,2.97690461496922,2.73930258968895,3.10969910319872,2.6397347513588,2.44777511579178,2.94228525007187,2.80089831982973,2.7553839200079,2.46411137026673,2.60198486611883,2.46464014422126,2.86010425719129,2.79557341251492,2.57037756593452,2.66702617204959,2.43597692290398,2.276784717064,2.63007637275069,2.67324633183822 +Cenpj,1.60177111642519,1.88655072562538,1.66251667019962,1.71940900939432,2.14278475786887,2.30726263598363,1.87092234387064,1.72613147955226,1.65930996535739,2.03611888083584,2.32005765603111,1.92842908442528,1.63803110405998,1.77214821289978,1.40729956500693,1.43131397633636,2.24430134556227,1.75779259698091,2.13752977600152,1.15435964006423,1.57384830752492,1.49042927029186,2.00009925496956,2.09413429465472 +Fam172a,2.93097467361349,2.81329639505429,3.00190782404508,2.60928286009626,2.89405393549515,3.09745387211215,2.90488143508215,3.16439462911637,3.01623558198829,2.78490122187244,2.92339907678042,2.85102332182148,2.37611828887953,2.36416453655447,2.4613043621718,2.12771027201681,2.34764480603951,2.44355886919494,2.12753668149138,2.44104743342896,2.37300645340857,2.13410831884659,2.13370740814089,2.18479213498124 +Zfp69,-1.05802968876012,-0.373472990250373,-1.07187874364653,-1.23129182213072,-0.842059705124011,-0.448813275305574,-0.438779864260505,-1.00330744464692,-0.395305894675589,-1.28794423420039,-0.663445779891562,-1.35902663820477,-0.799140737663841,-0.700942383907305,-1.67829443537296,-0.215768721967546,-0.775355256955281,-1.26963431250781,-0.392512432094464,-1.23604197320258,-1.12100206477783,-0.949379293892068,-0.723333549110392,-0.799919410975569 +Arih2,3.70830782454733,3.67405631103401,3.73051249290681,3.80482026764932,3.63744206347458,3.50893012095086,3.78181499690953,3.49589695285937,3.60202586398857,3.67731644626934,3.70948889830497,3.60864409641788,3.57482371183495,3.46977277585273,3.72807838487955,3.66876414153862,3.61505433627083,3.46819363182534,3.59624551253312,3.56210253575413,3.73618278577304,3.74673347292764,3.61804142147268,3.4992698879145 +Hist1h2bh,2.06581229728986,1.18820458014371,1.99159200401398,1.79698560223082,1.0749660983476,0.640704702773697,2.11666693868167,2.34418085226661,1.7583366140007,2.25698806736213,1.39807254025567,0.907004967833174,3.50422557028593,2.0505606342329,3.03263534185102,2.45795365779777,2.80930916879734,2.95981468137297,3.29200610418983,3.24738120215639,3.17617124785996,2.34000492578526,2.81871655460383,3.06507992038039 +Rab3ip,3.73867126063148,3.67919767326999,3.64484079694312,3.80746797743969,3.79679687411543,3.78445602669926,3.78295234476744,3.83458069899818,3.60649159257716,3.92351696597741,3.75048296487141,3.85106156484564,3.59436139783387,3.42160522861599,3.43572528262094,3.71347621789853,3.5790698485439,3.62244773149199,3.49954182550112,3.51092358683559,3.52448153400254,3.41830612327042,3.57645252440659,3.59826828588284 +Gm4735,-0.292080017159627,-0.186764780680299,-0.549046574119753,-0.803489292150801,-0.832806609817225,-0.168138779196034,-0.39439112148353,-0.442045802500366,-0.605983068383563,-1.51485014348467,-0.622975612264662,-1.1670333611053,0.311910944935526,-0.197184309417545,0.375349859698477,0.125081417630893,-0.189524432021316,-0.0500469057548694,-0.184088459888312,0.405870086206719,-1.0573116764296,-0.0031987530728463,0.0426161224900982,-0.95778285080771 +4430402I18Rik,-1.90099065645679,-1.89042647608418,-1.09247482883236,-1.8366716286925,-2.80506036561468,-1.82636795359328,-2.01507443768789,-2.42778928326384,-2.08090995318972,-2.39097514897037,-2.14967399158027,-1.64346996576328,-1.99380382829569,-2.09780644246457,-1.67795751599385,-2.23084081314139,-2.15675269404051,-2.0823305386925,-2.42494456440694,-1.72048291071231,-2.11362047503676,-1.89917876780314,-2.58998087506513,-2.30269099140632 +Ano6,3.74437237587176,3.77687500935447,3.97235983338051,3.74422578086061,3.71583115122169,3.92608721048711,3.76399972839821,4.08802423581804,3.83894018696294,3.79881838907699,3.64412614736809,3.69468038858994,3.9777816097612,4.03881541848756,4.09635977191152,4.37444936142878,4.16313986173512,4.01762352440517,4.13781921589055,3.86229546977973,4.05220633960084,4.35093837686318,4.13453983841631,4.07177331566691 +Ifi27l1,3.57485262024852,3.78741345585429,3.70857670737545,3.85581578015234,3.42520164699699,3.5164179147121,3.65897673174966,3.63903970611898,3.73703750691473,3.64352484123313,3.49217459462511,3.61654099854082,3.7894958538556,3.71387545060895,4.04361999368751,3.84654614326173,3.33352866292487,3.70767866276576,3.60553647591814,3.43520849793839,3.91833172231682,3.58787831855132,3.48194407405227,3.60886746060287 +Paqr9,2.53983264602797,1.87418181546166,2.62844916705498,1.8596008577677,1.80728439137464,2.26280564627903,1.88515600323425,2.40623161993329,2.28557690248304,1.88408145239248,1.59487777828304,1.73449171356967,1.10185885974615,0.720096112821333,1.1485103062792,0.744895383957917,0.832744423939046,0.985731848200639,0.545731391120612,0.990220917924264,1.15253405765799,0.96769788624198,1.27037195245257,1.192535405176 +Plcxd1,-1.60291912447678,-1.59696177273267,-1.31793011706645,-0.864750951161334,-2.20243090738889,-1.97283278770122,-1.52367473982281,-1.3649620012772,-1.44990878237716,-1.74199142247032,-1.43510305568345,-2.07169570904359,-1.70769551986903,-2.51095080873927,-0.780571239667532,-1.7002150196973,-1.85557975404218,-2.0183573746629,-3.17814114621599,-2.35944858650968,-2.10685764695127,-1.14087571677173,-2.68637114665988,-1.58070947778672 +Ethe1,1.68172432408685,1.52741452172278,1.49976055760321,1.42724235820426,1.17970006397979,1.01957462886988,1.13718540939962,1.57349163349006,1.1245429163437,1.02924129759459,0.773860120867958,1.75253035161143,1.94231810896507,1.73344488348583,1.75631525372051,1.42513034859854,1.46802008263494,1.74983106659315,1.98032016353178,2.04247145362017,1.47951448949275,1.66305669057757,1.49025326255341,1.01607557567467 +Zfp428,1.43546484675002,1.12745533858546,1.32330853211024,1.31227294482809,1.15328850166142,0.947995983965005,1.24608198784813,1.07970825636544,1.76189577219006,1.53275901070724,0.955988671990678,0.989740179744501,1.25001429486351,1.42517963327739,1.19256028679934,1.36698707837791,0.748616239612987,1.12827626308441,1.31375519152949,1.31909307452707,1.26904455993305,1.13792917715142,1.23375405388267,0.847486249069825 +Rpl19-ps1,4.22336155567257,3.53533042081089,4.58156146609276,4.2510771137967,3.86478939748129,3.99337743258484,3.90242601194378,4.02907865162068,4.13143599052048,4.30969838455932,3.61136809656869,4.3259415778512,3.45018155758752,3.19402799109055,3.65075061200272,2.99717873793058,3.15108228370305,3.01511775707102,2.99859002239032,3.88704710118916,3.24858477520073,3.10446123051727,2.98093760945711,2.96681304832323 +Cdpf1,2.82224166960151,2.72015160197701,3.29108608266349,3.07845076636708,2.94153072460032,2.60168851107718,3.00091136749416,3.00301175195931,3.15708417179036,3.14872688171714,2.67205220898942,2.8315958817088,2.9808567540579,2.74722661144808,2.88333486264261,3.28106546273979,3.00193637334157,2.57289673826121,3.12650472794771,3.32094226230219,3.00560614948767,3.23117610982459,2.79658355774383,2.91349480173081 +Hist1h4k,5.59842575820106,4.41907048464266,5.51359798350943,5.37014296582066,4.70852580177529,4.85423903403118,4.71449254377421,5.63670000053313,5.75420910613635,5.56237357044658,4.4436126045389,5.09938085442554,6.07554295950784,5.68274530127836,6.1062411017355,5.6211745077096,5.13627525707355,5.86685544372528,5.51163316069802,6.36592400919129,5.82157412689652,5.70697774977192,5.34876782999185,5.32431986938611 +Tank,1.40066788900452,1.34285006898779,1.3638982773072,1.17133623096562,1.70179487480678,1.42767618111146,1.26530698611201,1.04584709177622,1.40290283078293,1.32855588680257,1.35125383541334,1.09367079656308,2.05673468536523,1.74171743386366,1.88745512684304,1.78316878595709,1.69580327872763,1.96200095536146,1.65633419387886,1.78581553092218,2.07194689841738,1.91013460677934,1.68273862931564,1.73362371065485 +Clasp1,3.23674255084594,3.25439711364721,3.17552659065929,3.13162641160817,3.41789404362537,3.47503250770768,3.27348561612573,3.37359088147327,3.12930115677506,3.04860831402474,3.40103145359596,3.34599876539991,3.09724083275362,2.98648283437728,3.03088329087772,3.15186179027499,3.36272302343551,3.17163153233713,3.40148799738703,3.02059922558661,2.90536317578416,2.81120069739674,3.42798662870135,3.25628879618296 +Lrrc51,0.385629360344426,1.23981083192158,0.754776942873961,0.542746738586431,0.0816590652797295,0.267026921583758,0.704409444625115,1.23918378709255,0.805809477704694,1.23079553723179,0.537669592488721,1.52714927050791,0.960655073880716,1.49806381006657,1.84229532564994,1.25338587788375,1.03755923323179,1.5751350557291,1.32197039942904,1.77477419477136,0.702619639298406,1.04405718162163,1.47954678665385,1.79149134950504 +Gm10146,3.19704746643572,1.38622451922878,2.5684580431329,2.74368064659919,1.95162300580114,2.49378788740548,2.67454605789681,2.57678901562702,2.8524633709069,3.34122591950423,2.34562026934119,2.96058568061226,2.74482517803162,2.34759269409766,3.33844136539725,2.41878306051709,2.62830667115475,2.61925992831927,2.45649588333053,2.65675928321051,2.9442206674716,2.86412247631393,2.2839895345266,2.51989645682284 +Siva1,3.43031523323396,2.81959874903413,3.51133430803961,3.51547284385418,2.35299844518039,2.60424438035286,3.20717651719299,3.32060157957466,3.36144925015608,2.95214416699445,2.89941155475629,3.29401795157902,3.6645061753071,3.27867207452966,3.59458653669864,3.06688928376107,3.28731110621165,3.85039817199461,3.06292327177277,3.60437872372986,3.35173057913221,3.01676243612389,3.17251651431907,3.51477822427317 +Scn1a,-2.94932845675867,-2.4112954900471,-2.16991650635329,-2.70564693875826,-1.81843219926303,-2.03630645757049,-1.64239866402729,-2.92562536330815,-2.41830296869583,-2.47411543884115,-2.58743485489679,-1.93820809998579,-6.24199842972045,-6.24199842972045,-6.24199842972045,-6.24199842972045,-6.24199842972045,-6.24199842972045,-5.58042746204803,-6.24199842972045,-6.24199842972045,-5.25277830095822,-6.24199842972045,-5.60534662769054 +Sepp1,7.75219685126782,7.46540220316401,7.86622609507784,7.66830735061309,7.3695108121057,7.41360927515471,7.03262980166528,7.90009700289508,7.70839087965779,7.55063576875276,7.57345937756697,7.71077673684796,8.18037870679104,7.90278547029514,8.61076454373761,8.54732959504923,7.94618427017696,8.07500844990755,7.3783012344558,8.46118077993268,8.41945002958446,8.54770510342597,7.84362999476158,7.75135487889781 +SNORA73,4.01990284229356,3.06907671063307,3.59451863190652,3.67226008265942,3.69977912494154,3.45896907546385,3.68884402413893,3.50563542557152,4.06413797688394,3.80625095220857,3.64379958030358,3.86284545499455,4.25170016929594,3.90385803959555,4.92571536681907,4.46208258822279,4.4661690377891,4.38617001161542,4.31625432813522,4.65853219902373,4.20496937357258,3.44285333337701,4.52261601244946,4.69775052330753 +SNORA63,5.34689568263463,5.32348850883719,4.66522810218506,5.34106300352847,5.13663007517098,4.83730663516072,5.48266051178808,4.46874786383125,4.75185257511009,4.80079147562735,4.95905717496544,4.68113589233441,5.69342871581191,4.84294273193923,6.34783010226365,5.69335896446197,6.22324148048313,6.16469990465097,6.09194318790788,5.6173459178621,5.44437183995501,5.27278337269137,6.46837992645919,6.29452736006357 +Snora73a,7.13097008691385,6.52849171151183,6.82117230660185,6.64363341689742,7.0008413166756,7.03468762547333,6.85804936695372,6.91282392787433,7.33442815582964,7.09208503645613,6.72683452090598,6.90043679309503,8.23749500507197,7.15437136345676,8.71691413667862,8.37756632408238,8.33715601735859,8.52974797958685,8.45801131405213,8.71100495525147,8.66836059560774,7.81922209970573,8.39801541660784,8.23661117511402 +SNORA42,3.74653378081645,3.78996269388316,2.5748613718872,3.82521567499642,3.51238415816789,3.83526021742664,3.59953194647475,3.14644838919104,3.6566151535991,3.06649962909151,4.06551235014846,3.31291925946876,3.55530312562806,3.57128725522539,3.5048830729683,3.38151481119239,3.73919523129189,3.80430480299145,3.01629297099038,2.82219879160995,3.34056480668124,3.30573612070254,3.3502453206233,3.89960349869619 +SNORD95,3.91405065008201,3.89029971446286,4.85508295053896,4.14452569195375,3.77706123266675,3.12059687828755,4.21547672100045,4.55173279991194,4.67798880439167,4.30924217560384,3.41615992722667,2.78436442176612,4.75952210357876,2.51962866395384,2.53142365818644,3.58850038885943,3.83730626730486,4.7423865400705,2.19985521145581,3.2400327178283,4.01327825842432,3.52208408033568,3.88447463675344,2.95195975999975 +SNORA9,2.80341388483863,2.61709633702715,2.18567906476826,2.81718530528976,2.28243658189069,2.13140363324413,2.66034834068164,2.48642383401108,3.014691529057,3.32004893056043,2.59216386294664,2.45364123633526,4.14616397054148,3.68568188513374,4.18029839097535,4.01550623415,3.77137563704104,4.42614065308131,4.33565504520387,4.4637449758765,4.32157781364067,3.231240391155,3.96881792308908,4.00654112579565 +Snora7a,3.49713767556142,3.60512961087328,3.63049331184594,3.51240809915693,3.19316738049672,2.79383808816598,3.98315330842351,4.30357206491855,3.47346086841644,4.13629497099988,2.80076529227428,3.17282938513405,4.37004832636665,3.25031508609856,4.46219993956154,4.59085088693103,4.30637857626738,4.68664337094609,3.75709452669127,3.79871966345642,4.44706659584826,3.70367037034396,4.71318863680007,4.4220679353505 +SNORA55,3.35045401424467,0.570950432703707,3.09348745728454,1.4570651388436,3.47975248397976,2.37546602601317,2.53649177591153,3.66629847825508,3.32739062687869,3.53378532143998,2.61402329691038,3.45895986350588,4.02920648921706,3.44534972198675,4.31310730306506,4.33295055959959,4.58840979840782,4.98139519968002,3.76397427847912,4.58953207694436,4.44662724714289,3.79953038575148,4.7287856887846,5.23813515968006 +Snora52,3.60095010150723,3.39116016930092,3.15555223383784,3.46713784404721,2.23968693443135,3.50286240273396,3.84716869382655,3.75273544604512,2.60727452281873,3.79002827794434,2.69762386534375,2.41089158887592,3.44381637581254,2.47826673100024,3.07985135048519,1.68053813408616,2.65400149663504,3.31881630554626,1.96336422718104,1.59480511266365,2.98133536592156,2.81098277626297,2.69986017864901,2.62014209917351 +7SK,2.05744752865982,0.775995024516293,2.43334684166861,1.41307436633389,1.36709349830098,2.08189100350164,1.64275338037484,2.11216977277302,2.41764850772714,2.41010612696369,1.60361882209694,2.16595337792103,2.80727744763838,1.83167843214102,2.72487740551792,2.74435918252889,2.71131757009486,3.30793345452454,2.27463088800836,2.51803857840987,2.54288143520419,2.25902598175243,3.11342268779005,2.31555780644437 +Snord14e,4.13456759617671,5.44582903099792,4.42931904466706,4.97755558931894,5.50448229337317,4.43086996234731,4.33001353674836,3.84802922305377,3.46650262486933,4.53331929580938,4.81728240115909,4.31912682260383,3.82414255311072,4.32689186268015,3.2717591728396,4.09650739370413,4.54589396088748,3.80788388387244,3.27950077386123,2.53997215385401,3.71333184988571,4.18090518353923,3.83860973048079,3.40029329885624 +Telomerase-vert,2.6422449612106,2.21943085681625,2.59448462836861,2.65837110041875,2.91062529522279,2.87613181493866,2.83665610618099,3.38425315699092,3.00496004094917,2.64774257200051,3.00896930296778,2.96784929463772,2.77481749019167,2.75172896571282,2.99617812850366,2.34627481653124,2.5538367122738,2.52395309202566,2.72600133450657,2.99538268660965,2.65234639602191,2.85958079242037,3.3349953169866,2.7739904866899 +SNORD24,4.09429703008819,3.81854000993946,3.87854488545145,4.40849863940146,3.72757456295994,4.03328105927702,4.73739689402155,3.48431872573539,4.1514815074307,4.00029193471469,4.66357003088348,3.44921875242165,2.91649827854499,2.52884627793096,2.80514178699382,4.0939382210958,4.37378521812967,3.65740556321671,4.51133811228931,2.93108247693915,3.41405681451397,3.21313383944653,4.16249045664432,4.16603817507097 +SNORA38,4.99447095339958,4.87159293686982,4.25290929103078,4.07463573474558,4.39476036377987,4.39256321447395,5.0618138515377,4.5883358456862,4.31945902047964,4.95712414397272,4.42800728923382,5.1425533248895,5.77224188139688,4.89485681002948,6.18301540651607,5.69040606402039,5.96968441145764,6.12635899157856,5.980288906304,5.7495766039954,5.70649764440395,5.1322428767406,5.94286647205741,5.91312640526771 +SNORA63,3.1263651684611,4.55895089295501,3.70597605401473,4.06541865698875,4.00315027368441,2.80542216685468,3.91906697879651,3.15375041551721,3.39502934375406,3.92227607624278,4.34335121282667,3.11709578167538,3.46755289933243,3.99697014949049,2.79782798450719,3.22995458845278,3.19968322133986,2.73832259344903,2.37290490539512,2.06604096552159,3.11358316422,2.62238898613136,3.57174560332915,3.77051360266804 +Y_RNA,6.75795053387861,7.54229775585538,6.67966861121955,6.46732539738825,6.3531591596442,5.25009865229734,7.0157703729204,7.0968395963299,7.33949846215709,6.93444297523708,5.5012171457073,6.37591223501033,8.60935917460715,6.49508966941465,8.20830128949645,8.42943356165999,8.03274820347309,8.41582847273531,7.23503021732106,7.80264453035914,8.24544664947503,7.83529914483896,8.25664271807277,8.52803888247651 +Snora61,3.06978164009473,3.466824439233,2.21859368724099,3.18824706938307,4.29238724602764,3.48545044071726,2.82560204296881,2.11139992308175,3.33844581538769,1.56088578897461,3.2489143436886,2.65282147958165,3.16589055991468,3.01078308168214,2.74124445614082,3.77867063754419,4.07939525208262,2.85522870512081,3.46950076002498,2.88729381983183,3.50537558126287,3.26415501362774,4.13322557705873,3.292876601997 +Snord15b,4.64157727445883,5.1793879422138,4.25056547376983,4.52170849006808,5.34546003395577,4.81299475220261,4.78264794494511,4.98760749564441,5.0111735060155,5.13839704736354,4.72658915024175,5.13334764690394,4.69625658418707,4.14461195507672,5.5403882044234,5.09717849182175,5.48408932992141,5.27913655962083,4.38285264157606,5.26233861318403,5.05740166281395,4.65189808474094,5.49821527011546,5.47642688699833 +Snora70,3.19500268537486,4.08499667183604,2.89000208467555,3.75152070238192,4.36281747127711,3.50286240273396,3.90509475732121,2.76132607412179,2.73934009377799,3.46917624001691,3.87980468851557,4.19455831765785,2.19350562693139,3.79451374205067,3.19515166354323,3.24078528142226,3.80247437403732,3.42713077268675,4.23076098737586,3.35345863209487,2.32729177221798,3.7349213043284,3.78137749538221,3.889034256986 +SNORA70,2.50321746041695,0.527557837190327,1.13856403014141,2.66268825640537,2.26090342034105,2.69439085446593,1.69443638944455,2.46489067246144,2.76055657968768,2.08429129240625,1.75262752257515,2.43210807478562,3.46503286172223,2.08759223549161,3.7631853734106,3.3921620553919,3.4096170038696,2.80078092109844,3.72058168296574,2.83284603580945,2.34850825812767,3.20970722960536,3.46071429094041,3.23842881797462 +7SK,5.35305196022542,3.93831825976013,4.99775286324836,4.79155546077504,4.66166519808961,4.99190060111415,4.62991898411132,5.0751231160942,5.40816059166854,5.05072049762274,4.81969736041864,4.99266932007788,6.2943734475075,4.94464829563467,6.22481539116605,5.63979018587695,5.16737753655108,5.96754579156056,5.54167901158551,6.30235780238699,6.02173487967874,5.39308458013885,5.33315655810295,5.34293554755346 +7SK,15.1214070482651,13.4036691084909,14.6284060729775,14.8119869976143,14.6359213237472,14.7911913578779,14.3804497573528,14.727220813483,15.151353761443,14.7545085278465,14.4032267836631,14.6844288197205,15.8484614367229,14.826199218939,16.0492523354112,15.4242186388097,15.1205842818665,15.7718322188166,15.2111226090141,16.1047127496698,15.9689473817826,15.2543781448952,15.2770111372407,15.3414366524245 +U1,2.13211364696161,1.81702229277635,1.68744466172941,2.45410163459395,2.93131323810855,2.7751500460879,2.43022855732058,2.06670566496381,2.888171022056,2.28717438282661,1.79590060583161,1.81940673126641,2.76270049514122,2.98769716771275,2.76715937332805,3.86515109837189,3.20103038205818,2.59219429928702,2.81835359337848,2.44971248476264,3.24234117542908,3.30005325001248,3.80594223772196,3.5394175527878 +Snord22,3.64914076900647,4.3621942411208,2.26368157676953,3.58789000350783,4.57334478341058,2.79392652801685,4.02584691678182,3.36260239588352,3.62546396186149,4.17309702578767,4.17569526789888,4.50676087379317,2.54368060231405,3.29581946307508,3.42266737734306,4.24885805907478,3.84937814904232,3.83119580702836,3.51458864955352,3.22858480783974,3.22790502271547,3.41591903845297,4.35549223649004,4.08454363779692 +Vault,1.86460493599115,4.22819568944089,3.09371298001998,2.57963251667781,2.81883597783372,3.61089286125884,3.89894526264988,3.18001098260505,3.01370190413986,3.40733698619905,3.75451971733182,3.14224106530063,2.55898467082987,2.00453649576405,4.13225052777669,3.03586753633648,4.17284458197342,3.7318963074634,6.25883185707637,2.7497902960819,3.16103330298602,1.75348464733878,5.02808059285625,4.10545952819714 +Snora31,3.27066695530694,3.37485652518057,2.21859368724099,3.18824706938307,3.65923757992228,3.74839638500877,3.05862856816135,2.11139992308175,2.81500436371006,3.1315946573134,3.60601072827627,2.80189037074012,2.49859271278551,3.35723029001507,1.16239802509323,2.39485051397451,3.01800632574153,1.98426442117611,2.74898605716245,1.67046938259572,1.59153590606342,2.73512694553108,2.92819601418276,2.69580636910558 +SNORA73,1.75348457017687,1.84583028523742,1.14629839330075,0.961970728511248,2.39016696967988,1.77484350497364,2.14263438020623,1.71515778222135,1.18105660080466,1.33455840216616,1.25475433740294,1.27826046283774,3.87346892199604,4.62420164470818,3.28883416585372,3.6676287227548,6.02563333130735,5.20992271452989,5.72051842154815,3.01791957824125,4.31956410978079,4.40091213722898,6.05562298544631,5.46374346188638 +SNORA4,3.58004111174425,3.75848446240999,3.55281926595331,3.44622885428423,3.48090592669472,3.06708176827875,3.49557454555761,3.58078040706902,3.3271040377115,4.03143587656408,2.67671487558077,2.84041547711398,3.52382489415489,3.15415831385149,2.93362051946679,3.07679780039136,3.16163334216244,3.1807959074786,2.45223957014618,2.94641056417426,3.08624387349188,2.27736269549963,2.31446948057165,3.70587869892655 +Snord32a,4.45895719071986,4.63249212150446,4.94395905014163,3.8355754510646,4.04592296303869,3.0338495962037,3.59414343615022,4.0635598285484,3.79853380957132,4.77533751794066,3.42061651695735,3.44921875242165,4.26772653553147,3.00996365272598,3.67752216084337,3.48332816527515,3.01625454370972,4.04180895715987,3.19614121152276,3.36007527227796,3.83014551486846,3.79628504121812,4.06266873052671,3.94020498367853 +SNORA32,4.05512599469303,4.09055643804352,3.60972812702365,3.75490079384256,3.1992942333498,4.04447186673427,3.89434549467966,4.05586529001781,4.22893709085686,4.09267942431127,3.40912523090236,3.75652591094437,3.78948099421979,1.94186166463689,2.53632502856602,2.48909261093563,3.63671822511122,2.86300952369084,2.41754012036685,3.26580544308556,2.55817285258729,2.26949979434244,2.56572655637757,2.37419276068279 +Snora73b,6.09106520604089,6.05168003262068,5.61483846555262,5.292583242115,6.07899022909938,6.11079581532987,5.88911917946546,5.79631094826676,6.18542637084986,5.92738821770313,5.57012822609584,6.15536314149072,7.02281127715804,6.24535371266531,7.46580174176333,7.26903262460929,7.27575585783648,7.35480560725332,7.51295999296122,7.78592173962342,7.46735074046248,6.39534778078919,7.29036288234513,7.36382589307344 +SNORA14,4.90939272172866,4.17099509651442,4.5644112635608,4.17642681359314,4.60952028415808,4.11960192230214,4.37448182828996,4.10488215229892,4.66338470361135,4.58573183622982,4.63015405269071,4.58694672729031,5.61503188607103,4.20409225589263,5.16893916464191,5.24610945010322,5.44128146573447,5.18787365035121,5.27160505409052,5.5116576397832,5.33795551201658,4.47224568303758,5.23979927070644,5.20546897075974 +Snora74a,3.51012187203028,3.56831891068136,3.76110312107529,3.41649309753563,4.38162554558764,4.34343320431173,3.38841699616653,3.99804019165442,4.21332084029145,4.64920996007013,3.53826534728359,4.7723120145957,5.0664112324136,4.6814635686319,5.73105303844086,5.44011111253568,6.01669183502791,5.6102234185551,5.66308306767426,6.0290718336876,5.57811983378102,4.69676570657959,5.58915319677316,5.47581887650463 +Y_RNA,4.08968848514533,5.57611155872704,4.25896046836343,3.83433619404429,4.1615796362889,3.79353956363688,4.63321609669013,4.62550015980592,4.77927331673816,5.21585841237289,3.561822979267,4.84568099569047,6.15330890031611,5.00939163731925,6.01245172961304,6.02366151076101,5.81360058674519,6.31784276265967,5.21407063084311,5.45346959323298,6.10093474091751,5.60903248011705,6.14846232747571,6.45150545124607 +SNORA55,5.86115523256225,4.61614654484525,4.81347808437288,5.01592925228654,4.75720143219609,4.61160924528131,5.39854512206116,5.1340935841219,5.00134767899036,5.05383543351536,3.88096805257276,5.09145899364768,6.81760179804589,5.72426148381467,7.23681140053097,7.03592426583998,6.28426907459796,6.80915467344578,6.92622706696561,7.03532133138224,7.15199115027654,6.56087479853168,6.71972516435486,6.90864757616612 +Snord15a,3.74799661455762,3.73449134430725,4.51153814639493,4.12814263421565,3.88419468235091,2.8510988993212,3.95468104275743,4.63699959031611,4.37717487316682,4.44236766105865,2.72059494359029,2.74990318420853,3.77841461224832,3.17014473741458,3.77479910350065,3.86133530402224,3.36984778921922,4.10087291598772,2.56190050456196,3.54634439343451,3.73395760583141,3.834691613738,3.5091197898029,3.69876928562939 +U3,3.04014778636538,3.216024255373,1.73905126980983,2.48269442784832,2.87192654485503,2.87297403113128,3.43621395382318,2.97180102522933,2.54230847820783,3.29725193757585,2.32506096611389,3.15281343533385,3.33470903619131,3.01304386607173,3.2563320145664,2.30897208928953,3.80382769641886,3.52054649058241,4.47768388800465,3.67910739778086,3.28596983345641,2.1810944046603,4.22714747626319,3.82343049773227 +Tacc1,5.09140301645672,4.97280825437785,5.18341518290915,4.89922307175754,4.89096849933489,4.98186507366775,4.84526746971147,5.18986432497671,5.05223335000219,4.83081649603554,4.88546000689996,4.90867858568684,4.89781103935212,4.66347533544769,4.9841347576406,4.86630536057986,4.78169802245269,4.81969308373381,4.66876076075651,4.90730370678747,4.69521446328468,4.83858105221523,4.7733910660225,4.63955891854497 +Cpped1,1.97821308265984,1.89258056919498,2.16650351610143,1.90140803395933,1.78385209320781,2.08641069526615,1.87071507465993,2.17935932874457,1.91893213328649,2.08319364567488,1.85386380093701,1.78033889902877,2.0705589548534,1.96159783700805,2.16833750727637,1.88661359632895,1.93854109722241,2.00416783313295,1.74208413119261,2.12438825338686,1.95323005985452,2.06889249568444,1.84779691808933,1.87017639941942 +Aurkaip1,3.98264773037417,3.48783412190519,4.13754598388381,4.04146471408387,3.6626402473689,3.57571511332785,3.56309448239968,3.93418960418604,3.79555517629096,3.84196181380771,3.67102037178116,3.72932309333105,4.69945916690137,4.39176765305712,4.69315141343838,4.60135925375229,4.33260112160163,4.65636392809754,4.24966173981926,4.80938091814762,4.88142446031364,4.7965480791935,4.26182071865858,4.27536802920616 +2610305D13Rik,0.549536007646361,0.14346072226628,0.633145805906031,-0.0070782298353613,0.0158401082576769,0.24267880035188,0.129208158869984,0.114808364278726,0.324412163655694,0.254313136454227,-0.678980945469854,0.0196794917273344,1.34404425411067,0.726937539274342,0.801369280144414,0.708907492166797,0.735584758849686,0.874522813915992,0.27159103587218,0.913948063052707,1.07959037702415,0.707284500798124,0.324693710630238,0.927285621934829 +Ubr4,5.3824683033553,5.24808692729246,5.36918076943258,5.34534984052316,5.99789982221348,6.1239735522419,5.65085967736871,5.26629131904518,5.17361868801139,5.35226411144321,5.85391257031259,5.62713203839109,5.4967948968039,5.26088812664185,5.08900296262064,5.22414541268042,6.79749560830836,6.3708684179328,6.35858879114568,4.91115168305174,4.93630172748904,5.17498682586599,6.81748701559514,6.2769915641313 +Hnrnpr,4.69667258403297,4.82035611412125,4.85520438362851,4.78692877083478,4.64467263525427,4.7335380473234,4.76010820979551,4.80984221564835,4.79362613625976,4.88976766362048,4.70329642105479,4.67110627657975,4.36000066130139,4.47487787546018,4.52947417630189,4.52873672874547,4.47981480711485,4.2592131491053,4.32035956132978,4.27888901742868,4.57921376527245,4.51969883958044,4.32400256615896,4.45675854478013 +Med18,2.86395737955606,2.57577730621312,2.62243841444761,2.6347528952272,2.57040278054541,2.43054355404791,2.33045866743499,2.69663681391541,2.81282787876789,2.76800382586101,2.31074781841637,2.52462254125476,2.65865889065123,2.28971615320191,2.6037778820088,2.19058021663043,2.11977405436011,2.35387669290195,2.48389084116414,2.43792822492362,2.52907265286146,2.31925063493243,2.20881181044,2.01487472793307 +Phactr4,1.46676455736923,1.64547066187691,1.47429475020552,1.57368494941339,2.82578780120681,2.77237186153592,2.27242800059973,2.00510338056429,1.47338799838321,1.34613705387414,2.36052193218617,2.05565308410813,1.40318892326875,1.69810515543513,1.57241811803788,1.47055719166173,2.58496800562209,2.06745605405151,2.52324322553643,1.57858276375056,1.3961266754185,1.53662462365288,2.29061869065433,2.02635392957985 +Gm13611,3.40764286741445,2.97630442220545,3.82428183334909,3.64963477954071,3.58426034304326,3.04269629551541,3.04129698603975,3.3820469419171,3.74914431659688,3.71033037914614,3.74808568804021,3.03000404995823,3.23929714480487,2.71682136530744,2.97923890927072,2.91325502729034,2.58762350171349,2.87095298583349,2.73651131716342,3.25904391923745,3.66711955841176,2.79530629527783,3.22664771415605,2.88775011928355 +Kndc1,-1.34255607027816,-1.15198217896157,-1.15224542138393,-1.53355436904208,-0.712165053821617,-0.508545381732227,-0.762731317141773,-1.99569282192732,-1.02625636315478,-0.767858481018943,-1.0429239011711,-0.820594175369563,-1.41710797926916,-1.17758418035225,-0.932844485521376,-1.55006576144373,-1.33894582900651,-1.73260338146293,-1.06141288482591,-3.37993401627828,-1.53957907343892,-1.24496192420924,-0.925710920860879,-0.811649101610342 +Prpf4,2.32872795734007,2.38710765163331,2.46864686902724,2.60604298235597,2.42323981737592,2.54466065087081,2.51179446147332,2.22633532608644,2.27689501997952,2.29239865887401,2.33275063512099,2.2971416849437,2.8922921702636,2.54059258298613,2.74701085598332,2.88914476865745,2.87130093588448,2.67088823728903,2.73608055553603,2.7363142798363,2.76121754328202,2.91757367146097,2.70424842716729,2.66333271806568 +Cdc26,1.05677457944423,1.11197501912067,0.998846394202783,1.09874953968423,1.16534798800577,1.26533683517316,1.23444596302774,1.10118530292867,0.877649691803159,1.12605799691036,1.06892521523879,1.13637999239975,0.884005498679048,0.401565535799651,1.05195545712324,0.669932893791978,0.861324712918762,0.908960058214419,1.05195217275039,0.644522727782251,0.928471514841158,0.713355511094262,0.872195956001107,0.709291184122141 +Slc31a1,2.13582822419916,1.93307267993096,1.95314590188049,1.78287654191072,2.15465047613344,2.15462102658046,1.84307725367063,2.0505747014754,1.93289448061715,1.60282702608825,2.13933661353372,1.76451565990838,2.98582939117112,2.46133756637731,2.95310097431848,2.63610545335583,3.06143810445089,2.96290054869014,2.88382667356802,2.56976141052715,2.59703877670146,2.28726469345956,2.91464248350233,2.89051736984767 +Fkbp15,3.08561546270834,3.39923015779861,3.31712558823867,3.29759973641958,3.25555707755744,3.38662734881334,3.37079993550942,3.2669117604621,3.31324630062877,3.25623185988828,3.26443351852988,3.2297894051784,2.85623790205715,3.20509217795589,2.97954963521142,3.23482559457776,3.24130057965792,2.85134643663355,3.15374918822034,3.00595153660107,2.9547645211476,3.18296982551081,3.30974761363102,3.08517201046248 +Slc31a2,4.13899565904374,4.21331691915584,4.01390112682933,3.90839457684765,3.71309335254122,3.64555503859004,4.00855027540663,4.34286510411848,4.13377942647279,3.91652996262595,3.55685132918314,4.13740544223369,3.9668891261937,4.17603463589317,4.06257427556214,4.05343528946514,3.65204533188468,3.83651163351671,3.61581503509583,4.31558670947237,4.06766731556142,3.99923986634803,3.59891948396389,3.7395757962428 +E230001N04Rik,0.945504565596855,1.87146953770528,2.30788821977077,2.22387189632283,1.40397990314837,1.50128735362867,1.17399585334474,1.81431347441696,1.5672782500349,2.14743359468137,1.73545146701016,1.55809467716654,-0.981874632586107,-0.0002730259977847,0.368983843255296,0.636897837482249,0.634872584651052,0.153858594528265,-0.926221534348855,0.255618804875721,0.23573963444904,1.19748327793031,0.647238598307356,-0.387990053022909 +2510046G10Rik,2.45409991135421,1.9542808423603,2.22881684282809,1.66352027560658,1.53576381876338,2.80162803524838,1.52623937164841,2.72802784690797,2.08357744292889,2.82263449209612,2.10410152138974,2.29473775285978,3.16021762451287,2.65074112417412,3.27774848577488,2.14541699418508,1.46045196191391,2.74089244526912,2.82090730953941,2.77787563027577,2.93391675329313,1.72838097671632,2.77415914341525,2.68995363053117 +Gm12511,0.368869899915845,0.230866824978948,1.20034237575579,-0.0813887831468063,-0.95303572473127,-0.460535869152288,0.109447505979422,0.786296371708973,1.30320918447604,0.725697714965912,-0.999112411706721,-0.154175845111217,-3.04218527591339,-3.04218527591339,-3.04218527591339,-3.04218527591339,-3.04218527591339,-3.04218527591339,-3.04218527591339,-3.04218527591339,-3.04218527591339,-3.04218527591339,-3.04218527591339,-3.04218527591339 +Anks6,1.65569109275441,2.59133482682537,1.95713907835631,2.06718961060161,2.27799495126606,2.3141203719907,2.17654314550785,2.16765088088534,1.82207849648111,2.33971545903631,2.39409328102137,2.36511997865318,1.42075278015754,2.49087538431166,1.3779961408658,2.1236770486521,2.49533493669697,1.78312122042313,2.53021988290666,1.63582141937675,1.59820562788276,2.09748013185551,2.51863187001825,2.22662640873739 +Spag8,0.135291955296444,1.10210141981877,0.835246702289797,0.812094683850844,0.616050392285747,0.759947738161377,1.00902370553236,0.685439270914282,0.347896143096306,1.38855376828246,0.560232342294471,0.593885733848036,-1.6801018293015,-1.12240585280958,-2.10119181812613,-1.92013444972366,-1.78954850546296,-1.69207243256578,-1.36001547671314,-2.00586747114617,-2.08480094767847,-1.78534868265318,-1.26529411347519,-1.40777819012001 +Ipo7,5.09700232508459,4.83506196436821,5.06461034203185,4.98787542660289,4.71276020468306,4.72663622084062,4.75182377044427,4.99262627124976,5.09285390093704,4.81340966381944,4.77326443262722,4.89134293242382,5.49905794579698,5.20921762355236,5.44766179777054,5.24709935532957,5.19199705161608,5.34866133712101,5.17496642958077,5.62835763664891,5.24289736794855,5.13630084092445,5.31623310433189,5.51810219687733 +Tmem42,3.78412596491503,2.97062820991223,3.37973843725692,3.47189740182955,3.18807020737782,3.31403222742006,3.21974596941742,3.51599208864015,3.41791190361001,3.55694607666303,3.36824178548075,3.30804473359606,4.42624041074796,4.1392169206661,4.36373732402787,4.05166655743451,3.61429918668019,4.04626740027342,3.55953039846498,4.30114713085423,4.29572369517707,4.3429264081884,3.97269123315578,4.05543875577906 +Gtdc2,5.27429498435353,4.74811422881907,5.2307883906321,4.89378110021334,4.81737234244817,4.83536059651964,4.89630212697247,5.06689158807713,4.99105317544502,5.03485716926553,4.8423835327344,4.91697430838215,4.96456316554814,4.91336250101338,5.24940911443718,4.89782488242693,4.78566586112074,4.99306389785179,4.63450381072094,5.11836366256118,5.06072033725038,5.0800813480252,4.81250348246495,4.84974624861495 +Trim12a,-0.0327272152879128,-0.287415257226423,-0.449502147743642,0.228693824038279,-0.0163371388246492,0.168586223602192,-0.39148749935249,-0.138226318462627,-0.209855217996966,-0.0981011052541771,-0.241240084254346,-0.423545394136748,-3.50078770387912,-2.77421709209405,-3.60132563861766,-2.86480096203076,-2.93648084466001,-3.24106823041115,-2.57228348071571,-2.60972890848767,-3.31736149898594,-2.76189578278842,-3.30980779519567,-2.62724414616205 +Gm10157,1.15796829129497,1.53432413874782,0.550782114418849,0.824076732045445,1.5566425484393,1.76395807482945,1.42590508982445,0.454322692986466,0.976163281122854,0.739042123284267,1.37359118213146,1.66081530016466,0.869472943719102,1.61108612853778,1.34154750299647,2.04691288626992,2.85628579922093,2.20384536101407,2.62732950627496,1.31304993745207,1.78312018004258,1.74925970639223,1.66654928626424,1.4700816290131 +Vps37b,3.16012869916257,2.8929055448965,2.70750774867115,2.9932112474983,2.79113612554334,3.33922945763215,3.2380000699616,2.98126647089355,3.07997919058192,2.71063906074806,2.76100489188466,2.9831363967862,3.57837377966112,3.3331780375203,2.16659966822723,2.80518749436294,3.32567644128475,3.60528596591359,3.48091763451598,3.50823197973489,2.52816625181196,2.37589524150559,3.19150705129602,3.55656896567177 +Numa1,5.36415224878908,5.87598577645044,5.66394796273328,5.73780377693277,5.8471185917941,5.84120625300713,5.81003643174576,5.79425791240226,5.62675793476641,5.7776584731618,5.92190304500498,5.75139007583211,4.78606970959398,5.55980403089961,5.099779402179,5.5535313472359,5.72110934148129,5.03997744413246,5.71008411360032,4.78101314154574,5.1149288851618,5.53815039279727,5.73173663020226,5.52628761602764 +Gm12918,2.85674430127856,2.43832486655224,3.24625524939503,3.02933182366052,2.49842888490842,2.89592562224228,2.74651760354943,3.04464518659546,2.51722599424233,2.71603894117357,2.56860830718972,2.93030824226066,2.2674755088987,1.8919791447034,1.32953729149577,2.06163530965745,0.732925605613693,1.45922574385353,1.45383564324797,1.7204544198686,1.43676902193824,1.61160307897869,0.656072152048792,0.754977771277133 +Impad1,5.18366474865713,4.9543238943746,5.37820727399438,4.89466680008727,4.54515483608473,4.76229253734072,4.63482216142237,5.32783329637606,5.23464631689825,4.8945539896812,4.58456407727935,4.82587447144199,5.11056664464137,4.82922943021215,5.18694062777026,4.88175306950734,4.41371424482025,4.90940821623851,4.38650525046118,5.2411382176074,5.04433282381797,4.82960285136505,4.36930886894268,4.68097600473097 +Wdr6,7.44399584073585,7.14672172911712,7.42377917815307,7.07676038629065,6.80346943022774,7.01437768535114,6.90958378468134,7.44105131814574,7.41878619241562,7.08238906696822,6.85132059978052,6.91719876506437,6.94068692330626,6.90725700049727,7.53142813144061,7.06228650558239,6.50303329404536,6.96575120984553,6.69117235381636,6.98911389963725,7.12511848552729,7.10452266661713,6.50060467333278,6.51749105047021 +Serpina1a,0.285627928048548,1.19323490845546,1.00769729781339,0.498392211747655,0.193434699823056,-0.331385534351229,-0.0173371550189143,0.773546247672689,0.312628134845288,0.0488565728079227,0.313771403301854,0.401272982355947,-3.23483035385579,-2.25348593368533,-3.23483035385579,-3.23483035385579,-3.23483035385579,-3.23483035385579,-3.23483035385579,-3.23483035385579,-3.23483035385579,-3.23483035385579,-3.23483035385579,-3.23483035385579 +Nrxn3,-0.423772046332931,-0.534040713784238,0.185811231787161,-0.593386710405544,-0.492326110160893,-1.00065146162824,-0.475072193327015,-0.429217303353248,-0.709699873732766,-0.601305796405609,-0.508554043692965,-1.38802280180016,-4.94184312908918,-3.87836515423604,-6.01916516924879,-4.49058980277959,-3.58316446471996,-6.01916516924879,-4.28484941343274,-4.93070140786577,-5.00963488439807,-4.71018261937278,-4.67900220555911,-4.9423095048527 +Akap13,3.35057582809337,3.63411879046335,3.20936912516099,3.03606475795899,3.95618064733859,3.81997231558245,3.61599658395271,3.69907774978982,3.16590005397691,3.10894739985401,3.86342980401335,3.63036343433268,4.79897293488282,4.72751392683625,4.82535510507026,4.54847658716813,5.34810009213327,5.01602404863014,5.35046229143417,4.40987791291895,4.5447187308846,4.71028577256395,5.31109493242862,5.11327575232699 +Msl2,4.00646422131115,3.9976247921751,4.10828468597815,3.93144482890761,4.11088102773924,4.19123493452062,4.00035090048744,4.14972475477398,3.97800746962328,3.84404805963698,3.78043222562451,3.88571729645908,3.87094389779978,3.84515942942632,3.77475444883295,3.66342567318245,4.00308458562824,3.85178886386304,3.85373378820402,3.84343996487058,3.83813234177233,3.76066769074063,3.82896044251859,3.82599122676837 +Zfyve26,2.10832064194767,2.73210150375427,2.2719055657339,2.37875717046403,2.79829291189198,2.70609210695959,2.62696536720705,2.53397960997779,2.38728283282295,2.6492042628699,2.75783726936054,2.56564537323145,1.24666848371415,2.18403362030102,1.41956823647018,2.07402092922688,2.47766117185494,1.89030742361406,2.43912131255021,1.73126909493738,1.65372152496948,1.98177718394569,2.41540822559776,2.31155493095171 +Rdh11,2.24160706946568,2.28119981428132,2.023605503107,1.844623767744,1.68947287082779,1.7528837748478,1.98574875035998,2.27447420669269,2.22922450763172,1.87408363097965,2.15424287409281,2.05376867959027,3.58106646442647,3.07938146768658,3.13544524701493,3.15445105732953,3.11141756107149,3.28895176080328,2.91850058806613,3.46787316927499,3.1634019961709,3.10917352422671,2.94063966315135,3.14847135677179 +Mthfs,1.21602225357375,1.4389931371942,1.36044963170331,1.4191991776497,1.46610148752763,1.38229723328325,1.42864418545706,1.71038631631863,1.54055201686259,1.56916750897937,1.60620433291381,1.67880658071111,0.0968557750699492,0.655638023762573,0.182807742788367,0.39352020186809,0.131212891576118,0.591183955132938,-0.0781511528172185,0.690349278032722,0.683637287508485,0.772192028789916,0.108975781166311,0.577635673136498 +Hmgn3,5.72165784669031,5.78974213614886,5.64933006562253,5.79009420474519,5.64560696003413,5.80434941712771,5.85181028122121,5.63753204027061,5.78374715213889,5.73008871211131,5.83634855845515,5.75268179781161,5.88774457414447,6.06032822725486,6.04808006324038,6.23585683393102,5.70582851917877,5.648514584418,5.53415132582949,5.92301536194337,6.18834877545041,6.21493031421535,5.73578128838152,5.80009256645348 +Gm6265,3.32482262309729,2.34183039987033,3.40810550767564,3.65905030920513,2.74809795800217,2.3342737995862,3.26068728395242,3.58110604044746,3.57631985384972,3.03631131948881,3.06264201269415,3.0955212042228,3.93902922173491,4.14310220741367,3.82714597804391,3.64242816862965,3.48096687733575,3.73341364633405,3.47704402892033,3.95898313399683,4.32540792039151,3.77669846636749,3.17235131717421,3.34888403315185 +Hmgb1,3.31251782331382,3.05907622259654,3.33714304505325,3.08507424022047,3.11435601487317,2.9728098797971,3.00810150420454,3.08516396785762,3.11280179278426,2.99100430044236,3.15987697380161,3.19340185491966,3.43432672527547,3.12207093912703,3.56712942673804,3.45885519651494,3.11492123923213,3.10764051214891,2.76932232741022,3.47562352944922,3.219106341759,3.2272391713068,3.22102695351082,3.19286071709806 +Gm6969,4.49209222676887,4.53295457261233,5.16892676735413,5.25602939067325,4.6077319867298,4.57495652447854,4.15466589746729,4.79052748869244,4.94272007457107,5.35400433817789,4.68295209377769,4.88035771201794,5.45411137710397,5.23698763106863,5.75787341639804,5.60985308910606,5.21354916425722,5.14870669646061,5.39061303739451,5.90349699486316,5.75990700189975,6.02304897109859,5.06175466699654,5.27654294790035 +Gm10167,-0.804323943047739,-0.33682689581268,-0.868082123961526,-0.65793859630812,0.228571590759674,1.07023933095954,-0.449409955909261,0.246814026344934,-0.693034160360554,-1.947152735096,0.097972204205653,-0.0380234720557371,-1.0094458112851,-1.14540325302617,-0.130459036256095,-0.334667463984197,0.218418312377531,-0.826299458987947,0.860531143605995,-1.83756914147489,-0.911760980586922,-0.137207375146186,0.270825192229379,0.111580956467603 +Lsm14a,3.4170360501876,3.27666113292927,3.20404826516114,2.96504960371257,3.89384010539773,3.85720420144362,3.63308730594609,3.68102483486782,3.1279752329166,3.20431317785446,3.55992796604794,3.59042141512994,3.3635278082966,3.36736301438995,3.28103849473918,3.02505122734155,3.70754586767258,3.5716768684034,3.75157061954328,3.70162436188974,3.07866451149532,3.17535621406725,3.72503710225473,3.67972394997359 +4931406P16Rik,2.43544673030246,2.55182868514424,2.33564931402931,2.4749485690605,2.5163234517697,2.56590128263101,2.34150119532824,2.52499389190926,2.5418652474961,2.39727423766214,2.39316088473611,2.43561978340276,2.08051409471377,2.40556839594878,2.286445456147,2.38962439793351,2.57134799478834,2.11712576129779,2.3301380988729,2.24981315098714,2.36586770295238,2.42472088237339,2.55996147403131,2.49608626371871 +Mfsd7b,2.69796030681559,2.56467853157776,2.22860243144301,2.60062401539982,2.71806538853988,2.53074117465336,2.693261508772,2.27622117499935,2.61726082836796,2.52162365684498,2.3999885418865,2.74165835853809,2.39838433450806,2.17558983912913,2.35260450942784,2.2458956235026,2.27007580258207,2.20387036796989,2.43664376910267,2.03454379158971,2.21676363936678,2.13122724958161,2.21296249975976,2.07701867382401 +6030419C18Rik,-1.08258092662526,-1.10633186224441,-1.4003965540275,-2.27420155136288,-1.36919778174177,-1.87603469841972,-1.83756245560281,-2.18633330800577,-1.10436504596604,-1.49014416547618,-2.92639039517341,-2.21226715494115,-1.54176024135108,0.0309638528577991,-0.383013509345313,-1.20435317054297,-1.89244787983185,-1.18512424901578,-0.570852194111608,-0.502504715813449,-0.441710423209859,0.106790129511486,-1.26482850555551,-0.521643160747144 +Zfp932,1.45989886712306,1.19161913437553,1.5427283874308,1.69490824364094,1.59388217155303,1.63876113999184,1.8733299534502,1.20390492229559,1.52212419487606,1.66800768356553,1.72019074910889,1.51650100167522,1.66110438282072,1.52098591621463,1.390706402468,1.72712108151624,1.83093882434282,1.64226052775262,1.6503513643868,1.60446172319316,1.79257620696011,1.71451973151198,1.67235599123771,1.92125273935511 +Tecpr1,2.942800339975,3.02325361636242,2.80648889195635,2.88042537568841,3.00619648445304,3.05359593980256,3.13814693962476,3.05333113769252,3.00484446754161,2.95636995412997,2.89274323502571,2.91338238536517,2.53834664321911,3.03571401188068,2.642128463928,2.89655054515928,3.06171190253426,2.85008431594475,3.18195378726697,2.70197689452805,2.5770457320433,2.82401985872498,3.0684360019452,2.98284621920584 +Rpl36-ps3,4.18040981688766,3.82227518088486,4.4519001972288,4.31103820659934,4.29235504124011,3.92245763336185,3.71457387587719,4.20427106580867,4.38751154674228,4.1073739039306,4.23341991602507,4.00310952303496,3.44816562134501,3.62723270689205,4.00608878328309,3.61923055738695,3.07988743051948,3.2729963744228,3.03080883454264,3.73890561548775,3.71009397544961,3.72651304997365,3.33354111698685,3.29036246601308 +Ttc32,2.74798803878003,2.12653549790447,2.8831978312064,2.38650597428964,2.09308213423456,2.61201885706674,2.66301656195046,2.94879282456011,2.77331847093684,2.76715985779176,2.40981232212297,2.18756165123234,3.05236379978565,3.10966422150699,3.17971805600659,2.91285684562343,2.78062897454326,2.99555477003121,2.5498112554905,3.69029923277536,3.16496695484113,3.33160902533201,2.85785759325315,3.29307608864159 +Fbxl18,1.32112086177964,1.23650139823122,1.31278541250578,1.14840100205159,1.53802712111554,1.63011089035165,1.50583191879841,1.18499191495678,0.998913768740719,1.16098715255256,1.60618909324275,1.3700653002296,0.566623659879022,0.823486098232936,0.520501810551207,0.807020332608469,1.26485357245727,0.948380135812171,1.32073533791982,0.41021597660604,0.486427310954,0.642623504564427,1.37836400951965,1.08773738839266 +Wdr35,2.62802051254765,2.6912738866927,2.80086483266755,2.57565843796055,2.51415215380297,2.56649575022219,2.44829682156418,2.63765792251645,2.766538644056,2.61018584357784,2.54520207213799,2.309758187706,2.83604642499545,2.93582933825802,3.22789011960106,2.99618925809233,2.84285167139434,2.89288710657091,2.7978671532219,2.98615658942576,2.83935922700029,2.98328904517195,2.9015907377844,3.00748570681832 +Gm5113,1.48963176892062,1.7300815810074,1.71283114232257,1.60117493577162,1.55010562170449,1.47504590487544,1.63475628495921,1.84033475706588,1.7299051228186,1.86883714306237,1.10159959418865,1.38643034051225,2.30982407224813,1.70234875937364,1.98165041945692,2.17137015170271,2.01311624880534,2.03998000630331,1.93971303575169,2.04178945441013,2.06005063512175,2.19120053168148,1.75476780174593,2.00729997463199 +Zbtb16,-0.149566805581864,0.773216357959488,-0.212362818318175,0.713870361338182,0.843742443862419,0.532147577824107,0.435887934572173,0.509889331605512,-0.0766446792251991,0.672807221934896,1.25463082652674,0.776823677033026,-4.07493989063527,-4.13935580756478,-4.71190809750506,-2.66169195242902,-4.71190809750506,-4.71190809750506,-4.71190809750506,-4.71190809750506,-4.71190809750506,-4.71190809750506,-4.11678667346101,-4.71190809750506 +F830001A07Rik,0.259604682033449,1.89234116972607,-0.121606826237347,1.44574329167543,2.60024345139063,2.74268126210856,1.60740756225327,1.46903963970529,0.940435015043171,1.38909087960576,2.49406541832872,1.81399519574262,0.953984416872171,1.13146410809183,1.28769000145421,0.889717988581109,2.27287546648107,1.53486538946602,2.35960652167208,0.26695365944759,1.02422465512481,0.148484393381075,3.1901963400903,1.87711570283058 +Fxyd6,5.649299936031,5.43721777953937,6.0406184792977,5.58453708926251,4.86090975685681,5.17540207701849,5.14108058477964,5.69681259333387,5.75954117431319,5.66525323956336,4.97297103406188,5.16732482911156,6.51630125345055,5.9734365794576,6.55722486091735,6.28552602352903,5.81631263060101,6.17229286530406,5.64527354267596,6.54874304360176,6.33052361586736,6.28202446079482,5.8392576751363,5.85424120906687 +Cldn9,1.99180774156885,1.3760111824493,1.03909578456894,1.27654185956284,0.870259457635521,1.23505177128955,1.06631437480974,1.91092013591136,1.62018701319695,1.52835774993929,0.482981186984899,1.30943909013918,-2.25351394338025,-1.59096987521332,-2.89048215025004,-0.840266005173999,-1.324582697158,-2.2603404780227,-2.22891118257762,-1.46303033430752,-1.88095186539932,-1.90126202148781,-1.06144503119604,-1.47680663403368 +Vkorc1l1,3.62081591175224,2.99106698434117,3.38659721099368,3.19313055223755,3.49051065331546,3.29202364463107,3.2881156964409,3.56463209469638,3.3260167210098,2.90761059011292,3.39473741428633,3.30119383709948,4.18883825742032,3.60722749560982,4.17757192579739,3.73479317586468,4.02442140428185,4.25075209771142,3.9607252449726,3.98304857526157,3.9625896919364,3.86897763868882,4.12797228621982,4.10512101241044 +Psg16,-1.79564407366643,-0.986988392258306,-1.750304427496,-0.720447186089794,-1.00828851851783,-0.57353087558884,-1.06788482484871,-0.612026894836522,-0.726998328141274,-1.53400440526795,-1.38345530394241,-0.851053342903445,-0.38893664410665,0.123240419709226,-0.049583122486252,-0.600971941714102,-0.117367688162198,-0.13695832295886,0.174878577239162,0.155682064068158,-0.307679274574648,-0.346510390133522,-0.296905284999204,-0.427449825394013 +Zbtb6,3.22724941552456,3.16017404376479,3.25776189905778,3.01127252092717,2.86522015886562,2.9419953246143,2.95784196450926,3.18646082797029,3.25742185453172,2.90535491133553,2.8510953290678,2.9905276257614,2.92886201503415,2.80568909461902,2.88744797310875,2.79239848243204,2.63843456510775,2.82685674480169,2.46902261202911,2.73909629518257,2.92390076291384,2.59786057191765,2.61696757769586,2.8074684923849 +Rnasel,-0.604174766937718,-0.094786198000989,0.190092328079498,-0.411078339787825,-0.219804166722288,-0.367605665841161,-0.343951489022261,0.0352454941208071,0.181618717058173,0.347029407876664,-0.245855126036445,-0.448198953755268,-0.949992145894799,-0.155778525270071,-0.165460422997893,-0.347098720404349,-0.468922052544642,-0.40021316853408,-0.118198657076044,-0.1261447190173,-0.27178398378825,0.0678710716894919,-0.538923611528199,-0.829516282249107 +Gm10179,2.42317604890572,2.37035353492359,2.80208685731748,2.53206518315953,2.46669074666209,2.52769049676141,2.31170180129309,2.76556536308899,2.68459004602261,2.83346725251981,2.60091688290623,2.44391233187472,3.20241465900429,2.91910796017806,3.40845807515756,3.92292481234598,3.05308718651178,3.36775581711279,3.11277172311743,3.7682288173764,2.83601996189964,3.40078117514573,3.50720786854222,3.58682971789832 +Zfp810,3.40754830925935,3.75121734208542,3.84964197945642,3.79170821817487,3.57737711221128,3.54315635562609,3.70123559221858,3.64106373649454,3.65426070307414,3.58062347746925,3.72731899537213,3.47006700730647,3.78000176113428,4.14923015509357,3.93541053343006,4.1996617053235,3.80973580463174,3.68167427286379,3.82286763645632,3.99419648898418,4.14977151620497,3.98262285947269,3.85932054584394,3.82055850952599 +Zfp772,1.72504934465973,1.75213369853163,1.63496004016803,1.96748459650101,1.65017528886201,1.80762109518855,2.32883174769544,1.46061240516369,1.68570749111421,1.85384353001849,1.91222446626928,1.9718815427455,1.48431618694616,1.41648382755429,1.49409913041807,1.12929121644409,1.72453808510644,0.908734990955958,1.66645890119392,1.60205010111355,1.29463721416187,1.077473041718,1.19699031931515,1.44269658011951 +Ecsit,3.44109363098334,2.57393619026575,3.09393190327004,2.99831489842912,3.14386599311491,3.20777422175229,3.19170560123688,2.77742319521141,2.98263657716034,2.83686008568879,3.02633841380804,2.95563643371341,3.66714670930629,3.05364625787592,3.39434349004128,3.4865842101071,3.39213834072028,3.51925223489357,3.45702767252166,3.18798172593793,3.40127063282735,3.30184097387,3.7344199340927,3.51152365545663 +Nck2,2.23086954001088,2.20102232696404,2.38137555360092,2.22398984654633,2.36162652511558,2.28091313470313,2.19331537768317,2.40003872617338,2.26265870124977,2.18669189511852,2.28336947963532,2.33783185051705,3.46548276821925,3.76919114366407,3.17163271863574,3.46471276678294,3.2459589950071,3.42943627692051,3.3541949630928,3.87112577184291,3.32083455789151,3.53489336890925,3.61477557671361,3.50441894385974 +Gm10184,0.353699876098941,-0.263884327644631,-0.161320759315884,-0.279405972004895,-0.162119160248051,-0.150332890069566,-1.51328677792905,-0.801562387927498,-0.39457614932917,-1.0287373065625,-0.551919186782186,-0.961740538269309,2.13413954549102,1.29109811950641,1.87934921749672,1.80967710126505,1.56244265007052,1.85535921389196,1.64923673672175,1.8040531080001,2.11122115848246,1.46976887632299,1.46731883420288,1.35046107311072 +Zfp617,2.07126900541658,2.11768976423653,2.04785018066072,1.99958854328806,2.01485800356965,1.96346531714796,1.96537367277908,2.22833041163505,2.12214291276849,1.76033006034744,1.83155972538802,2.14806628783697,1.88174175375621,1.70908883494879,1.71832785870108,1.90686578374065,1.57754140873362,1.86747072106617,1.51918038519318,1.90272054521986,1.86225921266778,1.55797126807847,1.63079006451851,1.84170796440911 +Fbxl12,1.18965437748179,1.6438751197397,0.889621130397015,1.3964206959339,2.31627213763008,2.10716106845639,1.83238851281553,1.34752774074477,1.14267799683668,1.55269737169398,2.38891541795301,1.73347245281848,0.897808973454319,1.40365084973054,0.703755649143811,1.13767360374099,1.89188291128477,1.25310927038345,1.88212233414207,0.56656031383826,1.10399728333212,1.40914319259001,1.86776225313392,1.58848820933785 +Vsig10,2.98374167835314,3.30300321408427,3.40742408319326,3.24870197168649,3.04506465308202,3.07243349931463,3.16272607308421,3.41721800057591,3.25751097002784,3.25553082986612,2.94733709806383,3.17991497097624,2.11383006365816,2.64185644608438,2.38824657245405,2.42734297259188,2.20649218602526,2.33296963180254,2.26303267763269,2.56786231913535,2.42078203717606,2.48184795911874,2.18221776209136,2.42604188790208 +Suds3,4.73538272999108,4.45394350301599,4.38534610385077,4.45331556394704,4.54752585881398,4.65009578307893,4.59389378619626,4.42577966493353,4.55612802354064,4.35376969879858,4.57677068665817,4.54915589052713,5.2386863012877,4.88961720564069,5.22243124776444,5.14131214642721,5.12337861012681,5.12766017431382,4.95348361658082,5.24216115520389,5.12147792163661,4.96466763706751,5.25628869344778,5.04601944120448 +Bub3,5.04735441820859,4.3624382767744,4.85337376104342,4.5526222542675,4.3808963642085,4.50238131658125,4.56792085801207,4.7563525173607,4.75716935904804,4.5570660059174,4.42074012649694,4.56661675997261,4.78853543877153,4.49574146047168,4.74813636806175,4.43126028868635,4.31908850614928,4.63129406890388,4.33264714953129,4.54201376055206,4.65729600748649,4.46664510488374,4.49995213075332,4.38155216971407 +Gm3608,1.36668137022205,1.2043670235332,1.32749051391531,1.17805402750377,1.19181194362695,0.874641586674154,1.12949273206559,0.924985519306742,1.47724691639977,1.21154620355594,1.02964615096783,1.08627744268519,1.15207700957401,1.01801196824052,0.968286739802238,1.08521255748548,1.14016530770698,1.15778064800188,0.417669604937654,0.780034314194769,1.16436823320774,1.0333943827594,0.644369280077792,1.07567012028116 +Cntnap5b,1.79190414061151,2.02511009032391,2.1381086442073,1.72543205178106,2.34390332633754,2.08645364367901,1.69476156500788,1.85246666756473,1.89817956951756,1.61815585963323,2.15993863413404,1.70440069936901,-2.08063708974614,-1.48426995314886,-1.92162835952201,-2.17515690935787,-2.02754167282022,-1.98881141809338,-1.71657699372408,-2.44862263684288,-2.89532891722851,-2.12077531178777,-1.97644438574942,-1.87198698017399 +Rps12-ps3,1.67805346092171,0.87299415951227,1.97280490941205,2.02479032508262,1.26834822538612,1.23765560941758,1.58983445286971,2.22260411117202,1.86150340561292,2.20200971770291,1.21788963344792,2.12342211869336,0.770488776023584,1.62319890075558,1.4515800692583,-0.169797014537991,-0.358267416459505,-0.276744755144906,0.113029078556894,2.13345988756379,0.993152680069279,1.09775585516974,0.485043321710481,1.59271037483322 +Rps15a-ps5,4.55105870086656,3.57118732654795,4.80967249532876,4.69426417255431,3.47484158726091,3.62246475525626,3.77423257810334,4.37232964852027,4.57838784428757,4.42703964200231,4.05004271315083,4.39697855035329,3.79681685561175,3.22431067609699,3.48301098653783,3.33026607139512,2.7414431385162,3.32023252845927,2.13413683008855,4.04395989974325,3.31006224201364,3.30219856650061,2.79671467553172,2.99721389009925 +Hes6,3.77426950502865,3.90535618023223,3.86599886290981,3.90578300161928,3.66333641340637,3.52172204701157,3.80757529492499,3.81438626400527,3.83954137561021,4.16815685321766,3.71299062245144,3.55746431729462,4.32206706752902,4.47473883002597,4.55513803856103,5.23427776914708,4.35184410259488,4.07972775239003,4.21088203067926,4.11474769346033,4.84203972364035,5.10247087265941,4.32999529295019,4.04673209309776 +Gm5529,1.42723848507765,0.857931138940239,0.960494707268986,1.05027116382052,0.417433835448875,0.261270643428228,0.738920062932465,0.731710270013048,1.19167789286165,1.35109532776566,0.472000535195133,0.693101243521409,1.40216478452075,1.09326420348928,0.793064292696722,0.539535742860865,0.780019533326245,1.24589860284195,0.147825439110328,0.760934429829673,-0.180636265009776,0.87347665834698,0.531181205288546,0.51596279350353 +Gm7027,4.69268955773633,4.24548511918986,5.05834003936278,4.63409311993972,4.51067131087005,4.66266933575029,4.2806424331515,4.63358327613872,4.70750003889696,4.70545657070988,4.4440940170451,4.40489922135241,4.1512694426067,3.78166674976891,4.23155735711735,3.91838624847305,3.42464968861965,3.64005234142914,3.73987723828328,4.01077600918088,3.9483633645065,4.01139828210684,3.66390910120202,3.50731631421458 +Polr1c,3.69328210595993,3.8466370518279,4.18542447464253,4.06926766350333,3.32425309773424,3.51296368320231,3.42741951926091,3.92552579638618,4.10675944020607,3.80084242924744,3.26995528653815,3.64936630594463,3.53109519253431,3.5168303418838,3.61707184589145,3.53926247030756,3.29889507137318,3.53550623903958,3.26724694667274,3.61571890673494,3.624505086598,3.33022976256455,3.05062636954532,3.40026775164448 +Igj,2.58394591725513,-1.00359734943157,1.10016405458095,1.22439351329546,0.268689307451336,0.904948615252222,0.529221200795581,0.508771725548571,0.376743679588332,0.909183552819059,0.579619339864093,-0.013978821595013,2.83462815255007,-1.07978529127462,0.85393627893145,-0.486141376145735,0.145799328487336,0.0668089037132631,-0.333090167475086,-1.28845343422603,0.49739990081261,0.514275508357705,-0.387250578654883,-0.932812345342608 +Xpo5,4.44676831849999,3.99039917436072,4.12484256102839,4.00626447856877,4.1612950642518,4.23535451949865,4.10589295536523,4.16485695090547,4.15023842193308,3.98839682819686,4.09531861252556,4.02065496472276,4.1920499242866,4.02814169962282,4.20837145905473,4.26870433185379,4.22019193184772,4.21802838802672,4.22439827144435,4.1299646109001,4.0298281871031,4.09255761599951,4.37588318601445,4.37537997395865 +Gm5560,2.68576342613974,1.8486696464624,3.06801025981394,2.70257813587909,2.16312334256744,2.29152697582767,2.27396582796887,2.87148419855393,2.5534211640447,2.40650273985444,2.39958784118064,2.40774261542697,3.01599451544185,2.29113327156035,2.57158174376626,2.87701418114812,2.3906757603929,2.73783511748894,2.33382880335457,2.69708365748899,2.54967963259568,2.14044786103487,2.98264141170612,2.5621865405724 +Gm7335,3.29952487924469,3.12484905364737,3.4279616804863,3.40121621206221,3.22118626538587,3.0121368386992,3.09982092783194,3.40251297838055,3.11996370866363,2.79562983645199,3.23054120731494,3.01640611481592,3.49871962427432,3.4160761385389,3.43882513782904,3.56514362742769,3.2586913582123,3.41132674510082,2.51988979802361,3.82202652446755,3.50119992886582,2.8623778405536,3.51199489669289,3.49787033555902 +Eif1ax,2.97103858219531,2.81403736637101,2.8689913761111,2.78031017829451,2.64951934367952,2.58665758561766,2.54476710124871,2.73558811984467,2.84996784265414,2.70736010134418,2.45706808829547,2.65304090988178,3.11301235648317,2.44298276335537,3.02260579226487,2.72929910275486,2.34782430620045,2.77351965038402,2.29159661289269,2.97125782941839,2.85323889867588,2.55129303181498,2.33801194837131,2.44591699816656 +H2-K2,1.32779487863099,2.07969132997172,0.128170846315057,1.89557072403868,1.87092191921953,1.76058975231913,2.17412290611503,-0.266055313400996,1.98962912720483,2.2453030229612,2.36340670759021,1.8796407886164,0.700197823553214,1.86943777834641,0.554293787336416,1.6956793539754,1.84396671628547,0.919766753880553,2.54853459859681,0.63038428858015,1.81894210215357,1.81593429047186,2.031483833482,2.04841389801745 +H2-T23,4.26752601015958,3.84964150927505,4.69830371087919,4.67034297537407,4.03163108449692,4.10405787398029,3.93597202362822,4.221354853309,4.5255024940902,4.64677884357763,4.17937066657331,3.99383695345116,3.64589154137959,3.08198556174433,3.73457920008828,3.78454641231319,3.31792570341531,3.7818791714051,2.87905365957748,3.44863370421752,3.48004835900039,3.80415805023058,3.42811105998112,2.7481132977242 +Usp51,2.80107885376205,2.79392852128402,2.92303725768875,3.2172050078317,2.67128008241023,2.58200969946873,2.77227111780367,2.56525628908972,2.97426258347058,3.11455050139375,2.89731579608937,2.91034753664519,2.91410168249906,3.14076062377213,3.23972643061309,4.2013363806132,3.22493083905599,3.20607954539677,2.20440865469518,3.05204309761901,3.2587535401745,4.21839289958046,3.65263618050601,3.40852728653351 +Nipal1,4.3714120198271,4.33522744065834,4.07348091507264,4.27198550447456,4.25805736159035,4.19551194997769,4.13780874360953,4.316968178364,4.51745149798336,4.21403244628367,4.46226406059478,4.55694333912838,6.03053074825991,5.47074771790282,5.85309291678142,5.9077322132517,5.48472911221978,5.91886337571958,5.32397493424441,5.91682348207467,5.78636394541421,5.75614079187629,5.50285578151896,5.66306873873287 +Lgi1,1.38209918309438,1.48610108574997,1.86418906828294,0.869097359463479,1.12770549763353,1.06597412557079,0.911535805377932,1.6887661754056,1.47680460022422,1.13473989829864,1.02139314009982,1.26267580752071,2.49145778925587,2.49891031100373,3.20989584505811,2.54008338055418,2.41854345880531,2.38107078270727,2.0102961010591,2.9461596823708,2.67663259761375,2.77674418071173,2.23828662509764,2.24008224778575 +Rplp0,8.44600245732891,7.84201632302066,8.71463570657856,8.31670231954828,8.03543169578464,8.10458593412531,7.92527306684938,8.42543359924066,8.44317485247704,8.39027819785433,8.03743548711952,8.11778329552723,8.07014310556988,7.47390684339383,8.02026382543201,7.58306221732615,7.27888477442281,7.83331025029367,7.59739662452477,8.03202170564786,7.94198209769736,7.66019816869717,7.41323881311253,7.35088188057841 +Capn6,-4.44580510952027,-3.25595453505681,-2.94029913994907,-4.4378451672041,-3.23481032216187,-3.0052122024742,-3.21270253140231,-4.36543408288401,-4.16452417575346,-2.55300194152353,-4.09889018795917,-3.25314401497505,-3.40737278177118,-3.03199760875723,-2.42898177572042,-2.2297183340295,-2.54116117176896,-2.75606091555071,-2.13093602756857,-2.26701463629871,-1.98492233612478,-2.7570088350201,-3.71875056143286,-3.03618691239923 +Ppp1r3c,2.21097806489556,1.70972730514527,1.12767563072257,-0.625322365276372,0.22627871231798,1.4770406921715,1.73960597413817,2.22111705546788,1.34703136455379,-0.258483486737176,-0.0042823556321445,1.24044995266395,3.3280847857173,2.25654486899223,0.910200905571143,0.145209347315784,1.00072952270971,3.04006348680322,2.2434453070143,3.14063509000122,1.14462942680068,0.532487324930413,0.616668203149457,2.68342836665638 +Rps28,3.62007478048119,2.99405911145814,3.84447448178198,3.08155691411666,2.88410670037854,3.45131385671554,2.88737315946258,3.49749775940628,3.58980070432012,3.18760940311455,3.16321756697869,3.06995367720313,3.19276118429786,2.64439480202913,3.21619298499456,2.71603580097204,2.14755794516412,3.08654851127625,2.55789778071431,2.96363659438742,3.12123084010123,2.69082669290496,2.32197236886725,2.55714300992872 +Bmpr2,3.18092126838543,3.22781299815032,2.93478555042091,2.92592775000496,3.63225359001459,3.67822405670039,3.3294543403552,3.43922172314405,3.07917587271638,3.07024020891028,3.49287884393691,3.26567995114927,2.67919161605722,2.76016828108749,2.64685432552658,2.61886745588864,3.19384759231257,2.95049468544963,2.89597496053679,3.08266393804814,2.58911488911834,2.73564246445537,3.0137226450877,2.75818593884581 +Rps25-ps1,6.49607348403446,6.04508739883714,6.68948483481929,6.51600957872563,6.20263833631944,6.21495047880599,6.20080284104126,6.52343230460078,6.73765382175068,6.52983831244521,6.13887680672734,6.44404324475447,6.14886649968964,5.69166445253469,5.9085831171712,5.80771362755393,5.50784880644658,5.78881732127209,5.50911475472433,6.08370671764,5.72642379218368,5.78991294237338,5.28614628450182,5.45523393570631 +Tmem128,3.07274957932211,2.50506448269755,3.10561828084071,2.87277296342632,2.68643360739357,2.41861073857075,2.606385177421,2.58691894509625,2.88636658950608,2.88698816339802,2.3643345849568,2.72411652479942,3.47418029949986,3.33036027309204,3.43560310253359,3.30151630654169,2.90066481896876,3.21193968395444,2.94096876564783,3.61955851322992,3.41410973441048,3.33204414303206,2.9397299086419,3.10515627835499 +Lyar,2.29380811090685,2.25591666011521,1.92576801604344,2.51556373022853,1.98655651571729,2.125938362372,2.12222688007154,1.84720959204851,2.06374162714527,2.46230015149125,2.21244370806421,1.96303834638655,2.09250338710825,2.36035124413036,2.06190525163115,2.28337247494846,2.04726073754917,1.75107239221494,2.38431548335336,2.20176921083839,2.33615935935533,2.38706869813212,2.32358651681692,2.27702684111052 +Trmt2b,2.4215335088332,2.80207861079558,2.40500829358689,2.76322209228156,2.39488902063076,2.54215231125287,2.41277198337418,2.67372996720231,2.72659219689476,2.75472521275498,2.31874281935801,2.33319836757498,2.98970440321576,3.37609486274317,3.17316025718801,3.24580889807441,3.00446222093554,3.12267551482032,2.80407717868304,3.21135507577205,3.22225102984831,3.25841315891038,2.94793282357369,3.1063104069811 +B3galt4,1.94526920520708,1.80948743306684,2.05766103650865,1.51011956225255,1.58313815548452,1.97938512987184,1.7013337393051,2.01009597498706,1.77662216020867,1.69717002410383,1.41023332129712,1.76588574543627,2.45229326676231,2.1561631020561,2.32737240067849,2.05677796779378,2.06391157775057,2.39691567417599,2.34586448337314,2.56062700356977,2.52538695209295,1.89304847058057,2.18259480439605,1.74195032721806 +Tspan6,-0.174432000003792,-0.35121586160842,-0.0872564810738493,-1.01422397198925,-0.587466227684965,-1.40703662980603,-0.393913003789464,-0.231208258626579,-0.0753427384089529,0.363827803049879,-1.21277267376631,0.0633607282074538,1.52280121748902,1.26029163803605,1.39003925940002,1.30377001849041,1.1230763329037,1.04307730673001,1.01299693083013,1.62014455121477,1.16872833973699,1.3824373423592,0.753780068251467,0.542922330224888 +Zfp563,2.45092064164816,2.23035499472384,2.70737416432788,2.12728674372697,2.21978772788602,2.09841608181314,2.13364465746862,2.4529674324237,2.38464754032684,2.07543527032172,2.19815115004559,2.50487971339197,2.65086993348596,2.02024037359595,2.40773545571086,2.34914787375481,2.18850524924498,2.67638876163634,2.20834149231711,2.71615062055831,2.39143784970465,2.19541763904487,2.05557314829019,2.4044708583917 +Zfp763,2.62115846604815,2.73184012581792,3.10819143979228,2.82001637221288,2.22010454526747,2.34315317732548,2.38745970411089,2.92401397277265,2.95403191850974,2.38052519801239,2.55702666676533,2.68587690853234,2.26060625025088,2.51891936229514,2.7131516685764,2.14418792236616,1.93951485856416,2.19517460027641,2.05685636229762,2.75305026696413,2.47059364435386,2.43755590864182,2.15974650393022,2.1750085824624 +Hist1h4j,4.136562180369,2.63206244193441,3.75218111100392,3.72527852267309,3.20627827441094,3.47630687917713,3.11807164331501,4.0610648395207,4.03020747758832,3.32051211938281,3.14742386056194,3.97573367050819,4.95478638908191,4.66075956253407,4.97380945749091,4.54927663958633,4.10546763756737,4.83519376169094,4.12657184904325,5.45600437005033,4.73063713191403,4.8284993338847,4.01152969980741,4.44709068602321 +Gm7666,4.10956375698937,3.4551959836342,3.63126112590257,3.85259488597138,3.59211956285377,3.63699853129258,3.86181338049713,3.72658916275864,3.75771401088863,3.58537035541937,3.64701817696859,3.64576029775503,4.14131542537578,3.60406830442556,3.83199148501908,3.53408881658796,3.52790581891236,4.0334397889292,3.53273882009516,3.9660620361618,3.88785940594474,3.73828538591284,4.02256055773239,3.96890117316694 +Hdac8,1.05977235923967,0.798909374516077,1.16899668241189,0.936401446135929,1.12697339621569,0.909981157918868,1.15382543765745,1.08683625967784,0.777839159721939,0.615218202561215,0.837726314743672,1.05536674250556,0.22602308055088,-0.0930115513955205,-0.0993134725274594,-0.217764069059617,0.293735944292187,0.357279711986104,0.816408289051766,0.298177058554781,0.224426044019158,0.300564328448568,0.350877323504111,0.421745156116923 +S1pr3,-1.93448478660212,-3.59088493550433,-2.14253639516935,-2.39106670934923,0.501475608184479,-2.07001829785528,-1.94580671740005,-2.99680282669522,-3.66030448707525,-4.52619712856427,-2.20052225358619,-1.93391400343752,-3.44887508840466,-3.54485270839382,-3.94580472468374,-4.52619712856427,-2.54766086611748,-2.85224825186861,-3.41275781620925,-3.09874531262175,-3.19284022335527,-3.94841225151851,-4.52619712856427,-4.52619712856427 +Pcna-ps2,2.58327735590558,1.7366697621319,2.24076713232682,2.34454520502586,1.93590748379962,1.94864333855779,1.95677696452789,1.92819813897584,2.572474436014,2.07494755902401,2.03192718539094,2.13841430609182,2.40888703681466,2.48153028091024,2.56199599775974,2.69547896068638,2.16353961767182,2.43617390622106,2.07314099703907,2.307614883143,2.68469412865103,2.31000215303678,1.95235605079313,2.47641030498742 +Syngap1,1.95257205425756,2.658141038324,1.61099873012591,1.87781796106212,3.4517392448462,3.61478494589666,3.47680060275515,2.22873797914398,1.83396798439256,2.39544105748819,3.52493575197934,2.76226751710786,0.980433117824835,1.951330030684,0.913245292361196,1.48263959877437,3.14983511788524,2.29713997389058,3.46255893462136,1.03911390672239,0.927026583570657,1.61684064983417,3.04420510019276,2.60506542725914 +Ankrd23,0.138952201011676,1.32613968488091,-0.562186791072671,1.25116900376604,1.79916065812232,1.36877492371292,2.06768001066807,-0.698303521527003,0.537157407111982,1.09099858246211,2.2650416911976,1.38104198495049,-0.616219102527986,0.921955235394101,-1.01690587450906,0.621855031372159,1.42588185191219,0.183958444716714,1.86158998478292,-1.1971000483435,0.596788523045303,0.861149265666564,1.31591023324526,1.20750695687286 +Prkag1,4.22589720504602,4.07989395869595,4.23563463257195,4.21725587100854,3.94919721507081,3.93547813808745,4.11242858335211,4.05096398513493,4.11957997991161,4.20010468015711,4.1103979997517,3.97071428685489,3.91365548993235,3.740315139584,3.75348204420293,3.91949801794578,3.73509733818436,3.82587659385674,3.59039524940696,3.83230018726905,3.87147132502009,3.97902739459897,3.91871872641937,3.68790949210093 +Gm10221,5.1071990586413,4.86139434083136,5.32545176269678,4.95278271685196,4.30448531290851,4.63425886189523,4.65267348574758,5.14888948088465,5.17443374532254,5.07011521086627,4.62783681969931,4.82264837590232,5.79421585584125,5.14998098180086,5.7151305110342,5.17394435882983,4.94247328703486,5.2515157810894,4.63666954923652,5.43685241748298,5.86212260197962,5.57608650876149,4.98991072943866,4.55356256966189 +BC003965,1.90070723697963,1.74599361738016,1.93870245409505,1.76390341969539,1.82285819820832,1.5783533077286,1.9385560738035,1.61883630370002,1.54812574608183,1.61612299610612,1.98890203783302,1.90516572058485,2.60997321052843,2.10411735985216,1.89993247195403,1.72304075545475,2.3276430196296,2.23880001897488,2.3030083059022,2.43189320878275,2.31922462504011,2.3346017858736,2.06156310453986,2.09742566574351 +Nnat,1.4524468419181,1.39513592437282,1.33282259328316,0.500756640095883,2.15708866088883,2.71781798432935,1.59512876384989,1.68606420396316,0.892634534320404,0.814981666938879,1.56212399884472,1.85189856950922,4.30109111784542,3.48521827596812,4.1717134522659,4.16641215844458,4.24679805066262,4.63991610691187,3.56144270992245,3.92106166480755,4.09475205070516,4.32720761420096,4.00216680769995,3.88200276299664 +Blcap,2.6044979282102,2.62762160431366,2.60524498087857,2.76528363010581,2.7011966828811,2.80544829982104,2.59496772554697,2.64979780327158,2.78783227556217,2.5406281529623,2.75200043828463,2.72195255966303,3.72830792106374,3.50400205077574,3.68687725384089,3.70491726783406,3.70917619406122,3.8471392005583,3.77166267975604,3.75657211250552,3.67450941581393,3.71404244856851,3.54914223600196,3.61190708168641 +Pex26,2.73713799001509,2.7557785755981,2.75152250459753,2.96551921625903,2.83913372162203,2.80800382563523,2.65018191654799,2.6068777019879,2.65632922687836,3.03026470976497,2.86328158874476,2.77938626719668,3.08697189966024,3.17273102539304,3.31951377347068,3.43885464125782,3.22376245661081,3.09031865903374,3.13832399529558,3.09171905549929,3.36682661263183,3.46536901136473,3.29028255952166,3.12755738956292 +Romo1,5.34899684929847,4.74840188325623,5.12993771558073,5.06198566113551,4.68364375011361,4.69932838506177,4.8375146251527,5.2977026578787,5.08774102830711,5.13610730021068,5.08518918333013,4.99238990232411,5.71315598831595,5.26527854929525,5.47200014920101,5.41466346380906,5.18574057407105,5.5608392579299,5.10277461090647,5.48755281899615,5.50456204902059,5.71735456127346,5.36560482188291,5.25254794339699 +Arfgef1,4.24987228184404,4.20143203284682,4.2007864178584,4.01661299241104,4.5485346583328,4.55297698033733,4.16380678663918,4.66268084789232,4.18766884771733,4.04026392876609,4.40242362768274,4.3637486577436,4.48234084442412,4.57641524956657,4.52010580662269,4.57215113396546,4.92842596040269,4.67431235522217,4.6716930673418,4.57668511689157,4.36956678892069,4.41106697949789,4.82333665003328,4.77703150759788 +Tcea1-ps1,3.64181621972927,3.4871026001298,3.459326855951,3.51656715469198,3.58818408704154,3.56164995883776,3.48617058957858,3.79931531685436,3.61525469011445,3.52378575409209,3.71953713504548,3.71277693561355,4.4569100206089,3.59279052666928,4.34044159164701,3.79457015546289,4.04127827361277,4.1524360073814,3.74047034249967,4.11361364181732,3.98284124100958,3.75158159131835,3.88010123695821,3.6728223769079 +Rpl31-ps8,7.5073230847655,7.02145889154056,7.814244620232,7.37901441076403,6.96488706197197,7.29828850647005,6.97177984142691,7.56941078711372,7.5712843786119,7.37402929713781,7.0112772834111,7.34379556153765,6.76766558770082,6.34850246186849,6.75096617435243,6.47434498150365,5.67236310761318,6.39565640070281,5.82110809169555,6.64681620180673,6.56563327869519,6.21791548105306,6.2082917494061,6.17157283864738 +Htatsf1,3.63697350447695,3.79738267233909,3.59341181064642,3.83959074459233,3.76329030193622,3.74891825720795,3.88988425816612,3.44055550684951,3.60808966803143,3.84484200585879,3.83105444047745,3.83833371867079,3.75490974771728,3.86721852828238,3.54042046349546,3.84297434057245,3.87028573309571,3.69497048473105,3.86917302207874,3.50331664848324,3.80557537188506,3.94880375163326,3.92715256115352,3.94228656446102 +Spnb3,3.58174416329754,3.95176488124641,3.85103369076946,3.88964230342104,3.79965820695175,3.73044814542035,3.79391843840879,4.09388093910158,3.70820639832958,3.85221887089642,3.91142673653964,3.89041345689855,3.29824828665124,3.84378990873675,3.73659152892705,3.92838908569175,3.99294239900638,3.64739447315481,3.9192777550176,3.48838643157728,3.45078418918259,3.9338264620624,4.01464879485496,3.77669019363833 +Gm13139,-1.56692582476334,-1.25837645637972,-1.89588004833539,-0.883023055692402,-2.42275758610658,-2.85701898168048,-1.98434209777288,-0.984416648220703,-1.99567907646007,-1.69869968625367,-1.48744708458042,-2.0692514498632,-0.613506083103622,-0.237930068302191,-0.465088342603157,-0.44481518477239,-1.10284920948102,-0.731682873918698,-1.29572082408448,-0.140090625978829,-0.689558396437878,-0.434100834475228,-0.87860260530993,-0.349713912598185 +Cxx1b,3.75190061507413,3.42737436742688,3.6813354660189,3.22387287738699,3.10626847976199,3.2890422975936,3.23422897248387,3.63932430537148,3.35537031316839,3.22765009902368,3.42374467991175,3.38182896373415,4.2695264810525,3.71950028746298,3.89500550757774,3.483320777034,3.79420802474569,3.83505880444592,3.72446873317382,3.71783623979726,3.80048295727779,3.75199776614534,3.53853201525675,3.86190556979181 +Cxx1a,2.69574518693924,2.46183536737858,2.70172554390922,2.39563528377627,2.3551895309579,2.56848851443139,2.13549206782482,2.84837348602798,2.55083075666964,2.70482019331947,2.23530805899555,2.33189777492384,3.22950583150448,2.77379412400026,3.18032777446959,3.16487472153787,3.04015742332001,3.19753598871396,3.1161303835774,2.72134902948589,2.73178461671418,2.93817273210573,2.91652066689363,2.85973562973771 +Zfp760,2.04072199090035,2.19552764746937,1.93554148997307,1.76518480815642,2.10534355247148,2.02061188236561,1.86954796339144,2.16126106426221,2.01399654517106,1.73259505872274,2.12262633927413,2.18583319438275,1.52061876973207,1.48236594766498,1.5515736049667,1.24506690627853,1.65577971844747,1.2016437642633,1.00711630242071,1.47536285729419,1.22758833716339,0.847803386206599,1.52562257001808,1.7571712946754 +Gm10226,2.83964318520793,2.74005919095939,1.66797077627868,2.40440354675843,2.42660895752676,2.51346481688686,2.46327098596594,2.78286692658514,3.05224737300779,0.588900165144205,2.55269158037961,1.82990474690972,3.50497790645276,2.16375448240447,1.76925883231042,2.47462421558387,2.17111406914309,2.72572540891805,1.95275362377339,2.07099820003891,1.9471664747951,2.39884552509402,2.33610938995161,2.8304663347912 +Zfp948,2.31488213283711,2.40820050844293,2.05670525228038,2.43676654911868,2.68905046730446,2.7333178954095,2.51167800844764,2.04110383714014,2.18511935168343,2.27761444470884,2.4566340230808,2.56089495730598,1.60972464082728,1.72450932462264,1.46886747012422,1.6830004782698,1.81031044569723,1.57131369846901,1.99118513995603,1.25244463601707,1.88675689879784,1.06544822062823,1.67530306801569,1.77486384003409 +Zfp160,2.68211110614227,2.67737063219807,2.69301351053333,2.75626294107084,2.7310229710449,2.53861763788633,2.67827297143974,2.59831216478338,2.49166226306107,2.94052420306156,2.71186278906061,2.68103065270732,2.65984667004419,2.35830639117264,2.24929899796662,2.70090994663451,2.4819977204623,2.42362531279728,2.39992778717852,2.28678699648836,2.48972145675582,2.42249593444411,2.42546322369963,2.50826642137693 +Gtf2f2,2.17918442803861,1.64996185527771,2.04706240472783,2.1964247163605,2.04251548812193,2.12844730603168,1.88047688684063,1.91092922129878,2.08915335514451,2.00454294842876,2.11996695517651,2.19310171253737,2.82011255982928,2.47682018148902,2.50044300197706,2.58550410865391,2.6513741951143,2.6446695766549,2.72586360044832,2.5272397031566,2.49519508352201,2.15870069219276,2.73347974325889,2.6196056352499 +2510049J12Rik,1.48702640518671,1.46749966613849,0.535152770905376,0.897009765122134,1.63335318478445,1.19567181907805,1.24151054738647,1.43957734479368,0.95156631474184,1.05896817843956,1.1328429205596,1.31743673083865,1.39290765623021,0.683102933824765,1.38779614014188,1.10093032769162,1.43466494420039,1.2526007895498,1.48205642174635,0.980942337152856,1.50093053021346,0.88658375219341,1.27611964597741,1.56765980725176 +Lrch1,3.50535174997645,3.68570957382671,3.57333282760598,3.44583157144308,3.65064969857262,3.66925078935147,3.59788164817914,3.62168264884544,3.62878542182708,3.42239206155351,3.70490637483017,3.82068947850044,3.47902122480712,3.40833581062321,3.46184761315227,3.38686896736355,3.36703365955729,3.52945077967941,3.44834787767174,3.63599201824725,3.53415326570913,3.51180781852144,3.456605097517,3.58679087775134 +Mllt4,3.51323888737016,3.54098989067774,3.4194089104547,3.50801731308157,3.87893007362062,3.91285407872177,3.88655393818479,3.64012061057286,3.5741276688686,3.39261934127933,3.88451549617562,3.75760293912739,3.06382606934556,3.69436009032627,3.28962413602134,3.46582575108635,3.79326406053998,3.57461475398888,3.87346064718412,3.36088124469182,3.17159956930006,3.41936864116411,3.82397111536749,3.793605543317 +Mas1,-0.742794604656332,-0.418749050106007,-0.175189787866237,-0.0928034444005488,-0.725584726806725,-0.457080405263638,0.233241212656338,-0.424492748649631,-0.288851055646358,0.849299009579208,0.415419272952075,-0.274182417433636,-3.51688157361577,-4.15384978048557,-3.57345737660504,-4.15384978048557,-3.57838731761598,-4.15384978048557,-4.15384978048557,-4.15384978048557,-4.15384978048557,-4.15384978048557,-4.15384978048557,-4.15384978048557 +Tcp1,5.29781776354739,5.01762791262968,5.48217814339849,5.26302041885041,4.78898289878404,4.83188689232095,4.8369050046038,5.16924547487515,5.28713554295981,5.18363375984624,4.80353423495271,5.12779731260615,4.95915873706087,4.51257039397541,4.79820608459647,4.68071750675567,4.59621950350598,4.80186978860924,4.35160433758039,4.99021018495164,4.64005295983871,4.7046848535227,4.57330030809,4.66641257058167 +Tm9sf4,3.93777429684961,3.65213734031305,3.82404526462586,3.5913270821039,3.82854234549623,3.92023004387896,3.6084425585597,4.10191471825733,3.87341035351992,3.60235609739805,3.89026171450539,3.72945681006394,3.86885177906626,3.70275736037684,3.76915404466287,3.53156533080227,3.76818620765642,3.85406781107448,3.77067297154018,3.84981123275401,3.55993613741821,3.5325806087852,3.86805629048363,3.74573530213567 +Ccdc134,2.35731204834247,2.00206071774888,1.83230145574851,2.26951380193127,2.58161368275694,2.72292168693541,2.75223626063943,1.96865862742557,2.11294020251344,2.29408158342248,2.67380808089837,2.70015136846498,2.51084483813651,1.74132590682977,1.72382380570511,2.51631867444565,3.12641441721881,2.57008572261328,2.8457490701173,1.41707745292133,2.44674285184459,2.3415502725128,3.27448818563278,3.02266047178107 +Ninl,-2.13172601332048,-0.669472388294679,-1.44573599366293,-1.32715184044039,-1.06474617803567,-1.42812375246481,-0.92714132517987,-1.21873154918712,-1.40508207443821,-1.21675068947281,-1.29528626443568,-1.50058804834368,-3.30991341291515,-1.87382180436815,-3.84858820218266,-2.55979176808068,-2.86330191452146,-4.02213718631885,-2.65503864458978,-2.82290468918375,-2.60074177259183,-3.85382462128798,-3.81918667437112,-3.50846061301841 +Zfp442,2.10709803811682,2.49210008037934,2.20067593139599,2.40374933287088,2.2171890784636,2.01845896131509,2.03654652358845,2.2565244754979,2.20568251362529,2.33503532650533,1.95144873944976,2.41565879030595,1.82432095295897,1.75524864883835,1.26808215123846,1.75379706077137,1.87081537808898,1.46775161764185,1.30388541761762,1.79911920995867,1.71015464368906,1.07067328941756,1.59695787494726,1.61306255877702 +Zfp120,3.03666469528291,2.99565467777063,3.17031122167009,3.18240566469345,2.59483473484423,2.54942407127066,2.72188650519286,3.08344085222712,3.01305245438681,3.11049508120532,2.58806251934506,2.76907407529064,3.11830462595762,2.75243628670811,2.92575512328358,2.9397278131108,2.40533751974488,2.96162123628614,2.31042979871777,3.21907915382627,3.09392887655947,2.75893966196004,2.38447065931904,2.91525715118593 +Gm10232,2.57565216027415,1.96728047686061,2.12665383175831,2.07806917507089,2.13725511510578,2.42563703680886,2.65083506885214,2.19059993374643,1.86379916286337,2.26332515120866,1.93635505992665,2.11447670031841,2.23557110862527,1.45382656575443,2.15335021467024,1.79418160011871,1.77185996776022,1.77433695209057,1.95639424321548,1.39310813703503,1.90673309561471,1.82420646231848,1.57288397676812,2.03005217178852 +Insm1,4.17822315416954,3.90696822845637,3.79539495303044,3.39034555953201,3.93731123415456,4.2521476637959,3.98380872926252,4.38981917957302,3.96803369318319,3.44968726462069,3.70167607863527,3.90788222490473,6.05583263697372,6.25084950807939,5.75350161412985,5.60760995009732,5.75019087437812,6.00141342605929,6.26825580686787,6.26266369613275,5.63725961717343,5.57996212903821,5.78828297074713,5.87551438445231 +Ndufaf2,3.09974806267115,1.77576099055183,3.15397412528867,3.32340472406146,2.8244086539754,2.77825745578596,2.64032974895055,2.7311730637604,2.96893537630254,3.2002544600612,2.56301666614396,3.24204262444398,3.49352593919363,2.99377454702335,2.88432286609658,3.18753714262698,2.56211242252405,3.20698432029233,2.30901466219258,2.71854961900754,3.1462220985807,2.63588714341476,2.89862069691948,2.89544949665723 +Col8a1,-0.823977747858577,-0.226223027136169,-0.512402715002631,0.529817838651023,0.855673972406148,0.139972300611611,-0.16483480426372,-0.151026224043374,-0.809017030796398,0.414401332751125,0.600249997779838,0.389512046582896,-0.990471941253599,0.458756405628019,-0.172746522247874,0.606200992426528,0.0655302000628426,-2.01880582950061,-1.71748243457206,-2.58342810607784,-0.996184168361591,0.531542495484415,-0.515644540455398,-0.485278564545407 +Gm5931,2.78739330347322,2.7910453181739,2.58529504140582,2.80377212407751,2.25433648158348,2.60970739683914,2.04735532078156,2.67198981573488,2.68878278279026,2.57374141338823,2.59625102368608,2.54066150489939,2.48960001435335,2.52957507433194,2.60058564268549,2.32829252656918,2.48726133566329,2.6873172317446,2.15154881644226,2.77439444401964,3.0821570576906,2.77363194236603,2.43492670398444,2.23505167037439 +Macrod2,-1.02767963928429,-1.36062412241535,-1.49618975061591,-1.09715052025429,-0.749282322318285,-0.84533126021819,-0.939678841447248,-1.20252271815183,-1.05423774479062,-1.16170482526775,-0.982168682801831,-1.07061877870267,-0.526404485638912,-0.673485382408863,-0.790358564654327,-0.572635137013537,-0.528139789032204,-0.679123899445676,-0.752727172355011,-0.60735788863518,-0.525157996920266,-0.547483662751997,-0.695248544132562,-0.52728022081808 +Pick1,2.24934805128137,2.39444719703824,2.17667256455144,2.53685875751656,2.69262612829157,2.5121946286172,2.57704440684197,2.12192019707257,2.18315052379498,2.37020038616547,2.72219849667567,2.50118329504637,1.9384248152859,2.08998024653463,1.76209884036604,1.96423484429418,2.4875701739357,1.85862534717177,2.48565853542063,1.56095210531879,2.03106413738346,2.25848313576542,2.45371131756998,2.3675715299633 +Pdxp,0.210066212607602,0.601052657768725,0.0290628231301764,0.276010552145169,0.0661330360142585,0.278066079191366,0.342458203399985,0.145859725137797,0.419042759031677,-0.229969837819747,0.0721040103246657,0.105283898372293,2.24475346251164,2.07690062579635,2.84346803856444,2.1492050240198,1.85786797821199,2.10611374294619,1.9164946807492,2.07225619134502,2.52690806874814,2.39798318131547,1.68957863060709,2.21064279159684 +Gm6723,2.88110773829542,2.76342708849115,2.57168194400719,2.16902653548398,2.60964522647167,2.79651464687529,2.25468557824496,2.47736033982708,2.66524113789705,1.34983144915853,2.29279426307947,1.68825184386001,2.84827090494416,1.93683329945162,2.24717587145691,1.05423657543875,2.63153057202903,2.16638114180349,1.79692935394734,2.41668810494118,1.27523642769877,1.95094715485713,2.58317438273785,1.9321668661468 +Gm11808,7.1587612306611,6.61687873815005,7.36847192928728,7.07377135467826,6.78816336418218,7.15777314335517,6.78705097231018,7.24518331100835,7.35607244670078,7.07530514448429,6.92073978913364,7.04572786507813,6.61082674418161,6.08464890541729,6.34276106581579,5.97642843698444,5.74481283310959,6.17870411570965,5.91258431046699,6.6217381558719,6.20315663860741,6.1257030911173,5.81944811362617,5.92204260753328 +Amn1,1.30596557442362,1.38131918703122,1.25337451059253,1.18372829843558,0.955463557138875,1.38832551362887,1.0260725189319,1.39399965360855,1.31223981755884,1.16497095173028,1.16657642997479,1.39633272127286,1.83269255721898,1.48598068344341,1.09064505834991,1.19641657909805,1.09112868276683,1.27789749424039,0.956818451684284,1.70353440062436,1.2671364942605,0.816944236070832,0.938834718038359,1.03815273226493 +Ccdc48,1.57752139253298,2.70692920472097,1.23355504690565,2.40050680556192,2.64459170512624,2.37685436750941,2.75334516173696,1.41917843093275,1.72470161490332,2.67503690454535,2.93476077711366,2.5468142543218,-1.93702765946343,-1.24416605283196,-3.38761752482269,-1.39676988343309,-1.70455595858095,-2.70680806253009,-1.49326180041346,-3.29229317784272,-1.90576292458481,-1.81380590090185,-1.26655721803505,-2.26695619133286 +2310035K24Rik,2.73340834961582,2.76586006206621,2.4418992536161,2.70722861240393,2.66254825894027,2.63142486807005,2.87163175273662,2.68270452822689,2.37271155731084,2.698499953976,2.72221913290591,2.41075675579996,2.93833132790968,2.95787261972024,3.14176129650643,2.97296278132786,3.19196343856014,3.10312043790542,2.95533821680478,3.01909925710646,3.16455867232861,3.05599281446006,3.24107214997831,2.98563177160671 +Cenpb,5.35090410776898,5.32617734869332,5.66503540799619,5.38616619223258,5.15684895597658,5.2109330601611,5.32884733480072,5.51926439591673,5.38101518466075,5.33879479160842,5.257789495984,5.1098479589641,5.50551390118184,5.50515303266892,5.65895711906056,5.55639085109772,5.30866666752575,5.50760257993618,5.46878425674304,5.53036183525765,5.5223667174377,5.69978773639491,5.61645958737283,5.40147009271522 +Shroom4,-2.28234733917068,-2.17239925130126,-2.35656763244656,-2.26679117589503,-1.90791069750868,-1.93065284847756,-2.3603377451035,-2.26557643223183,-2.12538444685389,-2.96238149089562,-2.41097348922311,-2.53747717475875,-1.67187118519391,-1.6401011424047,-1.61791286254647,-0.80414532067648,-1.45149402999684,-2.00017076455237,-2.3189466812209,-1.89552483511297,-1.90958364815998,-1.88801196598424,-2.16277583639835,-1.564993008942 +Gm608,2.15823401805367,2.23938988620757,2.15631417421268,1.93671884408612,2.72597446325902,2.76627125837367,2.39779737329902,2.41851885582281,2.13331108810146,1.98297313511624,2.59112187754155,2.28202391658399,1.89967004139907,2.15727446495888,1.98230403883449,2.11892978580204,2.64208149809887,2.34679854331121,2.43827981079068,1.90783239722674,1.8822692596442,1.97982983353636,2.5682785220855,2.49564509922768 +Ddrgk1,3.9767338371682,4.13749044706671,3.90817073497017,4.1044374527711,4.06754360872251,3.93283353081049,4.01256916820532,3.76708173969042,4.01983778140083,4.21637118549331,4.13591953195685,3.89007832030527,4.82481748595489,4.80858838199152,4.69481229227555,4.7810290798,4.60864445273648,4.49152465585605,4.91084899142959,4.73625174518479,4.80273906348602,4.78407796747772,4.82614370647092,4.67099308370581 +1700019G17Rik,0.748066082452198,1.06934451748376,1.19479364280894,1.07648401524665,1.11507971283319,1.28615665773863,0.839699294151791,1.40703057195292,1.31828557440389,0.863220295799265,1.07482635034161,0.974996572784068,0.553807015163599,1.02225629593687,0.769805844479531,0.821788210047551,0.0930290308209469,0.203770402084411,0.109839963264002,0.788059230139419,0.69639105945644,0.573272151460349,0.264315144648461,-0.0518584958857242 +Aup1,3.65418963290324,3.60302822254126,3.4850696771333,3.9737651741435,4.11019097645462,3.91419745577711,4.00528200402959,3.40302409444297,3.82604550284222,3.81332615771139,4.20468635409845,3.79601496132727,4.38654895025828,4.46388844120614,4.37147407366734,4.26761969812184,4.63764998786241,4.44572810646201,4.72623017863026,4.54391246237449,4.33807521126484,4.44966451018583,4.62145262602561,4.49742583546159 +Htra2,1.41594979783683,1.34909886595503,1.12414222439511,1.45779144582447,1.4860224451746,1.43137115760741,1.77515868804396,1.02400366551549,1.11498306281675,1.4792732377402,1.42670682799517,1.53966318007586,1.37728641843406,1.51163928992747,0.894671969411478,0.839226522946203,1.50666416087403,1.09826144635503,1.52650040394616,0.686568010700636,1.17893861711938,1.29125332687387,1.50843962815605,1.30671196129966 +Dok1,1.31649371405706,1.54949204596625,1.0859387784948,1.33321126090858,1.28257926249092,1.07774960911478,1.22996234820848,1.45667856467335,1.55185537175596,0.785045137618374,1.05205305184877,1.02437779955336,1.52849632985666,0.905072831633278,0.771594825894405,1.1383455342199,1.02028303103958,0.823535297197065,1.53833019010543,0.947088614107806,1.16528833586896,1.24923491146916,0.81311153459284,0.702471765725791 +Chrac1,2.54992357375775,2.51865832799601,3.06177920698037,2.61660836398149,2.21739076299588,2.55920210439879,2.66859551435181,2.57337295331286,2.81276010104685,2.55046418560592,2.50010397316736,2.57047491198005,2.71979658095886,2.67421602394575,2.92112455194967,2.68163826763644,2.38607720706845,2.50263883036873,2.41754577527751,2.96016054119277,2.91280549200059,2.78726357866059,2.33296969659356,2.4058549307991 +Cep152,-0.135732511182937,0.339035647804987,-0.261316040257816,0.592136369255954,1.18721437322059,0.750477188084945,0.868896589259806,-0.968250734629869,0.295039434012654,0.823651589076818,0.91385776030258,0.725776202285617,-0.0438469439025448,0.0514497366412163,-0.77316346761721,0.156884083041521,0.863714587844056,0.14471539985687,1.08024957065472,-0.870900370759012,-0.143275916724837,0.155616998159525,0.947602647057919,0.683292794261759 +Rpl34-ps1,5.72498726056005,4.14306231419733,5.80772295778254,5.07993274937753,5.08939806795578,5.11434043595328,4.53507023955964,5.3964896691225,5.36892766044144,5.79185069357785,4.97429116984455,5.13645221272357,4.8224045921494,3.77428831621638,4.38996798271251,3.65544291074087,3.98128040623021,4.2748803079543,3.51526395687844,4.66307499661404,4.22031378827811,4.62680302738429,3.11795780062509,3.63857258737275 +Uty,3.00611613187308,3.04594296365683,2.99184783565669,3.02155676791732,3.28694885667905,3.11846818494017,3.11661144299262,3.05311097843604,3.14455222428373,2.9205417932666,2.98469549379093,3.07362716622671,3.66354468560747,3.37637971824217,3.6668602724621,3.57958164924681,3.36103556002433,3.58893257172145,3.24953612982311,3.7162550614138,3.78793399359014,3.4542965495316,3.29431028641025,3.4436769956359 +Mfap1a,2.12379112236113,2.19930299051827,2.22229453301067,2.28180640468675,1.89170411290216,1.93999776401659,1.7300568385405,2.29283953993965,1.99725264950631,2.08138176009284,1.86506371145019,2.16253859926255,2.78461775162758,2.6660285266729,2.8544287909984,2.99437482622162,2.55722914445737,2.57583634325281,2.52029610522624,2.89944020458337,2.89610495916173,2.81885023346044,2.57619384322617,2.6001468460843 +Aard,5.11833666439011,4.81285847895438,5.21414337834731,4.90416885743067,4.57341983509877,4.55910529361178,4.75648040226425,4.69224603255007,5.04800115362928,4.96196768992886,4.8751597993398,4.92412441109996,1.20869842575128,1.49618445352772,1.97801894907624,2.28345138645811,1.46810832591785,1.58271041150888,1.27243932241726,1.54262380525704,1.18188691818291,1.58162517887268,1.48652575647449,1.63781998705668 +Gng5,2.47268242254763,2.44702131742527,2.43111477499512,2.5505019877655,2.32059927871659,2.22594452937684,2.3549802412773,2.56987527022046,2.36646235017017,2.56968010738868,2.23204100782713,2.08118120120026,2.68314781906853,2.53207103595447,2.83718481670601,2.62976994130031,2.25523187665025,2.75846728320177,2.28327297599404,2.99227752662856,2.52615688660823,2.64788518318985,2.4914692625591,2.59081643641168 +Zfp467,1.90467913269756,2.244787022532,2.19526022589696,1.85382554927092,2.23360517598105,2.02931366038261,2.06494765244928,2.31149752473206,2.05817762505319,1.7928323727355,1.94063715754964,1.83168086922589,0.649712554661839,1.26746639240082,0.725879197468632,0.936304478533558,1.22173700920627,0.348420498247533,0.952291782924171,0.803935951112662,0.268141676401362,1.26966360147744,0.748787501097369,0.527141473648721 +Myadm,2.42587335246659,2.58712633632042,2.36805849595734,1.78658497292085,2.79384813978604,2.80372986267104,2.29268182108189,2.84298870697918,2.43255424325882,2.55957173966234,2.58071237343024,2.24259243547091,2.75812141141145,2.57872892367617,2.81249237289988,2.6790144779612,2.92064632801324,2.93188573042317,2.8812667768223,2.82800325069314,2.57700143521253,2.36503936211563,2.67390252832122,2.69917949095804 +Zfyve19,2.34907383350559,2.71755853966986,2.20149346866422,2.77177540329987,2.72088114583505,2.63935221736526,2.89819388455739,2.43762065537638,2.39159191236762,2.72664696596356,2.73209605930074,2.89566089006038,2.77874516486614,2.55696419907252,2.05165808229391,2.69675747088212,2.62176319951408,2.51720806596155,2.75978536166064,2.20341214689721,2.4782864276767,2.43022882326871,2.72747143087866,2.69162493320761 +Mgam,1.49571946943601,0.365938986105871,0.0597040690183448,0.51523673647397,0.496465871391366,0.0244186607328793,0.122005036194459,0.0289700206387531,0.125336779036203,0.54298156592727,-0.264594745623841,-0.229374863704941,0.216713746568574,-0.668706855387549,-1.37143623966219,-1.86251965364463,-0.156187448025034,-0.890925651291,-1.33476503388089,-1.58173098506881,-1.28669785507541,-1.27191405468059,-1.17300598155051,-0.830293859059956 +Gjd2,3.91441334976899,4.26182516507089,3.88290884883041,4.0488065303123,4.11983985373943,3.77440026730777,3.76755619170678,3.88408803577194,3.8711535292584,4.06499070927345,3.9568866932152,4.15469056658527,7.28360052135611,7.31299030722446,7.59512722083975,7.56984738927021,7.06626980552279,7.16704349725905,6.77442457064987,7.47705999771545,7.54325860925087,7.6320001913056,7.02629522031975,7.12695446171872 +Efcab1,5.8386471650845,5.60682418936649,5.74217971943381,5.55462945680503,5.3855313183347,5.57354540707026,5.4877014190488,5.88081746721948,5.64958024073018,5.54443089253359,5.52583649081471,5.72296785853076,6.82497766061236,6.41831523120159,6.52070448598874,6.31914496892114,6.13930961547241,6.74844646664333,5.99890106500398,6.88682094378917,6.50464441914776,6.31113243375217,6.11522950024892,6.46557875225041 +Clec16a,1.48842415569148,1.24954653502783,1.40968909066212,1.250211655553,2.03121818712644,1.93048915941261,1.70226885185165,1.70187780330646,1.29489070610136,1.20849218777377,2.01039349839674,1.47397858039771,1.15285978154839,1.41455050671161,1.10013565994556,1.35046199192788,2.22212981950385,1.5270548849445,1.95926977751,1.37503297638685,1.22338000496408,1.45969487606572,2.31731016301535,1.85811171436022 +Cd59b,0.780535808229676,0.312916852546344,1.6184027493182,1.16650344270537,-0.365588593303707,0.163522345829898,0.411710308218153,0.82667543484088,0.755879699086466,1.02796051720464,-0.29131448723873,1.22671551535355,-0.451444420942725,-1.17988807537338,-0.051112161412064,-0.0054785435330298,-0.76138621122787,-0.640189029804696,-1.00560671785861,-0.60918120429093,0.669594380103796,-0.0577730812596248,-1.13471316176353,-0.626121725781779 +Gm10250,6.00710811808922,5.17378970072132,5.89402385385862,5.72265624047886,5.37656839322237,5.50377563207565,5.65993659262257,5.70323537750735,5.78502551410201,5.64316377799321,5.42767846854985,5.7620203617289,6.0273591393911,5.65289604672164,5.95690960822828,5.58135628329013,5.33146641867476,5.96579570657659,5.15522940084202,6.16872418653466,5.81905591220216,5.77866577929923,5.37790731249825,5.54989802478164 +Tmem167b,5.39128720565186,5.08495769638679,5.45011604465949,5.24150971187326,4.80885165724608,4.95293537468672,5.08576677636734,5.26511222937956,5.31694267154502,5.26518985255416,4.97328217298368,5.01781470338978,6.29349794110218,5.75730429690204,6.06370261190366,5.76225993783608,5.68591730147443,6.06664505163542,5.76884755473417,5.9936300463504,5.92278858344321,5.80375143224502,5.79031920739971,5.87775487652382 +Trp53i11,2.72589564905565,3.54793861003254,3.34307302338115,3.30650172176029,3.22447560205234,3.29404487846071,3.03491755101985,3.54767799653116,3.10756109313806,3.31255033288522,2.90823515398846,3.23795844294459,2.8875401207943,3.17706056127521,3.11198528859958,3.38649111300037,2.54671383714701,2.57175056877474,2.87274210665103,2.97540893187145,3.34751447057739,3.18466313731076,2.59874793305351,2.58288271401417 +Sars,4.91492545230124,4.86644643322253,5.41548237153244,5.24732076417664,4.39496295952295,4.38980684108001,4.65789700168817,4.94564802081578,5.09350528869075,5.18069167805772,4.55080200767238,4.71827966980078,6.21735353447729,6.13141990960613,6.13648799102529,6.08134198397007,5.90700200810405,6.001852152544,5.99504558747706,6.47849003893988,6.04125592216697,5.9535728113445,6.09810374628718,6.07623344252951 +Celsr2,1.37961394124316,1.1815998651399,1.07827121900048,0.843708663547707,2.19145549411777,1.92642189741398,1.82332521607745,1.79117177896862,0.915872287101839,0.904112601746028,1.98773872959451,1.46116366048172,0.575188931240572,1.05913600517194,0.786277983038799,0.493849996932775,1.42918158936243,0.865674973327479,1.61610400644604,0.348881862408151,0.426775570857078,0.623373505540973,1.16023889163457,1.09486171862807 +Cry2,3.78931600506487,4.29559565264867,4.28630725681639,4.75178329654032,4.71984367762983,4.5385052392063,4.25750491267654,4.09586007205956,4.51294921448698,4.86401622449157,4.93933114958428,4.59269485092228,3.55264441108597,4.10323919760736,4.15323492017907,4.86168833463474,4.64995459315912,4.28849957441536,4.30049290592469,3.84780628248604,4.2964094920433,5.00138288062553,5.02301136088491,4.59812452219941 +Sort1,5.41512517426744,5.35829262085217,5.44630152651848,5.14416090722205,5.3491292127918,5.36872049021775,5.16643018584261,5.67333652204802,5.45821627062657,5.13879344460971,5.22913357627756,5.25818031162764,5.51262924393303,5.5895162440826,5.71281576330122,5.59962262943011,5.46562796918222,5.53614863698673,5.48486474206163,5.67658889331625,5.44053192182544,5.61321181915817,5.44448271528795,5.44402865479289 +Ptprz1,-0.665396735131381,-0.162764613193755,-0.908106975008644,-1.64039936876836,1.23694762815445,1.00615342054347,0.183248610993702,0.0832236763995042,-1.02822747398238,-0.770592728838216,0.370940639793536,0.477070337030262,-2.33522940173456,-1.88431074859012,-3.57607786555309,-2.94110282476024,-1.59288857694416,-1.49657228003047,-1.26171294217565,-1.97103128680028,-1.65563672727183,-2.58479640666008,-1.39109448923221,-2.06977271735462 +Psma5,4.11329374130906,3.29626890069207,4.08782459670922,3.72296622197165,3.23186544395996,3.42286116358848,3.27594786481144,3.94146937749457,3.80943100476989,3.97615751427838,3.43140116468963,3.60956832231909,3.8698845559757,3.24437362186616,3.72320331417309,3.41945846750736,3.25310191185099,3.63361448685755,3.40648496541792,3.51494876068083,3.87047395426827,3.5102162665449,3.07404334505191,3.36180131053399 +Il3ra,2.04164848019162,2.11848167415602,3.02918859555219,2.19529929357795,2.16631763810063,1.88345267676211,2.00788983572126,1.93614937701691,2.7652997643138,2.36586872044097,2.26544241844825,2.33782071491927,2.37187956949373,1.90454566597516,2.86011336289742,2.12098791271288,2.55760720060156,2.30935639805007,2.74810723816787,2.32610290873949,2.51774053057114,2.93252636965263,2.66468349188234,2.25878035996194 +Col28a1,-2.16464893295621,-1.37937285094589,-3.01583688580994,-1.69162845907165,-0.541822945478794,-1.84847789545544,-0.902618444755286,-2.26149483762404,-2.85857033878372,-2.68422178439053,-2.09054152104679,-0.865309352137268,-2.53794237847113,-2.2236474913688,-2.20423679388909,-2.39843078945732,-1.28604031706353,-3.58517590963962,-1.45940110606282,-2.3471367532191,-2.63815302956724,-1.76427097542922,-1.23269802748912,-1.71572077966149 +Rap1a,3.36502877921342,3.17441454201895,3.56491777414157,3.23206422988432,3.11039582110201,3.12590149237489,2.94821019919263,3.07946444051098,3.22962440975564,3.31002294458489,3.23895766993352,3.49029295050556,4.36108760685186,3.99936416614997,4.14262232314874,3.77919319096411,3.66385815281877,4.19234650105976,3.59197356314711,4.35340041474059,3.91348516901254,3.76706865534773,3.56991660099365,3.95440440112527 +Csde1,6.47888849861806,6.33222710613909,6.59185186800309,6.34271964094092,6.0760843074224,6.13421245699359,6.12286381937101,6.46386276349738,6.48569069447918,6.34231048650881,6.1348836676165,6.27998447751018,7.1392638439419,6.83466717034123,7.075462175751,6.90889854716631,6.6398420283344,6.92812517279705,6.58400937134255,7.19211226823157,6.96215828318036,6.87237252040633,6.60968321012335,6.79843149280236 +Hist2h2be,3.39771417386991,3.31341440273372,3.40848300103394,2.95133122422201,2.92119268035486,3.24053209433164,3.30986857649445,3.68212138708623,3.38360687835521,3.01531108308936,2.90021761078506,3.41687890767091,3.43866430141787,3.20155274364903,3.06304034217913,3.13118295800533,2.82164572617029,3.25091661094254,2.59511175780434,3.90081163462846,3.24051523867317,3.09285644695106,3.04829823576002,3.16682552736661 +Hist2h2ac,5.11095974141389,3.43126855569889,4.94321083274299,4.73985664065181,4.24747139146632,4.31957041096149,4.50734484981174,4.99863289493977,4.6701271857278,4.58450050418012,4.4746753677551,4.28853259628092,5.08852130734533,4.35248426345795,4.92597219724947,4.59238130484962,4.42417572002474,4.74501094540862,4.73982343821672,4.62141386477435,4.50757965102471,4.7305925276659,4.4061464076511,4.29868549727926 +Sf3b4,2.07629492138231,0.960851610868459,1.47241623023354,1.81156159406476,1.89605949803232,2.08383088977008,1.59166771876271,2.01962250130916,1.76822073753992,1.61193836281402,1.6404445397403,2.0456070725278,1.37072809200391,0.867476193373224,1.04539153892558,1.43430315931603,1.60580004892358,1.54865850017013,1.78595279021478,1.00027020568528,0.98561084951602,1.32984800316088,1.53933123777894,1.11105641366183 +Gm12258,2.24850052624878,2.92795243147052,2.16093356176001,2.76414374671171,2.90929905081915,3.16905614208584,3.05460758597111,2.56067116424723,2.34903878936742,2.47566526369714,2.81891081964162,2.93155803993458,2.39937287895081,3.02071587680646,2.21416177465652,2.83756176654387,3.35120006931713,2.70889570343062,2.77260624237817,2.56974829122353,2.07569039127925,2.06647510658958,3.04129571762363,3.01126497128849 +Selenbp1,0.384387225749922,0.614075174801357,0.774740826291622,0.870602225704146,0.525227505798006,0.0353091439420654,0.591772384140771,0.696070987127209,0.359143810088478,0.583760324529734,-0.0534566845550599,0.0900948016350429,-1.25753048184476,-0.770783865774322,-0.166129499688247,-0.349343518245206,-1.11000783004786,-1.64351625535228,-0.549321593687186,-0.30591390328568,-0.94519702260246,-0.106236989450903,-1.0617679163808,-1.43220778668381 +Cgn,4.26170634892508,4.49217385351297,4.19576106452104,3.97070287313392,4.30690928678627,4.37977043694379,4.47702504177181,4.37492366573023,4.12666089315699,4.00075758750889,4.26393507383817,4.22125755187627,2.74467855553852,3.56499702165754,2.92979227513744,2.96097358519365,3.03714702980784,3.09856566676433,3.90097514895978,2.86656545290953,3.30425933612415,3.21253284820744,3.03313268900968,3.46315887241088 +Ssb,5.7118130587044,5.54386595607834,5.57715056144732,5.69447897271332,5.32544999741497,5.36907991813597,5.61263321800265,5.26215589644309,5.54871939625595,5.65249764928414,5.54872956411788,5.72209957222633,5.48046358490577,5.3355750402718,5.26705266124102,5.53592727578777,5.31911103693449,5.05314945926136,5.13787686258386,5.1459919130335,5.45790865384275,5.51578785393477,5.3193047102432,5.44854492937267 +Clk2,2.3060964756313,3.10099782574731,1.70105793877672,3.09693464041873,3.4139093841496,3.04269128484465,3.38937160719006,1.80060685734868,2.40388812348759,3.05468706785546,3.37651719908955,3.03543483804839,1.77419172822812,2.73079393828615,1.55913567691341,2.51429524594853,2.88731473673497,2.01417204081938,3.0466155281615,1.5316512502159,2.22326020857507,2.46875847095325,2.78260670386635,2.73496851361085 +Dap3,2.79350761425973,2.75710781696453,2.65774126212502,2.73079742236856,2.93727485596758,3.04337032060015,3.03076165560672,2.32882581031242,2.60187201406208,2.82054930006724,2.95588822193924,2.9645725362387,2.67851956306313,2.57557828858239,2.45157982530594,2.69928971432542,2.83762311928809,2.53419155915289,2.92848394669443,2.48110021031255,2.60028637083652,2.61076890628301,2.84298947016084,2.67349544941912 +Msto1,1.21440718905272,1.31144150618376,1.72102615715985,1.62999355695697,1.17706497620704,1.38918751586649,1.17707686447474,1.4450815349565,1.52471491175376,1.78667023370666,1.19619671640528,1.24919305696562,0.676039520819663,0.987591288707567,0.922235195282213,1.17795495818265,0.884463616262036,1.00677663381418,0.831284393704941,1.07018322882174,1.07524443762888,1.38004307789919,0.942467704273867,0.806013644042608 +Syt11,3.84356511296546,3.63841072196338,3.65036753130484,3.43342303012777,3.5721511170483,3.59680129879524,3.60379049504685,3.84006429730358,3.69855751811644,3.48774033167838,3.5533768554986,3.73949125147174,2.70770003662148,2.79876344796164,2.82620977988765,2.6735937488253,2.62677785780111,2.74697889057461,2.79795616337449,2.6043103208998,2.54902987691019,2.88101529497376,2.83568992988106,2.78703771084325 +Zfp619,1.13157104629319,1.38969374685418,0.994553142706829,1.29408306436957,1.44141870622277,1.42349375051938,1.6089794939905,1.29089666849453,1.14922146030645,1.20896249928432,1.29880673247448,1.23786072668759,0.909494886479571,0.954905286875268,1.01335132713113,0.630860323246436,0.801125941649001,0.997711144272138,0.990081885208793,0.829484151496314,0.694422541894466,0.860023821645193,0.973499888759584,0.922455572342725 +Zbtb34,0.940028654762092,0.67998284941886,1.16089710133976,0.600836842806883,1.62528535861006,1.6527766045135,1.1176629627458,1.50434783911809,0.714700365370246,0.573965592147123,1.28327894204818,1.03622381994564,0.505608917976306,0.606331644334389,-0.120786344455698,0.630141679259997,1.37069866631689,0.453182072423209,0.937582538264154,-0.164060130324307,-0.0219308619350209,0.179569320525604,1.16428013833251,0.86988383133942 +Gm10254,3.35800389773777,2.98307139278792,2.98206559568653,3.32391807656814,3.30720912127261,3.34626613011803,3.04937545809299,2.59173147409045,3.29794974026499,3.04598315759858,3.16963459053905,3.35866927196959,3.15877709100981,3.02658384318099,2.9743015926525,3.82435791634462,2.98542366991637,2.73211659469924,2.9752981934922,3.07381726859119,3.44663592926252,3.36860879176897,3.16370167216427,2.81554491993647 +Urm1,2.50876514265229,2.33620536579285,2.73782960665632,2.69037729412213,2.40460767726523,2.48123498271488,2.32077035328132,2.53059532271915,2.44770836399116,2.29491617761033,2.30959337645278,2.58480121010868,2.51866174986968,2.25365591669636,2.58429711708847,2.43902346081856,2.34711903616098,2.44119798847634,2.41747185300987,2.41336116767001,2.73145668580255,2.60333378040547,2.6116205988184,2.55545214723205 +Ddx3y,4.29026483681276,4.49807961371832,4.4094630910889,4.68812550503168,4.23735112269018,4.1886811755207,4.15510900780458,4.24435105118098,4.54915783681045,4.61320394209065,4.34036211164517,4.45458638308748,4.37575326735121,4.60493037434916,4.62140506030981,4.7293351742278,4.43748860996971,4.29545340796587,4.2028651762439,4.44141727102069,4.59951236438901,4.79087327567531,4.26523392506953,4.44434826160282 +Eif2s3y,3.50337036492713,3.64765746530731,3.54206827143112,3.95775763188367,3.77247789383991,3.56180732890955,3.75519499836408,2.95976561780935,3.71249677086849,3.96376316370457,3.63443917709083,3.54445333394507,3.3952670261337,3.61129072946209,3.4054364932289,3.68626858692729,3.82045704536477,3.40779047675462,3.56578528092452,3.18125459676,3.75872968087115,3.69278932587318,3.65173644746947,3.58711708899874 +Slc7a14,5.36894961676256,5.3620414529137,5.40570346900328,5.18549206750468,5.37251101593142,5.46998606737453,5.12184775619215,5.8073409476566,5.45261994832872,5.18406537978757,5.24469834767316,5.27479884842888,6.0794595290003,5.79748739933177,6.0791731515848,5.93547644663033,6.13372305631509,6.26322228943375,5.91051084655017,6.21982438626662,5.92103331029142,5.83575256749417,6.09249782443759,5.94803900085143 +Cdk7,3.15624010704867,2.91247386873161,3.4554526765505,3.09320866747112,2.82351402458986,2.87699455470377,2.80126852835937,3.24613276483722,3.18884494439662,3.04615525234342,2.78966612714307,2.96459859955966,2.83809457835093,2.25361164675897,2.81097088319426,2.61145129883501,2.32885038280353,2.67421183189751,2.46242919351028,2.2637594263577,2.71260204068626,2.69760767525752,2.41254164016707,2.39006798022639 +Pde7a,1.69082431368229,1.8698910549437,1.44635182597787,1.82898246046561,2.04544844929577,1.89891258128697,1.96610383753011,1.52728378836576,1.5853504638333,1.45027318366739,1.78885369573609,1.9535660268727,0.724689066887575,0.915926724412173,0.768403484407824,0.766655218960178,0.860565776733838,0.682270737003558,0.732102777126471,0.611217111472538,0.663168278766662,0.507705883047728,0.964863663703996,1.06472292365205 +Zbtb10,2.58453402001017,2.79631143876316,2.69822403837055,2.68661883040709,2.6691835373866,2.46547846883736,2.65576093786941,2.68408566374846,3.10919761011084,2.70030638301772,2.62815113169464,2.61449515510566,2.11240208473904,2.17042926240382,2.23051467089763,2.23575450898177,2.15860602222364,2.15515281544775,1.75952971982667,2.36630676473146,2.30250869020497,2.14888803530108,2.09129626643759,1.96856427302365 +Gm17352,5.65879423668827,5.51342810059582,4.814877646395,6.79211066180269,6.600269103137,5.01548635959831,5.95460799834006,5.17865036455441,4.5614744268697,6.82291449515594,6.34913630439733,7.08695459053712,4.58234963999237,5.09125086711734,3.72598771704375,5.75406117976146,5.55376859468096,2.83959016159236,5.48619234309513,4.65869915345268,4.68759712063936,5.76845526150429,5.36940292846443,5.79938824629085 +Fgfr1op,2.18416690380075,2.38099054500531,2.17922896355293,2.28299918774034,2.20448642688795,2.25382226073363,2.41381226474673,2.23185606540806,2.42214752074098,2.20830366387903,2.3111956420306,2.50803491514301,2.00366292980028,2.04979696906514,1.72018650573585,2.2093599583624,1.93829356772699,1.88434061894786,1.82836858636506,1.95498561483738,2.17806146253449,2.12209996913927,1.96021046840403,2.03158379113676 +Gpr98,-1.17679562305308,-0.445766317306345,-1.14517409594085,-0.983585051795,-0.0495275406468165,-0.0970748150209078,-0.0738193918129308,-0.683025868463928,-0.750500090141605,-0.618426957425646,-0.402733472378286,-0.635509272668528,0.137459958044575,0.735851590212966,0.123505466177003,0.325724622764876,1.04573728954182,0.550603514747183,1.16574538147914,0.363635135490666,0.411192329989926,0.0127631313188639,0.85128370882263,0.996652197311977 +Zfp72,1.15171547594825,1.1310351980636,0.649227592963038,0.621068245838355,0.42387715945434,0.390419502415594,0.891399070775417,0.714373049159108,0.482061034416714,0.218289472379349,0.537157817116197,0.721718145416604,-0.481512515582378,0.423913731497326,-0.170419356660788,-0.200793236082788,-0.183338287605085,-0.497498496491084,-0.898417018334609,0.086026870537947,-0.46458594231013,-0.383248061869326,-0.455170527642594,-0.951596706391479 +Zfp874a,1.45036228199214,1.62750560947884,1.63140779765556,1.15854599911107,1.04669336996396,1.13361181602313,1.21648965826237,1.66727452247554,1.4236994019353,1.37067501416066,1.49735947146724,1.63900523119537,1.49986265437604,1.23915197475683,1.17168900158483,0.174944187319932,1.04741217871374,1.19215893647807,0.882848806560362,1.89652362725145,1.32750925048279,0.729336627800721,0.780104665978426,1.21018512496186 +Zfp825,1.38817236929838,1.44387415498951,1.51518736787098,1.98242518664449,1.07598334417706,0.61845444459078,0.501769261723698,1.74986049818184,1.70255362725573,1.4673823656059,1.29484218779441,2.1213000909487,1.37963490707283,1.34670973691011,1.15700638677975,0.512744289433188,0.896306571166484,0.733853804825109,0.264112476950567,1.47000173657518,0.938015760273502,0.226020275541814,1.11823694564676,1.51763849088622 +Gprin1,5.17572907340954,5.07773559667427,5.25133114857767,4.91764910534029,4.9065326521199,5.16800630482604,5.00827853443874,5.30605886389947,5.05039396117611,4.9973429658682,5.08197133773018,5.02267874726337,3.90448660155057,4.07696971898242,3.93706515630482,3.92624045804941,3.92634250700472,3.87573217322137,4.1003615523536,3.90867712137801,3.91221781820307,4.01038356241413,3.98095707285641,3.96222798535639 +C78339,4.12935441872491,4.00290566931919,4.00770644581616,3.92704994979903,3.79525202011583,3.76987578770622,3.74539464303546,4.0384123969495,3.9700580470939,3.74213020358853,3.66961319419486,3.68004916609485,4.06692237585147,3.99809301441521,3.81279214066749,3.91948285929498,3.70170239426689,3.88597231258152,3.46292444253564,4.15444013959781,3.95971551816886,3.82291858934348,3.5935979842572,3.72810981261352 +Dusp22,2.57514757347126,2.24674185772328,2.35500225122128,2.27695894602287,1.98308934829198,1.96243674047396,2.24669470065694,2.26253893556685,2.27521118301919,2.04352671218371,1.94310041019099,2.12084883329753,2.37663263046358,2.56834331634145,2.52396808573589,2.34835362179986,2.09447173895055,2.40857030594854,2.37246996126061,2.57527312635053,2.54214861188681,2.43053043881094,2.17030356608206,1.95959506099996 +Hist1h3a,4.6320276315735,3.73665561609547,4.52608335055248,4.36530052075417,3.79916603942993,3.6272808332626,4.0086332140657,4.24243627198306,4.81192832229867,4.20239406537283,3.64976133262912,4.10406682091462,2.6393214775994,2.93415531714217,2.98998320173969,2.98563160290069,2.42380873873761,3.12888721193775,3.07403277158733,3.13420368445193,3.3433487707868,3.42965381902902,3.15765622112046,2.77256831346976 +Hist1h4b,3.80879734373473,2.44848781190458,3.86870150069643,3.84271087829955,3.47059049226967,3.63822392741413,3.61367964807673,4.35039204351396,4.20850398614629,3.48171022177909,3.33857124277892,3.49460402619764,3.59165062524491,3.24350067469075,4.39276554383593,3.73833486675373,3.1609256276696,4.21963553956568,3.51911899104999,4.65391850171613,3.95008848349308,3.25875285288368,3.21731808965063,3.87645250052113 +Hist1h3b,0.449957988777091,-0.427803730544153,1.56660559360424,0.463379448181958,0.702582909337872,0.495082046242526,0.439506370908595,1.57464312373141,1.59666887535735,1.74904798686482,-0.194821580580381,0.683232144563246,1.15721277872028,0.620211293553684,0.901759028171477,0.760768138578489,-0.105851517941043,-0.604501928834466,1.2157441677792,0.929740326065421,1.51507347735154,1.21640300537593,-0.656539286487524,1.26495320114366 +Hist1h2ac,1.24979779878925,0.59357936681014,1.33213200594095,1.00502101650744,0.954389018089774,0.908237819900337,1.21660036708098,1.90283684873449,1.51160748312312,1.57104175306147,0.629210840126329,1.03596933678852,1.30565597969755,1.53845892041299,2.1962093451054,1.25932646668235,0.65736099102369,1.47708384378813,1.46976265229267,2.12498169258569,1.51548470336544,1.81371890716314,0.64121621757765,1.37904857688291 +Hist1h2ae,1.23955056583046,0.361929772459651,2.21702373897102,1.51372593803,1.44285561740691,1.60075877230381,1.54369522164444,1.24028986115523,0.98661349179771,1.42862874226757,1.79950539042752,1.42130227125975,1.86863924981183,1.11213451370297,1.38056935182413,1.12892887139651,1.2893930308393,1.34904411189098,1.14162875649336,1.8881576202113,2.29214397089191,1.93221243089938,1.17145792322365,1.74120145593061 +Hist1h3e,5.59739619604528,4.76568451791934,5.9305771987882,5.43214795799839,5.01703233498393,5.14572921984756,5.21873865058039,5.6205800494192,6.10776176148261,5.63601686791216,5.26019688492778,5.21200816501086,5.65432047914706,5.12649233088132,5.92770681606316,5.29589238611242,4.95600032439599,5.76602023177315,5.10270631388149,5.84616834611874,5.80771656249118,5.51210758964683,5.24901985118897,4.97640802652059 +Hist1h4f,4.93204964649957,3.67323510727886,4.74106915588369,4.80411267543457,4.10102434534829,4.1187687972923,4.15793812319999,4.73088485948175,5.20668731270934,4.5663861439636,3.78793856128608,4.58143323730962,5.30192703617381,4.92218601155065,5.78707299215504,4.94634829509969,4.39159724916263,5.29302941438484,4.61656418798119,5.18503736583481,5.54352407193944,5.34700984657825,4.54652402193207,4.79856272221175 +Hist1h2bj,2.16056022681016,0.46353555527711,1.39871593353813,2.1763345583906,1.65830710225697,1.20568388168991,1.51741076972912,1.76295360710947,2.39503807596765,1.52046298280138,0.440791605657113,1.54551371745886,1.46112726618016,0.89030506599367,1.06044049419909,1.73349210677357,1.18550575550975,2.03689926098155,1.74619199187043,1.90092937580323,1.76614196069495,1.53833057869265,0.089668014670595,1.33265128840516 +Hist1h4n,3.96557947385266,2.19575186034674,3.57380517123056,3.2143248852356,2.96678259101114,2.17453020908752,3.48027110857996,3.70558101348369,3.83030955177504,3.27502048484103,2.78866251490314,3.51370480593846,4.47940450296159,4.24577436035177,4.89791686862335,4.19906133527467,3.71111570250286,4.19373548135239,4.25904234990804,5.10240954968887,4.48950323075481,4.46433672594265,3.8855090118629,3.45895249766029 +Hist1h4m,1.80755836366313,1.5318013435144,1.59180621902638,2.36942484387885,2.09719983008675,1.9391163879225,1.41921828341782,2.5655113163211,2.32918141661159,2.71047832734847,1.60950405894507,3.31169685751058,3.08433334859147,2.07918622286295,2.57380272870455,3.42566459217712,1.61879631711396,3.90257100678277,1.93928227735867,3.88986791584554,3.17002617935804,3.47647082378669,2.21763148057075,3.67143949636756 +Hist1h3c,0.792941434735905,0.522153372709669,1.96064653070442,1.34248309771462,1.12175437599834,0.886814822614981,0.982357893070939,1.9280813957058,1.99734380180562,1.07612334767434,-0.217905193693422,1.19317484665605,1.43787537335245,1.17956470513692,1.61472086957348,1.39940695516837,1.28009313646089,0.873064373647155,1.58716952524895,1.6287946620141,2.22979525662641,1.28624745048745,1.03125480842319,1.68785832155925 +Hist1h3h,2.9543329714953,1.46648700064614,2.55240315984844,2.15626563957234,2.03819722078361,2.31383419353422,2.77699103473982,2.63909793417751,2.92870415371314,2.8034049557847,2.27619136807883,2.50776962334202,1.71202862931551,2.39378370752877,2.41579296703963,1.26500153555198,1.81808731191371,2.37958894405378,2.26510949340247,2.47629051478117,2.90106693956714,1.56179007308728,1.60679255042835,1.71124995600378 +Gm4950,1.85336868824112,0.0469409106329718,1.64970911309236,1.57808975743807,1.48751489995437,1.49930117013285,1.6737377488827,1.16713623199095,1.40367795105521,1.61659733300049,1.5069978967463,1.67580721773448,1.99468438262596,1.20730969561983,1.90527013925159,1.87909028932976,0.48057055169119,1.62030461633741,1.10226774802926,2.07612621094422,1.80962325898307,1.77268195146257,1.16624513396926,1.79036053339246 +Epc2,3.75068311448188,4.26055218490494,4.2924087554129,4.34093710467955,3.98364260445134,4.03587815686241,4.00159814209054,4.16364043070203,4.26753726860412,4.25617073681203,4.19032810861723,4.20618073923325,3.27112338207274,3.60064178898646,3.58543566465543,3.60247400483715,3.40893762908965,3.30595970770674,3.29334284088239,3.66818248281603,3.56788782955029,3.63083320552206,3.33180612605317,3.43258412002423 +Lyz2,-0.325921848888557,0.428350938389904,1.27697173743215,0.0926952941889471,3.39475102819536,0.102258801195606,0.639139087358731,-1.7431624647272,-1.54225255759665,-0.41370190788405,1.18803479026325,0.354396548318396,2.32680552124148,1.26313226735239,0.286284224790302,0.68029282400091,2.9140574892356,1.37587881557782,1.93371612057005,0.355256981858094,1.173988559252,2.03236568055882,0.573347888914394,-0.25868258634801 +Tmem19,2.99054630447032,2.8482864586023,2.96413813070524,2.80766579002625,2.6455993638038,2.61474656054939,2.54457184006621,3.0097002127669,2.7749012071721,2.74814277150795,2.57178193295225,2.64247727890764,3.59100093997026,3.64081887480891,3.66085052530061,3.64798841799279,3.22978493599751,3.52828501246821,3.23735742973108,3.81971836869775,3.52304336426912,3.5111223480485,3.04463498216871,3.38254592721469 +Scyl2,2.86830598968948,2.69593289336644,2.72549437439113,2.77633409373371,2.59893941947162,2.52489747173598,2.64754811887208,2.68408411135588,2.84612346170838,2.55005198857599,2.57025411521006,2.68782131072857,2.9203597739475,2.43745243694272,2.71709494539136,2.68351459514518,2.53594797017022,2.66235077122576,2.48602671646362,2.6536140913391,2.65230490010464,2.68813969977245,2.51002934207684,2.5913185449919 +Gm4925,0.618265284621667,0.680932555511896,1.11273669004597,1.09336275810511,0.85259473225973,0.850397582953813,0.990973991368301,0.917349892633044,0.940337202331164,0.657323165966936,0.598673883663806,0.962756601291459,1.18252344117305,-0.129482098453705,0.507127831166728,1.16324149252285,-0.221082686161725,1.02610811966893,0.587592008987452,0.236213243554259,-0.0805114276865826,0.833961653057272,-0.393654461094985,0.657076042997624 +Dazap1,3.42479816028812,3.86782365017336,3.57953651141663,3.75784618731145,3.93707428142822,3.80689327241396,3.78669437083207,3.76272758592094,3.51201354106728,3.86458667698373,3.9687250246921,3.74168375091736,3.32353833636097,3.81501405047722,3.44403796348611,3.54760815811883,3.73015603468608,3.53363244647454,3.84228932075908,3.23246744307599,3.57333374463271,3.64698223820182,3.6375318002503,3.47381480439258 +Ank3,3.18622901275052,3.48305797443365,3.27118011478084,3.15579504296404,3.68349506104384,3.7790793090967,3.50588902220256,3.69196027025538,3.09958916169515,3.1046077417413,3.62505045161956,3.55599406975897,2.87712401666041,3.11891175640994,2.88396057091041,3.14652869110664,3.42720985660137,3.15302664386947,3.44408074199746,2.723229259572,2.64205581477575,2.93060842276707,3.31675888599859,3.25548774802164 +Strada,2.38327993595175,2.40027887919614,2.2829003246911,2.38878564036631,2.4923204436307,2.33596077857035,2.36739115282084,2.19395224203859,2.29622640189383,2.365437496297,2.39270060808822,2.34444650465515,2.69503761966595,2.47178281953464,2.57810043228348,2.67413283433869,2.69783236474996,2.45635582893632,2.59773233050695,2.61452395416363,2.52813311758501,2.48506106561088,2.58998994351218,2.58720042573884 +Pex11c,0.797039696040402,0.604670261381238,0.831196386654198,0.853206074433561,1.09425865722509,1.07991229089584,0.898755343733349,1.02128015691943,0.974881407453755,0.640670990565319,1.08833691386702,0.656976355831711,2.05627438818014,1.69540922854812,1.57508270588664,1.89869804016346,2.46798403421661,2.01510771929236,2.56638580363832,1.56617935957954,2.01199544417707,1.71104391208279,2.36368382572048,2.50637612121671 +Marcks,5.3554006021534,5.41095094626983,5.27547254965302,4.85689700092495,5.15343100729501,5.04995089601026,5.11640916059352,5.81397966472284,5.27194290829991,5.00515394501107,5.22038037308263,5.28071149760998,4.48083160623593,4.72727479522272,4.64245121831851,4.39929336657175,4.04809976341534,4.38556091856982,4.00920579840064,4.77871732293061,4.80021622695577,4.59130364511942,3.97573160735439,4.29829446330739 +Pcgf1,2.02429768021383,1.93105483747251,2.13345840039796,1.98089650454456,1.98047187126848,1.56984534449315,2.0306773311366,1.8585826916305,1.95831421872139,1.99482723760398,1.98785482080881,1.57326361595638,2.37821217218353,2.25471768407591,2.1977157631835,2.28401972597543,2.07636117204608,1.96351928475132,2.02064274352813,2.13074872991588,2.2500053036069,2.14825499965906,1.60257794991878,2.24959770815309 +Gm10275,7.37244583798087,6.50834414343809,7.45214271408884,7.19081448683428,6.89375791560883,7.01316640232452,6.87364326094775,7.25914607542945,7.29649419348103,7.28423067394216,7.07951295673561,7.29425649486665,7.0702630202678,6.41848321202743,6.89334059359535,6.56989055982572,6.30911365159357,6.89070516808912,6.40860505499648,7.05614330100029,6.79273775513146,6.48148161242296,6.40300372325699,6.39072412074228 +4933406P04Rik,1.99383704813977,1.99241387573111,2.14104101115122,2.15223058083166,1.67544939728205,1.79558357109458,1.74832119033952,2.28693897626757,1.95095412852664,2.24969481565727,1.80897282402874,1.45695998347601,2.01195674331025,2.08475919978511,2.40067366195408,1.92583651731993,1.19835778720384,1.83363317704578,1.76539615277663,2.30709579049057,2.26094334613819,2.15335959915901,1.8060292473197,1.61609294999335 +Gm5595,2.0181880403549,2.02359061906091,1.90510469370669,2.12476359295146,2.06084999695392,1.99146597427306,1.90949283733271,1.66975143232117,1.84614499302966,2.19009582330972,2.20471007936248,1.96590483716348,1.81858263849362,1.67523622374016,1.55565003967642,1.83090371919656,1.41555377640793,1.39783196194314,1.30539181537272,1.54442428498339,1.41209842108177,1.17255525507958,1.62851676092377,1.45234295753962 +Arid1b,2.84478096286488,2.93862660539813,2.69651446049613,2.70719703063618,3.38687735347579,3.20376458912816,2.97334940264769,3.28575890792479,2.84087941601295,2.62615701589802,3.21996297315233,2.95102501566958,2.24701759615305,2.67663458909564,2.19175083605816,2.56567063154042,2.96783293248046,2.45661993931314,2.99794082995643,2.2155706683748,2.15207178170452,2.41081541270471,2.88877642738532,2.79983238336726 +Zfp820,0.0022699515377413,0.406995787815779,0.441431873335288,0.500931609918209,0.045784649294105,0.449631026647793,0.14010577834955,0.779873439228183,0.745896947590962,0.75616357527242,-0.357262169341925,0.122116306249058,0.105421848685227,-0.474470649073403,-0.937429761072759,-0.0302658245748026,-0.46625185736471,-0.959591004791728,-0.726880536625344,-0.503769410184914,-0.371308400353177,-1.01840526174459,-1.9007948218223,-0.864292309086989 +Psmb3,3.53245479368255,2.67254467692309,3.14959011618925,3.09033881556098,2.84123297658922,2.81673064332469,3.09567220950392,2.91593858411253,3.05241717760281,3.02419463718542,3.02153280922083,3.01687904981875,3.46909499483565,2.99225099833577,3.3481275781642,3.34090351380838,3.05241134972842,3.14456990813619,2.87200387659872,3.16929768233438,3.15621154591522,2.94693155197977,3.15342966539813,3.16271653192522 +Zfp125,1.37657932051526,1.30446719728917,0.895277026716221,0.337229461270883,1.73965415370079,1.75598628886386,0.755212715077408,-0.930937782294701,0.305470906375814,0.47981946076901,1.27642076040475,1.48610964555886,0.626098866688409,0.652416308334054,0.30916036214002,0.76561045570222,0.810638316842782,1.32409124758694,0.245932049137351,-0.0609318907361717,0.696339104941046,0.495416129873599,0.116825605232438,1.09476253074554 +Msi2,5.13845714930594,5.07962920829753,5.24345011922458,4.9545811804046,4.72876051454276,4.96996635006679,4.92051380406388,5.19492871522551,5.29326182828457,4.95780238323674,4.67183031263956,4.90934976967797,4.63717891157548,4.63396605375836,5.15328802006124,4.80787349010048,4.335257596852,4.36729300643855,4.3051758523766,4.79261563886116,5.16732815818983,4.9352932948993,4.31105724004392,4.33985058100352 +Slfn9,-1.57998322146746,-1.26245920403764,-1.62838013822813,-1.64123398696611,-1.30411667792964,-0.96183238287674,-1.45039769783988,-0.979114499880764,-1.39653327677625,-1.83107254791223,-1.74555307684513,-1.54594567622711,-1.21853593609657,-0.315756765835813,-1.44432472208982,-0.840030352836805,-1.04334511422377,-0.836761983661786,-1.01055708300849,-1.45060615491038,-0.454828324444638,-1.22927887334849,-1.25283578913473,-0.655052961678378 +Fbp1,4.57464347700322,4.15760857941541,5.08740606347938,5.08782817819889,3.77871710658193,4.04731803841375,4.07210748837283,4.29148526033333,4.84779287163821,4.99887962185525,3.82112078299283,4.49814559420755,2.10531575016869,1.59009857600286,2.53030045209359,3.52821809980101,2.14718240044013,1.8812367628511,0.829746409905035,0.348811797462505,2.60424211705136,3.6508126541429,1.62841260775657,2.24620027403952 +Cacng7,-0.339802673351034,-0.710646576070588,-0.26514091540114,-0.393513709040075,-1.26472049115509,-1.04731864932946,-0.569669229825227,-1.11256736582427,-0.116911399896038,-0.732539548217998,-0.647020077150899,-0.370189665571103,-2.86652927316866,-3.50349748003846,-3.50349748003846,-3.50349748003846,-3.50349748003846,-3.50349748003846,-2.84192651236603,-3.50349748003846,-3.50349748003846,-2.92571260299269,-2.9083760559944,-3.50349748003846 +Fam57a,0.317297013838657,0.2973176574509,0.0568018836136766,0.717865406886256,0.477658972239969,0.452152405070959,0.443440096163047,-0.0408545724561744,0.500981083120876,-0.184658007948875,0.142688643911602,0.240920683277445,0.618278055513941,0.67009473667998,0.102569822200721,0.132563569874443,-0.0062603514289296,0.0693831671722487,0.418278229481361,0.355139296106035,0.796673505865552,0.345604997602162,-0.0498860513626087,0.316093444486943 +E130309D14Rik,2.77690590061589,3.25764261080189,3.09788628137712,3.23435298297793,2.96841393604526,3.08099740175389,2.80567854428507,3.32557801493926,3.15171551280426,3.30288029707406,2.78660859371108,2.81377741247082,2.69427546446061,3.01838742681762,2.85302484943343,2.86587506745971,2.84299031496843,2.69907721773416,2.93712465185733,2.98847459306699,2.88555887071302,3.06756278635277,2.73399830251164,2.90560820888811 +Ahnak,-0.0128942541085149,-0.410240140994556,-1.02339934615337,-0.6382438745159,1.24038842295367,-0.388311135591915,0.084503304908436,-0.714466452341857,-1.01784096340434,-1.15635424334289,-0.122961409650936,0.0397879226824358,-1.17934702850789,-1.46095066176515,-3.127280157787,-2.30954621440644,-1.17596500395724,-1.66592911370059,-2.32356061267236,-2.60666017590542,-2.06420155882906,-2.46532608969063,-1.96023489761921,-2.22264975524664 +Sat2,2.10993724428456,2.00055443243145,2.52545971633902,1.94330048250896,1.48828981152134,1.95769310717521,2.34246788353394,1.74823364242995,2.34542641051239,2.25721071148745,1.6979090567124,2.09133421281461,2.02892747804433,2.24190295769568,2.41901662348913,1.87074202867345,1.85591046033648,2.03692450576024,2.27131662145663,1.84813468524251,2.39506878711422,2.19510309994749,2.08865970862063,2.20452730537374 +Sco1,1.82362592952687,1.47825138123997,2.00847357383701,1.80650647979259,1.60722528074081,1.40346128532359,1.8270663511663,1.73268785899452,1.58782911791433,1.5782357660705,1.36164988232847,1.53927549950368,1.78009920170354,1.68419541776838,1.87149655180383,1.52831264619578,1.55654874292827,1.62808227268016,1.70108618099025,1.64217108872151,1.59147052538681,1.86371676094224,1.62640742569278,1.80216170022101 +Irgm2,2.25572139526372,1.81763200639043,2.05800417472735,1.64502246321526,1.58088131288655,1.89706388289113,1.18384553155791,2.47446686006092,2.17801387215339,1.81664807817888,1.72351877281329,1.84125831114987,1.48879248794534,1.52979027874512,1.68680713363389,1.38306228696816,1.18354907460692,1.05761203751594,0.873981980003441,1.82173628978653,1.60303877405319,1.63860097594736,1.32842195154735,1.33682770710133 +Atxn1l,3.41484864681202,3.556020909596,3.49851550247242,3.50647546496384,3.45037137319477,3.52525451703289,3.33839293790856,3.62141203493393,3.54201928050391,3.34959470591574,3.39947338245365,3.37636643374691,3.07414481192199,3.3204233140216,3.16831850042975,3.3361370550624,3.41061206440164,3.26510585328959,3.20439259441248,3.31800807664881,3.18444134788851,3.26162892924616,3.31913370108969,3.21593988242934 +Gm12166,1.40264726961765,1.14957047701727,1.8872768574255,1.78275434280842,1.34371014760239,1.26682787548532,1.34342100358562,1.99777326849886,1.9713197221514,0.969197123630272,1.48571484311802,1.42402376796799,1.14376625347991,0.89988172173523,0.673482676944049,1.44751032386245,1.3029928195805,1.39146304434208,0.878534042741978,1.54525096799352,1.28789707580289,1.57221276537491,1.75835270762234,0.513712137138842 +Ccdc99,-1.56047054632078,-1.18090917695575,-1.38652836162837,-1.27219475744735,-2.2299942594864,-1.45510729425162,-1.14204070424297,-2.04729915733333,-1.23003538374646,-1.18934799954665,-2.10911002407626,-2.08136702991399,-1.32321913852957,-1.59844840326076,-2.57637510418334,-2.62360752181374,-2.58628343519089,-1.23139346687681,-1.80944926189184,-3.50764599727101,-1.1355459785689,-1.36335736057121,-1.66794227008704,-1.70917721944376 +Fam196b,-1.92123764103973,-1.13961766142395,-2.04219604976177,-2.2214628418902,-0.361652040066173,-0.697695831238653,-2.24794067251813,-1.76945229650184,-2.25940619709134,-1.73215946460262,-1.04183647839364,-0.927856677749821,-2.90136381789923,-3.23521674143458,-3.44003860716674,-3.48727102479713,-2.45475231950553,-2.91611294739637,-3.0490391826378,-3.58839457532381,-4.42452337734147,-3.22391605728435,-2.66965599829628,-3.60217087504997 +Anp32-ps,2.16815539874145,2.73956132243359,2.15986348660378,2.31276567405963,1.9999341572311,2.08841521432187,1.85771158063767,2.32083365846633,2.00283104317428,2.87167402720661,2.10545762982723,2.64056392826576,1.83342434180739,1.67318654438787,1.57797059125859,0.178657374859559,1.68066157269882,1.81693554631966,0.738776347870076,1.96030320916447,1.72099179757728,1.68660998446906,2.11866031324472,1.11826133994691 +B3gnt9-ps,3.77493900208184,3.50682240043067,4.05627778781186,3.802453783911,2.92487556245053,3.1738793549533,3.43728984907258,3.46225980556906,3.87546015267566,3.78083960212878,3.05056302610331,3.20767136163248,3.67152227767891,3.00496850768357,3.61571774098985,3.17305231168512,2.69695874543191,3.06704620954088,2.89865606822583,2.88675632149915,3.455603454002,3.65663547766376,2.75522406429253,2.78642854546966 +Rps13-ps2,6.51260385760981,5.78306985643822,7.04594170597838,6.59992822113788,5.98687158744708,6.29978992617535,6.1129339968877,6.63491648009089,6.66452903932965,6.74139796616515,6.23494426406438,6.29030226853003,6.01442838089568,5.43074261080118,5.91429285533663,5.70060085488526,5.18019328996932,5.78126394325699,5.09905006931302,6.04463758805799,5.88813014310893,5.55211741377683,5.03541498574657,5.38585899681265 +Fcho1,0.319985633845524,0.857709411237322,0.763476143164647,0.890757010221008,0.332268391783688,0.230341248466714,0.643872381204085,0.0988765340930908,0.597025489779837,0.86399821437786,0.273872819290176,0.657745021484433,-0.680617763259699,0.325659592695839,-0.67553729224074,0.0023279661047088,-0.190442148149209,-0.352458086376983,0.497980403659342,-0.606063127925563,0.169965936867506,0.265775425126529,0.0628613903313817,-0.0928078576362612 +Ell,2.84258579831554,3.23048454677507,3.11187303035482,3.32405619357408,3.30157248430349,3.29938632498118,3.27777192224717,3.13918149601328,3.10826243769466,3.1805103619248,3.24143479424097,3.05044032170408,2.53734282469715,2.80898683586512,2.767875813916,2.62454636263433,2.88573806374407,2.70573293638217,2.99160455010325,2.71476298517115,2.70455698273883,2.73334851127451,3.1094489803806,2.85525332581898 +Ssbp4,4.42154437468669,4.59098923437068,4.68268610908659,4.55335396977332,4.43419127392421,4.5302259086323,4.82270071625998,4.31714628157287,4.59270015561494,4.56009583530935,4.61835261322033,4.28635320482499,4.56852891489465,4.58066042441825,4.70902395993903,4.97295907253426,4.70851768171148,4.50417508531254,4.75983270037741,4.2209199827369,4.68271484972197,4.99393866056584,4.6519884999165,4.38755177316726 +Fam149a,3.06809038304428,2.99353235350985,3.34825295958154,3.10182249677877,2.89120239009129,2.88413812227345,2.89004509900127,2.99769676135034,3.0317110484063,2.98235185232775,2.72362688853706,2.9449581095321,2.07218665287698,2.25624669389169,2.35027173605251,2.24353370108003,2.18599122698654,2.20087852379455,1.96083510017276,2.12392066847284,2.25352188422514,2.37861438895769,1.97738379656511,1.98804010475372 +Fat1,4.49295801363375,4.34859371533045,4.358608405677,3.76651905103226,4.53975052181347,4.66652807572489,4.24140428953812,4.95808889823247,4.31599826911526,3.85933995104686,4.35512894289588,4.43780069930948,3.23058317367013,3.33952048755642,3.16285775423711,2.96294287615008,3.26473178839633,3.35514847481751,3.16508180319681,3.1263645786363,2.93527092860338,2.8360539672176,3.18263430661349,3.18504012127411 +Mfhas1,2.07471452554423,2.00867787521332,1.57021170749691,1.91385602916448,2.14202201121083,2.18321895038977,1.79013294130859,2.0660894093661,1.7868728356201,1.957561675902,1.9026512556947,1.95388195709376,1.28898581548563,1.91978075936406,1.06811357447696,1.00736821282407,1.54578736500434,1.12946638616829,1.37510705986011,1.68663893378757,1.09042870460925,1.3561053344616,1.53163653454967,1.45930690833645 +Gm13268,5.9702816825371,5.12208139013101,6.11503951616399,5.91386351237491,5.26099140988737,5.47844532291267,5.35142258742848,5.69225903960391,5.66462823163595,5.91745535075555,5.51657486220457,5.63069137271212,4.94709679098105,4.87098943866689,5.10015928672009,4.55896149766141,4.27376458499347,4.5828003094014,4.19284228752522,5.20842997414568,4.90549155724549,4.46116947952049,3.69717010489835,4.16538298682966 +Slc22a14,1.77877653977979,1.64913483044186,1.47586538698842,1.76511335214695,1.76633993379581,1.829943705299,1.86122602126682,1.66899652057061,1.71712356744155,1.7621665256075,1.82422659279168,1.81910579308708,2.05698410346234,1.97005561319003,1.89884948536391,2.0211355359424,2.03653872526834,1.98971834023369,1.93985761430156,1.88870523242753,1.96833407009782,1.90854191941685,1.97957131317278,2.17705571926061 +3000002C10Rik,-0.20394479456879,0.856315599327858,0.145003557336696,0.370422949283453,0.865389004012937,0.133511719656629,0.555035681594293,-0.263985258889892,0.280721696429671,0.359390981287124,0.440048202502083,0.276600645598439,-0.571469685732484,0.337258256655756,-0.509361909028834,-0.347340410836855,0.0775165642457307,-0.0203958195069847,0.715032912988771,-0.0218286562239887,-0.127110878961319,0.431950808338435,0.605477983495678,0.343802104810614 +Ndufaf3,3.85663354847392,3.85850553372194,4.18459456984113,3.67829329230582,3.6329833190488,3.57588888060802,3.44185229620915,3.89783558669092,4.02882983824505,3.84421135153671,3.57335956603934,3.61916151634523,4.09627652356398,3.96047203950117,4.57165183795398,4.16685206920171,3.83998210414284,4.23879598765978,3.88100658286249,4.30147099565633,4.2586843315406,4.43181309898539,4.01924557023559,3.96114223775512 +Gmppb,4.33235801631739,3.71918889422262,3.76701968682437,4.20036529756257,3.93181073178941,3.80036679760637,4.13864703922652,3.46635211145154,3.88006614560611,3.95278329641639,3.89616011987012,3.7473303542526,5.43132538139896,4.54266482945009,4.89426054089171,4.73961143514412,5.36428318004637,5.31044486164669,5.36758339410541,3.97167020460804,5.15826780188058,4.6331671343096,5.2819914769596,5.18090846635453 +Tmem22,5.74524282057341,5.0390186340959,5.55307133394151,5.26146717108936,5.01389110788228,5.19628842605095,5.20281462628274,5.28920876810571,5.3449289861124,4.95864505936514,5.00384556365983,5.20570352352459,5.83293486844012,5.2788485440314,5.76422328112694,5.34607095680706,5.03488983471706,5.44740040685419,5.19365537021367,5.5720720856048,5.57881392084077,5.28127227061547,5.13810529208801,5.23649665652828 +Scn2b,2.1446076944861,2.02519549051316,1.85567235721224,1.15809258994053,1.64936762053171,1.39920661276592,1.87673576092846,1.82516289992148,1.79945106337441,1.36126197342471,1.57132472524154,2.0080066060602,-1.967192358369,-1.88235134473714,-2.10288913912184,-2.29708313469007,-2.57254103462419,-2.45134385320102,-3.43763798471596,-3.12362548112846,-1.62770733702081,-1.86892790465595,-2.52831949714296,-2.4372765491781 +Mpzl3,-1.2741639208429,-0.18728636644611,-0.876728833976609,-0.903993377642399,-0.887627014550777,-0.870379714725646,-0.341386358575104,-0.657359129981155,-0.0068765790181823,-0.906780441825868,-0.98290619723336,-0.667447779890878,-0.083604428290406,-0.214812439778382,-0.119112880790947,-1.41478475259876,-0.854220328331204,-0.325330807772744,-0.367762237679849,0.012407525997256,0.0904260211256305,-0.472319482083618,-0.548215011881228,-0.401211526418876 +4930581F22Rik,-1.13569112138378,-0.383164982204011,-1.19000452970824,-0.162614430253283,0.619732134511906,0.322697259183256,0.667848830781952,-1.59413526869139,-0.446106289790947,-0.660478103466254,0.342862078198338,0.401448711925618,-2.31387852097845,-0.655846528626604,-1.854851095141,-1.23169607801407,-0.930971463475645,-2.00028953402308,-0.908256416178545,-2.49622922228422,-1.32412234713258,-1.12589514013634,-0.756638199351038,-1.29643664125659 +Eif3g,5.92025775371909,5.61662565774577,6.01167245217517,5.92854355062316,5.61726717953494,5.56095822715525,5.7463365779369,5.65249452549353,5.80961501982161,6.03870897889883,5.74891347669605,5.66335704546608,5.88414792273946,5.59223306344221,5.68041819450197,5.61403675483996,5.67308155203493,5.6848612820673,5.7149406900631,5.45014603132334,5.89748835085842,5.86361755399744,5.72931970943147,5.77631157126245 +Rnf213,2.83357899665269,3.39705494831788,2.86611837647647,3.24076457478141,3.58017129153332,3.39904062537557,3.50427704049491,3.15343098654499,2.99330835840522,3.20115625281939,3.513869265816,3.37459067797405,2.02607267591199,2.73749018529393,2.18718819065695,2.70820017874047,3.05655375990277,2.45009797482131,2.88349824229864,2.21382389075782,2.34448880026584,2.54328460132309,2.97134335005398,2.82657340469803 +Fbxo47,0.580640005914364,1.01675460485978,1.03256603506907,0.857918981260692,0.35625080067327,0.139972777532738,0.704036993991428,1.44063102748165,0.874063471002638,0.160979234380475,0.102329952077346,0.803565010411453,0.812437332916752,0.464595203216361,0.696220913063575,1.17248882827231,-0.438047305977411,0.52976418808247,-0.307201473547796,1.09030086257512,0.910191112549182,0.764653724567405,-0.151030628725255,0.594583910432527 +Gpr179,2.13044793621898,2.33985725395135,2.29045327877468,2.57377556249718,2.13180666994615,2.51988630981356,2.38117688631876,2.29764007334269,2.305507914789,2.35313866132486,2.45564918415362,2.13572909994603,-1.66789587089508,-1.06671110623688,-1.98449514450777,-2.23372145755505,-1.59824317103903,-2.03624002986646,-1.23848572566391,-2.46427821192084,-2.01331565790682,-1.88084172209808,-1.63317509160355,-2.57808867741763 +Gm10288,7.43748544717451,6.78888505570422,7.74078600628194,7.56853173263305,7.25576284230565,7.17311090299126,7.05425611397282,7.2963478951423,7.56498279029227,7.65637030993361,7.27273828422564,7.2787256705345,6.57818882175524,6.43676006520012,6.74559094048332,6.53622582209559,6.06229618072456,6.40791105031009,6.10267407316181,6.77808019735945,6.5143203406552,6.48170586707356,5.98588558587351,6.04624186762238 +Ccnd1,5.35385722897635,5.26755615064576,5.49713489785096,5.44792205870795,5.55403926499056,5.37487090084398,5.25293998107324,5.38264279525536,5.22670346447261,5.49920651940162,5.48339378697722,5.47390863697372,6.24550038592125,5.76644032332633,6.00641997385206,5.97338381722424,6.54643747497191,6.32962740437956,6.17519012505203,5.72431205061624,6.02839041116959,6.08074980190435,6.55695344322542,6.47389120357385 +Prss36,0.704829992675071,1.12595503576063,1.23527373708509,1.25824449179079,0.804065985704129,0.90142862202489,1.33230473036616,0.956914410744745,0.943962651241661,1.03904345926894,0.85714340668083,1.25174980350356,0.55470254284033,0.868948093109475,0.915045115074745,0.726663818478007,0.989344536580242,0.778180454180182,0.715616986076759,1.2267173094185,0.946759156210161,1.07980077860918,1.06792684607736,0.37898973628418 +Capza1,1.87047162535942,1.45641765768206,1.7264434401345,1.62886784509346,1.59787651572468,1.73305623566584,1.47331446503113,1.99244819133026,1.80695858967272,1.73044307708838,1.37043725432572,1.57430387386581,1.66649879728091,1.04832272546881,1.26409552370885,1.06875566189457,1.19948652458802,1.75471505507348,1.1181935753385,1.80722808838235,1.32853545774275,1.51112368234563,1.20518980282052,1.37396577257549 +Gm20634,1.68278527990974,1.46910365233596,0.849266237486829,0.653953201588275,1.41567094564325,1.17960612906353,1.33638398833756,1.70666241765206,1.15809996408976,0.987978214712659,0.892527118578375,1.74305944250643,2.40358667714603,2.404170656385,2.12748436838476,2.01323476581504,1.95362647577977,1.91829485558585,1.76471613516053,2.63714574464052,2.21261039291012,1.8481106613749,2.13817321631491,2.1171902606618 +1810027O10Rik,4.39637803440698,3.5538529976601,4.40353860931184,4.32502055881243,3.82571608961785,3.74800604873332,4.05516660196193,4.39973373864525,4.30760911439181,3.99161245515556,3.81507036862787,3.96711977971252,5.28839318900625,4.69564391512264,5.12831617912801,4.99703602106372,4.55882232151942,5.02190393905195,4.390647952132,5.1411809786314,5.15369113575307,5.01991293734012,4.46120086335665,4.54404155218662 +Zfp498,2.98188284592188,3.1178165848077,3.15200288691976,2.97651141698568,3.21730678225025,3.21497132710977,3.3752586949954,3.36542998589454,3.33925635047313,3.12295529500886,3.29157098739304,3.0915921951587,2.93991749635854,3.26963260094508,3.32134395217409,3.46767186736604,3.43322293275751,3.1808914224427,3.67846559561565,3.1150214051276,3.21486351144839,3.18992163815327,3.42635224514479,3.19049508725656 +Trpc2,1.2385184672681,1.93473611646702,0.560893647727023,1.8380729230071,2.10043788419148,2.01055449762563,2.06354822633183,0.599437723177683,1.30761443891718,1.79517583626994,2.26097514647888,1.83274992562595,-0.024728419555812,0.863293853640613,-0.0276593205838549,0.712797981308687,1.15828953703002,0.479444724191799,1.08082917300885,-0.677268192416407,0.627638971445421,0.661053175022928,1.22385178210936,0.778025362214422 +Rnf121,3.05234139535419,2.8200663199769,2.7828371189446,2.70740855176249,3.0319489780343,3.11401215492227,2.94623438827297,2.97839543587837,2.73945325441446,2.80752165348941,3.02829792625683,3.03662174810614,2.75567824439484,2.64972076495995,2.4328135796611,2.44092516641378,2.79017992452423,2.88973242412887,2.68079154328028,2.90617924472937,2.453618856954,2.55824203533022,2.94861504595996,2.65779205839815 +Il18bp,1.68968822528291,2.11228540819211,0.924601853358175,2.34788244792736,2.52662431485901,2.41607566414687,2.19587296805895,1.11862415990807,1.4082303794437,2.39711804135949,2.25924615248434,1.98297212868,1.33956715131864,1.24706235095094,0.462717776128426,2.47353269029692,1.71064182503121,1.27678789431757,1.64672978751676,1.17174396664948,1.07779216318136,1.26204984890427,1.67394836934128,1.54340382894647 +Serpinh1,3.93699919320133,3.88471733811188,3.64037726362112,3.96060531096061,3.70590338498372,3.35072186044996,3.61130979556473,3.54717481327421,3.58615497872023,3.77996346236409,3.3250962231781,3.74237954691569,1.2815237825899,1.20104407502939,1.04188457337161,1.48106813240214,0.753589402286041,1.03540038624425,0.810484371997054,0.687380442897656,1.15433864550465,1.1151788496753,1.0842193848748,1.58776196158315 +9230112E08Rik,2.13748827533096,2.23634176458826,1.07374956127363,1.98773639476905,2.93765016602777,3.02396574545803,3.00764123477476,1.24503410000627,1.13920108817137,1.32475135720988,2.73354213761469,2.33653874136896,1.73117916838497,1.74397392860973,1.18209202036881,1.55101478908164,2.79623452441567,2.04965471349807,2.93273338536476,1.3105056035919,1.16695867665552,1.87461969197692,2.41425094177754,2.5107724268052 +Mesdc1,2.79035482521768,2.64028499574486,2.84787878026392,2.83824659726912,2.59661488165238,2.65091260975743,2.65711759831377,2.71983166944064,2.83255739807231,2.75064916371563,2.54219608809123,2.67563188123272,2.02349911699556,2.52798964502844,2.09911550801853,2.36067108467127,2.33178682720672,2.33277060922763,2.4269419700273,2.33244448955494,2.21349067175188,2.2126076670058,2.24049245521304,2.37452081703018 +Fam194a,-2.32120338751227,-1.78160128588537,-1.43768101128518,-1.50697534891372,-1.97962478822927,-2.17608835576113,-2.32875323792734,-2.93818586579757,-0.355927229573276,-1.20764544287843,-1.04702380374563,-2.24955161219883,-1.05190251041925,-0.0703009038309257,-0.11575275529312,0.0505480928114188,-0.273347151880488,-0.208237580180935,-0.854955990971908,-0.894140493083062,-0.572261830131394,0.528442283360829,-1.01139117198567,-0.45801793085605 +Cldn3,3.77734486145385,3.75572805556188,3.88546914233216,3.73207506445049,3.49302817663012,3.61973575414782,3.58325941781597,3.79589461131739,3.76413854656731,3.76745021754509,3.25794945266175,3.45087194579663,3.69848775422598,3.48385810065203,4.01603138192734,4.34277916243354,3.77321068053729,3.85803953397266,3.70738308211198,3.66115352497731,3.95716746185626,4.29707026229513,3.8473716457221,3.53692639695701 +9030418K01Rik,-1.68516523242965,-0.917417406892573,-1.15893341882885,-1.58933176685702,-1.32209039924413,-1.8530526655923,-1.39849547773079,-0.381821914594568,-1.16354217948119,-1.58729337088733,-1.69365085673605,-1.66211882882143,2.36745249872901,2.30138047921493,2.44745216951457,2.62240541099505,2.22879549305267,2.06378499611295,2.0923813013104,2.48448188795499,2.4799507088955,2.55250844812537,1.88066135229952,2.04100190763573 +Chchd2,5.58463588326246,5.08599046393904,5.27289998616606,5.25428664486934,5.18653157266882,4.91199884524219,5.1119451474439,5.51716783230503,5.2222746020366,5.38847954711474,5.21349137373055,5.35182232444801,5.6486300423216,5.31690220098325,5.61523004806805,5.34569280691732,5.33779599666552,5.72223768984931,5.11957065209412,5.83630807524765,5.35507374514201,5.32975521307289,5.41599416332768,5.51894990842551 +Tmem132b,1.23807035749377,1.67352391491729,1.16394162451778,0.886190619744498,2.39572346195334,2.16077725534663,1.5485463864806,1.64901989546425,1.01009247099789,1.09487536316545,2.08066790882279,1.77934442263089,3.97173160608816,3.94967366196369,4.45631595376831,4.17632760006284,4.24852898916227,4.12734510976846,3.8261908118303,4.40166255022506,3.95753552638961,4.10730126116281,4.15711812241172,3.82116976953209 +Rgma,1.08489089453523,1.18979635968299,1.58926979347085,1.50823754347868,1.26075650813918,1.62242012217366,0.949313975026707,1.85559524272869,1.40822766742592,1.86730238978437,1.8872868666205,1.25159173552556,-3.203238173549,-2.72052581540732,-2.29086336531659,-2.4677153209468,-2.97577748664238,-2.8783014137452,-2.82353733780819,-3.19209645232558,-2.68290460558774,-2.48862987972662,-2.94039725001893,-3.20370454931252 +Ndnl2,2.45337331748875,2.20661722572509,2.38611186362464,2.45979273968356,1.99069775025665,2.02850920080388,2.01445224237831,2.15302042007611,2.33325807951937,2.29118319632456,2.22894654650972,2.30944718007966,2.71244159150534,2.69108010647275,2.57262729711075,2.66114975401255,2.44329222557977,2.61528948996658,2.38708692050891,2.85971409183768,2.56129510919279,2.77984077238199,2.42766518137242,2.40534251867898 +Gm6505,0.624685026938759,-0.0635300196396582,0.699346784888653,0.706169571352621,-0.16467589937771,-0.372176762473057,-0.174200346492679,-0.791275330163767,-0.185027492790813,-1.56012961198676,-0.661134096305378,0.594298034718691,0.0448751589533189,0.428182918350442,0.53632404382991,0.753286735925162,0.605441435486778,0.0288891780446129,-0.0396274017490958,0.701084851542348,0.870507074029792,0.611694962050623,-0.192819386778611,0.989513912390083 +Wfdc16,2.83096466544721,3.26899295331184,4.10310855121966,3.95941762531335,2.80433042695533,2.62613478299596,2.77258421297704,3.25555074263199,4.02757131092692,3.97732179760517,2.62321539091988,2.355730293015,-0.405265304220926,0.616843008805746,1.16800055272589,1.30756882481193,0.362311289091245,0.292727076677604,-0.352767441638279,0.537197359457247,1.85588120186693,2.07421075536918,0.677110217499259,-0.0767422087488559 +Top1,3.61107264943427,3.51013215733416,3.21266152701613,3.49199243102325,3.8383977082737,3.63836701587094,3.59195828418988,3.34362634720466,3.32592087561899,3.37386868658932,3.6904409599709,3.56361674265038,3.33615004183963,3.24274718133805,2.96897212883514,3.38632256801987,3.66453877534634,3.31401540053309,3.34501195234143,3.11964207614275,3.20617197812591,3.34731329203705,3.54525707582957,3.53918734334579 +Rasal2,1.44291147456427,1.2852977041544,1.16948675261116,1.14696192018079,1.69864339413331,1.59775928585374,1.3443050552102,1.37719644530168,1.35027717764121,1.02274117965417,1.62408087106879,1.29638039882424,1.85897395953493,1.90119757852392,1.95566247270532,1.64091282491936,2.27228985438435,2.01958054490888,2.2124071342746,1.77932947719235,1.78728949073496,1.88827911775717,2.33510426466593,2.1136091862794 +Gm13072,3.29609459197544,2.83161455945618,3.79469428680759,3.20495797115981,2.82641038826053,2.67860888914166,2.79263203351774,3.65624586190942,3.51760551679359,3.52241140320944,2.80035942894638,2.66983014055139,3.6252094249789,3.35231603704998,3.55037229299602,3.6610914313763,3.26473842052571,3.23343891337855,3.31750234439232,3.27232270175665,3.3107764978143,3.5219638549721,3.24498331556165,3.3604473751081 +Gm572,2.51941571633985,3.146823268602,2.71951744333731,3.06413313746289,3.18449613664591,3.24160113666745,2.99197710091381,2.77270974264179,3.11007526557253,3.23529995622396,3.05050451235028,3.04208217723349,5.33008557344092,5.38865979267727,5.95101992034906,5.93208772901393,5.85260937753297,5.55009125533642,5.85025823527844,5.48969487936412,5.84049928150826,5.99885851195594,5.86955057518159,5.61957155091001 +Fv1,1.35815912058257,1.25843822251388,1.0526879457458,1.4396675466679,1.39655905171537,1.56245129055201,1.82209334728287,1.55311105352676,1.57653665087026,0.941803873454928,1.33933339219291,0.810024218787359,1.60267557040063,1.1387414051152,1.16103040484098,1.65699013828357,1.81879226193942,1.65683122637704,1.13230917992547,1.24178734835962,1.47735293212751,1.24102484670601,1.72644475229979,1.6743376693049 +Vsig10l,-1.09689167421402,-0.297401805468134,-0.731205144485209,-0.622443911091691,-1.03254862052196,-0.264314247083993,-0.303789955841665,-0.295124643402204,-0.663257495025746,0.091232572239154,-0.711984723743803,-0.734722282777375,-0.663513509099928,0.227073256338052,0.481058820122715,0.262458590265365,-0.287466421568329,0.357172162105949,0.195230513824158,-0.457932062798543,0.115042598553516,0.525906049287185,0.291937388822719,-0.366455575332753 +Gm13251,-3.37284899306297,-3.61196520267232,-3.50838606547468,-2.41214697651722,-3.59868258316893,-3.22773396131183,-3.67530034845012,-2.60994456046115,-4.05032071473554,-3.56839722797036,-3.62753438936344,-4.00395942523684,-1.60980237120036,-0.453377367190154,-1.55930491575478,-1.00109751273928,-1.66521822905299,-1.62648797432615,-1.02717271756525,-0.52869575149161,-0.671600581293084,-1.39657265393298,-2.06303677753637,-0.765027555797393 +Gm13127,2.42351442536787,2.37539987143781,2.19308709380783,2.25537444749461,2.2526295783226,2.38949079977147,2.41028653460813,2.5253012321774,2.31606091659715,3.25188895574028,2.21347697182795,2.36110951556734,1.55562840786571,2.39476146913588,2.54343502459414,1.7264855424718,2.22416753595495,2.29211195666017,2.52716971266639,2.11181512963613,2.48684343611763,2.48328992677919,2.5516285464876,2.50028633415853 +Btbd8,0.618399783116199,0.536890973427524,0.552366290613546,0.438741549401673,0.759957297486602,0.8553360865555,0.278296519058785,0.703661401782594,0.555961102548826,-0.0054947441078872,0.774530479423219,0.737273466422926,0.235480274283394,0.538526820533789,-0.630719835403968,0.119886180987198,0.247683429146804,-0.138899492005156,0.298125934089442,0.254929015218359,0.346193112894918,-0.123827747796572,0.459884986419824,0.520683816048527 +Lrrc8b,1.85895129397059,1.75723086577537,2.15025049006762,1.73206617889946,2.38635624421757,2.23679585870983,1.71428143039036,2.11539657543466,1.65023591706189,2.11266895704337,2.12926518078051,2.06077278183919,0.180218809937937,0.141333014917182,0.206711903270431,-0.575513166274559,0.0595650347925132,0.385775758954415,-0.0812456354844784,-0.544180435788159,-0.32689180622891,0.199294282181995,-0.0848777122683708,-0.0855598420135135 +Sox13,1.79403776950877,2.09959171943529,1.6611515413409,2.03657305514779,2.09192757368828,2.40280618123467,2.30833759518944,1.81342838464211,2.04548021589573,1.77363432655632,2.2057209724733,2.13069883909214,0.653671629452629,1.38813350618228,0.745665188918142,1.34513022915498,1.71138699584015,0.998477732099421,1.89572467582185,0.741524331700671,1.20706770002638,1.23692286719773,1.52580163604534,1.48486677350017 +Etnk2,-1.08554819124464,-0.91963085725251,-0.896860595133005,-1.01599021902135,-1.1877805858782,-0.912143613127595,-0.894430903364492,-1.53889315385499,-0.906808684996815,-2.00275267388285,-1.24232409011449,-0.813828138982118,-1.24769562869785,-0.779827144264591,-0.477820124764729,-1.45810017066905,-1.87614072933876,-1.34823941369643,-1.10732087177693,-1.49539647293827,-0.727337497763909,-1.32376175693578,-1.61918525623346,-1.84147072919925 +Rnf186,2.52286868551368,2.41215107070287,2.83003747254492,2.21115640299735,2.18806543653192,2.49800882842372,2.18122011410905,2.70555570091074,2.57592173763247,1.91508100697271,2.26039903995838,2.0459448964372,4.2096227483909,3.98221942950032,4.39115623025543,3.83731771135324,3.61463872812016,4.01208626829428,3.5828860923575,4.40139079865612,3.90070675442192,4.1107828100513,3.80140769579765,3.8948572347895 +Utp3,4.08139574337304,4.10886535455686,4.53581036953457,4.29708075756906,3.78061202102084,3.60673052862936,4.06790946025166,3.97410440020141,4.30493018226439,4.16527401369749,3.60329007109987,4.05579461875637,3.83006786804774,3.73617964353555,3.6941832892057,3.97986118194959,3.30631448203693,3.47331660110483,3.61883129955595,3.42398674040343,3.87327302219917,3.82690218222887,3.47336159997107,3.59166403157965 +Sars2,1.10504546557022,1.41035147648192,0.86483697827373,1.47552604967901,1.81269221973253,1.37362137936801,1.90261759947935,0.91068094841318,1.4984013505602,1.24922391863872,1.4524882307644,1.58049468192108,1.96009694127413,1.95383844676839,1.86157139093816,1.54531786120678,1.86694487355615,2.19100220095534,2.10787827657438,1.22646046032916,1.89341518057269,1.87379742017016,2.19403195094799,2.06044193025665 +Eid2b,2.68660685584244,2.28615297593778,2.66578277187741,1.96107531161606,2.37699241410951,2.45531303884568,2.23640843319494,2.42799081418793,2.4405737618172,2.2735387212639,2.3277383748,2.27890891523921,2.13837208003884,2.19465886801526,2.33634780261266,2.12696126228678,1.58119944664478,1.7562201776013,2.14538366613767,2.27145066816229,1.94965569442328,2.32858657026058,2.02021555539028,2.01568638983072 +1700049G17Rik,1.69229259041879,1.81843031005411,1.54066670785617,1.64060257329947,1.69003230172154,1.47930883571776,1.68775915705876,1.61234657878285,1.5631779211342,1.54264143811406,1.6299588801809,1.71041378055793,1.31513817071051,1.30978893643493,1.08928136435478,1.09426425674855,1.1142521567309,1.00631156208241,1.02471370864368,1.11978350246777,1.26722912980125,0.620127460664927,1.05836833416266,1.04317546651833 +Gm10282,2.53510747243564,2.25195869533501,2.94369425434049,2.38505305451029,1.49694462360938,2.20323646683917,1.86893266218881,2.38855090000547,2.80810308745782,2.74176011056346,1.9113079144107,2.15960167823277,1.81679444084063,1.94436005834499,2.56209098624595,2.2340137916901,1.75598354014758,1.836153350211,1.88152557796029,2.44990832227888,2.27693424437179,2.47080759639388,1.73983876670153,2.02848049624328 +Gm12966,4.33429896696931,5.03028148041589,4.79346125018406,4.90648607662064,4.39362917846549,4.45436206771153,4.70423849726753,4.76001123155173,4.95722782786932,5.27534146838752,4.51370490293567,4.46626289094189,4.13552948771621,4.73192345522378,4.46814878715201,4.37645114469634,4.49916978002531,3.61055115000547,4.39691627491676,4.1994892197001,4.7096106346701,5.05553594026569,4.35620555885292,4.52540076981956 +Fam82a2,3.54076092540285,3.39869220287564,3.28738066033347,3.45941913860088,3.30321832119097,3.34727700513358,3.43158722868058,3.25602305610311,3.27332238735253,3.36136686871878,3.42219527339138,3.56169696428094,3.83391641675591,3.74310592033416,3.58586937769989,3.9784173210362,3.8715407345322,3.91435308909017,3.77815638453908,3.83663269630896,3.87131268951413,3.83082583093018,3.91980801809816,3.95228329904216 +Fryl,3.96779946218476,4.05732323507844,3.65043759843719,3.75538826064472,4.38531687969165,4.47361564719483,4.2861276366229,4.09668616516639,3.86213334384261,3.688186625651,4.37021104442969,4.24332702406939,3.18033235416971,3.50897406339806,2.87125813275657,3.02294196795374,3.79202919167395,3.50763014878455,4.01360563334422,3.0247368560038,2.98393124164294,2.98729914449904,3.81573418518764,3.71892003852171 +Gm12942,1.84901963512631,2.48180377199573,2.61335614485986,2.34225128222154,2.1572043226649,2.4560011276793,2.33626340549474,2.62219416646209,2.39380439245257,2.52118848175995,2.3373404515285,2.5442302156983,2.26174625483113,2.62227081908293,2.5369929333056,2.41990916125014,2.13641667899231,1.85501432099538,2.50435223489727,2.5318319761457,2.46512870574085,2.28373795408669,2.51609623736801,2.5525402756385 +Dgkd,3.74978343604588,4.00962685718598,3.74486621111734,3.86940173883247,4.09072854824652,4.1831692236301,4.17056543039144,3.84120517004651,3.84919194503188,3.81461552413211,4.11522808295507,3.96791868070062,3.99719304475251,4.54491600721971,4.17746469746901,4.38740871143247,4.65604306558603,4.35976779067179,4.63629384154613,4.26497825254415,4.00919100039383,4.28745244231993,4.82026157902976,4.62304691811069 +Rbm47,3.1391487426348,2.96962894044219,3.17360404100261,2.86035210933511,3.2033416128842,3.12008013838971,2.80893457024653,3.46508922545336,3.00093708456628,2.87107828062444,2.96600293468319,2.96877754125075,3.71101103827063,3.36512122678874,3.65769032137945,3.38197389253456,3.99753560736868,3.76248134480475,3.64253637121903,3.29535950053401,3.32866208956553,3.24239491340839,3.98057007238679,3.60609428483851 +Pnmal2,6.95143279373202,6.77890546601655,6.9016566122215,6.92318914833886,7.07032687851147,6.93872282513257,6.73305597429665,7.06079446718207,6.81319516850196,6.93146264873197,7.1038870614933,6.97625105429,6.22647771063323,6.30804343675664,6.31382080200883,6.52696569910243,6.69419444695657,6.29348047214416,6.43663048949199,6.1124617826502,6.31889440293323,6.67863221086579,6.75887955775002,6.33337396141075 +Cited4,1.42360961581952,1.27064190279518,1.73811972734472,1.36850356344689,0.796731841100569,0.303978278815195,0.587935056579308,2.15685765619386,1.5932667525467,0.968661781065555,1.23993915761331,1.14159075402561,3.51129602190101,3.60129112209117,2.98047212177886,3.13836931287942,3.30158090237206,3.36763513468255,3.06085253106442,3.52121008462825,2.99851048010732,3.13168553201299,3.48704711257354,3.39747925590696 +Gltscr1,0.118998541570744,0.686712722287619,-0.581877190645042,-0.230462143232619,1.82692571142228,1.85627553250587,1.51319569048244,1.13353380404006,-0.247180133779661,-0.43182479796338,1.6378981845349,1.30860757185307,-0.553913690976118,-0.119297025238501,-0.273235114574349,-0.833947502004591,1.37788772916447,0.737180399372141,1.4317885921513,-0.765062206863324,-0.907967036664798,-0.556210110589262,1.000953575764,0.805847825878972 +6330408A02Rik,0.875457515313586,0.85234608128675,0.662629781964817,0.801921009080928,1.05703536016641,0.885320940869303,1.06668114135368,1.06660375801439,0.577293953581071,0.374760221093902,1.02364197744347,0.903859231954303,-0.113453006330879,0.296198873753372,-0.16376472486708,-0.279244479587323,0.164611000485003,-0.0077753924521291,0.397927951869404,-0.37974323440799,-0.18607942575913,-0.0316108991054138,0.135873325620495,0.573817144925793 +Zscan18,1.73848855625572,2.4499405398095,1.02481890612433,2.10000631626934,2.20805539571302,2.09821146819121,2.42702410281974,1.03802280597628,1.85958453554599,2.11321645009651,2.39135224180672,2.13680635958042,0.597722579624146,1.08344383437159,0.521855525521157,1.05447792054136,1.07417269377484,0.227342719056437,1.22221488701761,0.436661305546428,1.04663900833646,0.929099869265487,1.20207903981796,1.17421127175025 +Gm1673,3.66412950015276,2.56047159693905,3.67716158939577,3.48720556800708,3.17013438506754,3.26770106149698,2.72441756495499,3.50265142484879,3.60955740807574,3.3557336120653,3.17551014237187,3.31152739886939,2.12212081292307,2.27930660636074,3.12076013140974,2.28966465368328,1.72455253472252,1.99243139992351,2.43303425020913,2.55987596947881,2.73717496120961,2.37665783473648,1.83989210887543,1.75568659599135 +Ccnyl1,0.561579970934135,0.290044248761878,-0.096886451657932,0.221661547925785,0.28410336396932,0.412506997229559,0.0958580822552688,-0.110084606778023,0.0151465595131191,-0.529542929230836,0.546922698916006,0.159835263475284,0.654150909049736,0.314931370311304,0.196810352350962,0.486396547934769,0.597317475320337,0.635672048882286,0.559857931479968,0.445897504733852,0.52762747336962,0.330091197847851,0.445239602655189,0.389072038949163 +Gad1,-2.21876282897546,-0.685769729321679,-1.38379364438307,-1.25232524311704,-0.348754035516991,-1.50970887532302,-1.51972297408518,-1.74677367068652,-1.40821923453689,-1.65216702549837,-0.979001182739996,-0.709102498095945,4.21216223868115,4.47009161881247,4.93145178411022,5.11860050168035,4.49874807413259,4.27430639976451,4.33225205660282,4.14935559779771,4.65689209812502,5.11208636900476,4.68408940995511,4.66363778082206 +Ccdc173,0.0128954777272194,0.333792685644377,-0.640603166600003,0.0292483286902554,0.648795623044995,0.423837978256392,0.686298410943816,-0.64868389756801,0.023646851328579,0.785117994457862,0.715673712051586,0.517174494258508,0.396956680430242,0.886069596856369,-0.400590615159383,0.232869394384865,0.917711659176154,0.179754946255134,0.63698905585768,-0.554344322487453,0.343831072060195,0.233081036495853,1.01991264087691,0.894200934914489 +Klhl9,6.54120306894758,6.17572198162774,6.39323523916908,6.2601075605232,5.79671390446922,5.98045261892039,6.04140077721039,6.37528931248803,6.44284835241799,6.17578074895416,5.85964072643525,6.18025779307487,6.44031018625621,5.863250442842,6.31955188608077,6.01828817266435,5.76705623512586,6.23115712358548,5.61172264652885,6.2261122851308,6.22185347346568,6.01188758613779,5.81441218124866,5.8905074545156 +Rraga,4.92963528491249,4.34040381364668,4.60999669808698,4.16344993695771,4.6130857511182,4.77183301778804,4.38576011976038,4.65000239607366,4.44666274428984,4.37772090861035,4.61132178405165,4.46462127012079,5.00340266339007,4.69311972504553,4.80600879518088,4.46983792135557,5.04796012222183,5.07495521471383,5.05281353323852,4.67796687640902,4.93424320824822,4.54928038660694,5.23525670795076,4.89602283139348 +Tgfbrap1,2.74362377215461,2.70995380401471,2.28771683138832,2.6974509402595,3.01960253403179,2.99100648958897,2.96375706303784,2.66873738276794,2.63963053671169,2.54104003426882,2.94258836087391,2.77572626633816,2.79426537178045,3.22012919515578,2.79896811252109,2.97577618657157,3.58549796973251,3.01827022199707,3.58592268258931,2.74402946152025,2.8197605789894,3.02438753054984,3.53375052669436,3.25659856068233 +Rabepk,0.934332103911238,0.708111353803643,1.24177765153763,0.967326970082881,1.30510113822888,1.22695620030916,1.15861791023819,0.648140652733266,0.662413096205583,1.12514367877158,1.17493048637382,1.2106351537215,0.853515247557421,0.840710267250245,0.8837334857292,0.933927304505854,0.7455483536503,0.964474271114301,1.29603295572353,1.19697229305394,1.18528494451863,1.11241514496799,1.05872812122055,0.85265367170797 +Gm10307,-0.456571701597429,-0.243132100850825,-0.602360070644234,-0.843681666628217,-1.31633110594376,-0.835319549872659,-1.02890123195947,-0.727454376946452,-0.0758979137210697,-0.864134940448351,-1.35540871744336,-1.11574162802027,0.472307973389639,-0.163612155562214,0.740021625018746,0.151648947896591,0.049721058783219,0.608468682226655,0.265854656512214,0.0147791729181795,-0.0086838942056322,0.0558158685129572,0.587388816453059,-0.121467127111761 +Dnajc25,0.892228039834422,1.012039456402,0.887750707243069,1.48786040892159,1.15984450719334,1.15180111198775,1.30992020595928,0.58287953004407,0.960301700539775,1.36760071402996,1.22362301984199,1.28290452060028,1.43634857676072,1.21280714825932,0.901253160650424,1.52081831685526,1.39281941658277,1.74487633409479,1.43832440432797,0.980672382308274,1.45123978338431,1.13447951201796,1.65503507103432,1.42274281374774 +1700055D18Rik,-0.636409003239205,0.327395866157215,0.226181155099484,-0.132187278702248,-0.195586449393373,-0.315099815506526,-0.244269690789632,-0.0855569522440192,-0.442975602860741,0.408623548360065,0.422060618451417,0.264185046118056,-0.0747003850059237,0.0422012526967394,-0.11719731191426,-0.14757119133626,0.716167074972823,0.353963319207819,-0.0154884686483274,-0.881434140154103,0.0044615001761955,-1.02837557298554,0.0143406980819546,-0.301304428753537 +Ndufb6,5.69687928183763,4.84924537857173,5.57320106058084,5.38346148283577,4.7009674188225,4.78055496629231,5.162411804228,5.47783603011618,5.28914649504051,5.27429809255457,5.11452694450514,5.22112398656382,5.87927636173719,5.02375119863131,5.57913654936501,5.34281782258923,4.88552956598013,5.56423854959823,5.00119370484076,5.67188485232332,5.34012347341933,5.17804434650123,4.98066539618346,5.35342700869547 +Gm5499,1.95206372876046,1.26259029511579,2.00346417786389,1.839775587275,1.86367661125883,1.56490562874377,1.59122421507486,2.16445005043464,1.63598789602526,1.86836906097015,1.65128637401791,1.87630634263004,2.33301646727521,1.91068086435226,2.48123742202906,1.98222929679001,2.12566594600434,2.46332019691147,1.96194869764773,2.36934516742293,2.30983224264157,2.35487880465486,2.01330274419407,2.25135060588487 +Camkmt,2.31668734584677,2.33354193324351,1.83938139759106,2.06723461625981,2.57824089891753,2.65299063812304,2.44245877971014,2.4058321706354,2.08217669893001,2.22376833795605,2.30203007382865,2.48598274931831,2.31574966033489,2.45071853332014,2.44766914008078,1.68676224164871,2.95538521852031,2.47855141121508,2.91427914049815,2.67857131395772,2.53078659177248,2.11834240405371,2.40911293823872,2.57899148431552 +Gm15210,3.51198158098624,3.24329596505996,3.57498095164479,3.64832776569198,3.31871344636695,3.11206762649436,3.46716089827834,3.45985650382999,3.534050029531,3.59231146001083,3.35041890269049,3.54723288497352,3.04367629936878,2.97805729738204,2.83552232311523,3.03822868994938,2.92268030513544,3.30319288014201,3.09919902159789,2.85676376389357,3.17321425960809,3.02475677559069,2.95870870561668,3.18360901661891 +Safb,4.03380824500115,4.32401545692438,3.68483387944614,4.3570273127157,4.65977600509693,4.45809186114644,4.86384354725448,3.61575278471877,3.97724501203592,4.13036608680773,4.76331239975742,4.3886601554263,3.7728375695292,4.19755650263411,3.61272793626318,3.99335695622923,4.69946714891904,3.93520467836527,4.92104080913051,3.22628837016189,4.02055098274917,4.14630760202963,4.73648876150304,4.58929959167285 +Zfp827,2.95809463525209,2.96948912921934,3.0156980339348,2.75653704814159,3.31715947064437,3.41621493370005,3.15079427129448,3.42983158145546,3.03085161210095,2.64471478244453,3.24942111387378,3.04275787930209,2.24970409834587,2.40316189831487,2.56462769265801,2.33706496623306,2.75968313669427,2.51252841067248,2.6554614549313,2.39692327211435,2.26145180148651,2.31720874823903,2.74623917719406,2.50647111471242 +Ptges3,5.24680956479922,4.55033442229306,4.94155633919042,4.66471242344724,4.85521861789775,4.81244564503849,4.74582146190948,4.94713358632147,4.87233583856111,4.61248433634647,4.9251013387549,4.89689540121271,5.06653899321411,4.5240286198344,4.94387101575317,4.57311125571585,4.76287854650645,4.99614367418042,4.40804997830789,5.04501467084506,4.66373029075948,4.37832322466335,4.79161113047711,4.80672676509331 +Lrrc73,3.83597278108445,3.21915303966854,3.09069629157746,3.24833537478663,3.74557455995079,3.71270562856152,3.67870241611889,2.93256586467293,3.08185897757027,2.96083925257356,3.65010807230009,3.57385828478282,3.62242328167601,3.3710982535398,3.49601186132002,3.46041531990029,3.77797115453177,3.83905439771816,3.90970604148254,3.44773528429094,3.47390346400775,3.35785229424589,3.71538234187293,3.65766057504441 +Yipf3,3.39898174030763,3.47438967860397,3.47049810154845,3.27268436861041,3.61305625583521,3.6566321595813,3.37718548168914,3.56032801397271,3.30431869722977,3.45250051325167,3.64122614449019,3.2861353707503,3.53900666251328,3.51634939422124,3.40516770691057,3.2014130086736,3.6279343241791,3.6888342696136,3.91468987883767,3.30466869730041,3.4903448321727,3.50528333251372,3.86884492234616,3.40251386168455 +Jund,6.43996676786639,6.51939193594665,5.92659856069887,6.58608501168734,6.55722546370665,6.30245855193109,6.70740834320448,5.94978877516667,6.91484255098736,6.62654558468762,6.65832941348423,6.33694577299026,6.00131214461761,6.27383039082465,5.70619154710772,6.142348805117,6.10375623828968,5.91729635194406,6.48803328739657,5.85022583291793,6.53231857336062,6.16269374331788,6.46794439257913,5.91601404471093 +Nr2c2ap,1.86308439174305,1.17421725513152,1.76817272083092,1.662980280846,1.62684154464299,1.41189116541104,1.44994935728011,1.37718692965306,1.47190648385846,1.28438834238431,1.70184844969191,1.22417769208637,1.74706042787871,1.16802188479359,1.62474450570575,1.49775376289734,1.73567032536339,1.82163798386997,1.774214773023,1.02780408881609,1.65664727133328,1.52024265253515,1.89280505811641,1.58301128836132 +Gm10311,2.23780686592238,1.80103458206462,2.32498238485232,2.49081322099082,2.08541563680632,2.52811523650462,1.86143466668039,2.3912977879235,2.14788823870503,2.14034585794158,2.3182012979658,1.60046680322349,1.8371474278501,1.43696113856618,1.31911912131491,1.59954911697046,2.07036169144255,1.28140676200486,0.742499433912793,2.15960800291905,2.11242242530972,0.800114012078729,1.84151840572923,1.71905465888104 +1700029J07Rik,1.12691903362078,1.96120051707095,1.1655715662701,1.92824888265569,2.20020621973457,1.88095292484674,2.24150320582169,1.21127191041381,1.33593162273066,1.3909233884615,2.17138111651621,1.91599055231806,0.456205496354114,1.70225586669729,0.17152277865862,1.634860778803,1.91114740085955,1.63469823249658,1.98374897997249,0.476225591989125,1.08541441125514,1.250876353066,1.96901068326125,1.35221906156004 +Rpl36a-ps3,5.07161852913571,4.14985837627554,5.02566446606874,5.12104275610111,4.55088805483896,4.40336410747734,4.32065459276898,5.06561353156426,4.79598954612912,5.01753522938497,4.40258533627885,4.56177620030091,5.09827049628387,4.35001528187411,5.05885484405255,4.50458694569631,4.49794394299542,5.24012972422421,4.62002505064816,4.80335488589286,5.30787658727951,4.71623012977234,4.49721239079294,4.79937353445822 +Gm4799,3.56539973979812,3.34472314318258,3.176786506425,3.38833480506391,2.63658582938052,3.04814438052622,2.91648288671318,3.25045779580523,3.25601858865093,3.41269055004738,3.0392137982711,3.38618011718433,4.02179650318946,3.20825684438989,3.46005709134832,3.65300212648832,3.30424885961402,3.79946519355804,3.23719378308965,3.98288042015388,3.54854010265278,3.73125674697116,3.50290834234527,3.17062281622808 +Srsf3,4.55258961509093,4.55848139272971,3.79880570844539,4.78387001913379,4.82302592174525,4.44144988559919,4.75377344840759,3.78843733217831,4.50882537364304,4.58068342424998,4.82787370965634,4.70100379351388,4.40895310787813,4.17584874250554,4.10787485673597,4.37436471568726,4.42307186457656,4.23055256220908,4.26523742281105,3.79448436869489,4.45298956500509,4.27936450214321,4.45146890568619,4.32837373960396 +Arhgef10,1.09465352326027,1.43499387198426,1.09421335915288,1.14605732213787,1.66553414687119,1.38325744269647,1.57825144855313,1.0663817803506,0.916154765919151,1.09431241987695,1.58371839093424,1.32531836987148,1.16747411444917,0.524456774898667,-0.0927194417323567,0.637085378297939,1.8805227162634,1.06633215386739,2.22486537124559,0.149962787078007,0.49833308927977,0.726524115741143,2.23507818849011,1.93995543215079 +Serpina1d,3.3170880223248,3.01781274243208,3.17741876038874,2.82097244479607,2.32425334002432,2.58173932062771,2.63780898761821,3.15328167768145,3.11991169380273,2.4033143073234,2.92772016468045,2.01218327269244,-2.84064141162726,-2.84064141162727,-2.84064141162726,-2.84064141162726,-2.26517894875768,-2.84064141162727,-2.84064141162727,-2.84064141162727,-2.84064141162726,-2.84064141162726,-2.24551998758321,-2.84064141162726 +Serpina1b,1.18755549871258,0.994475397916018,1.02391149419695,0.7248236317981,0.337149591251837,0.563728102230995,0.586982276228606,1.06041060327952,1.02070478935473,0.321656205686069,0.934140730891154,0.253037324653544,-5.16029085783219,-5.16029085783219,-5.16029085783219,-5.16029085783219,-4.58482839496261,-5.16029085783219,-5.16029085783219,-5.16029085783219,-5.16029085783219,-5.16029085783219,-4.56516943378814,-5.16029085783219 +2810008M24Rik,4.02355427566985,3.66798704745265,4.11580786171795,3.83550898903093,3.20053889297724,3.35289957959156,3.70695688462006,3.96965821572091,4.0005984272211,3.91669675270134,3.53986954724529,3.71979635519633,4.07414996890932,3.86703458341833,3.93551745253248,3.70549038198213,3.41458208296072,3.75029760962755,3.29650530829822,4.02342939929468,3.9432981418176,3.71672051590379,3.26325080922709,3.54896336757553 +Wfikkn1,-0.859863711766303,0.337174212600318,-0.109283166011013,-0.0393346486427304,-0.53105077050387,0.108177226051625,-0.067161901430889,-1.41030689537722,-2.1882040330578,-0.576681798827871,-0.899031744212399,0.0588596228144259,-0.636017515449087,-1.56701008081658,-0.774129731443772,-0.150974714316845,-1.78174027755629,-1.44514745142392,-0.706963931438674,-1.64589125660341,-0.331002820934302,-2.03865718077232,-1.32488193072031,-1.23383898275545 +Cecr2,-0.368654908222005,0.312820523313928,0.150232187870881,-0.007800830506937,0.105029033461715,0.139064970691092,0.147095730029794,0.521680968918705,0.218294205506681,-0.0498715163308905,0.420528240409145,0.244987004408424,-4.68118648091329,-5.11407146397052,-5.51502348026045,-5.39201743222258,-5.10968950325696,-5.46527421191364,-5.43384491646856,-6.09541588414098,-5.08588559929026,-6.09541588414098,-6.09541588414098,-5.01856021974489 +Tmem90a,1.84872071397811,1.98173787253298,0.975844289306839,2.10603600534174,2.79109393397106,2.64422796591634,1.91177621237875,1.0689903846068,0.999474883386959,2.03037185223094,2.70076094344602,2.08559388270542,4.47862064829077,4.31600124070622,4.21343484130419,4.33541677326645,5.238433686647,4.96212441474493,5.1277751203913,3.99595766834098,4.10433402132022,4.34280369593316,5.46119100300216,4.86965311101233 +2210408I21Rik,1.70610553430642,1.68577761348953,1.64481499310638,1.47341035894733,1.82243150047662,1.91386214323814,1.74702776656228,1.58634368141316,1.71843904472093,1.36252749547155,1.52566697464178,1.51313277479111,1.89369474826565,1.60297834408787,2.05862638742233,1.89449146329291,1.73474575552913,1.91104541454513,1.89490516944766,1.75925522590298,2.21047683948036,1.89639923030617,1.95584975654112,1.64224787975116 +Slc25a16,1.68086391985777,1.70643346604591,1.9960188422769,1.68480126466094,1.55341136620218,1.62056221488782,1.3836489571749,1.73995533193857,1.88552241846136,1.38985583722709,1.41971768914117,1.44731282398037,3.15435063432052,2.86239465378512,3.31122767715994,3.1078758483488,2.55016997500051,2.99292613897642,2.56217687114032,2.99785500084963,3.23927147983494,3.18789778356315,2.57452510204191,2.76115276262916 +Zfp213,2.01380389401493,2.23941553220852,2.50533382943841,2.46929017387323,2.20447847613969,2.06171198866923,2.24998222852405,2.00779889644349,2.13224308296392,2.30747571747859,2.12358620172641,2.29290911686133,2.05455834175803,2.28116118277391,2.39638921778615,2.49917330433406,2.43974818214487,2.18231508910343,2.59576625233309,2.11680537462341,2.50566874826479,2.58245381000693,2.45944254915602,2.31015134054317 +1700086L19Rik,9.49849683579374,9.28604159909701,9.63904093763304,8.84751639590633,8.62161444364455,8.85142913685682,8.90869227727701,9.64000073346364,9.36536136910012,8.96871809530581,8.56205899766978,9.1865972113251,5.2442935745553,5.27236502795393,4.5968663654538,4.79159160424746,4.66093883237242,4.81178369079653,4.49000825126354,5.24186172288584,4.61294677486891,4.51422816912592,4.56552122892477,4.78282750516289 +Zfp946,1.49233842322732,1.63565658737986,1.33940416014567,1.35011364765759,1.66288274546961,1.57910087771214,1.1407877543702,1.52612611266092,1.25389553941694,0.917160598325663,1.45930514208061,1.55694552466394,1.66451764046208,1.79600482898481,1.46160478452997,1.39602491410078,1.50190853200722,1.63194186560382,1.42873494192495,1.67156184712753,1.42191253621608,1.24317231906467,1.08486296426235,1.63611365443343 +Zfp942,2.25277259645256,1.98908455671983,1.94185504794865,2.10617918384589,2.07661497517507,2.05364061335869,2.22039876948833,1.96775320975111,2.00311544150083,1.96982769624977,2.11880737660078,2.20352993663268,1.74148176884573,1.62454255246674,1.46863447121743,1.72915309586667,1.65007396643005,1.62157592722762,1.48164977736983,1.55286765368758,1.60241565743124,1.25591560488184,1.66602614095221,1.59135886128661 +Zfp71-rs1,2.45536056615264,2.62800501638297,2.60733409194289,2.54365664159495,2.00672118696122,2.09045807778787,2.18654520485916,2.37529871785971,2.43375411481673,2.60759849184206,2.26372674324546,2.48922473294557,2.59576424291413,2.63408666826726,2.72044022621945,2.74172196676431,2.25263677735677,2.54511356296574,1.83239394148242,2.95507455369581,2.77328219180296,2.58988056871457,2.23183257456082,2.42245919759382 +Sowahc,4.52419887912439,4.55941027127558,4.53138081845475,4.31180171304591,4.02266875217969,4.206799172476,4.2565783320111,4.47285833610992,4.57176516335973,4.39069232610907,4.28700943505162,4.33628331257672,5.02850132469734,4.79501128568016,4.74888277009561,4.85903641796439,4.93926030325433,4.9845808351495,4.80934005813324,4.78969221849973,4.8830439736386,4.82077118475672,5.02984274480789,4.88891773557375 +Zfp58,2.58665707083091,2.41397759496919,2.4075219328391,2.4865789580953,2.14659935160915,2.4275653406343,2.14585850271075,1.95867394660863,2.46871691945909,2.5606095918475,1.87932043758823,2.4469188002285,2.44556301381079,1.94723689218667,2.48066078884741,2.40662555839618,2.15937580123681,2.26524254550913,2.01154557030419,2.18148284209911,2.28024140708346,2.0058792889009,2.15256671694651,2.25674047237123 +Gm10324,1.93574572118133,2.83303141577504,2.79833587952002,2.43996744571829,1.64912886606483,2.0161581455917,1.80357573663881,1.81496403772387,2.1291791215598,2.9807782727806,1.60305217908937,2.03848594697902,0.97420871811039,1.98875677535214,0.873670783371842,2.42458353308428,1.12587876797474,1.23392819157836,1.72695975083245,2.51582193199314,0.893336220091708,1.13055067987698,1.90616970785276,1.24653235729188 +Armc2,-3.08529229945861,-1.37629831959543,-1.61319274195728,-1.61885666607988,-2.83266737889783,-2.40305420288599,-2.05536847737597,-1.58408527941686,-2.13623371455035,-2.91901491196565,-2.18299615220522,-2.1509164557632,-3.51983698361803,-3.42637160943704,-3.63119347516919,-4.50360280735038,-3.42008071845329,-3.53305238257313,-2.56632546005913,-3.07625998988506,-2.60618974729455,-3.22320142271649,-3.01348243190041,-3.79332574305242 +G630090E17Rik,0.27566269481995,0.833555395211518,0.996103409496677,0.237174948309539,0.151845936973293,-0.0822699497337029,0.235420207680834,0.733052475531575,-0.117110867482908,0.558539187930073,-0.318080825822859,0.341168630379982,-0.610730899471775,-0.155660168765151,-0.57659647903791,-0.145302121442619,-0.841419236498589,-1.00370157498617,-0.361662117887931,0.241082803794227,-0.666885995553816,-0.835052264889094,-1.37446914364081,-0.903954654256107 +Tia1,1.72656322287338,2.83310013994564,0.713792305150522,2.49521564474884,3.23418024433204,2.9002993909704,2.99700542273151,0.969242438949782,1.87766294355453,2.4135836195383,3.13903906170039,2.83955587333287,1.08253344632318,2.208327317381,0.819372003829848,1.78401144417085,2.77206426486819,1.63734583765509,2.47511645995823,0.736487566104555,1.7801640407233,1.87108069688437,2.67142609674543,2.44900590059065 +Egr4,0.164473968879085,-0.572853885459041,-2.84666651052825,-0.0888885810531899,-0.845330680749693,-1.13892503260954,0.102088270665884,-2.18565867856121,3.1817914826825,-1.90093924826341,-0.084209366244393,-1.74107622360355,-3.45767270347933,-3.45767270347933,-3.45767270347933,-2.75427425156093,-2.88221024060975,-2.39042366128072,-2.34423339112431,-2.03022088753681,-0.982678688838403,-3.45767270347933,-2.44246101893378,-2.38081703908325 +Setdb2,0.897805470442882,0.474555903074194,1.04750862272078,1.19968847893091,0.900626920007046,1.18418125295064,1.05231070856058,0.691009218068665,0.885010445419081,1.14633024066587,1.03934678966358,1.15230314174427,0.789487024721942,0.822790412289457,0.927541023046085,1.05910633018406,0.944288605517899,0.865294404169036,0.855762598509335,0.666257576368881,1.02165288024446,0.871482819242874,1.04779970633757,0.88319349304156 +Reg3b,4.98793940293428,-1.02827044811437,-1.96358264117431,1.40520148125183,1.33433116062874,0.0334359168490886,1.31689518804313,-1.40613671679031,0.605617165502782,-0.984702473412403,0.80122182590914,-0.717502463191577,4.91369705534538,0.590151843847857,-0.649891172685171,-1.26018418925591,0.335439382347169,0.848892313091326,-1.30201167350189,-0.261834167129394,-0.954052356323591,-0.171652307192327,1.38561204942365,-1.3269308391444 +Tbpl1,3.17530469071351,3.28505699351203,3.11360175267049,2.7267130491274,2.82499570215274,2.92491187333689,2.82226849567737,3.04494318775173,3.11625084701789,2.87532865377879,2.87340692739019,3.02985018333946,3.08407777311889,3.04131687304319,2.87521636780405,2.79445247448163,2.47032811796297,2.7315524668731,2.43949720413253,3.20802265852522,2.87251257467508,2.91301071363252,2.70703626376558,2.74971020112023 +Map3k5,3.88345156002296,3.85841435680001,3.49896320707647,3.7842098935493,3.96827381229978,3.96670736663454,3.96233628123409,4.00992295900012,3.66772371903245,3.87134218125509,4.1227700690429,3.9522779107312,3.24018527041957,3.48589437219143,3.07101945088878,3.15633406694226,3.30321520677961,3.45175206452191,3.58282410511676,3.5097967047284,2.97955511568374,2.75832596100732,3.36865201097025,3.58224853924838 +Hpcal1,2.47435245795825,2.76085243235421,3.0489731678309,2.46397832694192,2.50833324905938,2.76039937473274,2.28845070282832,3.08307091562935,2.6499816421874,2.59828484816663,2.72863282518392,2.54245832998586,4.01596961472292,4.21147796250949,4.44187479797481,4.05766696935639,3.82565951807976,4.00306797256706,4.09564702326565,4.23819121736659,4.46621989818243,4.5098706291471,3.96277669565753,3.97123605815478 +Rpl23,6.3106273780495,5.7698649836152,6.59453440447474,6.31708491054183,5.90080948383392,6.0082356445874,5.83901046150828,6.3219171890113,6.27661921485339,6.35128380383761,5.93997543816538,6.1400272323061,5.42367063099618,5.14556905121399,5.47819653644518,5.12592319178516,4.92898801364471,5.10750600263425,4.76105209211087,5.54225794711077,5.53198402868819,5.24220737500129,4.70897318469441,4.87892798647061 +Rps15-ps2,5.63108297474396,5.0564659061211,5.81645850135648,5.59358821882816,5.24834071647738,5.1754741915502,5.25909245956696,5.34438379452413,5.40563647521339,5.86611406726285,5.31678714012702,5.40375199843372,4.89422256341101,4.61988911454612,4.8754470852454,4.44532274215395,4.17506281507362,4.69157460251399,4.49389069024898,4.74346884213683,4.70949357079603,4.51627691135621,4.11851165263119,4.20099051797474 +Psmg4,3.81140713407126,3.26972431473545,4.12039041643707,4.16428190091637,3.38931123647412,3.39367796803382,3.70445914845115,3.81788421083282,3.81498031904642,4.14934783101119,3.94366667511834,3.91935874948306,3.74571169814805,3.36123403482878,3.81706850650609,3.3309326180807,3.21790172525369,3.20184976135152,3.31564315640406,3.48964165151431,3.88421387164261,3.71749156076207,3.58609081928544,3.09340318120056 +Dtnb,2.13777055683605,1.93566065685157,2.0958558515818,1.96359084379903,2.75341450118395,2.79635918185567,2.42744858843338,2.1924504922864,1.9954527008944,2.02512876769947,2.78409158780922,2.32135095358294,2.83784292779311,2.58514776191898,2.65443274285271,2.5367426327276,3.21796111487348,3.03616639581221,3.07428081603102,2.84147540733722,2.57987725389549,2.59900366838046,3.22496806567834,2.9901534582805 +1110002L01Rik,1.67153642521284,1.95307843582973,1.79707449042099,1.79217125764136,1.60789105272634,1.74804849222861,1.73643440451654,1.84884173373077,1.78124772373465,1.88992772943977,1.75994516971415,2.01939535472034,1.53464310041323,2.07065813998805,1.41147658251218,1.5740709722749,1.51807182592492,1.65227599670572,1.70210803682863,2.00017086856846,1.49341924028436,1.53659029937634,1.62189470399797,2.24815137986684 +Zfp777,2.44057920886018,2.70249932549479,2.70559770680939,2.38809745403241,2.43377135039755,2.37312664690526,2.61308294902286,2.40914958638388,2.4964443182519,2.73922091886918,2.64395639008031,2.38447223916062,2.21993537729088,2.74418074327785,2.42572431698721,2.77295756902243,2.66486185653017,2.5284134576571,2.83444929699997,2.39825418385003,2.82678745865751,2.76530794270858,2.86397261870343,2.74808361173431 +Nutf2-ps1,2.0665988623103,1.58458666245725,1.56411097932509,1.62799745137523,1.39729443542552,1.30530288877764,1.30392909726481,1.41608384059323,1.7144846569169,1.80962917205192,1.09313880547367,1.77329387001626,1.74444384114815,2.02343895661201,1.64407368768141,1.67680263447765,1.07177057037876,1.2902927222004,1.29450677028431,2.09920407553043,1.51082947887515,1.82920714337685,1.40070588792372,1.89668141929153 +Hist1h2ai,1.95172755888702,0.920190356636787,1.97556627226109,1.74764309075463,1.61138479504332,1.53109565219127,1.87918996871574,1.78628351803687,2.4571413966768,2.06350408175339,1.55462899381443,1.62928156444866,1.76702390985155,1.30076669179224,2.49805550108309,1.27420467872804,1.46075031712574,2.13252853021792,1.59201698196438,2.67785089853291,2.12235824377229,1.88199606836182,1.56314652608134,1.52759659899605 +Usmg5,6.35528942899846,5.76701829280113,6.47157145737095,6.21698445337839,5.64942681164335,5.5087467489112,5.81951863115831,6.41089866995698,6.1775823747725,6.00654531601116,5.8084529168056,6.19226669808397,6.57891213945059,5.71583494447926,6.45320511529674,6.25906418235577,5.60533216228758,6.36021087038924,5.70138531919114,6.45413054874284,6.32334942078134,6.00849881203961,5.51524933257507,6.10080786608049 +Gprin2,0.808450756598045,0.644429784973548,0.350810682519661,-0.160396027439515,-0.951234607092978,0.0435704639927369,0.709422348807846,1.16528027882003,0.60514886671163,0.0917780215697376,-0.183906755387542,0.366115195187655,-2.40341595140531,-1.48034975997382,-3.0403841582751,-3.0403841582751,-3.0403841582751,-2.41024248604776,-2.37881319060268,-2.39584726726318,-1.44272855015424,-2.05116402951287,-3.0403841582751,-1.62670864205874 +Pcnp,3.38736145107047,3.20786129075171,3.32807868585478,3.13340257130881,3.08111157804829,3.20492077643555,3.05092108403886,3.48126450425677,3.32540007560921,3.0769866718899,3.17213313619118,3.29159099004762,3.58141332204303,3.37659063526267,3.60519259169903,3.4403516813803,3.06207182213703,3.44293309261636,3.04205812364882,3.52297265261413,3.47009510225103,3.39244006434131,3.01937003076631,3.27200028968197 +3425401B19Rik,-0.0571345232677789,0.666624123399447,1.71040374662279,0.766757284963654,0.173840473843698,0.0699281239576548,-0.209028051955935,1.55941237349977,1.28093096630344,0.797599886081754,0.135914978951152,0.327008617943103,0.290321082079783,0.415703359566152,0.947792321049498,0.240422070943072,-0.305987055151076,-0.215359932876803,-0.068582078665778,0.69229236288981,0.0921407929025282,0.57201226315539,-0.411963370951135,0.356780079267287 +Nt5dc2,5.56059840249553,5.30861634513379,5.45370092315129,5.46370516703843,5.20905276560624,5.43662362498823,5.39984747776213,5.36127390024892,5.596047989028,5.50868223446606,5.40749738948776,5.37740296611124,4.32348573198971,4.58840466702094,4.92993650469419,5.0400732683928,4.17818992309137,4.18931522149215,4.31713177017108,4.21729256990519,4.8478675865921,5.01316117021626,4.45216264143561,4.39804260670024 +Wdr52,-3.19336221428708,-2.39484577416474,-2.92514807580491,-2.41036741852501,-1.18955497410528,-0.544638400543897,-1.00446102143162,-3.69995065080085,-2.87848529370865,-1.67980210950644,-1.24686091895674,-1.56801773733381,-4.03345569715806,-2.48049240228664,-4.45454568598269,-3.01516599077418,-2.22540046208467,-2.00687831026304,-1.78820772923877,-3.74593662634083,-2.62403088669532,-2.46660306575217,-2.17264895628417,-1.851425460059 +Akr1c19,4.07825149754346,4.69037019415349,4.86971936186873,4.4817478016898,4.09691812262879,4.1153292868424,4.17700866567017,5.08583996865991,4.7493126421703,4.92436008581609,4.10985635933423,4.42364307693898,4.20701314903758,4.58522233902187,4.85370714234513,4.7943104752227,3.82497727579172,4.4090433467921,3.89118272117162,4.75696553656612,4.73401304713928,4.94259874702121,3.93313899620096,4.08935464237502 +Cpa2,2.19512699736001,2.39401910024652,1.96139028913696,1.4638654882134,2.65873162361768,3.17516894014029,2.71123091876194,1.36471920757275,1.03827434071859,2.33933066112927,2.31533793808716,2.17677327496309,0.623153717545538,1.99494086735729,1.65587203124853,0.591844482852125,1.17511725260041,2.09589704465424,0.590521632481074,1.3705909172032,0.728303598072185,1.39340343937733,1.55460686337105,0.52457119098345 +A830039N20Rik,2.08471720208351,2.07434173942131,2.18358562014145,1.46817397435689,2.42235803612775,2.65797280187781,2.29863723539213,2.4779158312608,1.93015584878698,2.01934331211725,2.84766220162475,2.34398355353013,2.57813473037667,2.82383647489762,2.99627504003767,2.58930177113035,3.13998528331312,2.87038312380092,3.15870318093832,2.27572354335338,2.7908835539197,2.86771025755437,3.09015649387089,2.8084443691245 +Gm5874,1.84815468506345,1.589805208565,2.27401261208836,1.00836271307799,1.11677205730353,0.20084413174198,1.09515444418647,1.45275732289198,1.3749716914128,1.75069367708265,2.16713325439546,1.21081462236456,1.33015371243706,-0.0819562277254602,0.608228345629834,0.872525659618732,0.597067759684606,1.0466030575603,0.0755543731382312,1.22002279433632,1.44218571092824,1.1854825355617,0.641289297165835,0.732332245130698 +Rnls,1.44661504587578,1.53710626478251,2.03320242503775,1.5153852200619,1.5636778825476,1.68743325209744,1.51106096826516,1.98395628227058,1.96604762048274,1.06614375767505,1.17176233777477,1.42784661153868,2.10504266604751,1.51508135333292,2.24489449321704,1.77667624845736,1.81554120250479,2.1302098331058,1.92894480773945,2.42606288569417,1.70956123991697,1.89270595038924,1.21298991541228,1.78115419518386 +Atf7,0.972702743718172,1.69166180632989,1.05499389938793,1.13217353970659,1.99251668566862,2.2414131160341,1.85029410907519,1.73255200563383,1.56624292716864,1.76800105231201,1.66395184296744,0.90159335808684,0.913630212064356,1.28900538507831,1.15628195541967,1.42956223010312,1.87910228717082,1.27026620439966,1.6377189197012,0.929174992552881,2.10128186770452,1.43879277300481,1.93019957424163,0.683596162900724 +Fam189a2,0.877493042719341,1.40894974626911,1.11866802914287,0.58699818217001,0.400392196326401,1.06731807357145,1.00788660830554,1.37794488058183,1.01751872848932,1.10670619181959,0.591914995982491,0.781261902937018,0.385434165012762,1.25342316043802,-0.137850077118235,-0.615968270718544,-0.648031796687236,0.166839844308301,-0.190105131866025,1.36308642305573,0.665419269421921,0.941429441479763,-0.0384869150385188,0.475357110736157 +2510002D24Rik,3.18099842012139,3.15898755030625,3.45272257053838,3.46966316080487,3.08254986422061,3.25518174839638,3.69908206891059,3.12411143956162,3.198924851028,3.58526624707049,3.31399302167432,3.56209949951939,3.22214677718371,3.80345477433078,3.23527701608476,3.78536630470574,3.45753407856095,3.31526506987756,3.52519911163738,3.5653984318983,3.70820549296181,3.69059261112209,3.28894166555608,3.55295046862368 +Cebpd,2.62685008797479,2.55634320883594,2.60370957076192,2.83974465589935,2.25278778683774,2.46203371783932,2.72237776734045,1.99144677050532,3.6211146853761,2.88174935351021,3.00595244306615,2.94614200771457,2.69622255918916,3.03541793102956,2.1144901973467,3.11469493992405,2.72937100883462,2.28152967175695,2.74188339352126,2.58899256968654,2.86130987394089,3.70036201256438,4.19797647345606,3.55864486177289 +Stxbp3b,1.9092223410514,2.0868419303368,2.12807074542126,1.11115500912844,1.05679051991322,1.20984314475313,1.54623186309863,1.79683181126341,2.00281425656022,1.28973001993806,1.7203952751417,1.46265899289812,1.67655395812069,1.84089859137007,1.52258313068422,1.79564834649397,1.24600808884831,1.75215103814311,1.21999886295858,2.03971755892653,1.60050164478644,1.06829701136016,1.24125467125719,1.67572095344821 +Eef1g,6.43422497226963,6.01121852190103,6.68882546753893,6.28543276371065,6.04802469490161,6.13031807747182,5.971986635048,6.54665431183818,6.41868133504854,6.2970487838518,6.06727061365385,6.1989141405064,6.02070638414314,5.54338201153377,5.97850724889642,5.60592506467592,5.42742436048452,5.84980795777183,5.55645843272396,6.06468375179664,5.92471042275029,5.65737521432627,5.41182192364344,5.59205022864023 +Tut1,3.18028666716187,3.02669956278645,3.13950334240821,3.36676475011605,3.15897265639073,3.20469212294457,3.15256755370098,3.09158927264285,3.1907691570033,3.02118779557566,3.2740208855817,3.21282158926586,3.27279274119868,2.91171003190912,3.32694626218354,3.2955738809187,3.31715121255034,3.44576619995644,3.37500679702751,2.76003133330259,3.41392228679451,2.99848554598793,3.23867337017654,3.19970345629907 +Mta2,4.40629860139696,4.12799777646295,4.40140365006107,4.46112338651059,4.23229512584765,4.33447853638086,4.29605366277251,4.07030774033848,4.3793277493762,4.22119542066471,4.26712150862446,4.29877876061113,3.93555594484761,3.8740568241669,4.13474540083232,4.25152729803523,3.99467785363942,3.91391829179418,3.95774018599253,3.70435812824741,4.03376393422668,4.14608969161817,3.91172292394917,4.01217650048634 +Eml3,2.58984746858137,2.86922948731627,2.55398945190449,2.77606377330568,2.85735005591706,3.09320120832723,3.17079302184937,2.64972189988068,2.81741741228034,3.11586157656693,3.03813736045878,2.81634589957654,2.41248440689754,2.85385761246129,2.2684098331657,2.81236923630574,3.12962716241477,2.53451313785572,3.23418914640762,2.13615474836548,2.5592488319095,2.99565200730749,3.06352999882055,2.85460873539625 +Rom1,2.68542645196316,2.86442282900654,3.08168874297427,2.9648039290768,2.13650989582111,2.38250668670806,2.36629688522556,2.60458500203031,2.99888300812635,2.79440666393732,2.18988956676521,2.79718982195759,3.41605217076135,2.96916237131737,3.25366800586359,3.3538308741177,2.60065450087422,2.97828936913632,2.99856577306101,3.05583479092081,3.57118900889517,3.39115868541548,3.06986168620912,2.90389042040906 +B3gat3,4.98402471364688,4.55237242942587,5.09137892748294,4.97559054568305,4.65629276750147,4.63865317621335,4.78493101272305,4.8616235838309,4.88082629325705,4.883019424956,4.78374660343329,4.74434052254608,5.32416296900371,5.01759641540278,5.30565351866473,5.02593548609977,4.88814461663566,5.11300265044156,5.05694292570342,5.27551665495472,5.17330630669252,5.14017280423587,4.78740740731511,4.94486658097404 +Ganab,5.96392181719289,5.82723578664141,5.76381471359525,5.66502564733691,5.78368229231322,5.75001084142269,5.74118560409781,6.09647718484844,5.75955224504203,5.68427559021907,5.84943984918413,5.77737676077892,6.84058533356994,6.47148640746625,6.63585797808276,6.35009731687651,6.47073719182849,6.86541960238223,6.57438947517203,6.82061445825568,6.33849422931964,6.28324362211002,6.58444949180289,6.66155653823892 +Ints5,2.95099883553735,2.71228923072712,2.60945714018982,2.64328594754844,2.84829048885886,2.66969634087895,2.68590014174392,3.14800051729771,2.63357200212777,2.28609408625378,2.69157199121778,2.63040458168725,3.28766628044608,2.72701390536239,3.36450478022636,2.94596040998665,3.26961111761558,3.56526394289078,3.31087524032348,2.95954326450459,3.17602636506057,2.96335959553218,3.43266169703761,3.01578639163125 +1810009A15Rik,4.07806182737034,3.91062219346672,4.33431962941862,3.9648198144496,3.97871646119944,3.84383636377256,3.87113206091891,3.9298786999101,3.75049514806655,4.13102487998368,4.0844934081799,4.36284983184606,4.43082647055389,4.07125757024054,4.44531678602473,4.49725018889958,4.27748880706306,4.33964794144762,4.15426059362816,4.2636306594953,4.59708359833629,4.59469565723068,4.26450980811472,4.20128651056593 +AI462493,4.09205510713463,3.84488988250979,4.71991437695155,4.11751645879894,3.52074791245196,3.5917463636876,3.56435580118384,4.5331574241766,4.43730744203299,4.03711640215768,3.96541874966261,4.01103470239289,4.14521188279867,4.15747952234662,4.66370229645703,4.40457995175882,3.85819507618532,3.76619467780622,3.81030691317273,4.67173771603343,4.60743912553509,4.69505383358951,3.61124777187087,3.96348531941259 +Ubxn1,5.56808637447558,5.62605067053504,5.92169844836917,5.83236177618102,5.19769235970082,5.44660806346274,5.47337676979615,5.693409036527,5.80557355493864,5.93587710336582,5.3762990136753,5.39562698983782,5.44191451571237,5.24439240502058,5.39106989505164,5.47910413029773,5.01100318837778,5.04074026392429,5.18736786639011,5.3440308636962,5.35375320759108,5.43800626752362,5.24975272628309,5.05896029996341 +Lrrn4cl,0.239051324184613,1.11880444060934,1.20170413862933,1.18900682733697,0.078944319536985,-0.412108869441017,-0.170697519731625,1.14235515886572,0.806005223447474,0.752426506934809,-0.356995156641903,0.539532955422247,-3.73045849387684,-1.9498288440451,-2.73731907947379,-1.29793938426527,-2.74473211299283,-2.32819969391343,-1.38772486748575,-2.02871001983193,-1.01392728835359,-2.74123836511462,-3.13533706983279,-1.814523120613 +Bscl2,2.21945109367674,2.23496403980752,2.25547071721211,2.23674387255479,2.23361292599238,2.15178188996982,2.14395968149468,2.530111006558,2.3538803166274,2.2953913754818,2.20641828112624,2.14584446602868,2.59604119109417,2.58679091511162,2.65756073694962,2.53915392477139,2.50388006387829,2.56527137144116,2.41500055649255,2.48331982535512,2.48420755994306,2.77633544937344,2.28187602619925,2.55194972584129 +Hnrnpul2,4.26421109407923,4.30401592051811,4.10305428585463,4.2996441785465,4.94424103669922,4.81492600529475,4.54725289894659,4.40005664808787,4.12383618943121,4.46227698180027,4.75367666401112,4.42194025865679,4.22130868979321,4.6198043780499,4.18147462938621,4.70639642955119,5.06681500323485,4.37775237704521,4.97058815908339,4.08530154558415,4.33355263117758,4.70862723835024,4.95945249480631,4.73011424715402 +Ttc9c,3.53507637014396,3.49550030151498,3.58809176776297,3.53188093109878,3.36668843650197,3.38188046971709,3.39379621227223,3.61851235418914,3.61844865281473,3.50888859334253,3.26782300848897,3.42610109156927,3.3830524652993,3.01218186368647,2.89280242356014,3.21520739575295,3.12363547834325,3.36767965234141,2.98564341202501,3.36991355506439,3.16709127688209,2.93575068630754,3.20975006751607,3.20698785208547 +Zbtb3,0.542538929601882,0.696660509213523,1.07765812863843,0.477178420682727,-0.39238326554766,0.13207472768314,0.783547695807801,0.620519770803745,0.39331794597153,-0.255694650879893,0.1046950192969,0.700132882791778,0.753881181397567,0.277951181384518,0.808589401662056,0.561839518374656,0.585263228608383,1.26173257584309,0.271620540422249,0.579696609555922,0.717493404643477,0.34700398392034,0.76997842535616,0.273100600009645 +Polr2g,6.10040025095995,5.58136663558629,6.18143523661366,5.78359631110943,5.57147856532006,5.64943494738423,5.59780205789464,6.07633042659765,5.91053488034003,5.72525897967342,5.69227675358144,5.84900436861419,6.02916047133545,5.68807090528232,6.06033541892844,5.63837022416707,5.74498842308628,6.07452908027325,5.44823338584332,5.90877426882172,5.97809617548006,5.83249306961182,5.7121598506222,5.713070098737 +Snx29,0.0855683685034809,0.490185414526766,0.189376778502796,0.35962731314318,0.870863126622998,0.942435667507899,0.909810270902315,0.681645003323967,-0.162590202257285,0.409008404373262,0.817916281298422,0.475924043670939,-0.0167120884430667,0.574871039690285,0.267499110027584,0.248596146871856,1.15345654850068,0.862313604734376,1.2987220692341,0.21806136939199,0.265517448840189,0.293152097082368,1.11193306538515,0.516229031464394 +Zcchc16,-2.59645178982411,-2.35512345619494,-1.41670851850098,-2.43698099383569,-1.95976939032109,-1.76816435666794,-2.76867453711415,-1.32571731828625,-2.33911267055338,-1.28842448638702,-2.1235034266148,-2.09360478095442,-1.26746533176504,-1.60491871495163,-1.41440565540786,-2.52189526797469,-2.42445126769633,-1.65132199164462,-2.22937778665964,-1.84258604525725,-2.23496493563793,-1.8899620206357,-3.55689972850518,-2.45831066515785 +Sms,1.05731413741122,1.16856243861146,1.11549282839006,0.946654122800888,1.04613091960824,0.788788948391399,0.956719824279274,0.626974973266296,1.00221863433888,1.00934536133531,1.13621045079766,1.20962828440725,0.573521068404911,0.440817934342681,0.412842604985295,0.480790384217681,0.380792877485274,0.464902511852082,0.043794067813427,0.347686828584089,0.479168970990705,0.537857031694946,0.490174880638423,0.241122813794091 +Mpst,2.84952756725697,2.7479044720183,3.61278029886129,2.93011083334476,2.60064688508196,2.59569329196009,2.88926917188856,3.39645021892341,3.52079400151506,3.13234274919499,2.8015074925654,2.88421004809473,2.42070376382652,2.1582592981354,2.20155122333458,1.97723677628602,1.60247584633685,2.26026024622767,1.92805025530795,2.91413277094663,2.1719716657724,1.80550781611832,1.82903883178299,2.07263067377454 +Tmem28,3.74639319761989,3.41648370485082,3.66412107740748,3.38658010601183,3.58430720712521,3.72311034398381,3.53874315961945,3.63233589292824,3.41338420841573,3.34368728142841,3.52124411673663,3.51227052353596,2.27207418428754,2.45474964180548,2.03324153743272,2.52175327822499,2.25810519309289,2.05903599004897,2.32267625524443,2.50021145499599,2.1904249167592,2.52069973481494,2.46996374841597,2.3514550620375 +Spin4,1.04107627152477,1.14715879712344,1.2810747709737,1.04432715234995,0.72254020584778,0.549897145158939,0.822211422019634,1.31400366021922,1.18240861361234,0.961182757111231,0.644704297740897,0.877136752316488,0.555037383258027,0.627493362937147,0.955359912005649,0.508707870242821,0.249331357268872,0.194226080678665,0.341003934889689,1.20402807023235,0.898768323529143,0.438208520301046,0.360509925739784,0.274811264332079 +Gspt2,3.57180323952224,3.61030958582608,3.27594441884833,3.64053529542527,3.52845129990339,3.47408628125327,3.502260491642,3.15967817940702,3.31875587705303,3.80154395670934,3.72009508185122,3.63052891826109,2.1724993753255,2.31200663894905,1.97303335476212,1.7160654792714,1.82082834576726,1.98909124156516,2.01223403830506,1.88910321111395,1.9283853216641,1.85835665931493,2.24160623705301,2.2942536848433 +Gm14698,-0.324551229236134,-0.657010025715666,-0.614602488150178,-0.802561047884031,-0.631300804279955,-0.689497801135172,-0.604506033187211,-0.817787637841858,-0.31560315786582,-0.894700102647357,-0.50822168744234,-0.352713904177274,-0.545745708623321,-1.01537273134315,-0.0962315896625168,-0.678703490797899,-0.823220995079844,-0.796610106789327,-0.378175034907367,-0.42212197345313,-0.378455773098396,-0.705842803048713,-1.09150892709583,-0.912179925555037 +Zhx2,2.74802846642333,2.81338164300999,2.62407626538415,2.7692099626569,3.19838977688507,3.19545737578812,3.03809481696203,3.01125408315933,2.73065094443635,2.7335659056866,3.23303387782291,2.97042358590597,2.37769027019331,2.52587928448929,2.24321798917768,2.41430666535921,2.98889788467746,2.52599167321478,2.98267330450548,2.49412357865924,2.23333816527759,2.43362381559487,2.9675765821734,2.6267392871229 +2610005L07Rik,-0.737712869447888,-0.276966854035568,-1.07158449559154,-0.324796662686431,-0.240208239640751,-0.159824279172351,-0.275593238693568,-0.317398083519483,-0.876259534994151,-0.708123496089876,-0.0419361851117568,-0.311756670026969,-0.787419653828202,-0.988042781673983,-1.52494764745448,-0.86322958038919,-0.527690313575393,-0.873480883528303,-0.465323144586983,-1.67481045203667,-1.16636392619752,-1.37089133481433,-0.331074797784522,-0.855556636348295 +6820431F20Rik,-0.514283412648456,-0.178502337862993,-0.631359160178555,-0.235432796828389,-0.0760129786746617,-0.0222648023702372,-0.0441346395490227,0.084088095721603,-0.522679256767471,-0.459656907258106,0.0824876364968392,-0.0704043471539006,-0.609657669884042,-1.06957614036049,-1.27936265181988,-0.880402409150965,-0.406681168886075,-0.679943112985316,-0.266989408831749,-1.29641527987494,-0.985053697823914,-1.28685062805072,-0.310823809747874,-0.536265072698686 +Apcdd1,1.41264953777635,0.0740394060441771,1.20534416007987,0.419424326760516,0.834271293108001,0.904736016197056,1.35127875082954,1.04953063057446,0.611331500308316,0.361322959477689,0.127687575540929,0.912154371076004,-0.388066280818405,-0.023275241235468,-0.1041654669704,0.216179412498914,0.0810523794091398,0.277303234576979,-0.564318227936683,-0.606227706040747,-0.305404461612283,-0.40655079220597,-0.233593132308937,-0.388872210276076 +Ccdc112,1.53268779189935,1.30918808501064,1.24947469263577,1.09218985105825,1.7642499358732,1.33860419315126,1.24885709129416,0.978248125397457,1.12677613328999,1.3207138422952,1.60568257309303,1.29420340943216,1.29887810779567,1.09357891780753,0.972268049464569,0.752466790033602,1.03181347010281,1.1377900844106,1.4738853728057,0.840964384083308,1.14832583351847,0.804286417679451,1.13614169290786,1.20460970893876 +Mcc,0.595376538415598,0.833544326596606,1.03357867456253,0.736592882331118,1.44321698467901,1.21191805214367,0.967357078194074,1.26768452609945,0.650121243900893,0.915419945482209,1.43386531279931,1.10585850624472,2.30250036339871,2.64642556574457,2.37470881055721,2.43679861508615,3.01472496642627,2.80211379568201,3.03845865784998,2.31422239060892,2.35933420883628,2.3746983298797,3.11136158104598,2.80520541897171 +2900055J20Rik,1.12856885555527,1.50967971590027,1.76200271214058,0.712763045460403,1.01532364856609,2.00970101589353,1.61458448841736,1.55342525581889,1.37494144368047,1.39020852395375,1.99624464274047,1.68855805680092,-1.25651019584017,-1.32092611276967,-0.900338988306905,-1.89347840270996,-1.31801593984038,-0.826229360511347,-1.89347840270996,-0.80501464132694,-0.883948117859242,-1.89347840270996,-0.878266718164404,-1.89347840270996 +Lrrtm2,-0.0018406472901229,0.38247762565801,-0.88482681384739,0.0958576648088814,-0.182893176026962,-0.223447967729576,-0.263887040773557,-0.189568579997105,1.59891722964698,-0.655841509657274,-0.215135646847589,-0.259217725360607,1.02601275736463,0.654355803837301,1.05372311419827,0.816468459911704,0.737765219845492,1.17280996859655,0.559079155453229,0.730821128334053,1.18864604806929,0.730027052228745,0.894133104233135,0.941727278811225 +Ppia,3.08628181991389,2.64501729633924,2.90411797029346,2.97565296633802,2.72969996350426,2.39386129975172,2.81873330433398,2.66929005841112,3.0435492610198,3.11657205863152,2.67528116994311,2.65449889273848,3.38719921978467,3.06209411828721,3.43264227977787,3.31029740807052,3.04261577043081,3.31182078226208,2.84562532606953,3.38680537350265,3.4318026263723,3.3181716278637,3.12947421945964,2.80940487845387 +Gm6304,1.28801843193987,1.01723036991363,1.5658969397124,1.4064838612282,1.70904446433389,1.11899008392763,1.56814813180604,1.81369096918639,1.64191408925169,1.5712003448783,1.36212584384928,1.68825184386001,2.32957591357736,1.46896836539168,1.69522051068141,1.78422946885049,2.02252705135892,1.91594782459359,1.79692935394734,3.00660115422957,1.62389662674826,1.86862725868558,1.41046933969961,2.25769254011352 +Ccnf,-1.64967210384245,-0.895399316563988,-0.369957395290537,-0.846273873633846,-1.02996494496401,-0.636718515145569,-0.873805728248264,-0.779044415376591,-1.10329100560461,-1.25448057832062,-1.26063404305763,-1.05094515790352,-0.567182453627724,-2.05351313042146,-1.71450306692291,-0.931196970826583,-1.24263980856605,-1.75221542623297,-1.1379433713288,-1.17832122932684,-1.20178429645065,-0.957053664513331,-1.8319196827727,-0.893514057052111 +Ang,5.31244199691497,5.0684135172958,5.8426418718377,5.49443168626585,4.88313764881824,4.66578238706473,4.91485992803915,5.67606695266887,5.36248516082171,5.54256157161559,5.00237545352257,5.22553183127957,5.27332887626799,5.36146347800172,5.96313684820923,5.31898730288596,4.98631771448831,4.99862984902561,4.87405447867731,5.93745013983134,5.51630520604997,5.48067766418257,5.01744456495217,5.09410965459994 +Sept5,4.45062694051363,4.06550623384299,4.29149844632362,3.93193099771574,4.14948357261389,4.2004482802785,4.09953830511685,4.24077583351236,4.08296328624012,3.94209351947975,4.16340060348879,4.09766116625263,4.83182573035767,4.63388368712283,4.64197383437211,4.66267520287506,4.80888434963378,4.77356828006292,4.89950817243955,4.62177307694069,4.51997559933387,4.53102823847093,4.86765030464646,4.74071140823118 +Tuba1a,6.87167048056481,6.27034523343913,5.92757202069621,6.4000508463013,6.27157404817573,6.2832844536469,6.29535217668477,6.17678072775568,6.465257214397,6.49463560130347,6.46365996344846,6.42953489995588,6.8048466658138,5.81200833856843,5.90924202144175,6.04535601345019,6.30900778855925,6.69845203758373,6.06767564427781,5.88461464430249,6.24263845089721,5.92643665421963,6.47644966826837,6.32100402217259 +Trim6,-2.39810206573957,-0.732063208462298,-2.78982666170636,-2.82681178388865,-1.65695138666116,-1.74898013233368,-2.28761551858225,-2.1372636859001,-2.85857033878372,-1.36873802517452,-2.09054152104679,-1.59634014833265,-4.65242495183823,-3.09239055353695,-3.33873348334909,-3.4782281690327,-2.50476480648382,-4.0222832796109,-2.15304257383867,-3.56396119045521,-3.31906804662923,-4.65242495183823,-3.31226198814856,-2.96587190942906 +TAF1A,2.72536983926691,2.42724513144122,2.26392919797587,2.58955970967371,2.75943454639408,2.67682979670536,2.80561387341796,2.22776370374162,2.54611712748811,2.73952804100337,2.63314492591718,2.84916711273511,1.54627643640334,2.17362562992311,1.27725771057093,2.46768593904987,2.59190344711266,1.66602118756829,2.59805309200347,0.99546545532068,1.77149452011375,2.05985179616405,2.86540890505213,2.58471172068474 +Klf12,2.79876025788031,2.53513327001345,2.79924699468123,2.75067607073383,3.41746106717253,3.54335142586515,2.8564607137538,3.00313608345932,2.95973111488912,2.89425504260655,3.27632693788933,3.13483978684011,2.04281270831079,1.93866984354843,1.75543145978076,1.70802176345373,2.37648774077882,2.3012337587528,2.60479137927839,1.58426670807139,1.62272050412904,2.10031627608334,2.47652074210585,2.10181785805219 +Nanos1,0.627193435815328,0.514424486060943,0.622030006867002,0.876491680781596,0.629779095259829,0.246313337364297,0.23984762127129,0.0112762343018717,0.849683000587079,0.578196886192413,-0.0994510092191023,0.399054646572841,-0.439880539354778,0.152821288814255,0.266681403814865,0.227104543786792,-0.152509475824151,-0.690744937520784,-0.610418812330013,0.0763536442669202,0.38387321030829,0.103943024993091,-0.915111524076125,-0.73857880809849 +Ppp1r3e,1.16690077311268,0.772176670266904,1.00522861675445,0.566729673652583,1.91115299090073,1.56791476541493,1.22377975590614,1.76349591904684,0.0014855103286897,0.465826577541798,1.59296778648972,1.3121051562505,1.07598656054247,0.993343074807058,0.814548301218483,0.947637437914655,2.20546055538474,1.41396784005304,1.3007743856367,1.16213441861699,-0.0847998086539812,0.485404548866724,1.91026556584159,0.287933177502434 +Phf20l1,3.62808282093785,3.74317984466597,3.17216579508759,3.69590419690204,3.96128860420007,3.85982974693073,3.92976508106951,3.35417800658061,3.55914529233199,3.44342391124256,3.97435391820408,3.97942128692044,4.2681176359009,4.58705277329551,3.96799148479868,4.50615966377335,4.51520298540655,4.20960732258967,4.57454606714789,4.14923303981511,4.41672806946183,4.32430761952451,4.5263857998786,4.66525401078213 +Fam84b,2.17236980492054,2.3279898808895,2.1593778473266,2.18964838789551,2.22393430845441,2.09547416730933,2.05671270973908,2.4810057246584,2.24894074586345,2.07855880609903,2.03922915223388,2.21379691213579,3.26299745655909,2.9931047183281,2.64169990332702,3.12977211296549,3.06003338452367,3.05608877249614,3.06802112338468,3.28935859133079,2.93489298799774,2.79642471641615,2.75344946741094,3.05906645068093 +Ptrh2,2.57190056339575,2.35248528339481,3.10111888697848,2.53767304195145,2.07810654451694,2.21640009456149,2.25755089490641,2.70252540682691,2.84617560069502,2.62180018100867,2.23771110308325,2.44161970320492,2.74807668107905,2.15413929761915,2.65031180809603,2.33894049507953,2.17265996130161,2.50520569633004,2.10151488439371,2.45587583562865,2.8047487884813,2.10972463626203,2.33427577097124,2.30927541108439 +Gm16439,2.68193501207497,2.95276843016776,3.18244666842123,2.93762189260517,2.27422489525619,2.21602789840098,2.79350720670999,3.13874030831198,2.62352847813455,3.28173808369499,3.00673686654562,2.47305517792439,3.16401838773326,3.35925081693754,3.95916646829906,3.51118817988355,2.9292726022971,3.23514449065823,3.22935857906078,3.76128475178384,3.61256378211885,3.72914237304007,2.95315637089343,3.00017035644246 +Zfp9,4.32949953585472,4.10120864974534,4.09521909173548,4.41032474797097,4.10608771775769,3.94083392783788,4.14388558165762,3.93695029246562,4.20809027953299,4.16232739060506,4.10925929861087,4.33553426361685,4.76349623926688,4.04944291037352,4.25116826999326,4.33203076378826,4.43372902323627,4.55617968691242,4.44000200338567,3.85479680052469,4.49727010824136,4.12245215770553,4.33500348442945,4.57775335997504 +1810012P15Rik,2.55817946347346,2.69971833649191,2.93218629305463,2.55824319156502,2.6629865557939,2.58581643394549,2.37852372140969,2.72091037370944,2.66688108065109,2.56446668383347,2.43378670606257,2.42096150112067,2.68147903018862,2.70436067386179,2.69155114502404,2.83264802005073,2.58392065261418,2.61998183247573,2.44477731020452,2.7836795141298,2.72682337572966,2.73304067600856,2.4975009917024,2.57546921867387 +Cux2,1.5925950501943,2.5366445688311,2.5594148309506,2.0830983526073,2.20184751790311,2.07032447989613,1.01519105804174,2.22030678251237,1.66037391027505,1.1919200634032,2.00493075387327,1.60167268393792,0.318163119327751,1.95831037833464,1.97926753967864,2.59751931388636,2.33730733907607,1.59929726206102,2.49540711282427,0.60568219014498,1.5047452280743,2.05463845789935,1.83709016985015,1.61480469688436 +Adam1a,-0.710286906546675,1.2079004416696,-1.2373023528539,0.975921263563151,1.53835984233933,1.35071561979298,1.84131594866563,-0.756562784743968,0.342437580880973,0.763386179694909,1.46468930093696,1.21149053421967,-2.3157926038577,-0.948580217273882,-3.0098174651054,-1.01896982371581,-1.22015817793343,-0.981420186562731,-0.41148348278425,-2.91449311812543,-1.07958691945828,-1.21413135179673,-1.6567664865384,-1.06625270733171 +Zfp783,1.41136671059482,1.89636664734993,1.24250232836342,1.8654831075236,2.13389006553895,2.09736093179024,2.19952675695144,1.21436032304895,1.38462616940228,1.8541056452176,2.07809290794039,1.87468915999429,-0.158523606573235,0.696365865087059,0.0194613274601201,0.725322598460986,1.20960508815204,0.692429565716487,1.0324327302636,-0.271082216380329,0.553959700585458,0.841606198614634,1.16890900741585,1.11919032315246 +Gm6288,-0.303760110879897,0.23456674073504,-0.0220748715017804,0.473311669584095,-0.177395489641519,0.908190251036988,0.714197946230342,0.671125455673491,0.600329719919078,0.525326505055849,0.75909112198161,0.511026900620707,0.237237504656525,-0.12024778403968,-0.447284294892907,0.396824062831778,0.248978762393393,-0.467400892519567,0.696000943882155,0.581981232065262,0.0278975072081209,-0.106646925130323,-0.549282059871996,0.236452000246917 +Gm10399,2.21656973244526,1.33899018801142,1.88272806681039,1.88955085327436,1.01870538254403,1.72832612444091,1.92484933139052,2.77432660596145,1.48604317836693,1.92805842883679,2.34913356542068,1.53238093297525,1.08810078193539,2.0027525020845,1.33318181443567,1.62835855796572,1.4271702037481,1.56516092357919,1.28504730138273,0.775112771556806,1.74861024938605,0.797492826491454,1.57752795592316,0.758172250065957 +Gm13826,7.05572734888933,6.29269293809609,7.24252497044562,6.90726446856941,6.50630312262237,6.65430808944717,6.53188843847551,7.05591539361924,7.05822546813618,7.03186590131832,6.49961376108571,6.80841437746447,6.2456357893442,5.82014804938983,6.36721777462312,5.96776620186096,5.5308042802392,6.08774181767444,5.49320764490305,6.28161954199469,6.21037112545059,6.16425558615668,5.56744071986778,5.64133476359288 +1500011B03Rik,4.86820163977377,4.51972125800216,5.09343430044588,4.70384396624773,4.25397775912342,4.40043553053771,4.50385501498696,4.75632128931701,4.70594420079762,4.63137451689803,4.44158306621138,4.44790837954099,4.67804097570296,4.1895239157023,4.73372831700938,4.45227857062178,4.17234354284319,4.58010651988894,4.27094751168516,4.40627130213881,4.73915018503116,4.61389236625605,4.13606940827493,4.30539730035548 +2700089E24Rik,5.48843968811049,5.1623314859146,5.35242959122838,5.46126547635202,5.21820448784393,5.19320484425025,5.17662176412183,5.2841010762878,5.33605983538121,5.50978595307027,5.24983973138945,5.40698026525521,6.52746917385095,6.23033557321679,6.4961795297627,6.41800436997078,6.01583618095188,6.44988428469771,5.80121688105957,6.73936796355073,6.31416225750427,6.31707156208099,5.98646150760477,6.23921502223653 +Gm10044,-2.30871656852594,-1.09085425264106,-3.39153419807852,-2.29529510912107,-1.61383656819165,-1.34647090606827,-1.57717453975247,-1.80088773213589,-2.19742678583875,-2.14243918103298,-1.18677265494013,-2.71382904846033,-1.04693098469999,-1.46323283023701,-1.12087007461651,-1.56582131013454,-0.812942905722172,-0.449636274827157,-0.706005892240884,-0.81397983645277,-0.95371267568982,-1.1279595741269,-0.943454505993059,-0.707547583696825 +4930522L14Rik,1.27279714867741,1.30796489586958,1.57406203677265,1.36830561989525,0.942122878618175,0.88991321025211,1.58398263626187,1.28868488547341,1.28651561043254,1.49872546421538,0.992623899195956,1.47383617804715,0.31796142185075,0.692006039207751,0.264212420452531,0.853224011710634,0.150888113430333,0.538413774687803,0.482063748198842,0.819041431070204,0.710136894398414,0.559145339396478,-0.142874221654262,0.209429404805514 +5430403G16Rik,0.73901190581381,1.05485008575018,1.14291784853351,0.712969646140392,0.819304856635736,0.566914034956148,0.395563828008573,0.925167820926726,0.533572585186051,0.612241870043503,0.597071700512906,0.502578248012301,0.289395024512131,0.288786981494754,0.27753056972443,0.209382151939647,0.0005571953480367,0.0219347388149236,-0.198334437952976,0.897319550228533,0.408321224263195,-0.0345868689634337,-0.0288483224380349,0.288550673443829 +Acrbp,-0.662731347472367,1.48299148956613,-0.835429958664286,1.18625614085288,1.70598618583039,1.09227246139337,1.78087223912341,-0.690672413474849,0.212023001883231,0.409098477510049,1.80801481574407,1.50051689301428,-2.15719943172879,-0.250739427205313,-1.62559836535246,-0.979544983987109,0.291220229226024,-0.251545107165884,0.303430287777632,-2.14165465124027,-1.15041656325143,-0.449827962289528,0.0421781612730441,0.624557303359203 +Grcc10,5.2147231106481,4.74893891350202,5.40157018276342,5.17851074936449,4.75238171229673,4.87452919821224,4.89130976106063,5.37225273336457,5.19570797634117,5.13231199254673,4.89616961144918,5.10761247992294,4.98731570464984,4.79967068931424,5.06609933976984,4.83358993058436,4.67397289056248,5.05681849344003,4.66586681509388,5.28215187643307,4.95161114494216,4.8736297312503,4.68304405260544,4.67913462651694 +Zfp951,0.0641949982987717,0.40254898394464,0.516030677860387,-0.0973907456035893,0.857431921740636,-0.633935011619581,-0.324145081946538,0.372078900307657,0.585818051247232,0.74523548615124,0.572695308339753,0.17372532334237,0.0281957208581691,-0.508805764308422,-0.0051941622933711,-0.368248919283618,0.174159691711823,0.403334267391931,-0.833960820266661,0.256177208150091,0.46416945919015,-0.0119425011834619,-0.971730909841185,-0.884832655631345 +9330160F10Rik,0.251653318328238,0.215984105232209,0.703579347482947,0.0358232444981201,-0.601174146529856,-0.0780061903507254,0.274142931152212,0.448386029671913,-0.758444462190906,0.218235585537101,0.43992998025918,-0.0420964072083725,0.0108873348930631,0.457061706987539,-0.753878183330764,0.0605917688952171,-0.0484786494816911,-0.541817796908709,-0.237738610185134,0.420506136543401,0.358662112891871,0.320282923974533,-0.157489111914818,0.217983480304504 +Ahnak2,-2.21595601602254,-1.53148483147586,-1.62017731529327,-2.6491143431218,-2.52726588344817,-2.18919360026654,-2.08211089602244,-1.53845421777921,-2.02675943779181,-2.5242612803803,-2.94181296068801,-2.84256902268629,-6.18546583408399,-5.61291354414371,-4.6096580499844,-5.48206738216559,-5.61000337121441,-5.11821679188538,-4.72844295818358,-6.18546583408399,-5.17593554923327,-6.18546583408399,-5.59034441003994,-6.18546583408399 +AW555464,5.12136277573627,4.93958633747614,4.95879032186506,4.96712901329895,5.26484076359705,5.17387731840249,5.13000585886371,5.11461076821742,4.99428847563772,4.92245022226891,5.27468946440757,4.97803503570547,4.86809361525382,5.17322671644212,4.83867532705436,5.12729346224259,5.57396232551785,5.19760464763217,5.76930627666182,4.72424267052435,4.73007936309868,5.08379412784068,5.67362045273377,5.40209059007431 +Mir546,3.78011894719316,4.46920378894468,4.2148915333828,3.79549396796494,4.44625180485212,4.00385982140239,4.13995336215368,4.60674147733636,4.07209627710898,4.55272363211915,4.34007377179022,3.74159500047214,3.99015627825226,3.65270289506567,4.13244365536563,3.11802930657813,3.74768821031236,4.39146304434207,3.68219713785607,3.41503556476005,3.28632170894079,3.75389504259431,4.23673015281259,3.72312405629208 +A530017D24Rik,1.48850425066111,1.69440959837068,1.78844986781996,1.89076197715238,1.73347548845407,1.57419556122487,1.53691566164751,2.10800575540931,1.81778253843665,1.77072553073701,1.67403034377853,1.61219574253903,1.26195915560337,1.5692844448715,1.41577716906211,1.56783285680453,1.47748908093841,1.54220089183401,1.24774987100012,1.65906781139372,1.5681454647341,1.49918262616628,1.44306967870086,1.72512439268009 +Serpina1e,-0.566954510350478,-0.579250769123499,-0.40551964667529,-0.351353245940907,0.173307331146977,0.0292240930353322,-0.68992109597652,-0.425192733032279,-0.821731786735147,-0.283772597412046,-0.198253126344946,-0.258721862754566,-3.0547305292325,-3.0547305292325,-2.47433812535198,-3.0547305292325,-3.0547305292325,-3.0547305292325,-3.0547305292325,-3.0547305292325,-3.0547305292325,-3.0547305292325,-3.0547305292325,-2.41807872720259 +Rybp,3.07081902430297,2.9466859896357,2.99731516748345,2.88619410606345,3.11608348125409,3.30478193577206,2.90509637933634,3.18957061311478,2.8635372376259,3.06191012029167,3.04569554713939,2.89722288410716,2.55058252061761,2.6098090227024,2.56657153436286,2.51633734562969,2.8545535511004,2.79770627648217,2.59996630633904,2.84272226980417,2.56174510992283,2.53217610127137,2.71682526618891,2.60242503000521 +Gpr27,2.33184521700794,2.47079082072463,2.59017299869509,2.30705561499668,2.02152344780454,2.53315865589805,2.49226597083918,2.53771001580392,2.06074586876495,2.4957343802257,2.45909238702854,2.51434073557349,3.02319813157821,3.07096448982206,3.0799339310018,3.16444797512115,3.02137563865665,3.2223980666994,3.23373954055852,3.21793958089401,3.22309130260879,3.40554040592023,3.17968362818132,3.02233013445048 +Gm10433,0.199291741013427,0.410787102719358,0.556671445560225,-0.262922718260377,-0.464104437982705,-1.20607347198315,-0.0320791467128445,0.356450542577177,-0.302138944540328,0.173097025787667,-0.516429086371201,0.033592864203996,1.12835775634421,0.34724112159174,0.614203033006593,1.06904761108833,0.600213570074354,1.14491586649212,-0.0909023798636844,1.14853745975236,1.34580516947477,0.561054949995432,0.699936021397019,0.625050053673905 +Nfxl1,2.90030571372873,3.42016722340039,2.86364057253515,3.29832487246607,3.58899309953513,3.42372494907407,3.39003895289028,2.81492848837097,3.03962604903253,3.20474118568728,3.84252322426451,3.25913373311615,3.42403925607017,3.10696978573923,3.54810356032799,3.29404839950205,3.86428048943946,3.53465172959498,3.98240517301158,2.45323614675131,3.50126236808475,3.21349257160874,3.8522043992915,3.67195180120552 +4933439C10Rik,-0.509357408533582,0.800512361775516,-0.921375851244419,0.846473247268476,1.34949113153929,1.29487279170169,1.39155782810737,-1.5345807196511,-0.192012590557761,0.835227851851142,1.50926689529991,0.880623509861384,-1.81256125342616,-0.132213322615742,-1.95597568843983,-0.735193316428564,0.460921652142402,-0.682694767378287,0.647843223026574,-1.6995294612411,-0.510971647667676,-0.701458855179533,-0.0669112979948916,-0.122109626165009 +Ppp1r2-ps2,0.633038875905413,0.296393012490659,-0.419034392160532,0.0795079610262183,0.318711422182132,-0.251106864879355,-0.888743905934598,-0.526228156319771,-0.443898917036043,-0.0874192907411155,-0.364335903512628,0.299360657407506,1.24902362309687,0.613103494145022,0.255312985029347,0.376896651422749,0.243399565332657,0.965914234756902,0.443759919810747,1.00132277885646,0.867747501861349,0.38612719432444,0.137896369179558,0.772579481983459 +Gm12258,2.48578720364783,3.14884456287975,2.82999546419441,2.95626076641017,2.92029557434727,3.0336476229874,2.7582485759047,2.79703734012239,2.94828011940904,3.00219434817247,2.97836624024326,3.20309137352922,2.52828112346106,3.04045617328385,2.26662255481867,2.83795133351782,3.15707596610309,2.91679049499516,2.85882620319357,2.72048692804572,2.98702522539109,2.8437094785749,3.09441706394911,3.26521623445723 +Gm10443,6.80594132579253,5.86962052259052,6.8392067928763,6.4232317376907,6.23560802299365,6.30158392944815,6.05639275966183,6.61528400013317,6.7202296821821,6.45592047055009,6.20872584435802,6.15480751990898,6.05488851763697,5.9634917887045,6.40735345778324,5.68677448988201,5.35527727386888,6.01300265146126,5.67323673447534,6.48747277701661,6.14797767663067,5.71625556335994,5.15238981540532,5.26992184115812 +Ptgr2,3.25960654449349,3.06300582661575,3.36405662344452,3.26027845209168,2.89431435313156,3.05552409040726,2.86137645374204,3.37705155902307,3.2180937849235,3.22315115642474,2.95606637881636,3.10996351593123,3.68871151691925,3.64621047376371,3.63451140577792,3.72366942688971,3.38204991852848,3.57261047908328,3.27444732074604,3.80442924492664,3.68220652086148,3.71986921093435,3.37009459810048,3.41242987125344 +Acot1,0.570166451815558,1.08248556148163,1.93013085404955,0.731190787146814,0.656168172179195,0.316317845979199,0.0805895750273027,2.14492044710085,1.25303627857824,1.814884223396,1.0898380304507,0.736481792544799,-1.92470973829702,-2.42947948851634,-1.68834030996749,-3.00203177845663,-2.01630539757261,-1.93478273625801,-2.3404608107842,-1.91356801707361,-2.41070876453177,-2.42424690141087,-3.00203177845663,-1.92517611406054 +Tmsb15l,8.25487902427772,7.88755358772515,7.97363606815374,7.86532164039057,7.46453927195119,7.55046200642082,7.91059136464839,8.37697640088562,8.19430496845812,7.96377865793922,7.71804627680793,8.04904588850547,5.5011212413965,5.59280869208829,5.5465074298337,5.40600231572228,4.46083672844199,5.1201142949839,4.4473692557766,5.81366108953975,5.84730499204946,5.42125502964688,4.29242802494526,4.81527884295317 +BC065397,0.439393313600632,1.23888318234652,-0.201764468505952,1.14073375832067,1.13217462690969,1.55732829547449,1.34378585869248,0.658812616739964,0.197846011449676,1.32314609935965,1.54484049408173,1.43926567534192,-0.807714401513981,0.563870897683253,-0.565062658158669,0.140302725114782,0.773088137783122,-0.156402535293514,0.795803185080222,-0.593560223703061,-0.38715501567399,-0.0421521006717553,0.472556602000499,0.579547723930393 +Gm16401,-0.182811665619766,-0.0728635777503497,0.0495071027344831,-0.910344516231246,-0.257830359827812,0.0433821032545574,-0.644529134697196,0.508796426924399,-0.083722404024926,-0.280272673600559,-0.102417233576341,-0.279127038978043,0.482523055625065,-0.858700368423231,-0.723624541182801,-0.0304537742573026,-0.0460502186706953,-0.296729441909651,0.598963047577242,0.204010838437944,-0.489064893395228,-0.845483815121509,-0.215576758358107,0.0450152736102845 +Bhlhb9,4.70924780384598,4.62913423896628,4.55441579688234,4.5103310195623,4.64103844412703,4.68963544480414,4.539562739629,4.72005266371238,4.47651394892303,4.58404862727849,4.74956850641309,4.75440252786756,3.89725335830659,3.90029619346024,3.62421117386402,3.82677755848219,4.08278898789454,3.91966734959405,3.68679505897804,3.75481370809448,3.5948926559678,3.80092842144245,3.98007977756441,3.70513098817514 +Gprasp2,4.6139374355528,4.85505289334199,4.96926223079883,5.00246943030911,4.8962967608294,4.79066275786542,4.61091995971131,4.72940489687429,4.95235821027635,5.02257744648579,4.98086372224204,4.78884404459587,3.86588306168474,4.41418297319391,4.46314944075043,4.50761499606331,4.49469535332504,3.96423181534767,3.99579635074154,4.2765645858263,4.40263408564582,4.51644522483323,4.54544982431228,4.35693399948291 +Armcx5,2.70823696746206,3.07147370343465,2.79329264317301,2.70416598779655,2.79682941714866,2.68262307653415,2.80093409672356,2.52390297209014,2.79542805039744,2.8935544763508,2.6826374621281,2.66748424538858,2.73518514548603,2.88550677062012,2.86490667769717,2.96172599663769,2.94988838717281,2.62513982582936,2.74641959875596,2.58054404016735,3.03864198378127,2.94425995023075,2.75212669542407,2.798961321216 +Adam4,-0.392975439729683,-0.282487294081234,-0.53024251814171,-0.377340330685862,1.75113716449532,1.83402648168929,1.12070440514136,0.322731188837015,-0.545940852083174,-0.553483232846624,1.28338814214389,0.971878808595297,-1.39716735995953,-1.01691946035762,-0.610311589112887,-0.951201482549831,1.71260319953736,0.191404241649878,1.22557669321996,-0.838528131877225,-0.276128558913006,-0.704563378057889,1.25051117366007,1.04319874720693 +Gm4787,-0.749907393397786,-1.17739550425927,-1.47146019604237,-0.419427203940368,1.30017284055804,0.893062355664084,0.348116570774506,-0.0214192321363689,-0.960211168261659,0.238472015940552,0.484964907957369,0.519251508568171,-0.817788759739508,-0.475034312704179,-1.08122281698961,-0.938045536065037,0.613433094700585,0.235857521132154,0.806839297602796,-0.799885607145266,-1.05441696029782,-1.08766132242549,0.453116470200847,0.417566543115561 +Gm10451,1.8649641339879,2.11886266015717,2.08121048030764,1.97949125534418,1.94826536699974,2.20637741664235,2.41365534562297,2.27252541629422,2.11384010765057,1.87535707593083,2.29281718323843,2.10387798457869,0.857279650383642,1.38592624800093,1.34154314413142,1.80262309120192,1.51980124393556,1.61191114788101,1.16819308766971,1.4112084163807,1.40670641885711,1.55628037427039,1.84953427832048,1.46273852804246 +Fam46d,4.29166397439622,3.90713308196236,4.31169707327633,4.22228719836846,3.76231783841877,3.94669759182477,3.80055033155862,4.03853177048505,4.3069578981516,4.03016523677524,3.77153097792567,4.05462230545657,-2.86633081048092,-1.06618868893994,-2.96686874521947,-4.2805602137086,-2.97577748664238,-4.2805602137086,-3.61898924603618,-4.2805602137086,-4.2805602137086,-3.29134008494638,-3.26534852916305,-4.2805602137086 +Uprt,2.38297131115508,2.51336181888034,2.48730298836649,2.14361831981036,2.56000453982479,2.54947017422633,2.25772236040805,2.83505629116183,2.47829352442291,2.39256963549155,2.19095958164977,2.39516670241561,2.45307475700134,2.24304448764215,2.24111801940081,2.1664975367754,2.26423907580366,2.47074520786212,1.98788654915353,2.27550927257877,2.38387436237097,2.14113932850793,2.47547593160133,2.32307633788077 +Zxdb,2.69446053616794,2.58162196181985,3.08477615727503,2.79039129961244,2.39193347895526,2.34787061733003,2.30251110674044,3.07183821952809,3.01865771288626,2.93143438955302,2.25460183336187,2.4909594342438,2.61899243558175,2.6176972263001,2.96960598473715,2.57273694597297,2.10178185696665,2.55871385739518,2.03628980292317,2.83781741513577,2.50598062448991,2.50511752206893,1.91194213048132,2.57227841407862 +Gm7173,-2.2332659868969,-0.733192922264752,-1.47957138244692,-1.25699066767148,-0.31542361249401,-0.696841352045771,-0.464478709801263,-1.60824739300068,-0.864861664721591,-0.731069935997003,-0.428996087852591,-0.656625631149488,-1.03426836608848,-0.143084504991341,-0.875259635864354,-0.666567099510356,0.431454234170251,-0.283769608965153,-0.138812479746614,-0.314609229826134,-0.0382279036222051,-0.239273554829766,0.0719251193574122,0.134724427090823 +Lrrc61,1.78818662789268,2.02103697327039,2.20512640805914,1.68328821981312,2.23121602383414,2.32097860571218,1.75129410653924,2.79405486041292,2.18420501261591,1.78226508601535,2.0418999968575,1.95816367960933,1.93051247786076,2.38991734283011,2.61386035134772,2.26604795369848,2.30618206847177,2.25908877229673,2.28874539341992,2.6838552797065,2.29473021728442,1.89500737395465,2.36435610201962,2.12613581226887 +Ccdc164,4.4005276086887,5.14361829167213,4.83292154199466,5.04600838965973,4.30642241816569,4.56751317611172,4.66178617504915,4.93370101742724,4.71183098484353,5.24924119254823,4.65702085784735,4.75597856015412,-1.38559797124739,0.781911572934582,-0.294196989090881,-0.57983448466483,-0.891277322404297,-1.77158374475492,-0.575883259571053,-0.617130786934046,-1.07326451200509,-0.371610069770112,-0.740919570229241,-0.291383118273957 +Xlr3b,-0.430962169994133,0.237182839315711,-1.40639950352701,0.846501969197762,0.347505899111696,-0.0741051127173122,0.526552732965541,-1.44557125921311,-0.456101623842659,0.0017353170968861,0.514792839484997,0.52662473381566,-0.821541028353926,-0.145315376879904,-0.899918049978834,0.528508123588139,0.152261201228645,-0.349945383796032,0.13725503379228,-0.802343399959967,-0.454792872647642,-0.599322005324846,0.449754922736069,0.28965684939233 +Vma21,2.00053430483285,1.59880250164852,2.09429724996226,1.44160359624128,1.99249600149632,1.85361541345875,1.61744881451288,2.1499392266153,1.98570877822984,1.48283380751037,1.63410384292923,1.72982920287868,2.22824571744416,1.70439105761441,2.23215703483474,1.65115882471587,1.95592428844272,2.05046413460872,1.51789219481265,2.27182541497405,1.87642200455774,1.74862935602543,1.66429361436031,1.87878167921159 +BC023829,4.24748593698954,3.935629291386,4.01127047648689,3.91825367560936,4.02512800405345,3.96699961401205,3.93671312771326,3.99027245563247,4.03404382770691,3.86676047795232,3.87268149251849,4.01393567867004,4.3172524315429,4.1965919923157,4.31506850898856,4.34818591960123,4.32499248531331,4.38561482638623,4.09657151126396,4.36295006106625,4.21684011670956,4.27630810833909,4.20659359947735,4.31947648770281 +4930599N23Rik,-1.01412683940231,-1.34457989156093,-1.55034111154809,-1.62980599690987,-1.71999201132902,-1.45093420978592,-1.1893771381836,-1.29887009474425,-1.45136767149754,-1.61632489135127,-1.24209773486344,-1.74233460466176,-1.52843963943918,-1.40251510679119,-1.73128831850415,-1.74915142892554,-1.60334807199239,-1.93237462042105,-1.91699076017852,-2.0278452453098,-1.60449195277344,-1.55239405778311,-1.33836991182162,-1.79421829139063 +5031425E22Rik,3.90775727578108,4.2750262184467,3.98637732304593,4.1514946094995,4.01563299154999,3.8793225067827,4.16752564174983,4.01679482103017,3.89199255836379,4.08126362062654,3.84831431793546,4.10923820061875,3.82476461889816,3.90339746006855,3.78130369794329,3.93311443468321,3.73252573498628,3.75799956072089,3.98314683758712,3.82473119417247,4.02317920071678,3.88413533407336,3.90883563169335,3.85482164812543 +1810058I24Rik,1.66653375024474,1.71820795126016,1.72838256092477,1.40541715250502,1.58264100576697,1.6966977570447,1.00996118574096,1.79314947594949,1.90661035667774,1.47748146572121,1.30439320690034,1.08117509304089,1.76831541856865,1.63250501032034,2.00589523298438,1.52647523130393,1.77717568281521,1.89025144982599,1.85120319345795,1.7889905709535,1.34982860764707,1.48017731491185,1.69883084962247,1.64758522477111 +Magi2,2.30881451367025,2.32993279020845,2.83795916259056,2.1610413253818,2.27538042575818,2.26082268416863,1.93475406063947,2.77233805372171,2.34739850393056,2.06876997927055,2.02687629251593,2.28499397599377,2.55297575042774,2.41568839429662,2.44721278830424,2.51546081533099,2.13234482377947,2.36697236843806,1.98330166606174,2.58214194445689,2.33728800552263,2.53201022826856,2.18064704183359,2.34731011659727 +Zfp449,2.19828300277777,2.13678968943768,2.08824379107909,2.20861344402145,1.82292418806282,1.83043616857347,1.94684570256722,1.68689224962777,2.03503817638132,1.86429383990827,1.67166524371551,1.97555265690067,1.94016137503514,1.6993614081572,1.89268555782216,1.67461446621604,1.51550498714732,1.64689774873367,1.7842548892939,1.99321646372693,1.44145461226733,1.53524650634984,1.62405176410227,1.62495048557793 +Gm10480,1.74306098501036,1.80001776937633,2.49084124605954,2.69448770220229,1.88637844474848,2.20100561096553,2.02012497177232,2.73271118898272,2.58873891430271,2.45991547747568,2.18953674554845,2.33464671660493,2.16078302797192,2.37994359520393,1.97347235930519,1.97177213093203,1.92943200968746,1.98971115007247,2.25500641865856,2.49272926893082,2.22317816820218,2.41705152022427,1.44479501772086,2.13066551331663 +Ccdc160,1.52965108082715,0.895639663362385,0.734035980767399,0.884446184927458,0.317324735323048,1.33756149354768,0.976207458579779,0.79918143696347,0.566869422221076,1.22705623032945,0.951892863771444,1.28940238281909,2.09615857580765,1.68375775938548,1.73409884087475,1.50248018922795,1.38441768604763,1.7001439424928,1.54976620255372,1.50503233668668,1.8190822017532,1.85650269877152,1.57193480324416,1.01736747645266 +Gm9144,0.245093817436087,0.702609883269712,0.366838669095142,0.0028290479510823,-0.0882062126108751,0.295972816112811,0.451084546552298,0.746355423188334,-0.599615063802411,0.262286653395763,0.155929167547043,-0.108265110213769,0.520689624454857,0.850025946573595,0.609007218379082,1.18925554046404,0.361629778005286,0.320988457605207,0.819556442826497,-0.0990569382420139,0.564389252744821,0.739223309785273,0.648646455257441,0.236155936836228 +2500004C02Rik,0.6310753415829,1.36418588761143,1.20334004125289,1.35116234404526,1.39093658821805,0.970558938776406,1.42450035656974,1.21525514885003,1.05138667044957,1.22885565626257,0.941918953455852,1.4127043925364,0.176696929414429,0.524065649990816,0.360102765946609,0.276923080021135,-0.262792408573674,-0.369371635339004,-0.040056208668132,0.582789418909242,0.176266499922712,0.195398032667682,0.186645848119769,0.562118440339092 +Gm14636,-2.48195814059779,-2.47600078885367,-3.11266869579563,-2.90252516814223,-1.68134486095332,-2.00422871089595,-2.31736848610837,-2.07527142914065,-3.06968630315391,-2.62103043859132,-1.41734700433486,-2.47288050685416,-2.45899725949278,-2.20342677659291,-2.85968403147385,-2.5792540358183,-1.94833483639094,-1.9665171784049,-1.7255986364854,-1.55417378280868,-2.24724951464185,-2.86597804970968,-1.44222074894322,-1.50966204395764 +Nudt10,3.29990246664251,3.21900653241666,3.30450975625752,2.97716500746608,2.57828021696704,2.79554089406285,2.99682764471816,3.4955733739393,3.36441882929211,2.67582688822795,2.85734442980562,2.873714674777,1.16317718843933,1.02314325009745,1.11963508861267,0.432534673295286,-0.127051861692448,0.390232631838437,-1.0222494390885,1.22196221765391,1.55697622323658,0.314585941282778,0.159964815559707,0.757747643016062 +AU022751,-0.553927942873798,-0.446730669429396,-1.44161921675402,-0.538773502883816,0.489557276263976,1.47385971183727,0.97092229799762,0.280200507793069,-0.294072792693965,-0.367407815805563,1.14878116396873,0.424237942288173,-3.4995699956504,-3.4995699956504,-3.4995699956504,-3.4995699956504,-2.92410753278082,-3.4995699956504,-3.4995699956504,-2.85503310463848,-3.4995699956504,-3.4995699956504,-3.4995699956504,-3.4995699956504 +Nudt11,4.95188801765913,4.43576076844685,4.64045347438621,4.29943928605688,4.0562179749097,4.16431188910485,4.34231632277851,4.93825416437414,4.8170755908409,4.24667094179387,3.85485973159655,4.38177857278216,1.52343948999051,1.52325066234967,1.77780680714061,1.6438523828135,0.70928127842329,1.18641516850302,0.637648267152383,1.7898164027486,1.83643190384185,1.3007376500234,0.709339724485142,0.795130365077237 +C030034I22Rik,2.30883970096916,1.9979695135003,1.85611526037815,2.07994276687889,1.81377763677668,1.75039677103629,1.77695484534352,1.93119233181832,2.24990618089244,1.89870790483895,2.18787573306184,1.73931612427309,1.68541395696831,1.53777949990023,1.79647981034107,0.843792029882211,1.80906236004805,1.76252491195912,1.53760889771193,1.63819042198613,1.59180396034333,1.30922564350104,1.19775658756097,1.61714017758642 +Gm8909,1.06410264620409,0.718338051346077,0.30003602772209,1.31123517062925,1.1694883204589,0.149628084762586,0.263715150183956,-0.0033141229049326,0.251657167356942,0.404036278864413,0.783441967117975,1.21861902871906,0.580310292768031,0.592578635701624,-0.857523844105363,0.605001869300052,1.20399926638249,-1.34281380233783,0.34905107187198,-0.0609200619230458,-0.679616201620684,1.09212484746195,1.05607983162229,0.877368226535206 +H2-Q6,-0.010403058261633,-1.06944276341139,-1.78487016806258,0.0053712733188082,0.182601595396763,-1.6169426407814,-0.653552515342668,-1.03052811987668,-0.955857703773841,-0.0006592761929717,-0.320461196317668,-0.0149588806281136,-1.30697566072376,-0.867723749068703,-2.10776676560173,-0.129161718417043,0.0759313967790434,-2.01919943412746,-0.0556444831854053,-2.77692134307895,-2.08810132888186,-0.632632706379144,-0.0722635434929121,0.174801406235881 +H2-D1,6.85225253711112,6.52586959266598,6.78987335599492,6.96363112127852,6.65196615337681,6.35990081299289,6.56473797968188,6.66895682829472,6.58759496674069,6.94863837235949,6.54804826579332,6.85823825739525,6.68270213505623,6.51444320643459,6.63903589752242,6.99079726192187,6.73094771939207,6.51951059067506,6.58163226770127,6.7489562130799,6.67068105667552,6.99582350245924,6.57639599761602,6.63519263571193 +Lst1,0.720548339589567,1.79222472602716,1.78080348934714,1.78739403884245,1.28173978837782,1.07423892528248,1.48779631917109,1.64291479314915,1.74907758420072,1.87024079674315,1.09868842206999,1.2623890236032,0.82399299957968,1.04820592301962,1.35559406595601,1.16140007038779,0.473305361098907,0.309664707970278,0.0208452203618903,-0.0041303306101088,1.24455238541967,1.58955530042191,0.247568871696545,-0.0157384275970451 +Gm10501,0.118499450044563,0.384536342065912,-1.16268542772484,0.63308250930078,0.480873553804411,0.576634097694339,0.486674577491952,-0.134778383512809,0.0932560343831188,-0.150691756578363,0.490228495733479,0.276093403234459,-0.150122333992871,-0.597524785513383,-0.502340856562452,-0.0498961833861655,0.832975069081749,-0.167802799377594,0.393975036074476,-0.856053693171612,-0.33518345763576,0.122065128972142,0.260946200373728,0.0822345952866406 +C4b,-2.09160311081335,-0.994877962511933,-2.34856966777348,-1.56280161034872,-0.114095506804678,-1.23090859549837,-0.767751754292768,-2.35594542641618,-3.25938315120154,-1.45030773445642,-1.26855142095376,-1.40369077631744,-2.04214294260096,-2.31737220733215,-3.29529890825472,-0.755346222719478,-1.50472205757962,-2.44303513203184,-2.23043089314466,-3.7826429309713,-3.05015627141697,-2.88730685580202,-2.8483488924263,-3.45743117613796 +H2-Ab1,1.63576002700743,0.330692946377231,1.42708010695389,0.354364335176681,1.49950295038249,-1.0754466142096,0.435597718894322,0.310648937593758,-0.0016976275145648,0.211221754430713,0.361770855756253,-0.48018204710625,1.93128262704198,1.06201653575438,0.722122583370722,1.14425421798456,1.10986380036809,0.0432402393027498,1.42110229287494,0.330125475338528,1.56047214635473,-0.0040803266052511,0.27672951836496,0.45605851990575 +H2-Ke6,3.86888633588084,3.92525688343785,3.49803800685892,3.69235217087566,4.09437166887966,4.117979476334,4.22134466633284,3.5937704548351,3.84207549813705,3.84583297041984,4.28543925205859,3.95434601939164,4.14336458307364,4.2068669886695,3.85698184518382,4.12587184893882,4.27311919239186,4.05840526508252,4.36832784496243,3.8673787610759,4.01257672831523,4.03005452399752,4.40767787769364,4.33324744331831 +Zfp414,2.46899317234826,2.70643592729503,2.23042825784667,2.44498701464548,2.85916212695679,2.33454305061406,2.82066141726521,1.86321280120431,2.28187237331839,2.69823354755684,2.79941942651105,2.50963641851291,2.03931823394035,2.45219873164747,2.11139119457208,2.1013378417598,2.54202511359185,1.96528301497765,2.93575499247776,2.13053296439428,2.112411919271,1.92418612511432,1.9396372598506,2.2561808030807 +Gm4924,0.419559665246714,0.808672328122247,-0.109197457909691,0.708121238002571,0.862624411218743,0.185797998489298,0.564006552107391,0.325877890200069,0.326014431030151,0.949254130377086,0.831435734099554,0.572136902965606,-0.235345072240707,0.244464124105335,-0.192318839845429,0.185017776339156,0.634243452254358,-0.560576276473113,-0.995321231067758,-0.216055686744525,0.110998241678949,-0.0298177581151606,0.217848872379367,0.0175712671746397 +Arhgdig,-1.78628078113486,-1.67692348692994,-1.17853605687294,-1.41362409686009,-1.40216708447445,-1.56125559282677,-1.66949775860484,-1.7035814930578,-2.10830391162843,-0.598156534681685,-1.45742373780065,-0.90131310431536,1.30718331180538,1.39662874514893,1.89437058598584,1.54545922119113,1.01047548836259,0.960599580415392,1.12310921020454,1.35909141310484,1.78308819776623,1.7901356925079,1.27955387455822,0.855238497455664 +Wdr90,3.01344207894973,3.36582558358634,2.3021879630757,3.11436889276281,3.79221634914072,3.65753802135848,3.7776410631831,3.02563249122349,2.83035508725333,2.76242479061963,3.77347102954205,3.35179022152435,2.87954997504176,2.94782371545528,1.9610880386962,2.62322830529761,3.67547482110916,3.36582383053014,3.74665352287789,2.50277094928349,2.09936606664951,2.3964484477638,3.7977941064142,3.57061269805975 +Nme3,4.30519107024824,3.61182559164697,4.6467409004838,4.26905422958658,3.86283855761387,3.81671477644064,3.9120822614415,4.40024923147824,4.27189474429615,4.20990210918991,3.76320481016999,4.29990450451977,4.48767416136466,4.65785904472281,4.85534137886337,4.84455562718583,4.27142396979264,4.29855980880271,4.0579008078673,4.9067523096525,4.97998059905182,5.00740445575958,4.4428251901719,4.19099747632019 +Eme2,2.7246478535437,3.21397776107527,2.4336958971738,3.24937863666189,3.4290011892709,3.23205808324635,3.40240458466954,2.63876142911422,2.81175881743859,3.18114815815797,3.45489951611681,3.14935533392944,2.50263569942501,3.18612819766286,2.3886856322319,3.22744318832392,3.53479127930334,2.72748687458648,3.55466910044452,2.2686081828093,3.04121612343917,3.20698687898285,3.61519181286623,3.40263818069019 +D330041H03Rik,0.198906552531981,0.501124700525144,-0.0019047979561213,0.14894225597196,0.806495084594566,0.663938772999436,0.738488129080329,0.250425860093391,-0.141320731098532,0.717076958590174,0.715444804502798,0.667821802384635,-0.0286713457636969,0.197694308288324,-1.08796534983513,0.0008450551283458,0.658480590096472,-0.66912286766736,0.312247537172819,-0.917751851514462,-0.411100448937398,0.135079367007394,0.288237968268692,0.327024373570647 +Gm10509,1.21753127549954,1.65557048484178,1.64551592545099,2.2909424298462,0.536159959117938,2.16921455331571,1.39100202249119,1.84254986939577,1.82056388905196,1.87555149385774,1.77884766061772,1.65838100492355,2.72027510405318,2.14129963157677,1.57726199494662,2.78423016288609,2.56249286716161,2.95370387530025,2.47506028536688,1.51969701861594,2.51093510660477,2.56864718118818,1.78108397392298,1.87533810749936 +Gm3435,-0.66597153366844,-0.392635788988401,0.797052536459773,-0.266310478702174,0.158584714278227,0.720694470997242,-0.046721709168827,-0.129102048797105,0.419523609629806,0.100528399837022,0.307797355147751,0.603187368297517,0.337596920908304,-0.776749162875563,0.0014583431896642,-1.01295600559784,-0.0121014922334033,-0.0046683250866934,-0.079661364303941,-0.0428844676378803,-0.341236367996431,-0.464393080575832,0.0414959071336471,-0.508770943032661 +Sft2d1,-1.26104450840655,-1.05720016531703,-1.3601132342672,-0.585471371905378,-0.437746134284793,-0.652292752769828,-0.634495907824346,-1.09824731006666,-1.28673129936715,-0.434574209807823,-0.762423084612976,-0.749816201616667,-2.07330738541685,-1.05364945543011,-1.52811930071756,-1.38592149571882,-0.676200004816345,-1.19219611896006,-1.00140997760968,-2.20005023836485,-0.969703567348651,-0.842129413532529,-0.66648429958484,-0.676641943627123 +Rsph3a,2.49089563188286,2.31041066584495,2.45919953972748,2.404849168649,2.35981796583715,2.19372851420997,2.17672088580127,2.50635480222542,2.32172103823974,2.55741901115275,2.24426097663952,2.34715721621149,2.97934256382247,2.8761330309552,2.65428157019744,2.64891283020097,2.54072019767672,2.74905202849904,2.6783759388588,2.99165061628599,2.63801177315066,2.89990219779396,2.87721458867115,2.62150740651578 +D730003I15Rik,3.61837530064956,3.48910216500075,3.85058166041057,3.65268734259368,3.13627939542757,3.50512422035393,3.10857617714176,3.61699773073267,3.93342201533254,3.46777194150924,3.32656064993197,3.57376182183303,4.30067757829972,3.75779834689895,4.4023433654419,4.13488610504327,3.00510781919173,3.36364862684321,3.30406745951774,4.40565247407394,4.38562999154187,3.94726259410209,3.06150028117276,3.35375570806383 +Mosc2,2.40327610966145,2.14849356625652,2.62666446457037,2.53826106792374,2.32709407198192,2.30596056762678,2.19873437200893,2.39329919387448,2.60848878137867,2.52214498099965,2.24740838990207,2.11730825078758,3.07564801020371,2.78835209726045,3.06074936533598,3.02770845534619,2.72458305575656,2.93293426264137,2.67183558824219,3.14808809715161,2.92221351959397,2.93389708496344,2.65010521941005,2.61856827229284 +Gm16067,0.0402121459838707,0.365929483824052,0.861498629913523,0.266204714789182,0.325390654824073,0.238312762887577,0.0274761698426647,0.905434443480176,0.406909581063462,0.314153192701776,0.489215999821017,0.369436266463449,0.0806492826239333,0.167102498724985,0.0197303130029638,0.0951225405682832,-0.408693843753466,0.515531134539025,0.0951493735240283,0.518242193904289,0.179822946025663,0.182115721621482,0.270719010241492,0.34444145312937 +Gm10530,-0.955484995693925,-1.08740004724142,-1.21697767828836,0.208932424737271,1.74114622641667,1.41082110917859,0.813302281401717,0.660942970125626,0.08040437389101,-1.60657095687695,1.57996138497843,0.547856689828494,-2.58545112463886,-2.01289883469857,-2.58545112463886,-2.58545112463886,-1.28066839757263,-1.51820208244025,-1.92388015696644,-1.94091423362694,-1.994128110714,-2.58545112463886,-0.756414005584858,-2.58545112463886 +Pappa2,8.67657081295606,8.53317046152607,8.64955708086223,8.2433801115287,7.88137270982242,8.17861364385222,8.34295750437159,8.84796697953102,8.69166862141427,8.28821791618815,7.81775861059224,8.18162764500048,5.23893657796754,4.70875843354344,5.24516089175359,5.22795841120477,5.01191600357243,4.9935567469551,4.97100583618977,4.18831525062339,4.63159567321637,5.02268728593613,4.68998498692521,4.46661762261846 +Cep76,1.99402960709219,1.69559108361153,2.15670870856328,2.00377649752839,1.48575268240968,1.60805462086137,1.68517243236453,1.42148187076744,1.69002834217149,1.83302421587972,1.18474289005866,1.20657256890844,2.64113829449619,2.14819556892096,2.5573555403022,2.27583742703418,2.19522560142255,2.51121471505167,2.2802667553855,2.44571784258142,2.35848587060604,2.20219947803769,2.00699268839236,2.50889613692115 +Ppp1r12b,1.85179813439518,1.95267703527943,1.51299538969035,2.00294378080193,2.62552623133886,2.62715443130603,2.60079296254368,1.55381868292696,1.808421906162,1.88177439208653,2.64335545141938,2.41047891711755,0.831661266949803,1.62268587851499,0.878338610508968,1.38834375194065,2.26547966821084,1.50669162710487,2.52641536480859,0.569048616925999,1.26498416097037,1.47695109409149,2.22002610729457,2.06815335654001 +Csnk1g3,3.42898622696033,3.41828959323124,3.31078319087655,3.43633849512558,3.48089411333823,3.35707581238196,3.18409325068871,3.53553448020207,3.40702895924058,3.47189547788589,3.40455355456852,3.4569768425167,2.80757771507689,2.9892674472286,3.03626868813255,3.0449959643107,2.89238637137677,2.94664902181595,2.73131365078183,3.1936225922533,3.09560041710187,2.86956083570967,2.76673959354601,2.67969269796062 +Prr16,0.498505470349866,0.422413213178882,0.396300137731622,0.150862710715733,1.01754097963029,0.937398599361714,0.589044671644822,0.860789805105906,0.322792489777459,-0.450197675042872,0.844636145442892,0.5056298586288,-2.16813045166002,-2.60101543471725,-3.58235985488771,-3.58235985488771,-2.59663347400369,-2.1801010549243,-2.46892054253269,-2.49389609350469,-3.58235985488771,-3.58235985488771,-2.98723843084366,-3.58235985488771 +3222401L13Rik,1.19316207340182,1.0750875402023,1.49752325434415,0.907786938696376,0.943073672678617,1.4553284178579,0.877948434926692,1.43022791339516,1.32179884934773,0.903620459538773,1.06463738821807,1.22164189535219,1.16577117676408,1.5600179418807,1.69366996892099,0.660322471502218,1.06371828145544,1.43520934725138,0.93236844840455,1.25805416220114,1.30549080095598,1.26599769008625,0.947812283098219,1.03670795401555 +Pcdhb22,1.73706162096709,1.28496371605026,2.08602965272159,1.13043544627412,0.506531641286749,1.14718114333263,0.739857401312717,1.56869156886737,1.53980658198441,1.37255286685172,0.535792806966825,1.23620839670226,2.11265661951347,2.02917592184597,2.04164100527544,1.78752279449271,1.40314370096946,1.98394676007949,1.38438814538077,2.29975106066064,2.13851554088086,1.46004716562763,1.4436297982951,1.79806316486294 +Gm1614,0.124428290750792,0.471628227824467,0.5763543199055,0.401707266097121,0.192485251894733,0.46603629611605,1.04947246443347,0.635207446026582,-0.0914383096475735,0.526447966324868,0.52916229668923,0.564071526457192,2.03727200485741,2.39877771730742,2.4811780564472,2.18812535479052,2.05970619436988,1.81640570702357,2.41919990584822,2.00687239206739,1.85663675556724,2.2510314501659,2.34022515045819,2.04891161952042 +D2hgdh,1.97414155116265,2.34715575884989,2.18129982589568,2.02707303471462,2.40470610867097,2.43120355523508,2.1375351025803,2.1928212536702,1.80299418015669,2.14746006704651,2.40878938838625,2.42201525959257,2.07844761703699,2.25982313244235,2.17595685896048,2.02351131260831,2.38140100823476,1.91911929358122,2.54106462665838,1.98812791063578,2.1476093871101,2.31641027097824,2.30612988136986,2.4454755143817 +Myeov2,4.94019023555258,4.18986273095429,4.78919183840278,4.70688402826718,4.28147013934047,4.33140851789739,4.39490915744018,4.73899456379898,4.80722946278002,4.71960108103194,4.40205738916511,4.57399533866532,4.8266239032412,4.472577211763,4.82879990507096,4.4153688653576,3.89651126187342,4.62831222993344,4.21405859542006,5.10223132417464,4.713737122084,4.35951320077749,4.12354463553117,4.383339403144 +Hdac4,2.60429657315038,2.18096793218799,2.33850892606607,2.36546496972462,2.8237173836639,2.96889343539512,2.68480808353439,2.66356817319651,2.51145131159863,1.89332575644277,2.83162396657819,2.71260935211514,1.69702605488527,2.40947316902847,1.80987896374818,2.04253584937677,2.62818014440016,2.03270128317217,2.70455882251041,1.97467969484383,1.72082596719996,2.15353954132295,2.89411751828922,3.0284676482043 +C130036L24Rik,-1.07428210248523,-0.715481604742615,-0.644168391861146,-0.929671827167052,-0.873415785067308,-0.919627284736825,-0.628306510100261,-0.615060929320726,-0.54579852322091,-1.10581472932781,-1.38149950628509,-0.895080097774951,-1.30050188464074,-0.949804518402608,-1.00234937295238,-0.945680393498825,-2.25944064672586,-0.79717011904994,-1.73859453117308,-1.93268871055352,-1.31460694912248,-1.08727216737336,-1.62774998253088,-1.65483067174842 +Fbxo36,2.10576273386173,1.71046970315803,2.01998778325742,1.73031528177428,1.13549599077375,1.46248642223284,1.40476346892568,1.77551254302112,1.7994650924491,1.85164668358452,1.13170946311553,1.45534031090421,1.48854002889763,0.629495184797854,1.35521603955366,1.60913580308301,0.263937640766399,0.830023069442705,0.991412150981346,0.785313299708482,1.70380855687631,1.87203797144397,0.693430412336635,1.10504909051535 +Rab18,4.93100417510522,4.56824400319434,4.94160269346015,4.75482225263347,4.63827201353665,4.59464659568022,4.50037450168219,4.88208292577278,4.79403334761423,4.79244716696287,4.48689224586947,4.56472693187725,5.31498832786612,5.01168875344294,5.40319791648571,5.15921995684281,5.12730645626086,5.28363080082989,4.82672946104448,5.29915637223169,5.27430104178174,5.06647859317613,5.09055974657643,5.26828890214937 +Wdfy1,1.25305787728143,1.9895282380104,1.25682310911011,1.93546146004335,2.06726481284628,1.8416501881831,1.98625587390252,1.3076407446078,1.63861391899948,1.7206053207347,1.98228991301444,1.99829272007094,1.21747322950391,1.52920971584285,0.990232945990341,1.3618592444128,1.60405661081896,1.37806229331387,1.60701443658167,0.97053077124031,1.44313105897174,1.30876125604288,1.57359660396108,1.58904338801717 +Gm10557,3.14540710589366,3.55336934814156,3.01049510415016,3.14445854609276,3.63752453771022,3.58889446751019,3.67274072082911,3.29354403562329,2.98950168823491,2.96666198347557,3.38412209078317,3.09856360330547,2.44471250646386,2.54128638609741,1.99496032691418,3.04405812148847,3.17549992238764,2.79469974770993,3.5148115755339,2.80363925987081,2.59536581168846,2.93960296533333,3.40507046415007,3.0313381048388 +Nbeal1,3.16349834658891,3.21045435569757,2.86879782620436,3.05292103837667,3.50942579697563,3.34730716592127,3.27944341596817,3.15337513337981,3.20504764578696,3.01690422580502,3.41652459091294,3.37282015099425,3.42451995494266,3.44604991823876,3.56054229463506,3.34282554173481,3.47735715049224,3.50132688815708,3.23735475361387,3.55001521983911,3.30016356444511,3.26316176397668,3.36948538991623,3.49063356874369 +Gm6644,1.0486794199865,0.769803431319367,0.650639139953632,0.994968384297457,0.383225173364787,0.0518176305746809,-0.0037580447592495,0.719210438953241,0.955752158017506,0.847819502035353,0.446868044090515,0.859477965536632,0.596606828498317,1.2433656132105,1.19454006701867,1.35139984870911,1.55896174445166,1.08908690958619,0.983177377707346,1.2875752608706,1.42590248901855,1.18745056750829,1.66791658297909,1.01690906638804 +Hspe1,4.47993348852651,4.49407568465728,4.50830387177021,4.49006123891708,4.18919299398265,4.04069213961646,4.29579361888262,4.31263249809245,4.15633182377124,4.19647249890986,4.39437034148549,4.49001190683277,4.53243728264124,4.5293490536234,4.24510306850449,4.2002196080687,4.646502255915,4.56714052966632,4.10943503236754,4.846020086488,4.41966078253248,4.12883619343605,4.65970432160185,4.89686144940475 +Pgap1,4.25803149783345,4.17798402340629,4.31847289980301,4.08959276124879,3.96770600349127,4.12250955158351,3.99028001114492,4.46082636417197,4.33093203892604,4.07406411191248,3.99223616829459,4.20423123972268,4.55220624640721,4.1986436416175,4.32958728009638,4.06350788135309,3.75370112325975,4.43629307336808,3.81789004938738,4.55306201461632,4.3766197875609,3.9770543549596,3.76552696429625,4.0950565495772 +Tmem88b,-0.86409224262571,-0.421661485207929,-1.18311187408293,-1.8886679090377,-1.16128865041042,-0.990371451791419,-1.14662003154753,-0.479644288818248,-1.5875624089104,-1.19392732685121,-0.783298878352549,-0.630898017463421,-1.32779846583413,-0.606188033673379,-1.16878973561,-0.864465699913663,-0.8606291928308,-1.13522552264177,-1.38740487389502,-0.754171568015965,-2.55910660746663,-1.26860823917848,-0.221604980388237,-1.44589123480319 +Gm10563,-0.46391696416231,-0.287977541655616,-0.651625491011055,-0.371478054044447,0.436862142501198,-0.144421154447772,0.105252378501481,-0.485092501598012,-0.790685430123014,-0.712016145265561,0.365825499406604,0.0918744199140185,-1.11328619616291,-0.629279971375948,-1.15359205177465,-0.94287959269493,-0.324528023293873,-0.745215839430083,-0.407251339681437,-1.56620807737592,-1.23807472860167,-0.954767906604744,-0.187040503443496,-0.637972863277411 +2610002J02Rik,3.95008943354511,3.82454219098994,4.07312677035935,4.072608697808,3.77752331531546,3.85543839771341,3.8040733168161,3.86720837229478,3.77146081766879,3.95463645387924,3.74988542552382,3.9475894814166,3.6229121631916,3.70064619172308,3.58494122571252,3.75602505718082,3.37087573733826,3.39332160363453,3.60034534495386,3.80178748895621,3.66962802386453,3.70430292061944,3.37474671844979,3.51668207720111 +Klhl21,3.59422515399764,3.20539137918564,3.64194178684746,3.40711865006274,3.28427759491407,3.30857536491653,3.18701046433271,3.3477660755001,3.49977397577089,3.5670510226332,3.27360868612114,3.08927800657013,3.89449827644046,3.67769567986265,3.88023728962212,3.79213019460922,3.95266904240929,3.88321892490169,3.93564146547628,3.65395877060082,3.78151864690203,3.94400277340334,3.87838170676634,3.69976827352761 +Rpl31,5.31651003275322,4.8526608437081,5.53411148517488,5.17694443766379,4.85158666884633,4.88519882415535,4.78307928252932,5.3505841102663,5.23916334109011,5.32296543099177,4.80576895681694,5.0328594642258,4.57370437270838,3.95075011981291,4.43113513400745,4.29323227769094,4.10725286392895,4.24029295348221,3.72115593173371,4.49168587181904,4.44811127563969,4.12694772806642,4.03896957235353,4.08593702550671 +Apitd1,1.26811333876042,0.865855756215268,1.42339663341608,1.15075086642005,0.0703331709425628,0.656248618086749,1.09286303997913,1.17986862391836,1.16342588447729,1.3653184167814,0.459044517194375,0.905693287226443,-0.465264203409424,-1.00226568857602,0.0153275005568169,-0.097562936831296,-0.733133881401986,-0.866156392840299,-0.19603518875451,-0.142803628340473,-0.107403504778157,-0.143523211363495,-0.56813856059347,-0.0737816157538846 +Vps13d,2.28734782449378,2.82207406140768,2.16219726723424,2.19512050554975,2.50344478941741,2.41151745852128,2.40790338137321,2.59980554428451,2.21331634122848,2.68259105018241,2.54106119345859,2.54533031666467,1.38407516560874,1.98483842040197,1.69041566560758,1.58567611733246,1.65486963039709,1.42234461002374,1.80749709088187,1.46125598048156,1.47157270971736,1.61865844389199,1.71209100192092,1.62287897476196 +Lmbrd1,3.02049480308483,3.23372366116247,3.29320387020689,3.04050644027408,3.06692519772187,3.05296746616392,3.07525747126887,3.64988380278591,3.13927167133287,3.10256463923463,2.88302895111834,3.15956309980859,4.10687380758251,3.95873695639424,4.26335393746874,3.9421840718685,3.69342088117927,3.99591970287356,3.66702992387719,4.2142351020056,4.12812922637386,3.92986525750288,3.83654373600728,3.79234405891696 +Gm10565,-2.21843874363384,-0.790940248250235,-1.2204480253559,-1.01493373035323,-0.59003853737283,-0.949728371317906,-0.444291859777515,-1.56456057066024,-0.865385917439991,-1.42314043504,-0.304375321410031,-0.787599013397706,-1.75036908709815,-0.905925976090418,-0.958470830640189,-0.901801851186636,-0.133621869860987,-1.07839295532472,0.222953751799096,-0.954003735569451,-0.855060829641256,-1.30594439045145,-0.465699641111665,-0.299967461291771 +Rsg1,0.0817006287665126,0.604852812663486,0.258005419237335,-0.0261965660776138,-0.116771423561314,0.11734407781661,-0.188754563694968,0.737000684349577,0.276082571522177,0.274627597867528,0.162860110810351,-0.47536725070096,-0.232983384541657,-1.13057590216615,-1.28167906878688,-1.22115977210286,-0.389316750499623,0.0160182928217301,-0.274688976289394,-0.810397714522283,0.138140936599557,-1.47944558319692,0.564102823492294,-0.139451464089933 +Gm10567,1.497569674023,1.72372225437944,1.75658347002069,0.940239254336309,1.28669102777235,1.25711150653544,1.12811213188507,1.77089945560133,1.66304340279883,1.58938968279247,0.937360332521608,0.99707450732265,4.29259192709504,3.51869338251491,4.07039398241848,3.62669301622587,3.24904725934499,3.80400181686677,3.91957787414622,3.36911315852034,3.75733743543606,3.93473690346893,2.98967772910852,3.39854478639122 +5730409E04Rik,2.96262586538707,2.89461662342055,3.37309469869885,2.81409572302703,2.4214328093968,2.71041506937474,2.35741966988475,2.91839043736033,3.01206417517474,2.84621937204816,2.56560566523694,2.60901330374616,2.81079611605194,2.88998061761772,2.82810596586767,2.98807944647352,2.47099301730587,2.7289789249621,2.67186304653965,2.877077581253,2.76245349216677,2.94975293541925,2.37529319468292,2.56793567237581 +Sh3d21,1.47124744010412,1.78104639044687,1.2934021104883,1.47249598528219,1.70878922081532,1.76253739711974,1.81568865599037,1.66883043005695,1.49100097191495,1.58128990345914,2.03406454607265,1.39314154932676,0.548981647496765,1.53497499901482,1.20561360468636,1.24294068206037,0.950297753658603,0.846163990587008,1.26614921885815,0.916069265986936,1.192253251371,1.5153219605386,0.617729788952242,0.661193067245607 +Btbd19,-1.66281438294055,-0.765528688346837,-1.16518320789891,-1.07778429647259,-1.12977873796312,-1.34150519520787,-1.45819037807495,-1.52341952330104,-1.68459850228132,-1.75059444193604,-1.18210338635162,-1.56007415714286,-0.143622880168713,-0.750408398469132,-0.880875031596303,-0.276580662343291,-0.816296150938099,-0.0085912818334932,-0.0801924918893346,-0.489957903223469,-0.851756340854551,-0.887876047439889,-1.55434017104328,-0.818134451830279 +Kti12,3.69058851866136,3.36971172233794,3.55240204088312,3.46613039789724,3.34022845768419,3.24475037122338,3.13659240064941,3.40135494761795,3.29946268514029,3.28066148353086,3.53068158803071,3.46587546910567,3.45342516432654,3.25829689290615,3.60918525170143,3.25625393617986,3.78609596141394,3.49704750594419,3.67647720795499,2.95097377686975,3.42891399389705,3.227320572354,3.62315838663491,3.47971840736275 +Efcab7,1.41609330847657,1.74595176627883,1.84827385224261,1.82725870381692,1.38040213221888,1.36613272170036,1.30529892150399,1.4002828430326,2.00949238211046,1.95909310275948,1.52186841860932,1.59424671508034,1.90280671969863,1.7190181984084,1.86177630564996,1.90710931153875,1.74535330737647,1.49742325298956,1.48535922337277,1.58252890890056,1.73808547439168,1.78698016445941,1.22631947129662,1.88397393733975 +Alg6,0.791662952601923,0.839141098167622,1.0118664191325,0.666837916642488,0.569801260442155,0.539763094978514,0.488591054704395,0.800421146899339,0.764989897937753,0.993456937198394,0.188912393913737,0.371320579619613,1.46125826090622,1.37063464811025,1.26476292765717,1.04912470494448,1.10025194610974,0.995536139963717,1.01701673028281,1.42130081469626,1.22782548868609,1.1946756967637,0.821475541049669,1.40639038892734 +Cdkn2b,1.47186183260978,1.61871035574233,1.62590885100306,1.10705602605554,1.48699124269543,1.28592781317949,1.33179841817244,1.80740550794469,1.35194119900413,0.581192849537801,0.533857228874844,1.56107471649846,2.32906165911878,2.708593294814,2.3368430714407,1.96869910009532,2.32232225387801,2.4175838568258,2.41723338393476,3.14951817342957,2.03672195665536,2.09365248932397,2.27724024885892,1.58830313906574 +Fam196a,-4.56899139660788,-3.63367920354794,-4.56899139660788,-4.56899139660788,-3.30897303548151,-3.98535322060348,-4.56899139660788,-4.01154547222388,-4.07203471561115,-4.56899139660788,-4.56899139660788,-4.56899139660788,-1.03965789608836,0.394641573863182,-0.826834526246522,-1.58500434081523,-1.42454018137244,-0.746749980472161,-0.72284964322252,0.620198883086706,-1.46475264939491,-1.19623979022368,-1.54247528898809,-1.1115412695522 +Tufm,2.69852046355693,2.28031414128265,2.34445091350028,2.71562977279096,2.37980091575877,2.16363006719248,2.39204868022979,2.53468343335439,2.35366733411088,2.41212380379444,2.49324620402589,2.17607635555138,2.88905693266049,2.3123788375089,2.4403361737038,2.41739259187886,2.27376458499347,2.75941274962074,2.53189253097844,2.45386148122667,2.7234561214781,2.81101989157067,2.34735847912109,2.57158357950424 +Iqck,-1.56010289856162,-1.64498779426424,-0.745797962791077,-0.970822357676438,-1.34413291492551,-0.819674921694711,-1.9747970468466,-0.464004795089235,-1.01089403068211,-1.05591955343887,-1.48312907721502,-1.06324602444669,-0.956111936466465,-1.12523495533391,-0.708399087867201,-0.873191244692547,-1.55680777852755,-1.05221227010195,-0.973792729197118,-1.38376386299214,-0.567119665201879,-0.452903911694239,-1.14274838501529,-1.5114045399303 +AA474408,-0.383689871170874,-0.224598213979574,0.364688015541202,-0.115020383425275,0.60569156425586,0.180802844739326,0.135561444914989,-0.0102704808616583,-0.772114494401488,0.0289419152844661,-0.211103898371528,0.202963385912706,-0.796180862536263,-0.886455419053292,-1.30525307722014,-1.11683988802931,-0.667453320845957,-0.734688215076307,-0.907803098046543,-0.860732312530947,-0.761789406602753,-0.728075337437763,-0.265348203150766,-1.38995596303766 +Ccl27a,0.700915187268603,0.934887966918064,1.29647359215301,0.862247057061525,1.21903106179552,1.00034298971778,0.989047011991887,1.30797737576944,1.04838844180436,1.30248258091638,0.786224019635541,1.51219036551887,-0.0812192531817533,-0.322380362931234,-0.622580273723791,-0.144137518291243,-0.051867388192355,-0.0987529912573355,-0.0190793569770742,-0.45912842887897,-0.345615265615941,-0.459848011901991,-0.261358063103321,-0.0820290615625312 +Il11ra1,0.539945529388212,0.585050395962875,0.455424400079302,0.563339066424057,0.638342504425659,0.731720024598745,0.826745689531869,0.414897830377853,0.736086584160563,0.693493205936945,0.730247361313774,0.664924348055459,0.677452874289783,0.76759134368155,0.507152462924309,0.443696762923294,0.477348526018628,0.687895157322515,0.69163493998189,0.819684251890295,0.918697361520752,0.675049626105208,0.425837924192551,0.451453357178609 +Mob3b,-1.51588423503129,-0.944960922034243,-0.321401159828442,-1.49975809582314,-0.230176386263222,-0.85579628451785,-1.07400730180604,0.0319340598603604,-1.63273659013395,-2.14610743527585,-1.26389373222456,-1.11470244669197,-3.59110533946993,-2.60954366278684,-1.83133615672162,-1.81185437971065,-1.98213659236399,-2.35748019371457,-2.08524576934527,-2.03817498382967,-2.67745810314645,-2.59612022270565,-2.2517535075009,-2.4500676749484 +Trim68,1.47396275282057,1.80730595186681,1.28920864163911,1.65810369704783,2.02096792296971,1.60713054529653,1.9262752717066,1.74294097770246,1.33731108606201,1.62613801473549,1.77524837028566,1.95648571210071,1.86920442694965,1.7717760714849,0.795335733189977,1.48239508142889,1.82987687949336,1.36732521402878,2.16636651115429,1.50295905765056,1.62949563210469,1.55096320463694,1.80405111110578,1.92093079344095 +Rhog,2.16126385534538,2.29933124036856,2.57788064983313,1.75241367897617,2.18517559679137,2.53520366766183,2.00558178893763,2.32685005761461,2.65104577993451,2.3278026793175,2.08367871493718,2.00565378978775,2.1521768437467,2.22890093518863,2.1859098208679,1.90705717742464,2.14874163767573,2.1335935542729,2.13808281164662,2.14650455048118,1.99890323933801,2.08520828758023,2.00976685386762,2.22686630116487 +Ggh,4.24323398608322,3.82255173164321,4.65340066459576,3.94756547492488,3.35474387818352,3.49300815490834,3.70118468094478,4.31500026115164,4.36346179160989,3.86019711621008,3.63960930016259,3.81232940782135,3.75612033912856,3.31337416136527,3.83031028045359,3.64178475471079,2.84521486144668,3.37167445682196,2.64712279788889,3.77118994297939,3.63127226544393,3.69786530645042,2.79191928618741,3.04080316557491 +Omp,-0.973266681553364,-0.985562940326385,-1.59844441030351,-1.47238625916755,-0.0327776467565479,0.290163116123221,-0.0065995352482737,-0.144669634023091,-0.704602506260404,-1.17305635313226,-0.0268066724461407,-0.254436215743038,-0.749420485236148,-1.68041305060365,-2.88065029655486,-1.9324673339662,-0.398864687089589,-1.78709382373973,-0.691685358742918,-2.03359088449287,-2.12768579522639,-1.4772428638831,-0.527886246685308,-0.423428841109877 +4632427E13Rik,3.31886359760613,3.37104714349274,2.82900893409833,3.1760239320661,3.42436906712194,3.3374581727131,3.31459903253221,3.22831538608885,3.07545989836087,3.25105351809716,3.21998940387457,3.22061598803207,2.36535066250002,2.39232377578075,2.10421910143726,1.95201223104906,2.49376841358797,2.22212030080891,2.43258879369677,2.10689194768362,1.9939589776957,1.81637311393265,2.59017390737548,2.42659971438668 +Exoc8,3.08813549071071,2.93758789574049,3.11873947186141,2.91186608521358,2.81798859846478,2.75436205983245,2.87242032789073,2.9421225036599,2.89299677820214,2.93148726592481,2.63787888375275,2.87427818771663,3.1192927444465,3.04561236591208,3.05359658325845,3.16322546821519,3.1454553748727,3.04586601478957,3.1990460307483,2.82189856072973,3.11977400159943,3.10552980812796,3.04918884531865,3.07165206488595 +Gm10615,-0.486018814275169,-0.168494796845348,-1.45011529364401,-0.547269579773811,-0.0187914588016942,-0.052249115840441,-0.290572873703523,-1.40318234159079,-1.27506733004304,0.259816918338907,0.0405356846172453,0.180150893836828,-0.570591048008487,-0.732841403738027,-0.934556073335838,-1.45784992746435,-0.0746924495643939,-0.812702526579441,-0.620570933728116,-1.04708786988378,-1.1709195951276,-0.82591668012536,-0.393866351349705,-0.7971950917561 +Osgin1,0.264283169269788,-0.0453095854726351,-0.463611609096621,-0.192265722663287,0.674082668803296,0.0738686548383687,0.013238289264679,0.1408209645176,-0.57491311289576,-0.119205762148508,0.788858737585447,0.307579397664313,2.10908924797916,0.964776761750235,1.25064857026791,0.961691709546493,2.46739806850491,1.53746912992209,2.3295996315914,1.0287671915612,1.28240979288488,1.30710510632106,2.40930673730227,1.34216816503229 +Mlycd,3.61630949108794,3.28626394419105,3.79653949651009,3.52629479866032,3.2224856492006,3.15261355207264,3.34132010261983,3.50109539241067,3.53004909575489,3.39312854890418,3.18575124879872,3.2810557138647,3.9126034427116,3.81307514922489,4.10524480408502,3.97459151980264,3.58359537262929,3.93471996535114,3.70436927916913,4.16208593366398,4.0964514093488,3.96043696728777,3.83731468225873,3.61895850243145 +Gm10621,-0.849673885179374,0.0811090772885101,-0.467735885636965,0.0412433157525449,-0.445912661964455,-0.985207396432533,-0.507557976928296,-0.427937671012975,-2.03815457328711,-0.309224047296689,-0.774477504665628,-0.849103102014779,-0.997656947379211,-0.88765174211936,-1.28214739221341,-0.0594051479534317,-1.29372608178712,-0.746022681180571,-0.942003849141958,-0.711860859348041,-2.10802932193252,-0.874435188817638,-0.414870119521739,-0.504682054964783 +Snrnp40,2.73878504951696,2.338642549108,2.70814319901402,2.5824599747049,2.39126466589262,2.44669939369907,2.54172505863219,2.4964548153048,2.68067885327776,2.38248437552788,2.5072894681666,2.53796546031635,2.48609910292181,2.35427673135966,2.75375196684345,2.53964427548185,2.52772546404027,2.69856570304738,2.718122226387,2.17945809264756,2.18564036573237,2.58182170154246,2.58619096632941,2.63106925063591 +Svip,3.98584837261307,3.99165435485428,4.21315603743072,3.96879116717667,3.53608297668357,3.66181731249136,3.57529823151932,4.05019143585472,3.94428981224651,3.98314429292824,3.53709890512853,3.75536704655905,5.61378467063148,5.44745914674226,5.75410066184799,5.53702435281265,4.96700284313409,5.28609008983919,4.71929800677233,5.8888917316969,5.47912802285117,5.44582620017863,4.75094972817841,5.0983866885746 +Rbm15b,3.40973667794596,3.09704796591733,2.98350469909611,3.29050591677259,3.25060164658148,3.10887451181031,2.97425841093164,2.86623779392956,3.13529417500509,2.95949455926786,2.95043323158809,3.24696386732468,3.51256806498265,3.201337021609,3.33010988115214,3.41338716119766,3.10821781276277,3.34585743800282,3.35173989974118,3.31731851585651,3.47946151900388,3.19498440641678,3.44295319174178,3.21167546733061 +Rpl13a,6.70866504665208,6.17961719015207,6.97807904416476,6.70329631151917,6.45126619375025,6.49287857211456,6.43966412802604,6.71406464749428,6.75605913168703,6.86815885152681,6.46570574522795,6.59237792029988,5.90547563153628,5.61465544342976,5.95379691894402,5.57864152324408,5.47082786513995,5.86936771987164,5.42306385887193,6.01744321315521,5.98996343085084,5.78237103980084,5.46603991480006,5.46707953401622 +Zfp319,1.24464820075317,1.27152839550162,1.18628873471562,0.66935193053291,1.49633688488551,1.46481195704209,1.52942922080091,1.14258237460637,1.1276053436424,0.129868701840445,1.09113329133003,1.29847395440793,0.821071211614341,0.790515431341822,0.0410238810515602,0.733331549916386,1.08498908432643,1.32333636353137,1.10406852389399,0.718382291589496,0.440640326688824,0.255934763432279,0.541506658792536,1.10400192265017 +Il4i1,1.3710130799378,1.57122645182747,1.59398892224993,1.50507172191141,1.44320235219319,1.61939627513859,1.55325770777266,1.86038382260619,1.49802428796281,1.69193799460544,1.45973545787631,1.5424858690153,2.1150909832512,2.05589940957127,1.56849241467999,1.7307099456759,2.04004493948791,1.96162067634541,2.36800408537326,1.91702489068339,1.77782731673533,1.89505806208675,2.0734984639479,2.19226831754175 +Nlrc5,-2.63719965938117,-3.327064942038,-4.61790580839225,-1.28224986692769,-1.68110349799549,-3.23189344331993,-2.86410256808734,-3.69951769947428,-3.43505738828881,-2.67932296524263,-2.66702857055188,-3.15809614297438,-4.15158996118372,-3.08811198633058,-5.22891200134332,-2.24492494555068,-2.25398428073631,-4.16166295914471,-4.1154726889883,-5.22891200134332,-5.22891200134332,-2.66196096301944,-3.39987488228932,-2.94113904039857 +9830147E19Rik,1.70980810206152,1.29622456685877,1.57374379775606,1.28374854720259,1.63251674019407,1.4841081523207,1.4708821087572,1.25762912253026,1.63181456120904,0.861412985787043,1.63056068878814,1.58330064616923,1.51103862280841,1.47089459067338,1.50421087564244,1.64310115827245,1.39835895456124,1.53522027509821,1.63177765753871,0.861050565681063,1.8126238519055,1.35207385299066,1.4459639206536,1.66566268008753 +Zfp788,3.33245182642857,3.63117050500727,3.49790514248279,3.69864399530438,3.39343347189697,3.40539759178867,3.38964865366007,3.6185708427521,3.53350938598006,3.38209083978716,3.39465413598707,3.63008688315568,3.07258060898199,2.95190774570732,2.96332993432926,3.10735588004072,2.8899347667367,2.83803966818104,2.5861708977183,3.08503195907973,2.97109090344411,2.97583526201309,2.78604478394048,3.01525189728953 +AW146154,1.46222464880415,1.26374922708082,1.63842563917104,1.4339580634181,1.41916741471158,1.35615281648532,1.43987626240477,1.3659925703594,1.33378078867262,1.22360772364313,1.84137143744919,1.43582809756387,1.31225168837498,1.16608298565312,0.709223551290474,1.30621893996813,1.01288161464158,1.25340457934945,1.03966450600909,1.18068197145124,1.23434320194886,0.86941918602869,0.920187224206395,1.31137962087084 +Znhit6,1.436684396785,1.75812358735361,1.24330712339558,1.4381068700058,1.85106266058553,1.75729407961289,1.34408068508776,1.27409768343626,1.5709252008104,1.14962838699123,1.76577599929874,1.57520707821755,0.750101650908445,1.01708236356326,0.833696793026612,1.27288035205714,1.34738093182999,0.556924363902775,1.24083541453439,0.632101000093135,0.997705258063562,1.19157861008565,1.2202305228157,1.14936841993801 +Zfp791,0.274455396504885,0.500034171114882,0.515187367870979,0.654601416162916,0.730781663973302,0.239728474995301,-0.144792899227295,0.971430452462285,0.86559744062739,-0.529032113339831,0.469980607717115,0.32787820402223,0.816336759629936,0.886199373099048,0.663535720920832,1.13809824077703,1.06422292019881,1.25552475290268,1.08103385264186,1.29386499695682,1.14880969344835,0.708649465854996,0.534108055582295,1.01618808031521 +Adh1,2.48654142951492,3.07490907904079,2.85844097757166,2.57702556269057,2.07565099664621,2.51898721667895,2.27902974328352,2.87073598808412,2.71189996383268,3.06075870226223,2.02517327825428,2.16731571475043,6.07273668524956,6.0806479217483,6.28868364988899,6.5766482153156,5.54263215301006,5.85306769749442,5.65105858568757,6.42939379896815,6.0482575367301,6.52657565822941,5.71088407622,5.70142565393557 +E130208F15Rik,-0.778916098620385,-2.61252134562265,-0.771021771524097,-1.01955208570397,-0.915905516035646,-0.251237685414455,-0.91108608316291,-0.89969778207785,-1.05374933338091,-0.866696157615878,-0.487773782443115,-0.180189152681455,0.149963576366683,-0.0180916185252356,-0.465872192656417,0.137614010754813,-0.179754784312003,-0.342207550653378,0.127321604476062,-0.307565224104777,-0.331028291228588,-0.0039777631197266,-0.670441886723119,-0.21797833274227 +Sdhaf1,3.53714709214566,2.5392512365719,3.25694092461805,3.21211250900609,3.17250169884378,2.8154084624442,3.18180833125328,2.89343529268023,3.20803390109598,3.32070676405166,3.02048374401097,3.19333914987881,4.18766941817098,3.54788983677935,4.0942484901597,4.0485137630008,3.75975347575271,4.02924468000413,3.76307310011254,4.22616085048945,4.10964239281724,3.90704091065427,3.87970535524018,3.56504453508815 +Dnajb14,2.6118549371394,2.36692236312887,2.45971565777303,2.28683130930752,2.62291237265083,2.61989072701434,2.3204487319716,2.71992283763175,2.33559553554764,2.17342688743518,2.49722672292765,2.39154644792633,3.19942623954001,3.08928182199394,3.1449659760108,3.11096946840444,3.07055661713862,3.14710875521614,2.81711558137025,3.22180709452203,3.04015621415131,3.00758518694786,3.02986833044844,3.06976615108755 +Gm10642,-1.41850540981589,-1.80452429827189,-1.41188347273253,-2.16235683262093,-1.78845317763446,-1.46615890425666,-1.082930195553,-0.418933742560597,-1.25461692570631,-1.08026837131312,-1.35718498408463,-1.33187505888504,0.17276632103455,0.560869775974286,-0.252897672159007,-0.0644844829681748,-0.612470834231995,0.530990968115865,-0.407795739551167,0.428982146146488,-0.331940333237568,0.0199133068669228,-0.564230920564929,-0.220269598588543 +Gm10643,1.75739054206706,1.76049953599413,1.88843283530493,1.39801724973148,1.20404465859039,1.6780227308908,1.69950290778923,1.70767772945067,1.95553545657399,2.06936945986125,0.686168552698251,1.06939620296716,1.16781131836045,1.33797905569674,1.64061972761873,1.14852936971025,1.12425055908998,0.858456143791986,1.35862330052988,1.73141910046355,1.58458040709753,1.54563630829932,1.2580215062943,1.16697341021984 +Gm10644,-1.30797398616389,-1.15385240655225,-2.71583272190966,-1.75574020359643,-1.08944746010898,-1.11283582495091,-0.970555113328784,-1.36276806147715,-1.37337102165129,-1.19092215404406,-1.18472664279157,-1.40423621982676,-1.3982704046881,-0.602008631854868,-1.79143628809143,-1.34856597068595,-0.458670170966092,-0.755459402689087,-0.119651234402087,-1.68974686047479,-1.05049562668929,-1.21429567294811,-0.65479125109702,-0.773751263264075 +Zfp382,2.03802634378277,1.95940915506484,1.93282752679396,1.8071586356929,1.83105965967673,1.91076967127492,1.92157406788489,1.45484293655062,2.25934304802226,1.83575210938805,1.7902973566784,1.41189040178957,1.47487704841694,1.08522957423372,1.10795520089056,0.745002446954657,1.21644420339186,1.30997498629261,1.26464635307705,1.07812865238733,1.26217929590754,0.966216304033833,1.41328446538833,1.26457975183323 +Zfp568,4.49572106168983,4.73251057009676,3.53413808572306,3.68620959477298,4.06123329597046,4.23193843738854,4.70253141341047,4.34293090786997,4.2403198619207,3.72020218672431,4.43066410093618,4.56930179472053,3.81013903129324,4.37304438669749,3.0258469221607,3.54060151041864,4.04960498820112,3.95040342303108,4.53491378783885,3.71363378629483,3.63473293267612,3.5020338438599,4.24313026106824,4.5077874276673 +Spint2,7.93221606796288,7.62484005522071,7.96677420464595,7.44682668489985,7.53490177520844,7.56486221473354,7.24420891300915,8.02697939247079,7.84589849725579,7.49091780227902,7.71799877737828,7.47425858760705,6.74993388585252,6.82428166427155,6.97847118020887,6.76483804847595,6.59047952269982,6.80048626522081,6.67385017226206,7.0007903195084,6.8574191331984,6.77069927430329,6.58223795704031,6.50998807488559 +Gm10645,0.293764596117833,0.644300208153956,-0.623140695291255,0.394249145412453,-0.563550356626604,-0.166991314553339,0.448089264790099,0.52770957070542,0.436408519113334,0.477095903313146,0.181169737052766,0.211999982414727,0.0981459532788505,0.18298696691071,-0.0375508274739903,0.248704944718498,-0.186716961901654,0.209624560537823,0.401756153389148,0.837890260737093,0.701085462961492,-0.0439893329098714,0.933987938925983,0.225131995361163 +Ap1ar,3.82444370329837,3.36980069652734,3.41300678116282,3.46456531556446,3.44974250305678,3.60943849131532,3.56691003820274,3.56963218561846,3.63227516101578,3.40458069424006,3.43116097762106,3.61843401766611,3.98765409895972,4.01776410982442,3.98751819290434,4.02846768022541,3.88046985425995,4.02144330295568,3.93484240248901,4.0201610072902,4.1228587717459,4.04677874294149,3.83276164160051,4.0799286066221 +Cib3,-0.556588517783475,-0.232965843055329,-0.692125590195182,0.257639520815072,0.358132630729353,-0.411473486032337,-0.859039873170623,-0.772491129992787,-1.23406023945604,0.556969426850366,0.146858762990517,-1.18769894995734,4.01665220149062,3.6417134402901,4.31071936351889,4.50056240172757,4.28512630840389,4.68427551207727,3.63161024195386,4.2581073613369,4.38573763745396,4.75537640764055,4.26455274410392,4.28673646414068 +Gm10651,2.07121208898591,1.23889383435512,1.32772535783939,2.13258653563237,2.25613690925317,1.8740065747427,2.1902726008414,1.60046911109931,1.55957221929126,1.48623719617966,1.52816250674435,1.69697182773252,1.65872109762052,1.71245601624625,2.09623188669618,1.82049025174486,2.13480837376247,2.38406452374051,2.25743141147566,1.67770426249505,2.01541856313229,2.33379622763398,2.28923225153408,2.6250265488279 +Dda1,4.10926090469171,3.84646513761769,3.79848485238697,3.88181732159836,3.92021759295027,3.90705467489771,3.84243879867103,3.85964378474715,3.94685125226538,3.73836658472677,3.88101460125045,3.71237923219089,3.98011495873501,3.62368504198171,3.85405652332291,3.76117626742165,3.8987553718311,3.9294232011736,3.86284988157385,3.50003856350013,3.97511685611021,3.85630685094938,4.06968668644612,3.72160220281845 +Gramd2,-2.4914034773433,-1.5760213776151,-2.59551876283041,-1.55234998881565,-0.830257209843811,-1.07600007762183,-0.984324117120275,-2.46401823028719,-2.05703199168886,-2.01634460748905,-0.964803613329208,-0.779258255836105,-2.15021574647197,-1.92480283399076,-2.66824405300716,-1.02948314712594,-0.483048088482197,-1.77507719993821,-0.485612031117394,-2.24965412843184,-2.1555252825349,-1.4753636799043,-0.558024291292268,-1.03220197817102 +Amy1,-0.227476308278864,0.737155093651343,-0.183808229780829,0.635249446335091,1.24026919211579,0.761034552232011,0.948703393828555,-0.13796425964138,0.406318932987338,0.370304006400803,0.954533450326186,0.365254605941207,-0.814295196216989,-0.20914698874914,-1.26829487315794,-1.05133218106269,-0.416253979995616,-0.764166189859826,-0.497486943351154,-1.49651141592228,-0.418998855963982,-0.608767882091443,0.329293668922938,-0.449497791167823 +Ceacam1,-1.48340172392754,-3.72074414617214,-3.22401397521092,-3.75285885877037,-1.26743174029143,-2.68059267096434,-2.15164796352683,-2.3255724701974,-2.85967365161409,-3.2840251377066,-3.03783562008369,-2.35835506787321,0.496661579141032,0.401441520396971,0.789842403111359,0.783460792572681,0.838515519640499,0.147539461507813,0.620148606124972,0.425411912448153,0.686211123115775,0.64690584414555,0.743688179661947,0.859673175415983 +Gm10657,1.06133833561195,0.724584010450137,1.25002593172359,0.773709453380279,0.671776775582621,0.838914812415605,0.812038015709921,1.27166274364229,1.45954354171226,1.14054833191948,0.359349283956498,0.482554247675222,1.31824225108102,0.561737514972154,1.48860248132289,0.791209833204533,0.155638888633844,1.71817038878179,0.960358567778512,0.83463944816406,0.859482304958385,0.662929662500794,0.791402911960338,0.814991154281945 +Phldb3,0.734688340240336,1.41311455120659,1.2002439564004,0.926791276186111,0.443118737337686,1.06488720884237,0.977521073177623,1.41683378219409,0.884388711709966,1.54195443583391,1.02326051886095,1.18788456042139,0.237063501541018,1.19917854302574,0.441100987688661,0.810023756401499,0.234724822850955,0.159944312798822,0.659862811779835,0.521857931207301,0.931562969742908,0.859629107548423,0.730606482266958,0.40096898347762 +Zfp94,1.10179097513417,1.25224177513122,1.51706324986615,1.55949080191524,1.15119642359259,1.28266361066243,1.43399646783297,1.48602829950081,1.594252491904,1.85129831106335,1.54748250341767,1.5954737536002,0.805688064635989,1.50453263087465,0.901233413539736,1.25668434462431,1.12108058832708,0.76147970221732,1.12720788779504,0.636295626462631,1.3534959243113,1.4497694265202,1.23170034732326,0.949696599933722 +Zfp109,1.56854547502827,1.98332903326309,1.28332535399187,1.68440644710195,1.83232835138589,1.96778327716449,1.96322486073757,1.41252682320941,1.58283467645339,1.96670951503136,1.93451709177756,1.66995417272435,1.50376793833653,0.936052136330713,1.40094349056413,1.42835760860807,1.6357652497803,1.56798296497438,1.59747768912081,1.43626819422228,1.51193432126721,1.42030951895538,1.59814769092491,1.87615423836087 +C230081A13Rik,-1.89419504052861,-1.70856703306684,-1.65431100489787,-2.28859466564347,-0.773242683409269,-1.58652995778979,-1.42572579456834,-1.69746232918493,-2.37773137989049,-1.76741506895674,-1.22758864631983,-1.70506891646709,-1.66239771352622,-1.25631990231852,-1.63058833773492,-1.71039296398655,-0.894386108982128,-1.49215002196477,-0.880704548158251,-2.06040638862965,-1.6716283162143,-1.50387942396805,-0.879600814672716,-1.10269667306471 +Ovgp1,-2.1036718667131,-1.34939907943464,-1.95690124843089,-1.17113319100612,-0.490311001097347,-0.675775569132687,-0.211623639850008,-1.8499004768115,-1.48106782189147,-0.711555282132421,-0.876883001611167,-0.645304746347978,-2.79227399736097,-3.49809385284127,-3.16574680452259,-2.95086290654253,-1.59737910633245,-3.41218923081311,-1.48275133212222,-3.3909745116287,-2.88178266489086,-2.32631694869335,-1.86921134636996,-3.40258260861564 +Adora3,-1.58292546726226,-0.492046165588879,-1.42149060358707,-1.27631793676816,-2.14851285734776,-2.48838885164012,-1.30279576739609,-1.55554022020615,-1.71671919918644,-1.52111245004359,-1.7450266111662,-1.59219485404797,3.40104184673711,2.75625565941236,2.91000638468397,2.36315432208288,2.30183096317595,2.841017652519,3.04707228721334,3.18206669297924,2.79362246480223,2.30879506597999,2.23530107343156,2.6474786868134 +Tnfaip8l3,2.11720704819688,1.89450909110784,2.39312344704184,2.15843444622444,1.75772792122014,1.65084279819501,1.80735929084853,2.01708547018647,2.21886068995689,1.80083534082881,1.89307753386088,1.86681133345991,-0.382506229001393,0.0353579954141447,0.0571435464148371,-0.0488009510899308,-0.370764971264524,-1.24199310259185,-0.32219234072455,0.39943779063657,0.456759992052101,0.0499212759354077,-1.03097556830407,-0.29476984909107 +AA386476,-0.0748857694522415,0.30622509089276,-0.2235354463772,0.0130507432809148,0.392341586021234,0.422998530690403,0.0546997541753454,-0.0015849821660942,-0.631332497400439,-0.325975095897009,-0.535049596926027,0.37048288831941,-1.40976875206671,-0.956133012704718,-0.937694192789346,-1.92273624491194,0.269451607057234,-1.19444074849306,-0.456257228507812,-0.367407659923983,-1.49927741959661,-0.792291602735128,-0.370843635148157,-0.160228855540724 +Ccdc61,0.522674311387848,1.09860521394573,0.754931153785328,1.18248487917387,1.00765747798188,0.593823305903998,1.17725501725465,0.474395773696188,0.535419297881002,1.26709719646371,1.25192702693311,1.28705758832447,0.601192985212714,0.162505808061501,-0.0669564717851643,0.864237478359853,1.01761501378113,0.318432989397296,1.18856886908362,0.412905264353354,1.15633841097327,0.818043537217009,0.939519460805132,1.34114047845186 +AI429214,0.820542320895756,1.40028772363363,1.41619788459144,1.11492421319718,0.856196393106739,0.875637365764319,0.968516281388355,1.28953903276954,1.28113593719025,1.15283039442601,0.905332832820491,0.757935107130862,1.64851533920111,1.41513247121678,1.35716258971451,1.54154864248029,0.928142979901363,0.964373306801314,1.08699751227391,1.22634391261416,1.4431317349627,1.4304568660182,1.3994974012177,1.48660258141846 +Gm15441,-0.986331418256823,0.0306786682251912,0.291030494041585,-0.300142448244198,-1.40191302890899,-0.593723890207023,-0.837625619940841,-0.267431490297681,0.139077123238258,-0.0455675409454619,-0.423376681213372,-0.709169627708836,-1.01389205044994,-1.43019389598695,-1.16175905786579,-0.334884844255388,-0.964012971110058,-1.03124786534041,-2.23040615813631,-1.79589529698756,-0.0939545445341734,-0.0256721548442176,-0.846166638240027,-1.68651561330176 +Hist2h3b,3.47151721794886,2.75815343661652,4.17492301995726,3.63298056795387,2.78423810303771,3.0961094272811,3.27323586237143,4.14589194271604,4.26734389025492,3.33318246662245,3.07041287001509,2.5533034597302,3.79707575464225,3.52001279443621,3.72638380525813,3.60587652924982,2.89439804209425,3.47262657725797,2.8795074430348,4.10802430568787,3.69204420623802,3.51072786192979,3.09479130161133,2.56776700224696 +Zfp865,1.95678903604359,2.18348158068232,1.95069951068888,1.85153253071714,2.58127596020717,2.4493818789292,2.60845962692659,2.16412094391592,1.86613329539973,2.16661551431778,2.60333515669514,2.2016163935837,1.47683881506393,2.00559802614241,1.72687393218447,2.07643032738399,2.60504962286793,2.13699628562292,2.98439431773473,1.67426193000247,1.91333397079006,1.85361996456239,2.68094696778742,2.1641089663206 +Zfp628,1.14215109120004,1.11844867537445,1.04577673556132,0.740840546534558,1.61330719965844,1.86185305171433,1.60171155351522,1.71585428171709,0.886923584024069,1.02788535738898,1.75671788854026,1.08817159644398,0.391678448295652,1.1066986629166,0.997824405121543,-0.116123024848585,1.52115244313792,0.948944631721151,2.07030341243906,0.342819174331859,0.6977032903362,0.555429161066744,1.50925817855582,1.23428406064344 +2610203C20Rik,-3.03535967001707,-1.71924793604471,-3.34036027071638,-2.47884165301002,-1.01750249603348,-0.619357755142775,-2.01943078304673,-3.09448320791108,-3.25842047379427,-3.43603465680817,-1.2970250037807,-1.29243733742802,-5.08705279724151,-3.05529505177746,-4.41032953562216,-4.19544563764211,-3.42499898058982,-3.62428756024134,-3.98970524829525,-4.29656918816878,-3.70974908184031,-5.14623612706554,-2.89068627647882,-4.31034548789494 +S100a16,1.31637794871277,0.523924791322904,1.22743805150648,0.583412040577248,0.89152074343684,0.189639466310052,0.399712635954612,1.15093390786263,0.964583382611541,0.0774316506123329,0.437821320789126,0.527305930278375,-1.64050112600482,-2.48217823929222,-0.606542371283363,-3.0547305292325,-2.06900414834849,-1.1522382500081,-1.94129121687748,-1.96626676784948,-1.23378010829516,-1.48415916423823,-1.44952121732137,-3.0547305292325 +Gm10699,1.40938187830455,1.30265931711553,1.8319289673547,1.38397511004797,1.27972145291831,1.1877745578651,0.990959798082081,1.84068623218771,1.64828919521976,1.67630642734065,1.00433092821136,0.948416543986512,1.3652480742551,1.64054987086692,1.57879460524806,1.32331904874762,0.842422069140048,1.19732512569578,1.07809098816168,1.69167933142346,1.44873687398983,1.50406677094857,0.861865902594806,1.39251501574319 +Gm15417,-0.280296073867,0.152278763927405,0.0262727590309857,0.244749841702675,-0.775262345429613,-0.53414467970336,-0.344431413011868,-0.285896395623646,-0.115131584907119,0.0147191310133996,-1.40388631770326,-1.15475533630133,1.56128034606739,0.60349329277472,1.47394293417494,0.855330902180646,1.22817995264487,1.61575145647158,1.16620320458225,1.29144930815631,1.39481903218068,0.959519663794315,1.13100022260202,1.24692746745002 +Zfp872,-0.163647522768518,-0.795993709280822,-0.154593371908564,-0.965236410091326,-1.68725591397454,-1.34438349609681,-0.99220465264468,-0.609659836445611,-1.00388539832144,-0.158149911978608,-1.25912418038201,-0.649672447202022,1.10246087357076,0.247920121676406,0.418439125173356,-0.0987162004579474,0.294729042558065,-0.103791486722192,0.604322366175811,-0.0662921318309495,0.792678755875619,-0.302074341845836,-0.31330369783509,0.609315371742182 +Spc24,0.499368774254668,0.546270076987937,1.23282582107031,0.316682572291272,0.115500852568944,0.110143620797447,0.059949789876534,0.220147357421441,0.754157289993965,0.627497759190787,0.75530055845053,0.732562999416957,0.427936661088262,0.757272983207,0.516254255012487,1.15639515039228,0.640072424268891,-0.225402240913834,0.726803479459902,0.6841524862002,1.03170301351252,0.94155961593796,0.139855255042972,0.735222493431636 +Gm10704,3.80624399323299,3.22002628904525,3.97668861545153,3.75185334126656,2.92930327487454,3.02745579456821,3.20967733730811,3.41620996347453,3.52254431629968,3.53230550867797,3.17359456488358,3.23782381573381,3.48318526486231,3.46196274025644,3.73322038198285,3.53823420847408,2.96730838589613,3.29589281727662,2.88091540052134,3.92696871844872,3.71018719625023,3.42513442501606,3.11335291333216,3.15967344681714 +Mex3a,0.530963241449582,-0.112888007779975,0.486667624404862,0.490451727809716,0.746804572861426,0.832037905739726,0.613085843556695,0.235637032186343,0.387248004866935,0.351974664627207,0.899793293486023,0.640170894910709,-0.705576225413652,-1.53360005441204,-2.20317074206086,-1.79773951500896,-0.561706097410568,-0.638395613420659,-0.933592756973618,-2.58669285570433,-1.78774230711048,-2.10315552661173,-0.371195007391007,-1.43453092726778 +Gm16589,0.860623185017537,0.584699378267101,0.739746777156194,0.746950320013396,0.766177309692896,1.00239964080334,0.648013661979779,0.455527995213857,0.982542078495148,0.540069550174745,0.815313749406648,0.883716639935175,2.63513976903795,1.7528520912901,2.0422163113691,1.83057816550239,1.89180174840632,2.38138757821007,2.26969956526603,2.06961429732605,2.04143389414945,1.6250253233597,1.63163695847219,1.79158459079517 +Zfp558,-0.594855285772963,-0.386299018458032,-0.287424023312397,-0.48377939252794,-0.558802007495559,-0.362722987440817,-0.999508759294509,-0.437231454687913,-0.571468933144652,-0.796203000233485,-0.843538620896441,-0.634965498620502,-0.493304523923415,-0.252181435591808,-1.42142809152957,-0.750586722721347,-0.920868935374692,-1.10129654659564,-1.11880919372311,-0.739548273224071,-0.807485104352926,-1.23591992349781,-1.2838455043813,-0.494124013492096 +Fat3,-2.35031592420922,-2.26714107465262,-1.97035908365934,-3.25912377243623,-2.02394495808875,-2.40125926823518,-2.57257347533677,-2.12427919444821,-2.31236079740696,-2.28589645247766,-2.4755590455345,-1.99054314874705,-2.72732951263943,-3.01685467252772,-3.25787340072223,-5.03885348797263,-4.41976870908742,-4.46769541057186,-4.22469522805073,-3.41600452961952,-3.02651097872235,-2.83256803979676,-4.22123846147177,-5.15375333822546 +Gm10705,2.09636307419117,2.3759973809768,2.85990460602848,2.4765090938492,1.73876009342283,2.64646594684926,1.96077972708264,2.420404455015,2.48064924747783,1.8754487080906,2.17752255623501,2.70992451727397,2.04793260953146,1.41201248057961,2.48544339860712,1.60789074644734,1.71821424885277,2.25508629068971,1.08602015463686,2.42450924546991,2.28420440396524,2.4237616077882,1.22752714644166,1.96373286565466 +Arfip1,1.77734387165276,1.55286572941058,1.67920574405803,1.4844605915598,1.34535932736199,1.45744680196652,1.38082634733739,1.57989974476342,1.64377077471043,1.46429924938556,1.37496047730216,1.40320040277839,1.94587090415318,1.86357886201072,2.01623173557864,1.88520110193289,1.74603539312928,1.94485517201048,1.73748855136343,2.01414956032165,1.9008120870709,1.87521710929906,1.78505940432784,1.82844190649223 +Gm10709,1.03073019028404,1.88393746147411,1.71316856492295,2.07364854024588,1.06781556888753,2.05488931262211,1.01913232749128,1.49762070350756,1.5196464551335,2.60304566188367,1.19389819174039,1.65772596220583,0.539704661475009,1.30560327097765,1.40893236638595,1.44789162507456,0.812320680503869,1.45532890503019,1.02058395043555,0.71220481139969,0.588373086155874,1.31961145437082,0.597417001713127,0.167161982006917 +Etohi1,0.142727179402232,-0.108227731588289,-0.0923175706304811,-0.0023306706875621,0.229658648874042,0.367014297926313,0.167339437312683,-0.275426910189379,-0.133408172497734,0.367940070460663,0.322485317751008,0.462099253037644,0.061717413161996,-0.230748288235527,0.0307874249423667,-0.165855914012047,0.199693986114328,0.0431573201574258,0.12739032897981,-0.427377968915411,-0.265786534041157,-0.215482871328834,-0.224591343040713,-0.23579814859898 +Gm10712,2.56409852178111,2.57887383131308,3.32814390142534,3.09490241625907,2.86141152923191,2.98702443028565,2.64555647932251,3.02090381801812,3.37665831346262,2.95001479708209,3.02076261440096,3.08087868654659,2.91728881452341,2.35612828841407,3.03420278764866,2.35418690256184,2.32010565088162,2.82989593534992,2.40951417433492,3.21299692732817,2.85699764890551,2.88086107886603,2.23316427997411,2.18626024035133 +Mocs3,2.35387825885849,2.20298462822353,2.39055634828398,2.34323799223378,1.81026511473454,1.83961755817154,2.29894754554646,2.2333725039712,2.6344498432903,2.24006130888257,2.15435698671771,1.97363392002177,2.34013262436164,2.31200996655028,2.77056548192282,2.88551360402247,2.51936472667022,2.88898653243806,2.85900101065937,2.39692945330631,2.66280540242473,2.31107317883331,2.56279115223474,2.16430411302055 +1500012F01Rik,3.64537514680672,3.67424870520678,4.40169782479659,4.23279043946085,3.75129780195113,3.34232209924615,3.45629820979594,3.61757865000653,3.88518263128713,4.13488216491849,3.70092073784164,3.96495209602802,2.2194635251993,2.59754891248922,2.4136777261988,2.71137759213114,2.6619639476668,2.55639588704782,2.46015047842375,2.55607193620423,3.02214056720729,2.48253669953098,2.86549960351826,2.9021045941226 +Lekr1,-0.0862615169738827,0.282670843035035,0.234238071182915,0.0188109646912933,-0.110909918150897,0.0367132498444618,-0.0326410098471381,0.0319720026032813,-0.0240435869865649,-0.0510853670253528,0.109931561653946,0.532604244204872,-0.0877310729017169,0.254642908526544,-0.245644170558592,0.282784359415349,-0.418506401214127,-0.265518976952533,-0.914072031087879,0.0204458427290914,-0.0177571579955149,-0.137791232355246,-0.0878764186253687,-0.15024369925236 +4931440P22Rik,-1.73830388547763,-1.92860145997336,-1.20100876026302,-1.55701097425201,-1.36320297340101,-2.0616286363096,-1.17698012447268,-0.788450435182659,-0.97034897831752,-1.38564528717376,-0.628084421568164,-0.991943268894528,-1.93392252831661,-2.37700745200585,-2.06961930906945,-1.92644202814488,-2.08180676248977,-1.23041325701797,-2.01842508901903,-2.38706619763487,-1.33098301863397,-2.07605781450533,-2.17161707404854,-2.40400671912571 +Arfgef2,3.80026808735558,3.75210271991206,3.74377531967262,3.70867786345523,3.97792898805709,3.93666966229319,3.84796932095042,3.92279773470024,3.83914889443534,3.59024059568903,3.84483613454876,3.81627493138191,4.38617440574485,4.70150878809537,4.50419780593325,4.66422632814451,4.92442642042231,4.63527699717184,4.95567016451616,4.4817771785958,4.24523221643063,4.55384146959828,4.84402336000332,4.72448138062295 +Gm10728,-0.640753583545408,-0.261192214180377,-1.36986763537568,-0.122482154509177,1.71050555570738,1.57105458109983,0.87088901255399,0.21443773302129,-0.766865395190531,-0.461507993687101,1.06965888050797,0.734172063520651,-2.59549771863776,-0.265273227408454,-1.07322709057944,-2.52906747358916,0.548267431920087,-0.804394365185078,0.287638752659453,-1.80501410956504,-1.6348103173867,-1.92348337563155,0.795925670841078,-0.295761753330816 +Mafb,6.53918812212596,6.52223997330558,6.72882381685051,6.50180589338667,6.53836810516057,6.64524463361355,6.61251715176245,7.05773800681501,6.88417295346151,6.54858830945133,6.60550076241849,6.47274685524302,0.34319447097636,2.16257757737592,1.18624910740557,1.46645021447622,1.20729823159983,0.462939222141306,1.21981061628647,1.04447383312391,0.983635171248535,1.55694758124085,1.264815508985,1.04553531792393 +4930518I15Rik,-0.652212461860563,0.565649854024312,-1.40544797532023,0.18687507109585,0.590639702434609,0.614798573324773,0.835748977401656,-0.382991307456546,-1.16219788051796,-0.0029634898502758,0.469731451725243,0.693494494366143,-1.69659938151113,-0.48195915708397,-1.19811363757114,-0.51992725928982,0.448363216630341,-0.674187977800771,1.01264262479317,-1.68545766028771,-1.17626581354987,-0.620800097352356,0.713049600672317,0.446524915738161 +Gm7120,0.0033225937072889,-0.787242234676131,-0.0918208689570537,-0.68938057402442,-0.178458787493951,-0.230668455860016,-0.612645991391978,-0.371236739158302,-0.266021901187175,-0.542781613299993,-0.293831701026034,-0.381325389068025,0.736595221055381,0.190504841531442,0.445645961252917,-0.687925160278768,0.221788468518524,0.64459381672365,0.368291601978974,1.09063392967049,0.791722721016991,-0.216551422791916,-0.364071942630699,-0.360185403571797 +3110070M22Rik,-0.0409927592774176,-0.311780821303653,0.236885748495113,0.432027714607141,-0.289991789276078,0.168306815871862,0.148423699057617,-0.591435942888335,0.541998766558987,0.242189153661015,0.236035688924005,0.168970189678415,1.470018907961,0.685602746609223,0.851110256728999,1.01741110483354,0.446158942447566,0.758625431841184,0.111907021050211,1.48981286608121,0.65805567022518,1.15170630138299,-0.0445281599635504,0.508845081166069 +Cpne1,2.98842282525486,2.95979435900668,2.85625542755085,3.02669580897791,2.97961402212922,3.04359422580242,3.00543669963813,2.84288213839302,3.03268364521015,2.96432773356231,2.92860122655278,2.92555671126606,2.90658659240972,2.65442142423837,2.69248843529421,2.73710750646794,2.77603842188687,2.64348973241899,2.73034328670261,2.66727124909584,2.80057704573661,2.62853192396695,2.66323613818837,2.66873422316853 +6430550D23Rik,-4.07371092485635,-2.91557964511187,-5.27584716348797,-3.89819691517121,-2.39757874270035,-2.98340853693449,-2.80423200295512,-3.63186863359789,-3.93130460752178,-3.91865018899135,-2.64320048304307,-3.81603749807011,-4.47262395321136,-3.45807589596962,-3.72761452151093,-3.63285919405814,-2.66456871813797,-4.2129044797434,-3.11749601474658,-5.88685335643905,-3.54970687902625,-3.20470396402402,-2.68999526135176,-3.97091798317521 +BC029722,3.52111984155292,3.34752209360155,3.68841592085136,3.42622048756125,3.39040060828072,3.45091675693247,3.32533687954984,3.4487440338481,3.44927253118387,3.53429433343587,3.33057767995143,3.37435224999518,4.08532234152937,3.73001506151349,4.17179729048364,4.04214162611171,4.00604100689558,4.09995813779306,3.850190204541,3.92477799149093,4.20910241189737,4.22017370914168,4.26714709896445,3.85044753758404 +Eif2s2,2.99267569445598,2.90045591340867,3.38963094600209,3.07001410541174,2.51989786699261,2.63689836102746,2.63761323612607,2.90990641886157,3.19579307109284,2.90633026785802,2.5698970920157,2.72885999889145,2.99566562607804,2.80233296678542,2.5484269392995,2.7690982444127,2.57175758492702,2.72434223901031,2.55951743300061,3.20869807764069,2.61234774928626,2.77994581690769,2.62356150013801,2.73567757112628 +Kif5a,1.40820880177426,2.44171173793696,2.40154665886254,2.0024865806854,2.17613664072723,2.08552583000864,1.9717420469088,2.04204375011904,2.17240731554029,2.42245273089519,1.80008302837635,1.836283456894,-0.553585897409557,0.789545199214556,0.537341712956821,0.550709571826328,0.379197756600072,-0.401292212621362,0.534387260725935,-0.497606906617639,-0.356951776304737,0.498935886142453,0.277222218520625,0.276505361730886 +Pde4d,2.58378935903183,2.1568952403408,2.81143863248044,2.479542645599,2.31701331060071,2.29786691097861,2.15684808327446,3.07340421789014,2.61932610177123,2.63606167399997,2.22928042960538,2.50337003000611,0.587269304535392,0.799313665241131,0.258179181636471,0.368934511066527,0.720290022066105,1.11996963461103,0.406647333879972,1.0798830283592,-0.148591290054035,-0.68587899894312,-0.419495309634526,-0.215216177941495 +Tspyl3,1.04318779202177,0.940292477255347,1.5586082123506,1.16782579788645,0.678309217941525,0.635010610160425,0.352799991608991,1.89553248027241,1.28798480293472,1.02726365680615,0.930177784563857,0.782591575149131,0.812945387648206,0.511774603980864,0.565537719955062,0.423747617741602,-0.0485104165177332,0.101681937506376,-0.189321086794725,0.647980025663067,0.399743946196328,0.0912188308717488,0.262213086245249,0.118924096497108 +Zcchc3,3.08018076261293,3.06981057322341,3.13749523930005,3.36021892822447,3.18356427820209,3.26959343911168,3.13699974855936,3.32439230262393,3.23501935462513,3.1087534509047,3.23956541265011,3.14099363476189,2.23685316281597,2.31421338144841,2.31979615775132,1.9644489367794,2.42603593568412,2.38922455308067,2.33563634108088,2.45729717053281,2.30632816108366,2.30296557541079,2.18084040419059,1.96608408062504 +Csnk2a1,3.97843584400817,3.79198063290505,3.95840779431999,3.77803209194538,3.5711677603139,3.62921816517878,3.61246873722497,3.93843070880163,3.8912600817862,3.72764251431761,3.6537291028633,3.765349947768,3.96202756914558,3.68242132105014,3.85320495026267,3.81254819635306,3.51570436048819,3.76281328228054,3.4551880980399,3.91374817231629,3.67431427028051,3.71622348985158,3.52794750717806,3.66466129581425 +Ccl28,-1.16791034320884,0.0377686863537656,-0.283859100816112,-1.2252014115747,-0.0762680939430564,0.126011314540947,-0.604608286816389,-0.585401166666202,-0.875933013293023,-0.215071500989004,-0.557757030187838,-1.12921127896809,2.86433455019107,2.61910300124032,3.37484739900394,2.45589433737107,2.87891725366634,3.03803530495239,2.28448116388186,3.24814574197416,3.06469888277728,2.53621191517674,2.11610618663387,2.27792651527563 +5830428H23Rik,1.18592524330108,2.1253788226051,0.702238514500626,2.05826915909171,2.63030771574375,2.4192535832465,2.57910079731782,0.942300065664452,1.36283545070993,1.85620875850685,2.60669960026852,2.31945577072305,0.907997253959543,1.67235094302214,0.858115995418282,1.268182547087,2.3156256341863,1.32387037496214,2.05247588075589,0.362197141374577,1.34338183158888,1.69318708251261,2.1229049910509,2.09962956109158 +B930041F14Rik,2.61144950345448,2.12545015938034,2.89289956353574,2.48690751145891,2.4603061182073,2.47958097989434,2.12306946529139,2.69635463008347,2.55759027836434,2.40603511621885,2.32109380875029,2.40305858446117,3.70180576197683,3.44624660376406,3.83565061919612,3.60929703009143,3.40734973049533,3.42620410385867,3.20847477169161,3.70020210100234,3.55418178148354,3.7338033978664,3.51351399669324,3.09851742915819 +Thbd,0.356688645788175,0.232008727647073,0.432479467449319,-0.30927548626269,-0.225171906576741,0.062212939349352,0.102245980040566,0.728560633820468,0.679937418698667,-0.0482923238688777,-0.821701592689075,0.264570940265651,1.76268870352417,2.44832935677188,1.61318569031628,1.1309368401874,1.03802484859952,1.75607605120029,1.90188019632569,2.5867138690014,1.65756093290873,1.0628097558411,0.6559544870372,1.77411474348974 +Pdzd8,3.96756725081599,3.73967855974199,3.99091739438153,3.81654878249895,3.77993805672204,3.93470422610517,3.6874721156294,4.01471087320052,3.86722924109063,3.71474350131513,3.83294506083138,3.82939387023586,4.08186885057759,4.06017578546926,4.16604094702466,4.18821174724776,4.02280625488177,4.05903937901854,3.94072667574069,4.19477644966514,3.98874532074623,3.97977830355227,4.04083436529442,4.01380007376761 +Atxn7l3b,4.66210290936334,4.75560552499439,4.85888564252151,4.59961918519449,4.44041900171481,4.46523261593213,4.43098243933991,4.77303943746494,4.72788010351504,4.4702327883296,4.48189213048611,4.47393943246991,5.10154936171951,4.95718871845343,5.23145327808746,5.15885249210797,4.85648294424893,5.11735388032916,4.81243889349983,5.32302711462479,5.10974415773305,5.04135878098123,4.76037574117133,4.90454667768809 +Plk1s1,4.09187195543573,4.4987958068742,4.78943443735003,4.57162334747094,4.10816312196426,4.01291982759781,4.1778091225171,4.48849003767786,4.57065147091509,4.78777601514757,3.91581894039327,4.00925215483258,4.10058635923109,4.28687220033423,4.4201156476628,4.32960399279661,3.81890827427977,3.86692019804439,3.97648550633294,4.3900775615393,4.46692503936076,4.30579023234078,3.79378063454863,4.14677796880976 +Gm561,4.52932140817087,3.78599637810836,4.96037732611144,4.33722681356554,3.90826451959656,3.78702161247574,4.14848752921444,4.56090935392597,4.4364002698022,4.43792378870486,3.67313742314764,4.0909089722887,4.69314400935886,4.2426327949324,4.83017613663855,4.67778984279426,3.88671854686648,4.34535001305752,3.91422148713852,4.66181440905938,4.79878680699227,4.41781006038132,4.02106325877775,4.06053396852714 +Ankrd5,-0.925702132286515,-0.605667640889665,-0.924230426364556,-0.307294405545308,-0.579096023124567,-0.327597603936115,-0.907828119329539,-1.19802240557507,-0.595208463527645,-0.54685263715936,-0.77940300677294,-0.65742650545027,-1.48270157289557,-2.06980812070976,-1.8265199722151,-2.22241195131089,-1.32626777091954,-2.0906935955678,-1.92439489770847,-1.80380835953202,-1.33072219266436,-1.18232493356115,-1.32022031867793,-2.07447455401458 +Ube2n,3.40243086061357,2.89719201091974,3.20013686150897,2.90850480206337,2.84674361802442,2.98402551214699,2.91029702018071,3.2280064938234,3.08533667965936,2.99091915253106,2.89112066828835,2.93613352019032,3.06227371237545,2.65609769091841,2.55623663093528,2.59730425184313,2.24993047000031,2.81822583321779,2.30186200263148,2.70925192741163,2.64883791455357,2.4598149969613,2.34536840901198,2.50711253324658 +Plxnc1,-3.15584727624212,-2.35733083611978,-2.43651982083622,-2.70679287904919,-2.33293820363121,-2.16580016679823,-3.16657374058468,-2.39672160621223,-2.84097035566369,-3.12218381503765,-2.46749857934347,-2.93166353024447,-4.33284812218118,-3.62954051250904,-4.82977775846026,-4.23597337953526,-3.84427070924875,-3.73622128564513,-4.29673084998577,-3.47803829027945,-5.41017016234078,-3.25704883802241,-3.38741236241277,-4.3333144979447 +Hspa12b,-0.745918287200621,-0.181859229166703,-0.194294645737794,-1.15639279810657,0.157189661352462,0.0517739909227202,-0.163021631043407,-0.758384826302575,-0.485201792408696,-0.605172015401269,-0.420718513997296,-0.684340109594077,0.16237811872005,0.805694765650303,1.02400005110942,0.509206760514708,0.229754838638175,0.383212837462869,0.498159928113461,0.483636041907942,0.306406958461457,0.595364513524817,-0.108541313024065,0.578402727510276 +Arrdc3,4.09106620842436,4.18187131832443,3.75809835608515,3.63500834154173,3.80768927914374,3.84160982285335,3.74523819116386,4.20174207979122,4.25667091234147,3.62245496892736,3.80972473071037,3.93391305192254,3.69031980098634,3.63349076452972,3.35629442665579,3.66688754247736,3.55685766559727,3.70545222244601,3.35003244487056,3.4110997889348,3.73888648906636,3.77086876539157,3.63318890326196,3.57062087414129 +Itpa,3.20751645176203,2.22230698964272,3.04512485729839,2.79744055759883,2.20684569862277,2.63889548028395,2.57102464241165,2.26953554611217,2.65438375985501,2.50635038744176,2.5363794103134,2.68844797460649,3.57647058708226,2.75779988346742,2.94657181040721,3.05682165594617,3.22210342033112,3.09922035843417,3.17616879074914,2.71723905997127,3.08518306750651,2.804064335836,3.16306072582404,3.36072394466534 +Gm4149,8.32773847825782,7.45430202969951,8.45612905650681,8.16775250944102,7.57753074652428,7.81823680215377,7.69462181957362,8.39007983510609,8.15954530456444,8.1574500806697,7.86445720426702,8.04617574229914,7.62984579696452,7.18604991907974,7.64155723272422,7.29084608506344,6.77988022277029,7.39798259944307,6.89192058006141,7.63998557572336,7.60728863083623,7.44050512907554,6.80353000247331,7.08661657916827 +Gas2l3,-0.931632586039464,-0.919438171698447,-0.286992984870498,-0.615776388780856,-2.03863886533684,-0.990336902506821,-1.19816442718215,-0.266470395214412,-0.388142285524048,-1.45466627034272,-1.06222772034748,-1.37735725304498,-1.22091291497595,-1.90149929927774,-2.04053700046784,-1.42228522626011,-1.68249720107041,-1.60407106160247,-1.15748252669657,-1.43464810682227,-1.09805287285643,-1.32860020875089,-1.91901272895912,-0.844919291553331 +Gm10762,2.63623804073535,2.23753433496413,2.20469377939773,2.25119518508624,2.05834212293864,2.33724269158807,2.0825318123489,2.39929763522551,2.39431632779763,1.94132628923229,1.72758327558916,2.26486310710358,2.69239892603414,2.81410878703897,2.82005973476333,2.55865407406471,2.3376075923568,2.58601069482105,2.15985603060552,2.77543345165857,2.62665468904121,2.88024504224896,2.29499084194876,2.18728544831904 +Hps6,2.56301776808903,2.34394229220976,2.5123519741685,2.44886334428314,1.98754136219129,2.1580525628962,2.21917361148243,2.32444375086688,2.17781747377902,1.92090225713578,1.66080405998567,2.2306876508908,2.71428433919193,2.399539009692,2.95569329865634,2.48681264539528,2.39863620489036,2.46675750883446,2.50018139111043,2.27167656456075,2.77345926996462,2.42482126162786,2.52305150409026,1.90914983430497 +Pdzd7,-3.88827266817132,-1.3403195870642,-2.33520813438882,-1.89106857607106,-0.964893859606366,-1.39663786183188,-0.68856869222064,-2.2882751823356,-2.98992725943079,-2.10517256598207,-1.01969557605027,-1.69541994544735,-2.10468086055327,-1.96438145281577,-2.23392007835709,-2.34294276820917,-1.83206484152441,-2.4906666340608,-1.29496614887694,-2.96570709734268,-2.05601243587241,-2.40935907673291,-2.37040111335719,-1.68228793250091 +Zfp708,-0.915159967484786,-0.965933514422829,-1.87925644685363,-0.899889543889271,-0.508942172071169,-1.13326016936722,-0.482764060562895,-0.554093115923258,-0.441405052988886,-0.653520299086302,-0.388605468592371,-0.248990259372788,-0.999732201218103,-0.649034834979969,-2.1396631569313,-0.644910710076186,-0.962279505143002,-1.12473227148438,-0.345733829025809,-0.697112594459001,-0.750382777365388,-1.25505783333498,-0.823007504559322,-0.408683533611266 +Gm10767,-2.04932760430541,-0.886442829282475,-1.81669544311847,-1.85368056530076,-1.30495985287939,-1.09764432648924,-2.05850885592927,-1.57441000230074,-2.06757019209757,-2.70041356548844,-1.23068574681441,-1.32431061765402,-0.741818708718435,-0.624917071015772,-1.2311055753012,-1.24677462363877,-2.37451100618412,-0.983930187289389,-0.909936391557871,-0.276703085678819,-1.34214725583754,-0.79113975684133,-0.953204340681033,-1.39152077230559 +CAAA01180111.1,3.12161906655243,3.204145067454,3.26799848600396,2.94792996177213,2.90746106212152,3.24089236418767,2.97018785020883,3.12008998736643,3.08557790850354,3.28301250660645,2.96422513906042,3.27393321354846,2.68917189417298,2.80661170279031,2.64123111467842,2.81305880208554,2.77390229646657,2.87384682369287,2.6143260968738,3.22722243688341,2.62596073893388,3.1276440399052,2.87314899848368,2.68830389704525 +Gm10774,2.3990292669179,1.39796819165197,1.56848974555333,1.65219416914286,1.28472970985586,0.628265355476656,1.52257566792114,1.43688283518668,1.61515252764958,2.46675167887039,1.71286144344839,1.52445935306881,3.14159669601829,1.82117738977486,2.67716011320787,1.47847183058406,1.82875142254752,1.61385167876577,2.23897656674791,2.1973770457948,2.31089020905783,1.93410669738151,1.87928744860497,2.64221236129924 +BC025920,-0.239295821807504,0.395897163415569,-0.124168839973803,-0.505477787631946,0.370205044270669,-0.1584553853899,-0.0476009181925396,0.492801481714689,-0.193296303139105,-0.0024569049653231,0.414773226677232,-0.360181368990913,-0.90049476329337,-0.563841696078988,-1.12628354928662,-1.30000225113684,0.180461213525254,-0.639895796025031,0.13306281173007,-1.554463939136,-1.26735239721546,-0.844217761803699,-0.211146796273709,-0.0130377744364094 +Zfp934,0.486791106126017,-0.0734345358515258,-0.482624706424478,-0.47645422397922,0.0425166114566597,0.522434555176114,0.285347342073418,-0.13077655467711,0.273419120788892,-0.316696403718699,-0.675002925756277,0.108207912418163,0.354952419975978,0.100907258279711,0.209048383759179,-0.131841509677764,-0.567263416297916,0.574521350303317,-0.699305003869643,0.611168245087916,-0.265473927845164,-0.561644014837055,-1.26107612790826,0.354160897589502 +Zfp808,-0.0709932579930532,0.563787488574889,0.632136321280715,0.113283496333189,0.35287236140994,0.20728017449516,0.370883675232194,0.700688755681526,0.222066220640897,-0.287375123036019,-0.340826788060815,0.0007548885812997,0.438413601878401,0.131441884457127,0.0118011747389128,0.477694346951015,0.0939960786584517,0.147410615426508,-0.388357799875828,0.652242765084232,0.228869206512942,0.275508888412993,-0.806862530462659,-0.11050069344316 +Ctxn2,4.34034935467136,4.00698529250219,4.47573989051235,4.23992462642465,4.09507101306014,3.90770530218679,3.94058042370695,4.7583188136288,4.33598948556007,4.04852831969207,4.15626358442131,4.44264165144025,-2.40125111495272,-0.620621465120976,-2.40125111495272,-1.69785266303432,-1.41552473406871,-2.40125111495272,-0.666935359136675,-1.7567142239408,-0.803595506831859,-2.40125111495272,-2.40125111495272,-2.40125111495272 +AI606181,1.29922791267398,1.51774355509472,1.80026745465786,1.22799068544863,1.84688624484913,2.021680950401,1.08459007503866,1.94289437331113,1.46469008438174,1.24318775927632,1.51734473668064,1.18003640046818,1.02844484021044,1.2062507141316,1.44560140908009,1.14565626149628,1.48479350770839,1.47310423464001,0.950315836934861,1.29916840116122,0.845907830795325,1.22168788553845,1.50666860415787,1.47101471756746 +Spata5l1,1.40914490704429,0.839818892465471,0.835217082335727,1.20980373518827,1.83869976828892,1.81263645939951,1.58380202248865,0.788886456235591,0.148820513400408,1.42795585298146,1.37502694893965,1.71799925546984,0.904073861862584,1.25891250591345,0.520125171695601,1.01631726380546,1.98133133142008,1.45624844735156,1.77365245001054,1.45800262785964,1.19699007259333,1.27399499668274,2.08286687868136,1.05631144000596 +Serf2,3.45219121911283,3.2150449077406,3.04452516691211,3.33412437047939,3.24268001446518,3.15956707452683,3.35247182604148,3.08694834567433,3.12011778978853,3.14853445277099,3.1593506043717,3.24929597322573,3.66042633897739,3.32906115537881,3.23237775386951,3.32190540207571,3.43411782147478,3.66288777735843,3.62427011944835,3.2993917961629,3.43904560495229,3.24357233984268,3.4914476154609,3.53675597401403 +Grk6,3.14001541793965,3.40664358557762,3.3222193772392,3.41320711800248,3.37718280844436,3.13787293596623,3.48229937296776,3.32198943653216,3.37933477480182,3.4544152416129,3.3998473518985,3.48297336406616,2.79192310200001,3.32266957340552,2.98378251643125,3.31391841295992,3.3482559744287,3.10059517238753,3.31920768942115,3.02550966530217,3.26480944632098,3.49047959385441,3.14713318427664,3.31018656081855 +Lcmt2,3.02252099936522,2.66600395167891,2.66870568292181,2.53502630714688,2.48266561188797,2.58863474862208,2.64798261486136,2.80626525236704,2.91753804588128,2.66771850045601,2.43491148110057,2.41528194616399,3.01951475645728,2.9300155249511,2.8910318116545,2.6948338332429,2.69827674118727,3.2330061592201,2.79098392558191,3.1890663477884,3.05973225301868,2.76527078211675,2.67069105947554,2.7472997351424 +B3galt5,1.32614485840334,1.76117692537076,2.05205609683444,1.38092830619364,1.40424241519127,1.34288273917329,1.01798477867553,1.75902892092386,1.86542828562832,1.61762757884813,1.32834923863816,1.23754903965065,3.59664063836899,3.78255360015735,3.94761093746882,3.57333737242356,3.45080961053573,3.61056378539877,3.4935797556506,3.69703861789144,3.45268837622203,3.70338803658632,3.39479395347398,3.39886314552258 +Ifit3,-2.28648312303213,-0.812622416176378,-2.12574655659827,-0.558396438685494,0.0633999735236239,-0.997804869580251,-1.75302809563199,-1.05975415590625,-2.00520218926532,0.119049039807852,-1.28676220341257,-1.44804140698007,-1.05015531348875,-1.19271250713625,-0.85370244363769,0.84256342415748,-0.189710166248848,-1.76237908689245,-0.821904260464765,-0.859349688236729,-0.689643872214927,0.815083324443303,0.322333135487194,-0.0327134337668923 +Spnb5,-5.21997606237875,-3.65685696920546,-5.72486230749264,-4.83874760135275,-3.80267367869611,-4.14254967298848,-3.92142543155606,-5.72486230749264,-4.85896966600362,-4.16812885227672,-4.24793291703994,-4.00826582761686,-4.03769803184189,-1.76004178495307,-4.14905452339305,-2.52819729116116,-2.74993458688563,-3.82237002826824,-1.7664740101428,-3.59412103810891,-2.80149234744247,-2.57415756569336,-1.99646358174385,-2.34216940178728 +Gm2058,3.12859975770604,3.74761981095547,3.67128960293089,3.36648692371916,3.19936805595128,3.55098565286992,3.37695972560541,3.90865131345362,3.56793579825273,3.85209764160089,3.61034559066884,3.69949128810674,3.74328073870562,3.2385399248457,3.73938489743255,3.45781379479148,3.64892876874565,3.34910970392592,3.23191881937934,3.63412664252768,3.55190604153412,3.35335863863634,3.37927442987645,3.19622648205932 +Ranbp6,3.45020126914268,3.4833392177554,3.21333796422792,3.42717264734832,3.0715059006556,3.27343710628679,3.30960923812392,3.09831057473757,3.44303436288,3.25569298745739,3.27576642922921,3.25248947726702,3.01723460027211,2.86123663503447,3.04577227658789,3.15110439733305,2.60782361083222,2.96208601413122,2.76259633372499,2.84376813840805,3.20101974335819,2.78936693251303,2.8160999465123,2.9096813319955 +Chst14,0.856473531991076,1.37864090453891,1.40465449634996,0.262242357296764,1.06054731548666,0.929546271359828,0.369425262290923,1.51663300397891,1.25801329240655,0.927595710314646,0.549786570046735,0.944878178215463,-0.0407287991898342,0.126350839088159,0.650298242392864,0.0421918925840834,0.073166288043961,-0.856324385032675,-0.427536401936446,0.124399543189755,-0.319984595612978,-0.635397815114226,-0.698133950256641,0.03322678422973 +5430417L22Rik,4.3833158308432,4.11073472801581,4.47993751985095,4.2489397759524,4.04557508029075,4.08779490090864,3.80535053672993,4.24595637986296,4.2530591528446,4.32133217511809,3.99044925007115,3.83682572591731,3.91310909111667,3.63485242055029,4.07535529811417,3.71812115100241,3.51552986436108,3.83520634364373,3.49830166758457,3.99060802954515,3.9207232129666,3.84286643750642,3.59762399392486,3.5260397087062 +Fam122a,4.05579957118375,4.33352183329496,4.22579803599819,3.97894866446168,3.98050847010927,3.93749078783074,4.16902914795924,4.24083302146036,4.15575232425646,3.84507146345965,4.28613486010678,4.12978899907575,4.83421473606076,4.91477984809869,4.87885076346853,4.69078726293004,4.68164495791527,4.82153599910513,5.12057385653886,5.07957435841929,4.8082480089846,4.62450984591106,4.72114206625726,4.78790300121849 +Pak6,1.99296921178614,1.88078708422242,1.69043067370882,1.95234409137563,2.46134305454471,2.63245455153454,2.34345705934305,1.72067403008616,1.90834612315657,1.7068083294544,2.03572305379091,1.73701625475992,-1.01927367098242,-1.13362979045528,-1.50734356897012,-1.0493855074041,-0.126646169000724,-0.157761395806248,0.168251000721033,-2.28199290253378,-0.917966892970757,-1.23915528886936,-0.907492364519199,-0.903696456387564 +Ptar1,3.06194770884454,2.88020695419295,2.75627097075138,2.70750201881168,3.07452961901172,3.02384381496224,2.99286427313529,2.78621251721371,3.02151184537521,2.70094800096297,2.86455396883215,3.16615671510223,3.63747079894954,3.45677579042551,3.6401916733728,3.53445429898752,3.45344406922238,3.57530909753524,3.34872761323831,3.78608251164433,3.43852639691178,3.65381522964284,3.4044982493695,3.44204022164968 +Ano3,-3.00494752224148,-2.99160019981457,-3.40079037038753,-2.99006755440631,-2.55641324340296,-2.70049648151461,-3.01654538503424,-2.85783264648863,-2.94277942758859,-5.78445110378244,-3.90657542033916,-3.08671213594458,-4.70712906362284,-4.80310668361199,-5.78445110378244,-5.78445110378244,-5.20898864091286,-5.15430943155511,-4.67101179142742,-5.78445110378244,-5.19312808985758,-4.79523097502022,-4.76923941923689,-5.14779930175253 +Dcdc5,-2.46468406587012,-2.28341431129552,-2.83752044157813,-2.30756668762811,-2.25869346375586,-1.73552550757673,-2.2062534949179,-2.56011286684153,-2.15801887471487,-1.61951788898276,-2.54405974113803,-2.51223797189779,-0.985467078532369,-0.822384498269867,-1.07357788673019,-0.166360956247249,0.008770560302898,-0.229541358949443,-0.20810462572156,-1.32507561442162,-1.07631489226295,-0.649639558883822,0.112758282511864,-0.560732381826091 +Qser1,2.49275665119105,2.5308853373085,2.26021001333434,2.05678270156036,3.2708908986253,3.15202638414889,2.60622844363933,3.38899193754357,2.4136583278115,2.28238128540019,2.98766274999105,2.71972043489143,2.24503387534855,2.07948959891656,1.86871701279385,1.95535574467475,2.71819809016383,2.42731345030275,2.37711967163211,2.30935155751325,1.89702687584926,1.70416624411317,2.34548322750015,2.22942239501751 +Nrbf2,2.44703506136011,1.80449272172575,2.43323165906268,2.22490491250138,2.13284111464215,2.32435536051676,1.82188287775922,1.92814666053443,2.19510033707546,2.12800184768572,2.43903991499943,1.97539549419157,2.53498769509688,2.11601688898863,1.95871974567525,2.08616727886873,2.09033416281675,1.97966575804402,2.34937155574078,1.84051834583693,2.04720275697972,2.38028881236396,2.11266149995179,2.13728757549901 +Fjx1,-0.346725624758917,-1.28738012704122,0.0160855171298446,-0.460230961213465,-0.211130544041853,-0.321045973284869,-0.629253413680735,0.0377223290485456,-0.568628053002264,-0.0933920826742685,-0.205159569731445,-0.583310794215114,-2.56207355756109,-2.65805117755024,-2.64625618331764,-3.63939559772069,-1.8524750569052,-3.00925392549336,-2.52595628536567,-3.63939559772069,-2.30603869251169,-3.63939559772069,-2.29923263403102,-2.56253993332461 +Gm10800,0.725827238877368,1.12287003801563,-1.76194878000466,1.72068076288941,0.956128183195871,1.40444198379141,1.57887856254126,0.493035942836503,1.16019872453181,1.52173814665905,3.53621336705804,2.28671370350226,-0.684626739845052,0.209976599714954,-0.768809365601603,-1.05855032808626,0.385711365349749,-1.13180710777732,-0.0276330241886122,-0.673485018621638,-0.75241849515394,-0.45296623012865,0.584241612965394,-0.348273263788297 +E530001K10Rik,2.52589946482801,2.03031965528656,2.665991332176,2.1087268985507,1.98321234253342,2.26974031636362,2.01412445781784,2.25706053062948,2.38595593010084,2.33918957915367,1.52036859591159,2.19260610919376,3.923942157526,3.49028632080603,3.91708757657033,3.53027060107906,2.80810280174558,3.764927368123,3.3243114067699,3.87240039607448,4.09660682683695,3.75338464872663,3.17580558284324,3.35294913285462 +Prdm11,-0.758155081453292,-0.608785063428678,-1.03617821258062,-0.665754100142162,-0.0160870141153735,0.064351770653766,-0.444598436035167,-0.301552575670375,-0.853967204359297,-0.680578975587443,0.0467000533054422,-0.452374629188903,-1.69762956696886,-1.20828073309351,-1.43574672318316,-1.33924888253181,-0.688291594388618,-1.33110261656444,-0.957251451197838,-1.45048652283737,-1.49818213559063,-1.38968052820931,-0.467439383577593,-1.10376805133311 +Hist1h2bb,4.28831677428157,3.24790924590877,4.74898949374179,4.25305352864615,3.58391481857157,3.2189827632326,3.97667330607414,4.63680231800007,4.7009781424455,4.36164778369173,3.18752453080919,3.73533086898194,3.96488695933928,3.57730601948372,4.17692103884194,3.63316971533798,2.65830403846668,3.88092713140311,3.18674631645138,4.2911999979755,4.55694520447519,3.77602833488497,2.61710801015139,4.23482956422637 +Hist1h3i,3.86629080772009,2.98878183519459,3.43474654638247,3.66737219847699,3.34268840660554,3.32853289414253,3.4948438732382,3.79651537468945,3.92114632067902,3.60152939002304,3.69803111724487,3.54131873972509,3.41819140873238,3.26720051016967,3.86494323520618,3.56009730427132,3.18462546314851,3.64846972571898,3.10554617406494,3.73745088233493,3.75131416414246,3.73359306856457,3.33224560637787,3.38683788206619 +Zfp408,2.29596986166206,2.86608039366303,2.45996563734095,2.89545441738315,2.74118372418693,2.71390844364473,2.77406562353205,2.58561508384498,2.65948659501531,2.64876031601496,2.95525713272973,2.72705528461857,1.42740780789706,2.00798957892018,1.25158846848925,1.93790993337664,2.32839059773931,1.73098101606207,2.42961527647596,1.373963187281,1.84427066245613,2.25090948400036,2.33101211005538,1.99305896990491 +Tmem223,4.32128477237364,4.15573273018895,4.51704942832099,4.24081127077747,3.98784918845019,4.33895561829608,4.19332428574797,4.49780671114513,4.37862827158245,4.16528079649859,4.12338710974396,4.19728981265286,4.68231350823342,4.52813611100316,4.67322122889725,4.54283141745973,4.0292417998008,4.53616661811806,4.59547467165136,4.98268094226257,4.55199835469764,4.70138879665007,4.57122473259969,4.5001090683227 +Vdac3-ps1,3.92560162484042,3.18917899245911,3.88398932842151,3.35893145535053,3.32015694414096,3.28294142182077,3.24615229734468,3.5540001703095,3.31515332343185,3.4012968561877,3.30970785961193,3.56089495730598,3.81185053837529,3.52924016796715,3.81725383067012,3.41075360757975,3.26957748155139,3.52270419400596,3.14048211582595,4.0309173381328,3.52957338865851,3.26554920481611,3.17801322679489,3.27118763728817 +Yae1d1,1.87332417978185,1.44233091953038,1.85224790850676,1.65768181749976,1.29464169028948,1.17591013062519,1.48910600727939,1.86242001268531,1.85602574113461,1.43089662013249,1.25092518760352,1.78644157689027,2.0175758989922,1.80958730678177,1.82160442866275,1.95023476890315,1.61105571594642,1.7149086481635,1.54763236816822,1.87234444051185,1.75918026400201,1.45137297179816,1.57404263114273,1.32604846190864 +Ccdc162,-1.36805074739328,-0.354845490025086,-0.654525320061514,-0.431355374423651,-0.378669311966549,-0.0666741124238213,0.144686368690943,-1.11972598254513,-0.426246624538726,-0.0390087650077189,-0.515918766606725,-0.958914532750731,-0.0084401777567202,0.943913588941045,0.130245397385123,0.939182288757132,1.09596720430713,0.418322308742844,1.35952912442743,-0.365693138076614,1.04206110862053,0.893511930730256,0.944608794568569,1.01653470406718 +Znhit2,3.6535145276162,3.2085264105291,3.56877740279985,3.31617185074684,3.15786574071616,3.51805374019159,3.01965439877088,3.48590987329802,3.19568665632536,3.28606776832694,3.27054074548246,3.19032678251401,4.22740886233319,4.04077593163245,4.24720853308824,3.71742869358669,3.74705804311757,4.16879863626554,4.02353372023763,4.05362992584842,4.0968167368907,4.05003185587665,3.93558526792732,3.82401849407059 +Ccdc58,3.30408573210994,2.81616397374282,3.39866195591887,2.93301217206353,2.95741017005777,3.06982636041441,2.81076311186332,3.25168039662551,3.26774002269074,3.186628811018,3.02909603648606,2.83453917488931,2.79667059970788,2.66673156238579,2.67224463866535,2.44602018599529,2.36238947491286,2.70277302080337,2.20013217147475,2.70300240156488,2.80731498430016,2.99701931198067,2.44126695144469,2.77737942279686 +Amd1,3.02654620808602,2.42674373291367,2.73429717462962,2.74463033590582,2.53364407743296,2.66812153939497,2.66891245420041,2.40595687580628,2.59727891024844,2.32516021582559,2.27027094131337,2.5582815916901,4.31016246273882,3.56069480778724,3.81756381617731,3.54288357108313,3.72367124199242,4.17896832158605,3.38937265731318,3.870339649267,3.86547636243566,3.71106044515054,3.58783782971434,3.78993995682041 +Heg1,3.21587798755492,3.24076182417427,3.13835080086391,2.87692660200228,3.70153616520365,3.76350841567857,3.45791318658549,3.91368565400699,3.27733052194885,3.03776554049666,3.54075978205095,3.36279183785434,2.68257584242197,2.77815602852807,2.86822802198096,2.79217864682467,3.148154165539,3.08811099005052,3.01311637492939,2.7227199060406,2.65137408658458,2.66879555253477,3.14164620236274,2.82949887666427 +Cerkl,4.30122550895815,4.46110572162528,4.04854019765014,4.17889653020929,4.42761718125314,4.43592819226247,4.48920414585297,4.39510037244177,4.37654806689587,4.10199924651872,4.57075103661438,4.41034845536457,4.63802320562306,4.78704978538452,4.47116689545497,4.45278977791117,4.54701591240745,4.56671059117437,4.56035963954863,4.75802480215433,4.56341744146718,4.45821380616428,4.52146373962125,4.6609549904587 +Cenpw,-0.17645581843032,0.317092700921054,0.699521714879256,0.154024371027098,-0.717182411087918,-0.637211729101491,0.126661953512646,0.721158526797957,-0.114287723777434,-0.406370363870589,-0.0132878169739725,-0.363676274844538,-0.0184843754393755,-0.180734731168916,0.0320130800062024,-0.523440290359715,-0.279758419326496,-0.0351699785651665,-0.788978964021533,-0.354468102872783,-0.0325894399211151,-0.972159563418989,-1.35075008806015,0.0816544593542292 +Gm10819,5.01450394861941,4.50191327054304,4.77709979474156,4.65584877005631,4.47790413220397,4.72597974240333,4.40767606152935,4.62789275076319,4.72529021721539,4.49669666564648,4.1928808580008,4.61232731193171,5.26565082431026,5.1288154441124,5.47009690277054,4.93749030676863,4.99103094534325,5.33754793813662,5.09812442076339,5.46945217799521,5.33055344498041,4.96681369071291,5.0022960401233,4.82007468215851 +Ttc30a1,1.55853207381464,1.73320946794164,2.0299051110563,1.42872948044693,0.974550974360276,1.22622872648301,1.16427612316461,1.78047565796606,1.61348208706257,1.40201940933647,0.869037196960839,1.43887762029145,2.14019180171698,1.77124906426766,2.21653625428531,1.69132590496957,1.50294819550982,1.93712589823453,1.31099678002464,2.25657082311127,1.58307306146343,1.71507933620996,1.32092296094403,1.33322375810915 +Ttc30b,3.01852642177814,3.3812392347316,3.80809323517424,3.0189176537575,2.59955889475456,2.73996116904012,2.88278658461374,3.63991683393418,3.51506028673211,3.35738169861652,2.71132973286047,3.03334737179399,3.84041016683813,4.22829455718571,4.62140463080233,4.23567376158315,3.20316208479617,3.94550016305042,3.32867467542593,4.55284436214739,4.46388603704693,4.26088830169352,3.50445960359527,3.7309392360691 +Mrpl23-ps1,4.42948071483899,3.82982474548678,4.20797208899044,3.95321085255595,3.66018962628112,3.79313669452807,3.72727656675329,3.9222239586675,4.26669247370078,4.22087305984669,3.87234726985021,3.72201323218176,4.37305491413527,4.0117624914932,4.54088888781977,3.95524873958648,3.66215624823987,4.16301882531384,4.12663605249218,4.53970643500157,4.21777487945882,4.11139198511387,3.73798807537138,3.7601265083434 +Wipf1,0.0423315505088184,0.364873393741827,0.0832744039115259,0.147362045355356,1.04312644128673,0.425505286460636,0.437780481752197,0.736680708397973,0.137965243779796,0.337238761319991,0.889903767170734,0.628376335807293,-1.41648015075608,-0.727279408660717,-1.02644360029224,-1.25155299566171,-0.158618004706427,-0.935986051792587,-0.249016625339177,-0.898030017069148,-1.13787630811841,-1.03383191125843,-0.492767075625142,-0.66198926161817 +Carns1,-1.54516056347091,-1.28192525339712,-2.5430818207944,-1.58298930248117,-1.1193675727059,-1.89922808157917,-2.13179059516201,-1.44270286552332,-1.32825612614317,-1.9334566655304,-1.63138281738599,-1.48358238586436,-2.353996630176,-2.19121955609219,-1.27103108977152,-2.20101462717367,-1.9211676301398,-1.94991343383949,-2.06893190448574,-1.58816516046793,-1.34763363827527,-0.91612391449137,-2.03910273775545,-2.48247260795101 +Kbtbd10,-0.754335834645479,-0.907126983454213,-0.308783046627321,-0.273148380012404,-1.77778925862555,-1.38123021655229,-0.766149637208851,-0.316863777595327,0.0811968892741795,-1.41199154011895,-1.25136990098615,-1.22147125532577,-3.06300968055229,-2.71863346725163,-3.69997788742208,-2.99657943550368,-2.71425150653807,-3.69997788742208,-2.58653857506706,-3.05544099641016,-2.36662098221308,-2.71075775865985,-2.09476857551095,-2.623122223026 +Gm13597,0.411269804918308,0.369500380912712,-0.625388166411907,0.196649185527292,-0.0709969225786521,-0.364591274438499,-1.06255406798722,0.0521699398339918,0.238808559228174,0.0876189865121664,0.259332637689019,0.449968869159062,-0.996174669657535,-0.71141356558868,-0.235150787359151,-0.250819835696723,-0.535678799953885,-1.28108014534488,-1.56989963295327,-0.222360742651677,-0.498616133688551,-0.530217620989914,-1.07812963339716,-0.569538197415411 +Scn9a,2.47676000974922,3.0911293895445,2.53041152405037,2.57577799309015,2.80994785199769,2.93888292023103,2.61908581616485,3.00653712809184,2.6747840593517,2.76052023282748,2.83885965108895,2.84227124784377,3.09030134905177,3.21000203020878,3.17001558750002,3.20823529961162,3.12086141821617,3.10777343874978,3.02763778123149,3.27139850806909,3.09338051836083,3.24376673169692,2.95816525739203,3.18003674935945 +Scn2a1,-1.42167030961145,-0.634457097025967,-1.41244676993717,-1.51122090080784,-0.972366402374854,-0.961371493473801,-1.36800492357822,-1.06787366102315,-1.41356084060067,-1.29073483492869,-1.11567202780945,-0.696789066289825,-3.65568014532005,-4.01223283859157,-2.49693341331428,-4.39807045408733,-3.01117316513206,-3.47253379302289,-3.40528680094311,-4.14481542095033,-2.8557360313696,-3.41914591257448,-3.2260768439228,-3.12926156805368 +Zbtb2,2.44806545763336,2.01694347484741,2.11485751095285,2.55298872203012,2.27992400530998,2.19030004368539,2.14211680904933,2.09267153327436,2.47829787041258,2.33327035402142,1.9166840932444,2.21537223169685,1.63229317639987,1.95007190659193,1.74407048947051,2.25813065579365,1.69160706434409,1.50401391414398,1.71393495449216,1.44255128899824,2.1375183843163,2.20915200813816,1.67077692062833,1.48909687186151 +Rc3h2,3.81909832547168,3.8465955136805,3.72071358824917,3.60396886095275,3.91810881795048,3.94053031384545,3.70384380212765,3.80207683132175,3.75489170984836,3.50107051127535,3.6535820979469,3.74951524767145,4.08575555699813,4.02347207432101,4.14640430075646,4.07079940108272,3.92738829911604,3.98331875251762,3.83451798527912,4.16028593975703,4.14614454787458,3.91591382234547,3.77267149053851,3.94103675743944 +2810410L24Rik,0.771390853510258,0.795147542243003,1.09189044166706,0.939328545813659,0.720817574695185,1.16564410461392,1.06465135662682,0.574291338019397,0.976098983632417,1.12818691466603,1.201279323614,0.774117039253506,0.43130980186137,0.704570770120902,0.72744114035558,0.155984413890265,0.222552916856515,0.450668711231744,0.606452229826315,0.489110619322943,0.643397861902308,0.74732606070907,0.156188628830072,-0.177526215809704 +Gm13443,5.37749093495908,4.52640807525025,5.23105221425556,4.71559482329398,4.88026573884804,5.10043299840637,4.78109496773042,5.36120251539407,5.23349431931055,5.18474983642367,4.98634977254742,5.0951532067419,5.05781716228207,4.49283474501502,4.74513901376834,4.65949195726162,4.44986842233947,4.93212348142256,4.66841671922334,5.0836801737384,4.67071905460915,4.93939607501584,4.54728622602052,4.57990724732 +Fnbp1,0.760519560157387,1.45694547180852,1.28329059195408,1.07681823950643,1.97631196553549,1.97726737425604,1.62655774115297,1.4235117675938,1.31776610744473,1.20087729656055,1.86902510873581,1.5108843521532,-0.148044500910281,0.658943781712828,0.375605815956731,0.36429762986634,0.934989570109928,0.486330447086028,0.822979262715765,-0.0275964267875484,0.201379535154336,0.548371386330441,0.682084308505248,0.800254817181594 +Dolk,3.41645497642048,3.03415898919674,3.31298383014775,3.0227384162355,2.65665788329866,2.80391082148101,2.7199610910041,3.11099419632344,3.31522851591622,3.07820425184279,2.78815438939318,2.83269840426811,3.79286584570784,3.4380176199589,3.5083472678298,3.43150645841946,3.29020782764303,3.67531735948367,3.21794397144901,3.66345960494354,3.53507886819038,3.36188792070114,3.23862712625325,3.1824957425648 +1110017F19Rik,1.29282945164734,1.93717611198826,2.02900800228178,2.17077721455448,1.85693377878131,1.36745215451085,1.5068803637955,2.08220710795632,1.16648495205005,3.15262984280718,1.16323462931055,1.90606448704147,0.114412059051239,-0.0373549561243119,0.359493091551519,-0.0753230583301616,-0.181657075356669,-0.927058420747669,0.170065157288491,-0.901865404768553,0.857507227673547,0.558836755697937,-0.500280101657075,-1.25246155631499 +4930594M22Rik,-2.69262931068327,-1.8026353242221,-2.50789306343724,-2.67791336148591,-1.57188783136368,-2.21489988098144,-2.44746239456428,-2.06491757836521,-2.38292019365726,-2.41845575604123,-1.72672706995385,-2.40679729253995,-1.23955263265521,-1.46219722914586,-1.75008325254213,-1.68770504699121,-1.05101568786462,-2.01515191603185,-1.93626980657089,-2.14119601348649,-1.84037276905803,-2.40020861014393,-1.35289904842887,-1.72033321404313 +Dnlz,2.7902834214713,2.56352743874128,2.61344412591135,2.69221460305184,2.642020444789,2.8388516951949,2.55677786208616,2.85038296385489,2.63556021080308,3.02966762848837,2.70574044722394,2.70859996878273,2.68660602321647,2.05763725757542,2.5239468124643,2.47505118487637,2.44129707022625,2.70042144216788,2.3100308731695,2.51220811870133,2.370737565878,2.46553450418674,2.33391166707216,2.29756263669549 +Alg10b,4.61025691106405,4.37996829779648,4.64847916058851,4.25852234590787,4.08944488128454,4.26603903490882,4.1184468426242,4.68723110556839,4.48295644263107,4.24503081964681,3.98947254928261,4.25964525820391,4.69831970851895,4.44457465294015,4.68249812011753,4.3336665640263,4.23943999325592,4.45483181268744,4.0055365699697,4.86625908036215,4.49762041586657,4.38432305433992,4.14361369278052,4.18456510665485 +Slitrk1,0.643246262963619,1.27942303735978,1.45980543946968,0.919155713307162,1.31897589793316,0.973846538182847,0.682270597821594,1.50203547505964,1.52151462664759,0.831919737749851,0.816553367640587,0.949228542749486,-2.00480491430981,-0.354634165530019,-1.37320037049356,-1.1562376783983,-2.30087404871772,-0.683265698001225,-1.67917685237966,-0.705318389464687,-0.523904353299598,-0.824575633060055,-1.61519946643965,-2.00552852523295 +Commd6,4.4337322617498,4.11015752514615,4.63408948387425,4.0555524655577,3.82569295439548,4.03928082218871,3.99751013353183,4.28159291316375,4.30010757939019,4.39327963833066,3.99687668539492,4.16343816628101,4.53022343966255,4.32786618017403,4.64845812048256,4.21359189034906,4.24082128633996,4.39983269964932,4.01456669406009,4.69666548831072,4.43961062173823,4.21439640975244,4.09241621452283,4.22365067912555 +1700001L05Rik,0.325362647364184,0.139546421280845,1.23729715780056,0.800831648885558,0.0662344541176625,0.159515533181765,0.233380375015984,0.321314666801967,0.480953289130691,0.485621688409153,-0.470059680287751,-0.0621107111863923,0.138924865420437,-0.285766170785849,0.957372681542833,0.99258005543101,-0.14675753982736,0.433419900067735,0.259209224443565,-0.0277014788139316,0.959026746949611,0.889728316620251,-0.15717614835422,-0.0478875303705217 +Gm13375,1.15895114758245,1.3887764790507,1.63772070557001,1.8129433090363,1.16419497642371,1.38621273302854,1.37434406574799,1.43287908313621,1.92172603334401,1.91372876706711,1.7560042200711,1.20917798601837,1.76123908369113,1.83110169716024,2.34499439819141,2.03340405488027,1.79365589136156,2.03454019330578,2.28333329328022,2.42267969362047,2.16971322417255,2.13116021851128,1.70175991529186,1.70555582342349 +Aarsd1,3.42916966511582,2.67402708923163,3.08392652445775,3.39065169065119,3.07572718375798,3.08887030892598,3.22070238930123,2.75480369061008,3.22809875783454,2.9511605164507,3.07900862862949,2.76701084134414,3.60502858545901,3.62665403349215,3.65030034578532,3.6424021995792,3.61215723239174,3.60718034877976,3.56132951889151,3.70911671525198,3.73283500649688,3.753656772874,3.72605297466436,3.70731413046832 +Gm10855,-0.186348943907862,-0.433755124919859,-1.32314649241728,-1.43871291926241,0.3644288145625,0.459362360394449,0.288048153292855,0.301569375716278,-1.91295261275769,-0.74397233707592,-0.10425195441164,-0.23939130977532,-3.7068072258122,-3.13425493587191,-3.7068072258122,-3.7068072258122,-3.7068072258122,-3.7068072258122,-3.7068072258122,-3.7068072258122,-3.7068072258122,-3.7068072258122,-3.7068072258122,-3.7068072258122 +Rsph10b2,-0.862787595778833,-0.42006120224986,-0.66862083043577,-0.56082394618036,-0.725045927047346,-0.743047780827219,-0.351309900350832,-0.462014597313373,-0.645883158451101,-0.516032442530583,-0.254136155836596,-0.503578514631236,-1.93951659792085,-1.6080212088808,-1.80973587847861,-1.18658086135168,-1.32106786433737,-1.57077092341753,-0.37184797666053,-1.53612859686893,-1.04420834046396,-1.49509190127415,-0.770516672660348,-0.436268359628857 +Gm12359,-2.66804742265987,-2.44689054864952,-3.55389686240802,-1.96157381599194,-2.31002828602889,-2.01892548925397,-1.58154296621261,-3.17463585917363,-2.82143713722042,-1.50157135086063,-2.25546158628263,-2.5673871931622,-1.98489528422662,-2.49359284828909,-2.12679644215671,-1.22878471097223,-1.62623728600184,-2.00158088735241,-2.15301296706606,-2.07525302794429,-2.0987160950681,-2.76924898444015,-1.98921385500845,-1.88475644943302 +6330403L08Rik,1.43746534646934,1.5896236386795,1.43922141092528,1.16837987722768,1.65504298864303,1.65354319116399,1.53018192535539,1.59028682217628,1.36280918279884,0.939232024979914,1.53388022981253,1.41288962485388,1.4923055306947,1.92435083843752,1.45470238208144,1.46432966174508,2.09357152310434,1.61646315437738,1.82454623874178,1.55273740048978,1.54997939684636,1.65210544698913,2.03020879023858,1.76478971570855 +Nrbp2,2.46024422023635,2.85383809408817,2.25300258093201,2.93599516451814,3.35003852248954,3.52017084864622,3.45790831650264,2.22542233029082,2.64069863124546,3.04557637750584,3.46828994539219,3.04996733492507,2.05223731553785,2.39106955511979,2.17639631689423,2.86436538154884,3.16762300285667,2.41482370903265,3.1210027212857,1.91385726881731,2.25709860571304,2.53660194258509,3.20753677155732,2.55474122051994 +Nynrin,4.29114476479644,4.33547452329521,4.63852438000458,4.1605866086883,4.15618568226579,4.26169161013643,4.0997952314346,4.79053417581894,4.44253984163028,4.14865403701802,4.16588677453237,4.09126167817539,2.16530878538357,2.62850464955336,2.72188457389953,2.12129353034494,2.17496876108814,2.37869794853307,2.44534992273983,2.36616264908147,2.2467707408732,2.4470384242147,2.07334488028961,2.03242741757167 +Zfp652,3.3927365164987,3.54893256090411,3.57535826394015,3.35461154604225,3.56353591480667,3.49340479091094,3.31580917066396,3.75358895549271,3.40403049757367,3.49668199527666,3.48292773116763,3.39930649769839,3.26005679529285,3.40013329649417,3.36160897748421,3.24932607988939,3.53038114402596,3.30665147752137,3.40886142914719,3.29120072547761,3.08839987772673,3.23264625981832,3.40418510272804,3.36693923301082 +B130006D01Rik,-0.910196553674222,0.0403908082407238,-1.03115496239626,-0.36666273409107,0.800990968442385,0.746253049627991,0.544529267297024,-0.0835740235310265,-0.676092854480352,0.0426422885456159,0.879641439931546,0.678626990090257,-0.78356744410545,-0.395463989165714,-0.84709954625795,-1.57228619428925,0.80041122059249,-0.182563887765104,0.289281067891491,-1.15768802308659,-0.739867815815486,-0.500989487579794,0.111159380673824,0.530542970699271 +Zc3h3,-0.935428019485965,-0.244689463935662,-0.635669870895363,-0.796267084885453,0.541467300766222,0.354707246937827,0.006353319220935,-0.43569417547566,-0.472872821359855,-0.297837772159011,0.508725815540861,-0.0770614937950875,0.911696434976051,1.27398143614934,0.281254491874488,0.318018048396351,1.23319740491723,1.02878372722557,1.93275506569919,0.672823061646211,0.940854451179775,0.13632578010848,1.64602851873837,1.26652081513404 +Gm7935,0.230343366070765,0.807196617724199,0.35208821772982,0.767330856188233,1.18676320621251,1.03590712985277,0.137952301877807,0.211319770587976,0.424405873902449,-0.165709650605142,0.385698351067364,-0.0175597188679783,0.323093845931404,0.339077975528734,0.360035136872736,0.26868836908681,0.651085948068864,0.488803609581281,0.804805991461175,-0.410010488086709,0.694218167072618,0.172855289703176,1.17088000171977,1.00757925793345 +2810407C02Rik,5.4479297316658,5.22348993671399,5.41126210614583,5.13341593057375,5.32883078749294,5.27384847750284,5.20350256484829,5.57710395263456,5.36087657919145,5.19041014398364,5.14098300081245,5.30106544996746,6.45554974724073,6.30615939485048,6.6156025366617,6.37765715222565,6.33152380070018,6.38480242571302,5.91229296196139,6.72567469035638,6.44812335365179,6.40133468663975,6.21171815573875,6.28659801578501 +Vimp,5.7366034483344,5.22623712875354,5.36730206895294,5.53565400167127,5.27648969727503,5.21005239685395,5.43678721240551,5.28847847251329,5.55220499162957,5.6753910920903,5.37572048930291,5.52812103777671,7.08498715936197,6.26974213654349,6.60263490899164,6.40556476549563,6.61961362380082,6.82554809244372,6.70472361763462,6.33567898623759,6.6961373282272,6.37734225406896,6.68894851072177,6.81642309268829 +Selm,5.34531163319299,4.97905088880694,5.37494179241613,5.37239371828047,4.91611446069558,4.93533667583676,4.95934816189002,4.98817997564424,5.14414593943422,5.3242223502281,4.99752922969263,4.89220651928243,6.13681594208462,5.87217304622632,6.05547008216354,5.97070568754711,5.8491362630705,6.00089905308721,6.01465718015007,6.28244356743162,6.06682601850474,6.09207713700652,5.82842959787118,5.82695492756093 +Ept1,3.96510212013794,3.83904843115246,3.97519887161697,3.89318937258449,3.82874281051834,3.836357402403,3.74863092197451,3.99772014590578,3.98368525283674,3.83574917876377,3.79102766900947,3.83473716242413,2.85524936189859,2.47264105790879,2.62846876876847,2.50117348827031,2.43461544220087,2.86270610541549,2.39882789739361,2.82552573005067,2.63280016969739,2.5274986349266,2.47512125233502,2.59432201291362 +Txnrd2,0.913905508065198,1.39494293198069,1.05409563248368,1.18137649954004,1.47448544791601,1.53418314672643,1.55023871245141,1.22674799502824,1.35127217431047,1.40062084622288,1.44061763622457,1.39855785542714,0.64312243560165,0.962179788691775,0.733867010473338,1.26122710726188,1.29641776721803,0.985166286770135,1.15278710389111,0.393767543178633,1.09220327011481,1.27229736609139,0.989170827931017,0.959801039408417 +Msrb1,3.07917031202116,2.66997599359087,2.90615486448078,2.71893134264497,2.16044272420765,2.51304158689575,2.47204671362805,3.09512681180728,2.92552892388845,2.90962346326525,2.19190397119424,2.27015143690172,3.62610320960735,2.94307286839947,3.54181261586143,2.95160799828343,2.9375525290271,3.09468019363895,2.86089534371656,3.64694581884053,3.63910078737571,3.24036427581721,2.64074421332846,3.1825134603643 +Gpx4,3.58426948341506,3.21481039358069,3.54783560407032,3.64192430610811,3.17472249746667,2.96732601737151,3.10495117607988,3.38858815487245,3.46690037578422,3.72260840799317,2.988859642732,3.32937132083519,4.17854539508373,3.97608727208139,4.46946052663144,4.10417998119888,3.64078985008772,3.97911289051519,3.20810123998599,4.14719623313218,4.11297002867916,4.15832913862589,3.70578012456025,3.4604385108928 +AC151602.1,7.39109324887636,7.76551065384718,8.17455857995117,7.58936844877762,7.2948704158906,7.47610849307408,7.46496223540556,8.09239798809326,7.81834086128727,7.99360177506143,7.42745375135727,7.51602245674121,9.70765906903917,9.28053940704227,9.97347600531054,9.60165820931439,9.4167521809229,9.7987228835741,9.50129643556863,9.79554020112277,9.56594852495329,9.71243937863795,9.6246078054202,9.55739100949924 +Mir700,3.89230502802621,4.18541150408435,3.68425341945897,4.88873727925296,3.91293470879369,4.10453974244684,3.66540211932004,4.7474963445929,4.50608988902049,4.84659620111048,4.90314795746461,4.35667748956963,5.24839935191212,3.9693186383979,4.74752614446312,4.84677256905704,4.4450439012995,3.99595623202501,4.58259679545913,4.35753792310933,4.77730553871034,5.03545350070912,4.72031961041317,4.8968523263908 +Mir686,4.91705443470181,3.18820458014371,3.21984984285915,3.94617288046261,3.44853113219387,4.0025798732603,3.77001735967746,4.84456571099271,3.90695665418266,3.60714704128469,3.93718614723743,3.31469574156054,4.78399577531229,3.71058839874728,3.9938948671071,4.12848562513806,3.98064032469967,4.41565161634092,3.83287605035374,4.45263480134757,3.02091192108397,4.064769062512,3.95038883065492,3.9681135625532 +mmu-mir-703,10.4705936831379,10.1181576891802,11.0360106455624,10.5980454189348,10.0736198478364,10.0851144220211,9.82818961712851,10.6480447125375,10.6466213867296,10.7258403435606,10.1873159919595,10.3530187926578,10.3531238482066,9.77779075208566,10.5001962944345,10.0441956278361,9.37354232699932,10.0602408624487,9.4117630003969,10.5069043575704,10.3452036732838,9.97889992721534,9.37951373372571,9.65538137560233 +Mir682,6.42819529998295,5.74975326353928,6.6795769032221,6.38710084089929,5.8954245686128,6.33746195104249,5.94877621969294,6.96998060265177,6.34375998437445,6.18747760964855,6.19833434682745,6.25151989946581,5.99798087910676,5.62723270689204,6.34584817183412,5.08191268335067,5.60661315959204,5.87408314891461,5.58563921909089,5.9401017738678,5.99199631986755,5.80590346370863,5.21793576852617,5.65474870803342 +AC087541.1,6.11307979760624,5.73466809550972,6.3685531908589,4.95064805658365,6.52849460562605,6.0531132086377,6.5121544546677,7.64290103360746,6.45372005530892,7.70689525234019,6.98549240258148,5.97140466046564,6.69833982539486,6.37930519344846,6.88740728027359,5.98820281029397,6.89335669360614,6.7058450032445,6.96091472258656,6.93822774044317,6.69674278886314,6.30535890739394,6.75497794681762,6.46982724673722 +Mir719,4.11568369367828,3.61586462468437,3.79666406222106,4.41115831390541,4.18757484482184,4.06738371625905,4.22176712675707,4.33100546351888,4.51519210666824,5.10454612268066,4.5277757839641,4.74682165865507,4.20650826435261,3.25179118118593,4.20289275560494,4.20499479990459,4.04529835901757,3.74380314212262,3.59237106240897,3.67013100153073,3.83965063043053,3.97371846251578,3.75617017446658,4.12686293773368 +Sox4,2.98130239525865,3.47392640416899,2.74796456877603,3.49345750626569,3.29513388955627,3.15117697876011,3.22334293066694,3.03812013066494,2.86139058326057,3.55865100019095,4.15028150989557,3.61287833058228,2.18456216081393,2.83955885967134,2.45616276315198,3.73067451209825,2.76639042589456,2.57908840563,2.3284674566129,2.58105937521704,2.49395067465509,3.67063545658972,3.32307834382857,3.12606075575228 +Ywhaq,5.43266010962101,4.89947007696238,5.15241583657874,4.95491616964683,4.7290825046023,5.06501113919362,4.8948589128878,4.98223363734169,4.98034157204853,4.99334361388292,4.86249931826246,5.1975724387598,5.81264690000288,5.64350255554438,5.81012928456378,5.59569073960425,5.18700502442703,5.7037791713496,5.18529370268925,5.80074629982448,5.75350697587818,5.73598615097475,5.31218965975142,5.45146744836138 +Acsf2,-1.3042435108766,-1.0825878339748,-0.943859155756491,-1.23266914381177,-0.769047414036493,-1.47092869116328,-0.837771140992581,-1.09238270685391,-1.11796970083014,-0.296458786516504,-0.700922803809718,-1.0791953504941,0.0143986666211613,-0.32482087211727,-0.480397954675935,-0.652796936875166,0.163867617230321,-0.38115278436263,0.605939519933211,-0.647432220921846,-0.173559523875288,-0.035661492832368,0.503969756968245,-0.325057180168195 +2700094K13Rik,3.76348936470345,3.56498609161832,4.45080180065489,4.15308830787072,3.49126957949566,3.23605088496995,3.48430539462283,3.88784972783052,4.12910064576897,4.18289142401374,3.25932896882102,3.46767564351475,3.96867636349976,3.6142940428191,4.34065574257686,3.94223585877943,3.18180821900267,3.42725553272582,3.32980582151426,4.00931448453636,4.2587488500993,4.11847846498865,3.25463563619692,3.51508879945117 +Ass1,-1.1916624481432,-1.21541338376235,-0.329072289804509,-0.864051571150228,-0.955086831712185,-0.870353260410519,-1.76399197850524,-1.17649874022764,-0.496661309723394,-2.0106953992259,-2.09049946398913,-1.2124457388455,-0.183934310805709,-0.353057329673159,0.174728015919532,0.259887847958138,0.263859304529369,-0.0556290919978837,-0.122408016235208,0.292311916585136,-0.850897648918571,0.319273713966517,-0.218234163843869,0.214820985493045 +Mir770,2.4698874210919,1.04978458256352,1.6607907755146,1.93589928870341,4.65384441205115,4.85344728644256,5.04463996166857,2.32179860748164,1.54674126356025,3.82074251438398,4.48402061055277,3.64206770769027,1.04978458256352,2.83041423239527,3.03948143095554,2.86262947532532,4.66726720517746,3.74514812852447,5.16169357475968,2.13824834394654,3.06405650483451,2.8417149165455,4.53675560490657,4.27023091997242 +Igkc,4.51208121662394,1.17083013885256,3.09508420909084,4.18844840076105,2.97936470436217,1.85063248630833,2.12223406813088,2.71588673807608,2.65556915968965,2.23181796828351,2.81758483670487,2.24347643178479,4.94014061792053,2.23617577764634,3.01113994990859,2.46564809587872,2.94296021069982,1.96434662550819,1.43596351549698,0.357446840930253,2.74569593219352,2.33736792517498,2.75595410189028,1.18491845281107 +Ighg2c,-2.63880054923179,-2.63880054923179,3.05114458158512,1.96558409665414,0.177788410912665,-2.63880054923179,-2.63880054923179,2.42921011500128,-2.63880054923179,-2.63880054923179,2.3506268958842,-2.63880054923179,-2.63880054923179,-0.666875169512182,0.872208669671685,0.0956433809098362,-2.06333808636221,-1.23654174926839,-2.63880054923179,-2.63880054923179,-0.0379890372575633,-0.334159124249454,0.558057545855496,-1.56194488483571 +Ighm,1.70428144891396,2.20512634044982,-0.167190439642882,3.74464853637034,2.34009914142267,0.587086592110432,1.02395155876234,-0.677860243456277,1.90270739364701,2.0259505637632,0.377172653571616,0.990962971641135,0.450649577338678,0.617729215616671,0.961212698152405,2.51760255611229,1.82087820334198,-1.53058616633403,1.12968361648898,-0.80210369691371,-0.216313760774184,1.13425899783294,-0.0995102386649569,0.524605160758242 +SNORA53,2.82555373558934,4.12017539300434,3.05305376969668,3.14448847179599,3.37224055371685,3.61233550015145,3.06061233494249,3.10876258743077,3.25918791477761,3.3230634826056,3.31642250372558,3.18772312702598,2.59933395343383,2.62905162700102,3.04173796379036,2.52646314710349,3.33583606005451,2.58264835030803,2.85488277467733,2.98548817506214,3.5375357433411,2.10360858141518,2.6883750365217,2.37272990968621 +SNORA12,4.22080645733092,3.29936769338143,4.00835739267264,4.19306039465868,3.96235737870897,3.6589188709037,3.49717022884507,3.73092194177344,4.15191159459321,3.54671105520598,3.84878490335039,4.42278197144317,5.44304265178981,4.62692200049683,5.30814610291828,5.12237408168097,5.244838863088,5.44874629021768,5.20963992343028,5.7517824920227,5.07664795468516,4.91741762418648,4.86968461122653,5.36663576249696 +snoU2_19,5.28684168112418,4.82050620084828,4.59480248543489,4.46642969179595,4.72100704490292,4.93776359931633,4.36658810483753,5.27767720116737,4.8522480935587,3.90603495689827,4.72990925803251,4.99254925700931,4.39483845343481,4.13167058959994,3.15398998961629,4.0908898509392,4.1392446223726,3.45617936466754,3.52342635674732,3.6617341194167,3.9572574327718,2.66542847067358,3.54996474816595,4.48837037388654 +Rab11b,2.79361190277173,2.62835859542935,2.88505530348066,2.58091239642609,2.87593724675237,2.86647683414797,2.73214848174779,3.04325203835291,2.98549717327626,2.54919424692668,2.9795330117066,2.63919664225654,2.8646757869301,2.87273213405676,3.21561707983293,2.93371260564785,2.80136068110974,2.84564809211393,2.87111052220423,2.95108332126024,2.86905950790012,2.78060039212405,3.00972278313767,2.90054608871487 +Snord17,5.08959629666591,5.1346793270152,4.6165820167875,4.60866027249145,5.36174304414626,4.93450392044492,5.03213114828171,4.83717375744301,5.25326543715304,4.87762234706177,4.81563950100873,5.02686781371018,5.82375837706195,5.06522316955154,6.28840195871402,5.94113499311355,6.14879873828596,6.48365692961487,6.69448324030596,6.54510990440963,6.1712802404543,5.28827711370186,6.12316589331697,6.33351257194651 +Golgb1,2.57476726249969,2.80445521155112,1.88272806681039,2.7054178382581,2.75497350853252,2.96252206220075,2.84863381548772,2.47285314979544,2.0309575823155,1.92805842883679,3.29272266179221,2.80793867060179,2.30614547846225,2.19494568408719,2.27557889440846,2.33795709995937,3.42407107769749,2.62516075568203,3.4986962732966,1.79579582699538,2.36235670927305,2.20950896460845,3.62786602891428,2.9959353631125 +Rpl23a-ps3,3.501391277722,2.75883259442533,3.76077307601532,3.72504793911232,3.38035881412966,3.72416904540577,3.77993859121785,3.74570111060476,3.71649147988922,3.98346420448724,3.68603333396943,3.40517070373022,3.10001313065025,2.02407977139792,2.71506743242973,2.22051343338081,2.78107785764837,2.7670079037324,2.0437697232539,2.80510762621901,2.57072506359935,2.48545145345562,2.62714048139592,2.32162682968656 +Gm12355,1.29261494914139,0.93273540726805,0.486278028656719,0.67475097142908,0.906121414655225,0.767853022427273,1.04157006913628,0.174539921313216,1.15307380868457,1.01580445489871,1.09357951912706,0.936138430396626,0.63141600765552,0.215114162118508,1.18925514207567,0.540217979693228,0.921898595171991,1.07016288015512,0.244608404908907,-0.819946663919263,1.39512361930745,0.316306309647148,0.734892486362454,0.63061436972477 +AK157302,1.82128510588965,1.2114602746541,1.72302489401918,1.8381912816162,1.14897333512661,1.41857443886049,1.47926776685269,1.44623248692346,1.30567089404701,1.65327588053176,1.23639513517437,1.4283734454692,2.48618151732223,1.70247143860997,2.26597678141386,1.8208811056018,2.05879766806785,2.43812535494717,2.03656145400042,2.01147251370905,1.82145567252904,1.92134064304122,1.95276481889756,1.8843790056226 +Gm12226,0.775228427416586,1.16915765033503,1.14638508139556,1.07476572574127,-0.437068042209295,0.52666196867129,1.22833978068056,1.21270048446674,0.827956825760233,0.792421263376262,0.496495097115881,0.527325342477843,0.118064427371918,1.43892768937509,1.34059559354346,1.89208812447066,1.12571939739667,1.0336886709271,0.927779139048254,1.15321562080021,1.30629922728627,1.61685698993551,0.43981330128175,0.766290546816727 +Psme2b-ps,4.54956372836208,4.13087901020448,4.6295224755147,4.45449276621385,4.09573453929351,4.18598447049764,4.25181199859698,4.32776038584573,4.31675017171959,4.17520401596671,4.26331953441109,4.3378385812312,4.13135636174408,3.93511323232426,4.18549134051985,4.42055553160493,4.00656206762706,4.20496654125722,3.95585298915641,3.99518417488469,4.19016850416096,4.32510900397983,4.13460285884875,4.07636167471918 +Gm12184,3.21699059976058,2.29038160430115,2.73341496481802,2.60181715645875,2.67023340519089,2.75292786757435,2.9394484388026,2.69029132910903,2.89105330909942,2.56507386514512,2.93231097395118,2.79536205553896,3.4744262220188,3.25643727668818,3.39533299254129,3.49261502743642,3.24314601282654,3.73654324550475,3.37113359480556,3.25088286922698,3.46743590427877,3.45649082246903,3.32322725691319,3.24185867587205 +4931440F15Rik,-1.20750214503904,-1.59698541212399,-2.20986688210112,-1.57037483501885,-0.126213899563652,0.50868661355654,-0.0776097931279434,-1.14584671493918,-1.97153200069489,-1.30150724041254,0.0929473373842924,-0.490428712722117,-1.78398711950106,-1.51873068721083,-2.27492110341428,-0.690484093044902,0.654805284828725,-0.366512324857484,0.893495218354385,-2.14033330017166,-1.14909521218283,-1.91934384791462,0.348690032700063,-0.0745086293003325 +BC007180,2.83390722183482,3.22514112757169,3.23847933959126,2.94481786337034,2.82561538989382,3.13841643837073,2.96787043059557,3.02426528972565,3.00643656731324,3.00369205505216,2.70188365868332,2.8996882243315,3.70911612593828,3.94061589051448,3.44663699837688,3.76848823063193,3.54495241252141,3.50990253858809,3.80201059978288,3.36352443188996,3.61946947398811,3.93898879645008,3.43275261428443,3.73340299155654 +Lenep,1.0350464230904,2.1955165343681,1.28533653594719,2.12353559677364,2.0587353644804,1.73613938992685,1.84655632942445,1.19731558542769,1.16008004708615,1.99230138882853,2.26790172363269,1.88947267880476,0.625890598562699,1.55694885944507,1.29619999328993,1.71803168933185,2.24959827386272,0.997344210410197,1.92846787494217,1.07760359235616,1.4764742986899,1.89405621444511,1.79238474189075,2.0400082908939 +Gm15610,3.01909037875677,2.06504845877873,2.05499389938793,3.03436080235229,2.81363208063601,1.80155871380101,2.57743353165577,1.74477757007644,2.66289861902142,2.76800105231201,2.761847587575,2.88505255129372,3.21828098028692,2.66576907282539,2.89202121811512,3.09128465980604,2.97197084109856,3.11274853202729,3.09523588489982,2.12778438987528,3.47375597313784,2.67919251290658,3.19390121557884,3.37973602619691 +B020018G12Rik,0.840657705958115,0.491563134492035,1.42027769405863,0.997022552897238,0.707785647338397,0.607231028595204,0.617264439640274,0.947868065435633,0.660738409225189,1.17865427357393,0.971783503956851,1.18514902262791,0.439748893395068,0.769085215513806,0.849718425835076,0.912096631385991,0.584895668374398,0.862604544504152,0.316703798007967,0.275456270644974,1.09418784803888,1.15247247285389,0.493547177701274,0.601203939305064 +Chml,0.746231518635657,0.898723872767446,0.668218098208383,1.03584815559245,0.640702056307745,0.904809749596045,1.00645479655111,0.614241848402745,0.125226243531817,0.399844717093086,0.491912633746553,0.78730264689632,1.83892270038341,1.28763159389567,1.7026047896058,1.67088059596095,2.0505156015952,2.01634493482345,1.6774910039312,1.73765054671174,1.28037932621995,1.44574227984304,1.60074358812278,1.66463910569865 +Gm2000,6.53586886238761,5.99709367853101,6.82568421097429,6.66023450667439,6.19445832810282,6.27849108385926,6.13217469073154,6.44404575717336,6.63960745656482,6.62232560335046,6.18156864852363,6.59143658920858,5.73090140194877,5.72946385975112,6.01221922374418,5.5923993665747,5.10031230104826,5.65812174580223,5.20242581024917,6.10665251842581,5.70819303069318,5.67399824889136,5.25447874531806,5.45480779654865 +Tmem203,2.80591928605332,2.92486399802708,3.26961000246208,2.99607415277077,2.47484158726091,2.83055450703045,2.67790048262757,2.91527530474056,3.10740390175873,2.85628604959369,3.01658458775127,2.87200450122755,3.5010110607044,3.14105343992595,3.48275030772734,3.17670133175258,3.06228554846093,3.28914732965921,3.02516257147794,3.34571276178634,3.31047271030952,3.55442640939566,3.38292614893127,3.02254011331669 +Gm12854,2.8568478321793,2.79321243205062,2.54545720799014,2.50003808443877,2.93786281678822,2.97137199195915,2.32388256365362,2.70642737985269,2.98738329931609,2.81085327133829,2.63370718683637,2.66641476909628,1.97393925214237,1.81883177390983,1.54929314836851,1.20289920620219,1.68907633696187,1.6632773973485,2.98152771016459,2.11957968123388,0.987709921561253,1.95700535176428,2.22338904107287,0.803729829656753 +Airn,0.281977360548304,0.86422870676454,0.538235162596584,0.718734812424389,1.62475802951338,1.80668213878931,1.68220534967862,0.755394812341903,0.504399472622508,0.589390735002603,1.87941616834612,1.03854122661216,-0.696586748197948,-0.426484668723667,-0.945744896277857,-0.933108561640678,0.549021828701049,-0.0058686567041736,0.724986857216405,-0.865627450909155,-0.823216314219761,-0.389690536134757,0.763525251900625,0.182356935253857 +Hmga1-rs1,1.96172793070359,1.50685993138017,2.3030244597228,1.1950031348124,1.74302913984321,1.93484891824849,1.65658215311801,2.25436972382057,2.19407147603446,1.56444841629441,1.77900344924419,1.76784102944376,2.15218020294088,1.80779590851876,2.56265711052566,1.56123883462778,1.93363458938879,2.21860917594673,2.36428097601716,2.63746453265458,1.97982732032058,2.18827950333093,1.99074763797203,1.91350609789665 +Gm16487,-2.39903481401273,-1.40342072591217,-1.72548355468214,-1.98486322139918,-2.0003605568684,-1.20830367344328,-1.44086618702612,-1.3612458811108,-0.93246706161386,-1.60373650541889,-1.6098899701559,-1.78241131211261,-4.37469443723935,-3.80214214729907,-4.37469443723935,-4.37469443723935,-4.37469443723935,-4.37469443723935,-4.37469443723935,-4.37469443723935,-4.37469443723935,-4.37469443723935,-4.37469443723935,-4.37469443723935 +Cdc73,2.41109553512304,2.48395074400885,2.70422186482835,2.08440237078104,3.02485199296408,2.36843756944747,2.12995164008082,3.28925995857449,2.33817649298307,2.52338360055261,2.63017728802621,2.60887507550253,2.38142264425412,2.65372363088353,2.94998952230139,2.4484049783324,2.74982776530299,2.25552203738676,1.74092860346666,2.98849618472399,2.61595587885949,2.60791920954388,2.30488171113897,1.97788792041091 +Gm16493,-1.40641288998494,-0.868217798568671,-1.88771518378398,-1.16139214618052,-0.667316087691267,-0.230717104601293,-1.18875456369497,-1.34475745988509,-1.70217611050181,-0.503492926299596,-1.02772304378292,-0.484260317477934,-2.15689334381179,-1.30418321907979,-1.96044047396073,-1.83885680756733,-0.653893294564959,-1.06727362089178,-1.07835207140348,-1.42425863636466,-2.08665310555916,-1.96673449219656,-0.922181226580942,-1.13945146408993 +F8a,3.06968190972865,2.93279307087143,3.00576850867746,3.13125527197576,2.78873185397904,2.82630517955832,2.62687973077705,2.85386138435409,2.86976259580066,2.85020010641845,2.75147054198507,2.78757178713641,3.89438342222615,3.73218910088812,3.88240918549068,3.69421169132232,3.72437406226296,3.98464780644434,3.67916084254066,3.82416890325331,3.97070273018996,3.74387131131729,3.75767281701633,3.71450107286329 +Sf3b5,5.14186293891593,4.51800042142313,5.0515780231372,4.82849473552055,4.53004966972819,4.55037796436962,4.72752937178242,4.98049565578428,5.06415541580561,4.75880737209585,4.54528917058018,4.67350806320206,4.75941959489028,4.49252925647764,4.66555033388815,4.55167787924361,4.2182907294922,4.67620918230623,4.30213648936262,4.80368012161525,4.60533939791468,4.43164963047544,4.49164724612851,4.14104422277453 +AW011738,-1.27171598394827,-0.895360136495421,-0.863714873779984,-2.36126090103501,-0.529298643974371,-0.550300013143594,-0.23723342313494,-1.71798130530585,-1.63565206602212,-0.284540718438623,-1.20430274296823,-1.02749085764748,1.75637219210007,0.624493777416715,1.16577783023025,1.10865668380329,1.67906527394513,2.18472216040475,1.54771544089424,-0.190430370129623,0.525111207725802,0.776698466367491,1.75921787795555,0.799819880038941 +1190007F08Rik,1.76540493237709,1.54955476106707,1.67619928287386,1.31982553632193,1.31239636569176,1.39071699042793,1.61611432584603,1.49894039028895,1.39341950402659,1.36320018526981,1.2528183445586,1.53583347875512,3.42974115562176,3.53994095026489,3.394035100693,3.50760554067852,3.31514699458594,3.47475453729499,3.71664371673963,3.36558458954128,3.44739110284638,3.65006761012181,3.32393030980866,3.61083770628642 +Sarnp,3.0435367674134,2.70834630228099,2.77620689367758,3.06055361492656,2.57947812018575,2.30286373696582,2.5762327958084,2.5363036379358,2.89088620601265,2.83225931525898,2.86622475667841,2.80136230018954,2.18799411313652,2.0394651206765,2.23902257953716,2.03487463914495,2.27907584049873,2.29287848228902,1.84589175522932,2.4724962237848,2.32499172478535,2.31231685584085,1.97296058837006,2.2806495433354 +Ctdsp2,4.35880569452723,4.83842962992944,4.81883876829568,4.73952265164842,4.84065669191356,4.65106750902051,4.48017523320823,5.01783911911229,4.76032082354383,4.76346347646907,4.80738120442682,4.71208552770061,4.00422877643364,4.45867238901448,4.3849692222252,4.49534853234156,4.44806024628283,4.25286396899923,4.16334091653809,4.51083239416729,4.24482170884157,4.63667313203133,4.53481230686134,4.41280492819809 +AU041133,2.25381028740244,2.71087514929084,2.49189826516072,2.87017303995268,2.67101177115847,2.74201022239412,2.45493032984722,2.53166484748969,2.66535017739298,2.54135606497018,2.73012425341956,2.6746672187372,2.52846494724771,2.63733957966865,2.29394619403386,2.57074604313631,2.52321601855434,2.33711377288597,2.07810651017336,2.10836582838147,2.26771441242918,1.94538531792733,2.23857687883719,2.37519893015366 +2210404O07Rik,3.38325196373608,2.28759185214641,3.0072482076703,2.25889097754855,2.01174250678262,2.30830787565594,2.1568492878203,2.35865180828853,2.58692224404124,2.16027872766072,1.72266203174442,2.38705932839831,2.51019439476902,1.91382208837323,2.18790444298566,2.3328328517468,1.77801146754311,1.20134303303159,0.0566319001266989,0.959840169698655,2.09898868495768,2.4905081198112,1.22897241712165,1.60444500934097 +Dohh,4.05204762799444,3.74365653699548,4.14724283647266,3.99670841050055,3.74714684723389,3.81363737428898,3.88192813677594,3.93646029371627,3.89543767227175,4.14120850758018,3.90091665822045,3.89479094266467,3.71321616242531,3.59820335967265,4.20565024158879,3.7387503776348,3.58570579998806,3.71984002722088,3.74320448542293,3.78526282900686,3.84271900862999,3.79604991979865,3.56337045600347,3.40774334851103 +Scamp4,2.63715229508414,2.4310323015309,2.4059397657214,2.64627146046232,2.8384286258828,2.60878575959668,2.59487982924346,2.70558191811332,2.40974742252666,2.42507837121157,2.68075277759221,2.6613253180304,3.18021672995793,2.9363046902488,2.78861796705166,2.76145997716825,3.30123201144796,3.25424836810461,3.42850039763113,2.97745963454651,2.85542580942531,2.76772400990651,3.42172243279744,3.21948235106326 +Gm10941,-0.233265986896905,-0.149201611545651,-0.0006338257099633,0.271898303373199,-0.914637303278506,-0.865219059071048,-0.696353563587618,-0.333837813972791,-0.460000461987424,-0.884351948079934,-0.386302725389141,-0.146635635966055,2.98240295525528,2.95850474531207,2.98147139081506,2.91235121377782,2.39496547044517,2.21433495492317,2.51398469523739,3.25754464602389,2.88297398243299,2.36420162467288,1.97224662482935,2.95342507196226 +Ppil6,1.47677747180859,2.11973261236446,2.04592699066887,1.607428047567,2.03115236979459,1.44956113008548,1.78277010021893,1.71468805651102,1.56569562332603,1.67615057058841,1.5607575943781,2.00822013231055,1.00463776799533,2.12508816624627,1.53349123374733,1.01279694689202,1.1050670769909,1.62394878224699,1.33294575794589,1.61424817726597,1.88636384987771,1.69587664236585,1.70421696756287,1.07490540362073 +3110003A17Rik,3.26872443684267,3.06710812726552,3.53086101356067,3.33038135309655,2.82396220605617,2.40358455661453,2.66604498930196,3.25815224594442,3.52931836101691,3.11601524709193,2.95748563280286,2.77775837723455,5.65248594667418,5.39038641697969,5.57811990575632,5.40988431045134,5.19090927058319,5.47530973005296,5.06572234432101,5.65805131334105,5.47463753357215,5.31445512685517,5.10211982579938,5.33044568445281 +Mrpl48-ps,2.63308685648662,2.41428570479809,3.43210815246284,2.67916416458123,2.00187210377174,2.96009534700676,2.42927139767426,2.6037535504891,2.87819964074608,3.05783353816016,2.59361528497233,2.86837618465158,2.756955437176,3.13786717671474,3.27816832871989,2.4586133592164,2.54968806524381,2.84339992823298,2.24987877630664,2.84788899795661,3.26407586530435,2.66320491819864,2.49001531396297,2.52038128987296 +Klhl17,2.37231713771757,3.00297910464335,1.86374045894146,2.84476539161235,3.36068731267571,3.11442507494065,3.24358264982342,1.88302890194093,2.54256752689244,2.93544758046227,3.37048175824285,3.20445155203841,1.86723628180835,2.77125604128277,1.45974188850904,2.76532316344985,3.12171839802076,2.29554371054525,3.22388688073088,1.73876116086092,2.42322958104048,2.70496164178579,3.05993118377046,2.92331035370292 +Plekhn1,1.00478292726951,2.13285663105173,0.150023894812903,2.53645802516708,2.42491299405904,2.17714400090456,2.62184681767686,1.34394320879436,1.69528690436975,2.54008714777245,2.25105392881329,2.09627816580469,-0.567982195505728,1.38897151505754,0.0055519988658423,0.936496880309454,1.27424235548677,0.475332033471317,1.68397408247251,-0.903965922939135,1.00455483731937,0.721976520477079,0.982877069013428,1.09731469297095 +Gm17106,-1.44530695835896,-0.965616546435747,-1.21960541232156,-1.08564197037895,-1.37067759527059,-1.93231341127098,-1.1520464552424,-1.3270734387818,-1.49423723238129,-1.51692749766962,-1.4052506950699,-1.34666406134262,-2.17768618149336,-1.89020015371692,-2.06015532023134,-1.82044157663561,-2.2490991508729,-2.00821484892868,-2.21808557026396,-1.92675572416106,-1.73208919006987,-1.83949954089978,-1.62394999788963,-1.22438698047798 +C030017K20Rik,-2.36028053967819,-0.932782044294585,-2.96746671655431,-1.45595203206923,-0.187017876523295,-0.639170787682882,-0.0373692751308097,-2.80654586103576,-2.72421662175203,-1.78635112680412,-0.0667981757362945,-0.993043351507112,-3.69897195603502,-1.28156350067024,-1.88775200495567,-1.47133594470324,0.280384773284856,-0.513698746769093,0.299464212852419,-2.40380829084348,-2.73828455478395,-1.35485812827124,0.0504148045739283,-0.674982732170436 +A930039A15Rik,6.03398115893771,6.3179412925477,6.61800881700808,6.43408801252037,5.9164289254189,5.82312503710476,5.75210063601181,6.64933246313246,6.32399458915367,6.6522266893529,5.94623169632702,6.04032318693761,7.31800720773532,7.51221323823297,8.05951491755342,7.81016032947788,7.12954443748382,7.3116291042456,6.96672025098504,7.85338429366648,7.6020955347189,7.86486474270607,7.19918090653737,7.15048271053148 +Gm13157,-0.147868518109838,0.227600329833852,0.472907909758689,-0.382211960370304,-1.10614998054541,-0.584675888493451,-0.442395176871321,0.493237180561479,0.0831750292091127,-0.6627622175866,-0.618340001125708,-0.583936522739401,0.216646595285407,-0.102388036660994,0.298829210634141,-0.594449340398199,-0.607961781591188,-0.2630773154736,-0.254392815307436,0.565427010527122,0.190791344828837,-0.116251177075827,-0.681818213684401,0.134569486582194 +Gm13152,0.357884596094904,0.800315353512686,0.891315752676731,0.653359216322034,0.613023126480956,0.968394041736621,0.674885022205516,0.381587689545426,1.12065948185647,0.348901549796835,0.818487093490281,0.532630539170003,0.59454812365265,0.353387013903169,0.140548446711699,0.15945616244762,-0.635763353345396,0.180920034668872,-0.294109577657219,0.305309254424137,-0.21825417134362,0.215919364932412,0.484941547482241,-0.223914396082579 +Ddi2,3.55959829424729,3.49600362841756,3.29686152194739,3.41347406869269,3.5507307480821,3.59176958739697,3.45441802037815,3.28589399716605,3.3069853969221,3.25006471227696,3.40751655940012,3.41779649017357,3.86403985544353,3.9366513885115,3.80039895122875,4.0404600884196,4.19239314227928,3.87369601700008,4.21844993157625,3.57094588493183,3.92320807286482,3.99855231418124,4.23623411801384,4.15158059591915 +Emc1,4.67201862085269,4.42227716235471,4.60046920103178,4.4430286207589,4.401777333816,4.45731818472339,4.36377990768359,4.70199080038475,4.64639803953476,4.33739966750472,4.34132935062168,4.44460966268975,4.25068403830253,4.09900544785042,4.53181498137854,4.31063755350894,4.12211634066342,4.24248819572118,4.07484364278775,4.34809692102785,4.25245244048041,4.20516121530802,4.19860475009904,4.08106797756873 +Gm5776,3.75812923088538,3.48731617116969,3.90015913445513,3.38528556962764,2.80383784907792,2.86910331867185,3.21851317709236,3.85193598595515,3.73173936864556,3.59330058337309,3.1669291029058,3.56379227815055,3.64576513361963,3.50265591553339,4.33580682948902,3.39571096246361,3.22851116835859,4.01730067795873,3.46806337651084,4.21848129165458,3.96786653667383,3.82004151637533,3.05085989134548,3.44876663601163 +Gm17068,0.897358683064218,0.256941502283818,-0.102286467509591,0.0575667110787611,1.96050535932505,2.68624920285913,2.47408531307141,0.681184051367138,0.589882999775052,0.217324531339282,1.83314800485588,1.50186902190233,-1.69529629789162,0.0965129557080209,0.463309361840402,-1.15806772195588,1.39607797974924,0.480210449504221,1.39215513133381,-0.400132632700079,-1.3227342199107,-0.76169313976714,1.21895545108462,-0.0444915438166557 +2210404O09Rik,1.37271501233832,1.87754837594904,2.0400963902342,1.69368939927185,1.51678273990399,1.66524221336468,1.41087517916076,2.18029218843044,2.13061549736,2.04269924153246,1.50996613231669,1.75593426411269,1.43981116344622,1.75405671371536,1.49540234763231,1.39813210167626,1.33232051720736,1.24663387644055,1.25324122812379,2.02537938915882,1.43936302711111,1.33905785828957,1.5932436046656,1.40564304372384 +Bnip3,3.96697540967701,3.96398662203476,4.49554149063587,4.45122016285803,3.47926781747225,3.83882960982991,3.54109312282795,4.29114026962364,4.19789796396585,4.43905856749601,3.89836126389569,3.87023738099424,4.77167976964382,4.70473303375497,4.97479210217273,5.01892657596136,4.13443077491989,4.55297274935794,4.00733994133436,5.03768372174958,4.99962520830467,4.78623223864553,4.07038692907189,4.27353613325128 +1110065P20Rik,4.49207715030144,4.00639326230051,4.11526849793147,4.39213119455289,3.91765380459873,4.04469317490165,4.17959078400989,4.17730941201342,4.36633865210462,4.28769750542351,4.14368951827787,3.91245032209839,5.19842330535365,4.71320370513007,5.03495290804284,4.92988539075602,4.61121002540118,5.05538315795452,4.92181579594605,4.85785070009199,5.13876240563568,5.06762783128526,4.89382889120338,4.91037093011337 +1810043H04Rik,3.75764880449878,2.95616620627483,3.8003141200772,3.40851723577465,3.1240450963411,3.25995646222959,3.21087100075073,3.42256547594292,3.7311199969484,3.27749705231353,3.14000638899945,3.63897257885643,4.05225657932899,3.80563917533486,4.0387794044632,3.67699838686997,3.49254500492979,3.84039509598239,3.45822804716753,3.96035254704572,3.88608320690427,3.89462581296689,3.46956260984265,3.88567102557347 +Ube2d3,6.29860114562763,5.92756659364892,6.38121562447934,6.12193267852128,5.67194818160611,5.84716506256807,5.83195450732047,6.14128452416869,6.34563871744002,6.05612591325711,5.79294877008481,5.99885975506777,6.48857255579391,6.07407754435938,6.45560607022913,6.13229743420169,5.73922098390178,6.23992419298027,5.66011107104066,6.54237372818862,6.25344510169793,6.16681763204621,5.745128453299,6.0044127812316 +E430018J23Rik,2.02479184350945,2.17994377221479,2.06445983718822,2.10140821351106,1.76414603615882,1.96350704226211,1.84624859740553,2.14915220663652,1.90875380037188,1.92551523726886,1.81549902008952,1.99358646821179,1.21798934009695,0.97340638001,1.39567943171144,1.07872738384716,1.06326340749285,1.35162002135805,1.13605325511752,1.21832720849267,1.32927985760284,1.08973669160065,1.27071001696077,1.27617720673907 +Hivep3,-0.361132083394301,-0.248516370417839,-0.777927419116736,0.0524762467301967,0.458631641795202,0.272361658483478,0.270931999648153,0.272334123428646,-1.1768901194915,0.196438545439937,0.232082195950801,0.115332169840434,-0.712092453871115,-0.267522301557238,-0.302122921431107,-0.239744715880192,0.92160480418468,-0.289236802762031,0.702074062090744,-1.33183901656799,-0.330943434830161,-0.630864359457275,0.877204569096321,-0.0391994080977969 +AU022252,1.30626304447964,1.32281721982491,1.33425953398389,1.27197853889729,1.0784823044078,1.27108079053712,1.29278270231271,1.17459283789658,1.03418284241986,1.26060107659129,1.23469186838368,1.13608771217374,1.26435692316246,1.12698378366231,1.06312623443493,1.10356300118277,1.29077923697808,1.32468203801725,1.26752177727239,1.05427298087036,1.10841183656707,1.28684577218452,1.25362129197056,1.23174087441232 +Ccdc24,-0.0181606167439274,0.829223368940677,0.62340537210284,1.03193472027004,0.674986628209204,0.939169985713629,1.09828096095249,0.425332013219276,0.604019540345192,1.28455485459907,0.797174076055033,0.403196680847834,-0.85680447445916,0.138238554780535,-0.0390790554534344,0.321738484945078,0.298664395269031,-1.13969511854442,0.120912833517757,-0.612948468386475,0.627803502310131,0.329309240946928,0.448826518544081,-0.115883425440702 +1810010H24Rik,0.890014285028168,1.70286469621027,1.48617408090655,1.14806752242137,0.917364506471664,1.61371645946665,1.40149198045617,1.68181907465613,1.23455472796304,1.03076055682752,1.21521405823149,1.29336394106241,1.90575267340535,1.54350902765815,2.31044409020946,1.81151010347092,1.9858809393135,1.78000077010015,1.43208458591025,2.26316612629197,2.41034100318624,1.77519364524895,1.20503474379503,1.46436523287957 +1700024P16Rik,-2.49867575849987,-2.06063654915762,-1.47943100488759,-0.592290396482613,-1.75430800707385,-1.5469924806837,-1.3607361686966,-3.17011609698482,-0.86022204105438,-0.168498647470571,-1.46173316496891,-1.33263322096687,-2.71441248421712,-2.56860748914352,-4.1286418874448,-1.14465483165216,-4.1286418874448,-3.49850021521747,-3.46707091977238,-2.70119007150228,-2.30769146650746,-1.68689223493155,-2.52343257553367,-4.1286418874448 +Smarcd2,3.28620210545497,3.55496191365216,3.28072007103063,3.40408242367394,3.50135263414695,3.47053012399928,3.46726547470991,3.30373722594665,3.23902231474479,3.30727233911466,3.43790049124745,3.46778754756182,3.58162246884299,3.866113974087,3.53620475542708,3.84773540046814,3.83251466636946,3.5588715886397,3.76421512978787,3.70077123000007,3.80545293812516,3.89497813571767,3.85029646528707,3.7023962908003 +Ccdc47,3.69023978563989,3.58848348591306,3.54764956100216,3.70617886121002,3.49858446950837,3.4906172885699,3.52237924145088,3.4356604263341,3.50421588115209,3.48478061025036,3.48079642978087,3.57546934329668,4.23064599936289,3.94225021750652,3.99756272651603,4.05282514613833,4.08733531686382,3.86171917795981,4.0366208476896,4.05068676391387,3.96501035617437,3.98015931321763,3.94612196027274,4.02575728495458 +Aoc2,0.85439897947425,0.625366380637491,-0.0524611975984095,1.0170223586847,1.5298768644144,1.97465890849325,1.61463316489955,0.0718281909945198,0.450764083843234,0.643876740691648,1.70035140791189,1.47051981409758,0.187015596621513,0.466010712085367,-0.076734920213569,0.64808997852924,1.07175726307546,0.877267396935194,1.02537849785819,-0.0914966205656089,0.519488530439924,0.0269185021961211,1.53096603251043,1.24414457468687 +Psme3,3.8413094803615,3.68806539162745,3.71314911865697,3.84745516511408,3.88998243673075,3.83595628351658,3.72992297087705,3.69504362879886,3.73430136485245,3.74337564191806,3.91380401964349,3.64028994187726,4.41593431255708,4.00962644323775,4.30782896763703,4.16816422636592,4.36264753260921,4.41156279523268,4.23572148212715,4.31026751640981,4.32129990458132,4.12019901968198,4.35882803581815,4.19916311562701 +Cntd1,-2.75471207416352,-2.18964876682455,-2.71995106846471,-2.53911080975395,-2.24701452786848,-1.92413846860972,-1.96201026382811,-2.14714004749418,-2.4008164168517,-2.11032591320071,-2.68060466225411,-2.0358816083532,-2.65860315434357,-3.1016880780328,-2.93155264982738,-3.19227194796951,-3.09482794769114,-3.56853921634989,-2.89975446665446,-2.78150989038893,-2.90534161563275,-2.56033870063051,-2.75824747484966,-3.55593505063637 +Vps25,4.57924872642086,4.32285309578166,4.67548817007095,4.48117645918516,4.51938687515539,4.50414163646515,4.38392430892058,4.75818030982319,4.64238055191655,4.48071702205518,4.39539612011848,4.39501849942999,4.92809503095643,4.74992889684146,4.79818262930904,4.63468198093681,4.67593657404677,4.78196497998909,4.64842012307558,4.97077758034469,4.84593608895866,4.82936162915897,4.63624850966628,4.62679003051055 +1700094D03Rik,0.43810122469928,1.38225297110051,-1.01912214721747,1.16321929824613,1.58061730916618,1.60293044524457,1.49251986505564,-0.445168009931282,0.38728012706321,0.993541634361333,1.50876359436762,1.532001933301,-1.04181508426865,0.998400739322367,-0.864969588047621,0.425294582099733,1.0070214048175,0.272607452792219,1.28665988490877,-1.11757980472194,-0.0273228864791673,0.389704777081456,1.04474340190686,1.43149201709266 +Fam174b,6.11830076696318,5.74968604788798,5.84125611093418,5.73876177921811,5.77304563745921,5.70545404229212,5.69892640964311,5.9379332655128,5.80225636048344,5.63754731047504,5.69086088749286,5.85226484477644,7.63351954273031,6.96562181971272,7.18994214859297,6.88497757100504,7.29577455990674,7.49215723114558,7.23660223884321,7.2619785422701,7.06500383919894,6.93409043044522,7.34931228645246,7.35344491432691 +Chd2,3.53048522996688,4.1044927383376,3.77023822726736,4.04502626161685,3.99220222778958,3.90332023402657,3.95070923774935,3.83769149856771,3.89450436610789,4.06949420486564,4.10070522846844,3.87704509016788,2.92684337318581,3.56448849456259,2.78807769002487,3.2524948859319,3.32152444417961,2.75091924692094,3.41504576396336,3.35560294393573,2.99529190584036,3.23583280450415,3.20471619274954,3.34003984052219 +Casc3,3.68966343549712,3.9051061454207,3.68834452504966,3.77490856163225,3.94647725045836,3.9467856486417,3.85323241557362,3.67183346537012,3.82555570587107,3.90828116735522,3.77782908883354,3.71599801779298,3.41549588375859,3.54022505343691,3.39598564983358,3.44279558853305,3.63764265856026,3.50557411904375,3.66599684912292,3.27110298314521,3.39732713787309,3.51767474505751,3.62331358608507,3.56494310172961 +Tm2d3,4.00011637183772,3.50653190169466,4.0313462413446,3.74625085242556,3.52415321357771,3.69195646894414,3.5471885100317,3.88309843040994,3.77019755526546,3.75850342860297,3.54592147101249,3.75823541410744,4.3109479021637,3.99834015835294,4.19110251571329,4.05172433019949,3.74116169963779,4.14773130144986,3.84532751494549,4.14945851041886,4.0768531254725,4.03273697693133,3.83087557606101,3.92309757193447 +5830417I10Rik,0.786535027569165,0.830952259862695,0.664068286746326,0.0827420516391451,1.10024886513423,1.36327201333942,1.20608231903648,0.852134951369616,0.559488671515962,0.745116650146226,1.29932254291746,0.519549679552956,0.358186523962581,0.73511531387307,0.392912143709894,0.0957308164185835,0.972660959639843,0.743617110999924,1.23067769693542,0.345258721509683,0.272117583215274,0.866320547599901,1.38729374201118,0.950392399076089 +Cisd3,3.83101256374507,3.16540348195173,3.53195989712071,3.50207660972346,3.32341181625015,3.32458148113059,3.66057935313508,3.58779857246311,3.69095999735541,3.4752382559054,3.384311215748,3.77557975280449,3.38922288004043,3.53781638991321,3.64359019719052,3.35264827128534,3.36600776597803,3.2972214757087,3.49094939867074,3.31767440935497,3.13014195668251,3.4659765317062,3.06089246452065,3.49169242585856 +D030028A08Rik,-1.26595253676623,-0.752679781323754,-1.3741115957546,-1.36670128068403,-0.881397565042514,-1.36758017439057,-1.17042485740056,-1.384979015465,-0.962065585257832,-1.17694880742029,-1.02535415430365,-1.24344341799653,0.476621576843796,0.644633076203229,0.824248425658282,1.20987112019413,1.04831790650937,0.425266824056766,0.757478815549425,0.578325414151503,0.773801032288715,1.32780411532221,1.05673734691947,0.917990439278158 +Tomm5,3.85828726847584,2.59774579978426,3.59054272074657,3.37819950691527,2.82876582748324,3.1787938983537,2.9736269936904,3.56754806726001,3.59902135701249,3.32476926531494,3.23588827629751,3.14349151644189,3.95702490792541,3.28185484525761,3.66220069492383,3.35415924348107,3.18986983636766,3.85483587367529,3.39626031815137,3.76652202727742,3.83880054164672,3.8438845254763,3.2474044300707,3.44883926065656 +Tmem8b,1.80754252386587,2.19878195315935,1.77265653478474,2.12921249380089,2.58083982656109,2.34128167950798,2.21153707158314,2.15860319544697,2.0753072851155,1.99350210763394,2.51673494164973,2.1144111216354,1.14640888687588,1.77200281976079,1.42787051496494,1.46752504598012,1.89178766703542,1.48492603040799,1.83281817238839,1.45374536328934,1.25012724938383,1.42936258732832,1.74216051350524,1.76472889434887 +Haus5,1.00433566020652,1.10767117638688,0.835661238671943,0.887536577194847,1.37284029283636,1.40119672621442,1.36811587191354,0.538028311773984,0.844394607124557,1.14595284256977,1.22888370357522,0.883980642349953,0.550068044036644,1.24807082665378,0.3026603763435,0.503339548528497,1.56594594709516,0.74638044137376,1.84673601022804,0.417688604179236,0.662238677991682,0.848752945303059,1.36072712977701,1.55206808055767 +U2af1l4,2.479128520807,3.29889914729542,2.37799954629922,3.2146916728706,3.08926814085352,2.93442428186172,3.39350971326587,2.31272142022227,2.66327263684555,3.11019390789562,3.21405768922027,3.18143914789985,2.42099288225082,2.64958197626145,2.18780835962461,2.51158265192359,2.59996849824805,2.16141430834333,2.66773107152575,2.2192195991827,2.33569042408577,2.57074259146292,2.6464613166233,2.73468429511875 +Zfp566,1.46756243387359,1.79603719163519,1.50802555586306,2.07457970663974,1.90753231786996,1.92039773876558,1.94062465378536,1.68126186728261,2.06438103013353,1.42406698844188,1.82820681964047,1.79960473576967,1.23226664459879,0.798952996752856,0.91133706445164,0.769663356925762,1.31191786721713,0.58581242849672,1.51526395687844,0.282450228692732,0.897677532311182,-0.0517555732510474,0.908251177469845,1.4826314941298 +Gm12353,-0.670758887167707,-0.421610631620034,-0.967125129828223,-0.654145786021105,0.0379491548676758,-0.223898896942057,-0.656453303135886,-0.301344637553101,-0.871877539749039,-0.467399226839726,-0.699949596453306,-0.856954147484817,-0.590748926502392,-0.840671882887031,-1.05242401156509,-1.06444384695324,-0.347246021259498,-0.792799694440699,-0.876292593270202,-1.51049990490057,-1.0215953614157,-1.44647051724147,-0.166925891438037,-0.855994064290829 +Rad54b,-1.67782598727529,-1.36128834340378,-0.795666481117426,-1.70557204994753,-1.62760744924859,-1.2783915970951,-1.38072863118352,-0.478249647358667,-0.89737440745579,-1.71620057836577,-1.24869613003893,-1.32051640081636,-1.25435340911721,-0.96543209413476,-1.74192669888371,-1.47688225823173,-1.55670885250417,-2.11794484049942,-1.14783329670352,-0.998462166078392,-1.29620944944386,-1.46000949570268,-2.55092711549499,-0.914629634985462 +Zfp59,1.62829599226249,1.6253871938052,1.82828829898996,1.50250349894193,1.39824984181227,1.59315537399901,1.51479535537045,1.6291064247927,1.50181646796636,1.57929944263957,1.48384834650529,1.64996269753688,1.16752835362489,1.21525553852819,1.58370052816326,1.47456931647734,1.52119922587309,1.28402275102931,1.30166848377915,1.1518855111886,1.2694380256688,1.50335587327344,1.36777913494497,1.61835099515774 +1810022K09Rik,2.71057624216411,3.10542003550204,2.67659739266542,2.58389619788738,2.0492539286214,2.60063812746031,2.85855020265671,2.61003091678551,2.81504737191757,2.97881921507204,2.26474137813031,2.99156298156598,3.09617598516422,2.43184869947432,3.07038805141233,3.12192230709474,2.8546656648948,2.89412521722591,2.51836761223254,3.11637783388251,3.3596505831159,3.2116185663955,2.5425067600223,2.78887012579886 +BC024978,0.173486105711353,-0.0766762798528726,-0.192754172278824,-0.424749676632152,0.452270588720361,0.336781236816593,-0.157572712443276,-0.340781311010683,-0.520793139383804,-0.13949622864692,0.184490589381107,-0.271275883314489,-0.686141359730851,-0.356805037612112,-0.0133215550763781,-0.923392163733575,1.2144940540035,0.346206221376576,1.37124747888756,-0.164163414918781,0.0645969590258437,0.0265822197279688,1.4972030087478,0.593037567203054 +Dph1,3.33276287844531,3.09087205554217,3.49669286314684,3.49448861462686,3.35491490673381,3.08355718654319,3.41985087662382,3.21490694374076,3.34868505492494,3.32860285056094,3.33226401084711,3.31677377602227,3.77024179478542,3.4865496519481,3.99495266048674,3.81481327004623,3.85486048634217,3.97120716229315,3.67618078577737,3.54153619843154,3.86651077919522,3.85478540211324,3.96902680374634,3.75227639297506 +Dact3,0.622273595524998,0.766408879312138,1.40334375492484,0.953467508665963,0.127934301346135,0.561280360034592,0.713493099128288,1.01162068217432,1.25654962427369,0.905150088635121,0.267916751278331,0.302374197860468,0.529892887037703,0.935475906458688,0.411163826059983,0.146008340445096,-0.42781934759224,0.0686587305030038,0.298462031514149,0.106360469712411,0.404738885948356,0.403686073322375,-0.132794244819445,0.279708665111756 +Zfp541,-4.5507610206166,-3.61544882755665,-4.5507610206166,-3.6646463144767,-4.5507610206166,-4.5507610206166,-3.67878397333445,-4.5507610206166,-4.5507610206166,-3.57188085285469,-4.5507610206166,-4.5507610206166,-2.43627844724949,-1.06144983483491,-2.39152218568848,-1.25846450494277,-1.1173873976406,-1.62997159921048,-1.03065634244959,-3.12330920467407,-1.28582353253126,-1.32218106756883,-1.35390292552931,-2.10775535177742 +Eif5a,6.28513617598553,5.54150258822158,5.90281262503467,5.79157462054097,5.99911214515614,5.91685746129917,5.84663946361998,5.92834802918467,5.93357378099563,5.84080915335793,6.01067209212797,5.8439823232973,6.63013829328767,6.04629549759061,6.25835098318317,6.01664985914063,6.21721416378861,6.59898426910778,6.2784600257815,6.35305638464894,6.25626514713201,6.13684266061706,6.43788319412529,6.15930954230831 +Leng1,2.1433225974086,2.66894381982101,2.23445085180195,2.55623880417006,3.08350403406177,2.90065279466081,3.19782806296586,1.97423354693039,2.09267150879313,2.55332711577142,2.98143117795478,2.92927929239245,1.97375246401689,2.24427603757711,1.68280320421442,2.14889442218578,2.41270406939195,2.24504806876112,2.57222881995029,1.7412362662969,2.14920703011535,1.9733632059044,2.57182698103334,2.47956667090777 +Hist3h2a,4.15703543601071,3.68929299065996,3.91189487674488,4.08550277137986,3.72176870075004,3.61915561929138,3.70106958989288,4.06991545719987,4.04484869092615,4.11920309357706,3.57461686943561,3.83082699974075,3.91962574494138,3.77343720853114,3.55104421220724,3.75410737098255,3.37894912627378,3.87443757397229,3.65701340421482,4.27203973574348,3.91736041199671,3.79925638945926,3.43736054350065,3.80576770628648 +Igtp,2.45942554863698,1.77934707118213,2.18975877487048,1.73148061563812,1.65047888908689,2.07835164395134,1.36347718692942,2.44696460750214,2.25290722304059,2.04066552518132,1.69104301240777,2.05153363362924,2.14510306210044,2.12522742195599,2.13291455392944,1.80019849093057,1.59502153096611,1.77280396201548,1.41789720040728,2.25036678489922,2.10080679092837,2.34303973614775,1.76072689898919,1.5488050946474 +Zfp931,1.94268649537529,1.63056079706484,1.77918793248495,1.89155125075176,1.58365545169948,1.71911037747808,1.53379260865049,1.69539526500226,1.6221041325353,1.9505366799227,1.71930231749072,1.78761535395657,2.28597767421119,1.8927254976575,2.20543969091163,2.29999883414395,2.17760872938062,2.29463221858379,1.48194301855429,2.22079809901581,2.02603892717805,2.21075046480287,1.95903473387272,2.0103574927844 +Gm14326,1.33187836331636,1.36702591136653,1.36567016086913,1.09993962231341,0.878072664791443,0.872119832770617,1.01057581221198,0.922463765403205,1.38493141543516,1.07985700930245,0.486972475389337,0.752203846690436,1.43771577408402,1.03892908349294,1.2975106590426,1.74697117283648,1.22248230435081,1.0810371495554,1.33331392542177,1.33235383945382,1.38749026308127,1.18752457591453,0.793983844901255,1.17302402201391 +Gm14322,0.406660551665718,0.104902705406987,-0.165411173980044,-0.298116982720707,0.0301287646396474,0.0091273954704243,0.165302790022763,-0.0584104023606567,0.38281934615755,-0.138359162460187,-0.0210394760849841,0.445359615906472,1.09512383755683,0.186451090722164,-0.377012755342714,0.604348317112944,1.14333996041031,0.599446011439747,0.83215647960613,1.22670577857565,1.13705601365875,0.61451775564833,0.86327175728515,0.532498138848014 +Gm14420,0.736677976669405,1.14716689631718,0.67938551339248,0.936175806717632,1.09153316905228,0.80119483499808,0.990057340084816,0.527941647965271,0.711112353801018,1.43260038105445,1.03359687042948,0.568227529943717,1.05576171671831,1.12738681980884,1.36426855309369,1.32787025489221,1.10676727250884,0.892364718314835,0.975382041162397,1.0759635654366,0.624915281805003,1.22666716289044,0.833695229903645,1.77378208057039 +Gm14418,-1.05717080357785,-0.375831044647658,-0.88322861888544,-0.768895014704412,-0.571651186830424,-0.844936089157206,-0.971690668322935,-1.54399941459039,-0.983027647010127,-0.877925213719538,-0.624878038476433,-0.372522689884108,-1.36040509280806,-0.873658476737628,-0.339327691820399,-0.664896089747349,-0.972682164895208,-0.208076355417286,-0.455859299764581,-0.591937908494719,-0.825228931849572,-0.667801110906424,-0.0976631896939648,-0.266190239834629 +Gm14412,-1.60214537958883,-0.670232747437734,-1.98335688785963,-1.59122215696542,-1.28890263496649,-1.70270478369678,-1.05670687490939,-2.06372242765723,-1.86281252052668,-2.04336805035531,-0.830965704054096,-2.08517465254242,0.361246325518903,-0.147848928834167,-0.574060060168072,-0.157643999915641,1.19851372729876,-0.454349260323937,0.170775627658202,-1.3204997440723,-0.547254203476283,-0.233422690405489,0.326946472480743,0.0153656412082996 +Gm14410,0.307153251153546,1.03073849343507,1.28378383668122,0.642504154919207,0.703354841882458,0.658387279388217,0.734941091545823,0.819907150820549,0.281909835492102,1.09069019396425,0.711127887288997,0.343395479855144,0.64854973078778,1.22313418858487,1.38579651149411,0.938700483038965,1.07708113459639,0.50038306273567,0.977988399153626,1.60981843060643,0.949541018393347,1.26273380730235,1.02050904179942,1.22153678744217 +Gm14295,0.839220499095306,0.736325184328883,1.21696728687917,0.874618368173336,0.985042325466488,0.698948976982332,0.560818608406187,0.986178256532525,0.937890168656841,1.13619910114368,0.567619293261255,0.64995738008608,1.47550353543991,1.05036649269102,0.976702453435015,0.456874799943187,1.33123954274342,1.1577024705156,0.986390928383986,1.13713973705284,0.45308489240263,0.729958723428961,1.20723357004274,1.34157716115427 +Gm14305,0.49916909655977,0.278115533986134,1.08925421594465,0.300737418949509,0.738497089010243,0.440464780092412,0.1085794636697,0.364982460455636,0.370375717276168,0.974477228497006,0.247412788804268,0.478498026981535,1.16056592964995,0.833582333663135,0.623795822203745,1.02275606487266,1.09463043407723,1.11392133913253,0.950335234310056,1.12410836596622,0.654912996948552,0.579809902443442,0.387773369208603,0.666494719492249 +Gm14443,-2.38774739677746,-1.58923095665512,-1.76867270153586,-1.4629056463689,-0.611304568774546,-0.890864466317517,-1.13400739174881,-1.25895617304937,-1.3736504364857,-2.09248124677543,-1.1495184328545,-1.36570982722024,-2.19834100311381,-1.28368928296471,-2.48283144794801,-1.3497737672023,-1.02458766026219,-1.52636487134038,-1.19704944466951,-2.336782084257,-1.53783153566316,-2.48894895855775,-1.02934107785331,-1.04581064254938 +Mon1b,2.77690914361822,2.80594298014065,2.72368762634837,2.65816175238916,2.81562697080226,2.7113266405111,2.63466067500462,3.04651536609185,2.85588853289731,2.56096854271461,2.67407147917738,2.68349616756619,2.97303016436294,2.95606082870859,2.60739586925349,2.82879801014107,2.94768956149184,2.92279052113682,2.82059872790631,2.8440725974066,2.83426553087879,2.89466119479889,2.75364149817511,2.97214780804346 +Dpm1,2.85040729325561,2.48463380309726,2.64945508129991,2.99484492309589,2.92636764355414,2.9295253225486,2.83904849985384,2.64715867000058,2.71495450906926,3.18323567577564,2.92885543965321,2.92518630780086,3.23723511106894,2.91070772500444,3.02844473279498,3.18389935723585,3.29391608882967,3.12935235239904,2.99331062685057,2.99514898674741,3.21628499284106,3.36865406256409,3.27575130828459,3.08772803250529 +Ube2v1,1.57096331490591,1.20922521261285,1.54483873219713,1.57379747797611,1.48874708468112,1.12144872662054,1.07738430530581,1.5252432111534,1.51611963235515,1.10681454919351,0.965603257616238,1.36246643286099,1.99641400982109,1.7259495973496,2.13448098419947,1.91378083065144,1.8203260106713,1.99137099462371,1.91689091133256,2.14987955054351,1.64232629106047,1.68143081474868,1.95909874518283,1.42305370714843 +Pdf,2.5697010105276,2.20024192069323,2.51041465684799,2.49005612604961,2.58347394801504,2.54834733614282,2.78830363826042,1.95676663160615,2.21577319312611,2.43766414378657,2.51708579061285,2.64708511224349,3.03507996408172,2.81415071972916,3.21491856449519,3.16710098582138,3.14137370322716,2.96454441762774,2.97938799212361,2.82498167290603,3.09348562714376,3.00303101090583,2.90989023247078,2.9111194442565 +Lrrc70,-0.566954510350478,0.0753086643445837,-0.0810801877279439,-0.66489931339233,0.0998739643850799,-1.25021493592304,-0.377538052015443,0.191663565531981,-0.821731786735147,-1.0865273617848,-0.0307254221689408,0.0785772852348497,-1.1381434376597,-1.08280514951289,-1.06503368084049,-1.2418856364707,0.0074474841132967,0.0609748823032417,-0.711996902841412,-0.207613248418269,-0.453919017258274,-0.901609204914126,-0.708540136262452,-0.47158429180827 +2410002O22Rik,2.77842726512666,2.61692444789624,2.91056198954073,2.60190063218896,2.76837213991853,2.66276956221014,2.82763380594444,2.55643139285489,2.74118407199751,2.58314328548366,2.66053618845262,2.79163852789797,3.38670111607859,3.23727288813647,3.37345885594739,3.67083825432422,3.41590998127576,3.63717844601205,3.30770145777961,3.30191304288833,3.38905460559278,3.58921127467735,3.64773029252714,3.57638172453101 +Cpt1b,-1.33551180515996,0.687848860663936,-2.05706460780454,0.0856723956952274,0.456952735914563,0.0906765854490403,0.872135415551516,-3.15648959624094,-0.469482361714196,0.166517015263239,0.533335772918207,0.516126980747706,-2.42785111105017,-1.82305312211416,-2.53920760260133,-1.68249627708936,-0.970564171465484,-0.999309975165179,-0.211658991560088,-2.6875635707584,-1.77786890928813,-1.3261898589892,-1.18185893295084,-0.275740737898098 +Taf9,4.13660889501772,3.4365922717052,4.15495979226923,4.04272715182828,3.46961938766961,3.25454691950583,3.60186547336701,3.52288423952511,3.92533656752794,3.74726358744363,3.46932381681106,3.57309806739319,4.43587383941103,3.96499926466553,4.37348319036553,4.19176303970911,3.67238760731215,3.9057895092861,3.57527438672974,4.21789871457106,4.26700090174692,4.04135753439601,3.6200821775666,4.11374265824112 +Naip2,1.6947206453454,1.88896582788077,1.82998366136871,1.15059250197709,1.62472286106329,1.59627559962188,1.39164766131578,1.64499115794326,1.51804821552179,1.74600814919524,1.5909518831563,1.18943782185582,3.88711299459637,3.85767160890059,3.970127687318,3.8752653491792,3.52549675291796,3.87446326262079,3.72178901998536,4.14052471530478,3.87259344042883,3.70872628077837,3.54423896303211,3.61176187385996 +Arhgap8,-2.37446095507483,-0.608948066102123,-1.12021648222187,-1.07761961565915,-0.95956552627805,-0.43639757009892,-1.60721297549331,-0.871230320245232,-2.23205463774026,-2.63086993144161,-1.86192851167945,-2.11678752828859,-1.60371844795555,-0.899430995887488,-1.61409338745297,-1.75508427704596,-1.4048046850825,-2.51365450996188,-1.84486976026644,-1.23176076954709,-1.7126093720166,-1.39877785894581,-2.16484558672951,-1.05567893356857 +Tob2,2.50169740943235,2.84804717487938,2.52227126300745,2.70729237689123,2.81617661609724,2.81017933346299,2.48861894020691,2.5247386942598,2.58350026556007,2.2921553129363,2.67530789349829,2.66769306026409,2.01974014557647,2.26659938072594,1.86426645299808,1.75514921662896,2.04263425562772,2.08209380795883,2.79230824064694,2.08066097124183,2.52113424696397,1.53521852091115,2.58449745914374,1.93351482638482 +Hsbp1l1,2.35310356694557,2.18742178923203,2.78280550813943,1.48253136988822,1.46442964645685,1.80356080158216,2.35821800572546,2.78776320611311,2.94560843077778,1.73434726026467,1.44461708192191,1.80697907304539,2.29407730566209,1.92332913344738,2.18486484662527,1.00909295786163,1.09624071750298,1.90071706945948,1.27389565742518,2.20911748324347,1.88829088764175,2.07601883247918,1.38834987073112,1.41031658983108 +Wdr92,3.59554464163102,3.37682446917262,3.64878592394842,3.54261395847858,3.26475382644665,3.27696512104243,3.17491748100457,3.49177977826848,3.41144669033222,3.4627353443265,3.28752196279272,3.43849570684401,4.46038046669183,3.91255459241639,4.43084781575796,4.24600517567978,4.01501989591024,4.19774185437566,3.69705458067107,4.20236020904859,4.2220157333121,4.08084618034617,3.84464327176764,4.0168743695689 +Sec61g,2.2159096286167,1.90827825299842,1.83887381682524,2.04675678055777,1.62777789460809,1.69125939284769,2.06238928878007,1.6477905685273,1.86852164303749,2.05072049762274,1.81969736041864,1.92567149392207,2.92126969973754,2.05562326827924,2.05201412209051,2.06963599752281,2.03736411136343,2.46712418163648,1.96080244459364,2.36458749706044,2.32206719742546,1.83998187538071,2.48636162519741,2.17114484667361 +Zfp429,-0.162301053621489,-0.32493183300618,-0.805760144026054,-0.952880689369117,0.491280246086077,-0.288580262787198,-0.0005278613961512,-0.138597960170968,-0.126258577162797,-1.16698467928013,0.0936307305743727,0.283542544418158,0.439986882487194,0.265176584267232,-0.14541557286367,0.0912088564097142,-0.158838003826579,0.124491480293419,0.204506344563712,0.347683391519633,-0.350732279370294,0.225504052959164,-0.340771305392578,0.439159878985423 +Zfp456,-1.78292222689051,-1.84655762701919,-2.09431285107967,-2.07055110912219,-2.25424218045235,-1.72978418722155,-1.45606714051254,-1.57259781886018,-2.11001118502113,-2.70012670952872,-2.30704416263211,-1.46260014592845,-1.46664370951171,-1.52956813477892,-1.80278228723035,-1.95741922995559,-2.10526453039398,-2.0456134493423,-1.7296110674624,-1.44706132752652,-1.47722893072871,-2.68276470730553,-1.17687323497364,-1.94586652861223 +C030006K11Rik,2.84011914577691,2.70561699320222,3.52270847428594,3.05763724767597,2.79836781634676,2.64092689291713,2.67931284152277,3.15934395365035,3.06178290794055,3.15766030469727,2.56921665326309,2.60506371814438,3.44135163762002,3.27937431626889,3.71188257671755,3.83789914111716,3.35851323632054,3.32095449578697,3.00579456912164,3.21346179880417,3.68897803004427,3.97808974974687,3.17647240784866,2.93798296871867 +Samd1,3.29556318052204,3.1366812211936,3.00395011108485,3.03272155678078,3.18503529723035,3.09212336829325,3.18645623302346,2.98886945438363,2.99581196590807,3.13112045358565,3.31930681040253,3.18872846362414,3.01324822322048,3.66992081409338,3.20400385056437,3.8638491042338,3.05973776610433,2.93724454133295,3.38217023145066,3.53996307249955,3.2794999185551,3.73669710949013,3.09392312758591,3.20408157250489 +Slc45a4,2.25061422383638,2.40147418256382,2.41055509115126,2.27666053246881,2.42044723192268,2.5091982994142,2.37342924635104,2.40592590362365,2.40962057151552,2.04511830619103,2.45486324618924,2.28278350503611,1.78252195192408,1.88505409380669,1.74206926163424,1.72229305873272,2.40400723818507,1.93940036754301,1.99730649237289,1.75453615446805,1.55789925615181,1.83376241321642,2.16359352650548,2.19694245259877 +Flrt3,-2.26184330915454,-1.8447588114853,-2.57965893655679,-2.03136826728281,-1.91953275225264,-1.64108866399984,-2.67206837224535,-2.00807191925295,-1.36918986906275,-3.65872954769127,-2.5945368512465,-2.04532659032643,-4.63760971545317,-3.65626529528272,-4.63760971545317,-4.63760971545317,-4.06214725258359,-3.57036067325456,-4.63760971545317,-4.63760971545317,-4.63760971545317,-4.63760971545317,-4.63760971545317,-3.22393419923681 +Alkbh1,2.23602525190263,2.46111431951989,1.91409357142972,2.47278029515051,2.47075356057047,2.27584031610203,2.42545237621768,1.85878730924855,2.1225225298485,2.31502674007116,2.34416649074271,2.28690889995742,2.08065583885001,1.95988190636531,1.53950252112593,2.01282909915059,2.25128040545945,1.96840966936256,2.23032102820138,1.10034626953949,2.16425440630867,2.08450002932858,2.26034685964739,2.06845139168222 +Prnp,7.55867514351182,7.33214973656228,7.49082673570564,7.22164441384239,7.05083970341967,7.12521884319194,7.01953396914407,7.53858901954473,7.40130895411292,7.29399694280082,7.11698781011655,7.33787121333838,8.70747923051485,8.40076446829422,8.52415329868017,8.39080047603798,8.1542775563764,8.60290768046126,8.16962409068666,8.65932620455057,8.44115171844022,8.47157693805477,8.20743119242851,8.42110414944871 +D130040H23Rik,0.765130192164061,1.87105494051781,0.816016972514705,1.48663093962472,1.46467702269426,1.87383347058425,1.82456730998285,1.73326518728596,1.33632982088943,1.70589406947542,1.71998601248236,1.55399625672405,0.812331072848177,1.22594440092644,0.663630470054422,0.820490251744859,1.32719507566794,1.06002786371034,0.241570155147104,-0.515183714281446,1.12656183123553,0.0362244087498597,0.841046038677876,0.574521353743721 +Fastkd5,2.85966143832256,2.39938277391531,2.54858810496025,2.55948688887569,2.3608434160864,2.24218104293327,2.46727159033492,2.39788502266265,2.35266347058723,2.61902817028679,2.47545828215307,2.47372841278902,2.57045531194648,1.96368545521859,2.10969751466883,1.77848025143027,1.82561355410503,2.36603542421228,2.06876465638997,1.76938457327129,2.03091145133291,1.7256492159374,2.26611003216182,2.12465701105355 +Gm17566,2.23578303643075,2.1009087380728,2.24518242376919,2.10656815868359,2.1548608211693,2.75250608670203,1.97078191614445,3.04508070645303,2.34218049190814,2.44059317180798,2.3221477615426,2.38038252151004,-1.05821275958199,-0.331642147796925,-1.89204975892915,-0.422226017733631,-0.906542709717637,-1.84230049058234,-1.01541928690926,-0.167153964190546,-1.88111914888482,-0.9018707978154,-1.87732073876562,-0.358641414916793 +Kcnip3,3.19613351157973,3.33794564525569,3.57879265741774,3.73532700682142,3.29794889437918,3.32727306932989,3.09650084758643,3.66695284289301,3.24418372141297,3.80558017723869,3.53367513050985,3.41558654219624,-0.0299733219933769,0.770305772801036,-0.185447014571768,-0.294564250940886,-0.684282939340284,-0.789965799510281,-0.343377264604383,-0.186242456465777,-0.476761349734588,0.377871631919246,0.856926153690819,0.162852921272202 +Cyp4v3,3.68672754871353,3.4764664483968,3.81539521829572,3.22645428194497,2.97880874069796,3.39043544422319,3.2036961562333,3.93262727441369,3.60460659195108,3.20591016318876,2.93957219417483,3.38497006839537,3.34555201319571,3.29360916782933,3.71495042838511,3.28408284357352,2.50628130370625,3.23522806572017,2.67663665545191,3.65686895029519,3.4923599312503,3.29601191422182,2.74002412470388,2.84870077131875 +BC005561,2.61176969112555,2.88847514855463,1.84113990355891,2.73985991061831,3.24319839951143,3.03288963340828,3.03961469465883,2.17054952467396,2.58118637837847,2.54500311580918,3.1533428496743,2.98271067014154,1.61379250969639,2.067339058453,0.881240393434379,2.10744262025717,2.67146441149646,2.07511441623341,2.80912908856768,0.755046553116614,1.94950655212356,1.65336510038409,2.55281529772178,2.44199698413381 +Gm3086,-1.05790441321104,-0.775292035978091,-1.36290501391036,-0.866577616469689,-1.65741619612315,-0.750044695851947,-1.06937327008821,-0.81994729001146,-1.39258346034742,-0.975607815484815,-1.18468231651383,-0.8585563165031,-1.63208317393817,-1.31778828683584,-1.05775543504268,-2.21799038083608,-1.18547167554448,-1.64683230343531,-2.01224999148923,-1.61582447792154,-1.03003454178202,-0.85841177089626,-1.26232512910938,-0.70895188797976 +Jrkl,2.3871482651727,2.39727876775279,2.40060169621329,2.40433158604665,2.18310675876937,2.23284683102434,2.09755485255569,2.23227270531158,2.32967017176379,2.10107662019488,2.26252813884727,2.09981542601226,1.82456555012414,2.1691673348732,1.72162759091345,2.00032905517254,1.9190665269928,2.0642112618636,1.79883139126815,1.93206335628048,2.15089305054466,1.71389871229896,1.67638603482797,2.00548973607525 +Ccdc82,2.48746545823029,3.1849881899183,2.93772054474884,3.12362686318024,2.96961289113507,2.97201320931591,3.09997174027221,2.72876292973944,2.6135307745407,3.34426200826128,3.22282760392913,2.91138875867744,2.72737214111021,2.99261906020237,2.77754463428295,2.80385029594337,2.78343112820902,2.67187578970584,2.87625080031203,2.64843327541947,2.96703756474292,2.8699789476402,2.82093341392393,2.77388120638432 +Prps1l3,4.68175749505572,4.39687275650238,4.68748366852441,4.42392937634905,4.15725273087253,4.45585077633919,4.37689533527251,4.67624821840048,4.50622322559079,4.49331789818236,4.26171431835917,4.39700381979454,4.71701369962534,4.12264656699811,4.28958905286563,4.23885399513607,4.16306048283478,4.38354174374128,3.91851109800197,4.41504555635792,4.30133363222037,4.17896976807845,4.1102465645341,4.15982301078365 +Srp54b,-0.0330498455869341,-0.555248026278881,-0.148165395889933,0.309930354915515,-0.419543380073095,-0.759393706273091,-0.12094680564914,-0.400625403939677,-0.172590986043749,-0.41653877700523,-0.232085275601257,0.322937494149638,0.849113074609527,0.172053222412412,0.663901970315241,0.594970816886607,0.252531626203973,1.00389533374683,1.01661248689902,0.333448761983243,0.5843557486151,0.361038142709414,0.784360094024468,0.874343556426904 +Pms2,1.44982333397725,1.48063159336182,1.54024912066103,1.72166219735985,1.48185256192803,1.45435857968155,1.51707152142428,1.48086111454446,1.44722415689815,1.48950048724626,1.51913637319177,1.5701660443197,1.02232545436144,0.527402698854082,0.894100849876936,0.973500409631908,0.862273766410426,1.06297824272313,0.962162711242188,0.109331376664725,0.802459547271984,0.62671457874527,1.17212260453358,1.00394011121008 +Capn3,-0.622422454991925,0.35246185316548,0.0079550712069687,0.0620575232194609,0.0134101658774353,-0.0072424419405816,0.372404295581081,0.292859753152302,-0.17753381202189,0.349284461219186,0.0813463802059955,-0.148964012784111,-0.529040548317084,0.0402631787905139,0.526279737239326,0.547292664079353,0.424213590703429,0.22430301815307,0.3474509338192,-0.133652218976726,0.189638283558799,0.353970270753265,0.0666948811304651,0.18312732640267 +Kdelr2,6.95168848271072,6.30756701723562,6.73776103264299,6.51266955177532,6.43505222006967,6.31817129178741,6.38306256770826,6.75954054690068,6.6209671133931,6.47986700715325,6.37214047375174,6.47579607801753,7.70571620081387,6.77533496273822,7.33756299512364,6.7812763220752,7.01323228785135,7.49386338837524,7.11854514056802,7.32569370151986,7.19943566164963,6.97156549962218,7.11702407872153,7.13270999664882 +Gm4204,4.16108291117521,3.90926514288968,4.12284587476478,4.07824293534848,4.0967420598113,4.19103698128197,3.90035317562534,4.01239839318602,4.23237580713739,4.2820205222777,4.23549708052026,4.07293123145648,4.69354236192575,4.79061380340352,4.81065496113347,4.90652945657692,4.78115030693641,4.59713427605634,4.78740487579225,4.84970813001832,4.79131053530217,4.74331196303455,4.81380619404832,4.83586809061954 +A130010J15Rik,3.97340902071702,3.76259358847095,3.91658909378985,3.74586050942222,3.50978190366862,3.64826180662281,3.69142725230971,3.83667404171282,3.9332452547616,3.762744630878,3.54175476447736,3.85574778925829,3.70480310682181,3.56669611172314,3.77081126842196,3.80993952603454,3.4020383487837,3.51937796923905,3.34977023154897,3.71886577263551,3.84165784891187,3.62573917938674,3.21253881893665,3.39363527502735 +Fam155a,3.71972673627468,3.94468347386399,4.05282073241531,3.83998137943026,4.08025965476225,4.22030580038979,4.02407315805739,4.07928160925727,3.82847250744196,3.86684594347892,4.06417783449444,3.95344599862317,3.44373158603134,3.85164767902697,3.71915601076918,3.77169344698683,3.7921237322323,3.77020821377451,4.0414828876826,3.47782646582054,3.59109644806037,3.90474613571726,4.12952671259007,3.85590850838472 +Sap25,0.399798973102295,1.61634564715344,-1.14865791259506,1.34688809785696,2.50095843406919,2.53944074551868,2.77993492271236,-1.07392336745583,0.484545970034186,1.19638909408251,2.35086374508798,1.35784531831447,0.027136329910301,1.08264382581517,-1.43544841862735,-0.0272691469342928,1.76844337279747,0.969533050782014,2.03310413230437,-1.58380438678442,0.327781334492265,0.776014412568581,1.3750987647518,1.55819773153267 +Zan,-2.69452798799021,-1.31894206133234,-2.25514670762066,-1.55780876652137,-1.06735878168321,-1.08575461214803,-1.00557976376981,-2.83399738822767,-1.72918482955724,-1.41073431304295,-1.24290438557453,-1.72302027308152,-4.01318408831728,-3.68168869927723,-4.88110558398001,-5.28271658527407,-3.3947353547338,-3.64443841381396,-2.07969655700036,-3.72738800028611,-4.63596294714225,-4.66498303409762,-2.96994234573655,-3.07422046237423 +1700012B15Rik,1.76263943368539,2.03629107487737,1.3161748784784,1.86367187206271,2.05642521312358,1.81409981349121,2.01121773662099,1.41383184195498,1.56146419073036,1.86710221312036,1.91600956833519,1.96404841285203,1.20163465576924,1.61614286959616,0.813874625402195,1.35454292241396,1.58203992865838,1.30559181086312,1.56533366973837,0.817556454124931,1.36739234600271,1.19744902205364,1.73537379168495,1.4025972365086 +Mphosph8,2.65132185930605,2.59941900550431,2.6151334996037,2.702611640404,2.80911839456733,2.82551050251321,2.83079742186461,2.33399502453582,2.68759823074303,2.73169577400335,2.7575100880658,2.56371305782538,3.01070404394186,3.01838692872542,2.84720612736916,3.20633872042129,3.21254011360177,3.0267049097889,3.19346318242576,2.61780320976638,3.0233120412855,3.13167241693981,3.26094667393655,3.22023413750045 +Psme2,4.02581534086178,3.71629406099254,3.83252786375347,3.76885041340554,3.67010056453109,3.66754548011214,3.85686343253323,3.70779656829301,3.76385137283253,3.8649655081426,3.83063233187923,3.87681577767743,3.91765653110597,3.32175090705718,3.71898865490963,3.70846768895268,3.34594580405441,3.4812631170629,3.40220537533012,3.48960859393411,3.51803257147332,3.67480019261281,3.62451676184638,3.1770909175426 +Zfp664,3.74707268608283,3.73305006362648,3.49374601600344,3.59246941046637,4.10855194357688,4.05885178411105,3.89946487723323,3.80120056543635,3.64154904857897,3.63245607855974,4.06128898693233,3.84362303190343,3.54667843617306,3.58270124187941,3.4149344846892,3.62631536094929,3.96204257707379,3.61117520099186,3.75827905443328,3.47147129326845,3.55075939662792,3.49960885874395,3.88012065155001,3.7229936824606 +Gm9531,3.66044132759126,3.39308948956611,3.1780638116765,3.20741227430807,3.21170054414533,3.37052025526081,3.4193383543768,2.98804493371268,3.19402737900949,3.36394599600431,3.46808974830277,3.42400766978975,3.57930547329317,3.17631115492973,3.76062667576927,3.69134183754958,3.87936357437883,3.26687108324307,2.97939359076603,3.59963692055622,3.48183766800765,3.72954973829769,3.17043308526887,3.24764783610947 +Ccdc13,-1.28247899731835,-0.824962931484728,-1.4624665234404,-0.204204167090278,-1.07351655647737,-0.708189491687085,-0.523530829030386,-0.845006940268201,-0.959701203704529,-0.36090761494237,-0.136251241187625,-0.592017713883221,-4.22812105009495,-4.22812105009495,-4.22812105009495,-3.52472259817656,-4.22812105009495,-4.22812105009495,-4.22812105009495,-4.22812105009495,-4.22812105009495,-4.22812105009495,-4.22812105009495,-4.22812105009495 +C730034F03Rik,1.29003669460005,1.28721840742039,1.52497299102297,1.61044318901653,1.46869633884618,1.70491866995663,1.11864292386037,1.92945695565858,1.47399264671802,1.82665274667447,1.17216838480423,1.77391705232385,1.42418335147609,1.41692704734117,1.22377901741006,0.748860574763829,1.46477431195488,1.26323459286275,1.57653171114611,1.19709931649033,0.69196219313225,0.786261155674822,1.35528785000957,1.06469517928867 +Tor1aip2,4.66652981839601,4.41667266630222,4.55545604681383,4.63158981345923,4.28967529030882,4.16900755712503,4.15267334370835,4.50513856824324,4.56662592673461,4.3516596290667,4.26307711717743,4.42715639049551,4.6715763904057,4.48026711418973,4.58695441067752,4.59802110146447,4.2406519362356,4.60648530625214,4.06165808559747,4.66985455409904,4.74708428457676,4.65751839318197,4.28278169893588,4.40619707430391 +Itprip,0.33894878797912,0.66413266137951,0.555200360688531,0.685666992788223,0.507932450595003,0.246080975762044,0.822532446640129,1.03652619649366,1.25725727100385,0.854893229725312,0.735859583352107,0.646067676161085,-0.611903502198201,0.0481738047176852,-0.0387767464574769,-0.10655459822778,-0.0913485058862902,-0.629583967582924,-0.549257842392153,-0.359023501350844,0.136738953385015,-0.486406863191858,-0.200834967831601,-0.326699960433068 +Trim71,0.0094134401323904,0.40384449751137,-0.118905595150509,-0.0357286627347086,0.379715155177774,0.717585530144102,0.530468392043738,0.133629701478208,-0.14328132281848,-0.126885893338969,0.499837121958499,-0.184345649864611,-4.89322895254233,-3.91188453237188,-4.89322895254233,-4.89322895254233,-4.89322895254233,-4.89322895254233,-4.89322895254233,-4.24869206153041,-4.89322895254233,-4.89322895254233,-4.89322895254233,-3.81637328814625 +Tmppe,1.32339290585634,1.47850198750987,1.60988645671345,1.4206356280976,1.70596892435078,1.39665748572074,1.47193639953714,1.96272735572794,1.5186399131234,1.1592621236293,1.67485820324416,1.4955008873785,1.26765837956961,1.58577879221401,1.27410397183611,1.29528829180174,1.83859264764922,1.49934777285766,1.729069809395,1.33497645979827,1.35595186391869,1.53348919572584,1.67278455412616,1.63917425355674 +Slco1a6,-3.01893542646312,-1.55902575715348,-1.85842751654126,-3.64793207648481,-2.21973583531618,-2.37589902733682,-2.35545491109717,-1.73672981249444,-2.26287805136873,-3.27534440282989,-1.88940627504851,-2.13433889020796,2.81768709865223,2.87537779156908,2.71648373260764,2.84887381513694,2.77237344201417,2.67370671164336,2.51950942017597,3.27865646134339,2.6544190848417,2.01065453660933,2.49261676775729,2.90572063797289 +2310009B15Rik,3.44733521882107,2.84419262553565,3.91432464694241,3.40637097015392,2.66966466801805,3.02817828466785,2.91751879252634,3.47388515289885,3.80069018213274,3.45017528894309,2.64785068030732,2.84770732373687,2.34198440794878,2.31889588346993,2.52154808409713,2.33683027468287,2.1210036300309,1.65112879516543,2.10650387002529,2.85821859157047,2.59422865416637,2.01216396131369,1.6438845939656,2.22927633881319 +Gm11084,2.55771113131811,2.18279462516413,3.03260365186942,2.40266763994905,2.39296982843077,2.75253263191954,2.73900026504787,2.5234041585473,3.00100429841508,2.33237093288934,2.59695765152404,2.4537550131838,2.24057178968363,2.54128591058364,2.64358037930713,2.68978728196642,2.54980957584715,2.36730828782857,2.34305339718562,2.29837260714521,2.45265984972457,2.11436497596831,2.23584089955643,2.27739517950353 +Gm2223,4.12293623541258,4.13612395085397,4.4422111800017,4.21758112978792,3.60032138165357,3.81415931316145,3.69178987094588,4.19996766041736,4.34632999240871,4.2306257204593,3.57956638876533,3.9264616943823,4.91585584265063,4.30341524632306,4.93054686747084,4.37484746655067,4.42963743224789,4.63509201531151,4.0921488656434,4.8747631136603,4.71079218093199,4.62573849749112,4.31884605820377,4.43228308883118 +Rab9,3.27329913995131,3.11066758727955,3.48546641038117,3.14417522175272,2.68329587336642,2.75888485019694,3.14405217287796,3.33374790950773,3.30785651812009,3.29777456741098,2.91704515247456,3.09725503492735,3.42406645362176,3.17866319329072,3.50493960138768,3.38655151852501,3.09835882649778,3.08069283822142,2.9420688077631,3.66761309379592,3.48749181172216,3.44726170327392,2.64313858636947,3.21840081979129 +Trappc2,1.52287425733292,1.27320485378202,1.73159932052139,1.34788356094846,0.956936489466563,0.700353420475469,1.31755513042015,1.29098502376108,1.39153385102496,0.861425124908975,1.18175587485922,1.07413146914359,2.28875863990561,1.66726754558229,1.98871114425537,1.41761292541994,1.47323937231555,2.03245101027354,1.32690027085306,2.142744072586,1.9918757209608,1.65907520786323,1.43247825912045,1.86348418304347 +Gm20661,-1.69212211719634,-0.482281135696988,-1.94851484880701,-1.34538525303542,-0.56524708908005,-1.13285169694281,-0.877971790954994,-1.8799435498074,-1.32758329531915,-0.50652407865212,-0.868511320353906,-0.626179661945057,-2.42569132272963,-2.1604348904394,-2.14065937625701,-2.12280393658785,-1.73924165485456,-2.01880582950061,-1.52114552968615,-3.01242090141665,-1.89051516177114,-1.21035355914054,-1.78101292171148,-1.49372303805267 +Nat6,1.36891008468911,1.7244717692725,1.44092466336683,1.63080562721597,1.7616008349573,1.45567253917393,1.57065721721143,1.60468620254364,1.52715293587075,1.60057338383854,1.7310696869652,1.62587982119152,1.45686271842588,1.59399892619161,1.09466875527989,1.36269126587648,1.44434395822608,1.40880655605081,1.50901982629016,1.5888613770555,1.17559320272482,1.30216383569296,1.23394079556602,1.0967335740204 +Gbp6,-1.30674222023187,-1.88123101987407,-1.00849507073942,-0.934085535957105,-1.47496346174223,-2.0142581962103,-2.10562759366331,-1.73492814177701,-1.80458152838943,-1.33827484707446,-1.44643191985573,-2.25055227739188,-1.64147327716594,-2.68980737708755,-3.15674555843016,-1.87907158804558,-3.89497456404971,-2.56794474769489,-3.35699771456428,-2.16514882830017,-2.1332905495065,-1.78828763450426,-3.13027406322962,-3.05676151070294 +Gm11110,0.584703677563392,0.940474125501441,0.890346525202662,0.491074903068734,0.4925104493379,-0.238679010309637,-0.167848885592742,0.892727043281421,0.332665242049483,0.347932322322767,0.307898269055035,0.120330199164638,0.102637928296299,0.118622057893629,-1.13821053552223,-0.201310674199313,-0.152955902765916,-1.03326232511654,-0.59302097794985,0.466836043230581,-0.334943092366712,-0.146929076629218,0.261103490746347,-0.107552664168664 +Atg4a,0.887838074764049,0.0103142311970539,0.428387299677872,0.805630960712206,0.618582594680626,0.310341076618732,0.584804239937827,0.0551022868413011,0.512430164403771,0.709505640030589,0.768535423922189,0.352893926512574,2.36375986230894,1.71345394274291,2.02046836899199,2.19417964112981,1.78349683222144,2.15027258038867,1.60950535885311,1.96487718545399,2.09078044487964,2.26059002064822,1.9977923649687,1.63952947454163 +Arpc4,4.5370115572378,3.98434393521589,4.43274658292288,4.11685811323218,4.02921482661639,4.01855673708701,3.96596302036296,4.27246903897332,4.32161210937458,4.26287258991714,4.06549326025472,3.98103074773188,4.38002583622312,4.10632393826143,4.44232179109841,4.00294010921809,3.94095953468292,4.28822190316313,3.90667417920685,4.35854171142434,4.26488193303373,4.30191713390011,4.06373624079578,4.02282100260173 +Gm2382,2.55384622887332,2.32481363003656,2.42216743693297,2.25725160104239,2.28427480103658,2.2731347255114,2.16290946348265,2.69183713267489,2.33689939733954,2.80842093880274,2.22689237615625,2.45334335777869,2.3439120004277,2.27777865084699,2.30036990060104,2.30257792198358,1.21378957525119,2.06907200771512,1.83764669033548,2.40269702964228,2.17937905675132,2.46268587874825,1.71990366269891,1.98946147988278 +Neu2,-0.657402809124044,-0.463077096788779,-0.0820794773638718,-0.219596587064299,-0.361343437234647,0.121010431322929,-0.479507084947763,-0.013527042963061,-0.723898975702414,0.111951933217149,-0.213224040264969,-0.277602987427943,-1.32635657693166,-0.881786424617783,-0.351148204340246,-0.191562145748843,-0.530135071022917,-0.903500925822577,-0.701452683341673,-0.931148744843692,-0.77510762182633,-0.320160696212317,-0.474751926071254,-1.16490153102166 +Rpl36a,4.27295140702911,3.6873909168598,4.38895667450586,3.9047599299038,3.63455305815803,3.97927327484389,3.68986355624736,4.21611653080313,4.1898593425694,4.20038958938168,3.94246632064399,3.98851838355739,3.33674455974641,2.85208611645732,3.49805928712591,2.93612804134808,2.82605366257219,3.4254586919265,2.55190298435856,3.18974801023308,3.13017149900901,3.26541914219102,2.78699168018786,2.70258848997443 +Tmem179b,3.77518386388165,4.08560124924374,4.11204012116103,3.58562286668947,3.46035086853027,3.62743759603921,3.68911171634927,3.747870593209,3.82744745537423,4.13822685809384,3.77990986940629,4.16715615692142,4.31995950296775,4.25719487938423,4.13900174099347,4.37188778869137,3.83690405586283,4.25422825414511,4.27216688153973,4.27492538593259,4.09486654614039,4.09350558824652,3.93968331589786,4.26279493914975 +St6galnac4,2.04404510195915,1.76208068883036,1.86437500151394,1.82194155043269,1.83430857550724,1.96006916292205,2.11100674441052,1.66586543233941,1.85720920159954,1.59145326482189,1.6927738309753,1.60169504411852,1.91760217890549,1.84650818550565,1.90629297138776,1.68133403765493,1.87351591240774,1.82716262259654,1.91314544432183,1.87738199149439,1.76756375624536,1.8713742070643,1.79871896746951,2.02235831049914 +Prickle4,2.88460221681755,2.36517955208807,2.76745524044377,2.47236351523929,2.40746526316231,2.53663282240537,2.47957477342651,2.85007987679968,2.61261963880066,2.63579470276068,2.53127345100364,2.56755128776402,3.03915352578929,2.56447060031506,2.84497861979153,2.54580537607797,2.58703847723416,2.97006231414422,2.6530361213288,3.04496439829077,2.89671667658773,2.82551622836071,2.71688786350819,2.37329540262779 +3110007F17Rik,-2.52765479965891,-2.20880252011919,-2.67344316870572,-2.40133086874339,-2.2910791832279,-2.44724237524855,-3.28263632863646,-1.45651754742869,-2.43782067564051,-3.92454103819563,-2.71213869189442,-2.99887096836225,-2.45969192619522,-1.68904968118887,-2.4552330480084,-2.47090209634597,-2.75576106060313,-1.98263178455142,-2.40403882795797,-1.66332657466653,-1.71659675757292,-2.33647016763365,-3.07438408690354,-2.07521926578526 +Gm14966,0.541490709246292,-0.0791652865607592,0.375366399732897,-0.0120402056329022,1.08086723553154,0.65677643153485,0.53002185236912,0.367990641090196,0.923596919870491,0.815664263888337,0.414712805943499,-0.242620387252648,0.681793124905415,0.521555327485901,1.36383859405554,-0.0969544797718984,0.635628076727086,1.364629137596,0.622186716844532,0.808671992262497,1.03965382353668,0.740983351561073,1.04968747023935,1.07327571256095 +Pigb,1.58577800246572,1.25547215980825,0.678145773723698,1.35483152643323,2.14184488351838,1.89875984551974,1.32491036061329,1.22813124971711,0.934032950904837,1.29329511511739,2.0692621221896,1.50119072486722,1.2359459978743,0.83295167951086,1.50743799938487,1.37861950687697,2.10647441492999,1.35810649502976,1.61905573144664,1.06690529516309,1.24956545461311,1.38619026287882,1.38827122098029,1.17472293992557 +Utp14b,1.31261172502982,1.5065635025172,1.40490862596455,0.566015632759532,1.35503446081539,1.65660223171696,1.69400208656927,1.07387932080573,1.12632440472941,0.595552254015048,1.24038736739535,1.17374038458019,1.59200329163634,1.63535373175841,1.37450740457221,1.52848092205636,2.48270948919634,1.94689204537635,2.16482483002882,1.68000292945431,1.24020789298958,1.40899431032321,2.3670639995273,1.88861881362046 +Rab7,4.40444504942988,4.25703736013209,4.29993726422482,4.20273611773431,4.47666050875531,4.55028482041853,4.059465865264,4.55126820131801,4.33826399838861,4.26495742544079,4.50158469921185,4.2607138830271,5.26796880580336,5.30163370567213,5.46355505549268,5.22947574702583,5.3380096153086,5.29456272481992,5.21682753489175,5.37386351265867,5.22396458621587,5.35096177100708,5.30509754640038,5.29913558081372 +Sssca1,3.32975416855305,3.20446278000139,3.11919626618026,3.35082532759683,3.13921352708622,3.22963399956834,3.26622473444517,3.0858835928822,3.27617070933775,3.25270790966407,3.19855651445793,3.32457617900248,3.06598979827709,2.93811539792163,2.76413946986351,2.7535925305233,3.00902047216548,2.81933816639423,2.78061703005283,2.75712908337023,3.02843288611497,2.86464392008106,2.98797167209822,2.67354935934627 +Nhsl2,-0.693436517342255,-0.529587685604004,-0.532779792904584,-1.06436078630163,-0.673063836830721,-0.402735255545232,-0.796791454140926,0.0272069242660375,-1.04106203970929,-0.850075209871349,-0.801084860947534,-0.631435581667813,-0.659724242370019,-0.559862032962835,-0.192454158020325,-0.187726054844325,-0.122364819238132,-0.392903980034015,-0.40254784090568,-0.551302529333122,-0.532057276600273,-0.282709670273207,-0.208391445551775,-0.683353785024393 +Phyhd1,-0.752443491892416,-1.23753954270864,-1.16622632982717,-1.12189227732892,-0.400385038892092,-1.11983675028273,-0.842328450274418,-0.554370410043542,-1.02267212790661,-1.09883029343499,-1.00676237678152,-0.711372363631754,-1.0982608708495,-1.03988723628818,-1.6023290894958,-1.46773833146485,-0.928746688167481,-1.05408199976316,-1.1005574759917,-1.28258116223136,-1.6557960999257,-1.25621903081765,-0.687192336482897,-0.712839359924834 +Med12,3.22274840311255,3.69852482985989,2.8878536149206,3.56387483949666,3.91430849722724,3.87580203544616,3.88988089884509,3.09431474467984,3.26131080963399,3.42804182116967,3.88609457435501,3.64742402831426,3.13729460910085,3.30959463763119,3.09021738067728,3.46826663787818,3.86222425210856,3.37817678615603,3.81749313650983,2.91890817002291,3.11224138171655,3.44231822519855,3.81274187430911,3.71538371740778 +Cd47,3.16952857745038,3.11458383573142,3.01341208843331,2.6209237559325,3.85873660927111,3.78510644439244,2.84388082347319,3.89880754591916,2.74787376766996,2.94530836577288,3.31470408328768,3.26518479843424,3.1934617037793,2.85975781838958,3.17362450695851,2.68624367588796,3.27301196669583,3.18382915826282,3.00450926941061,2.91283029254702,2.81890039603403,2.92641185340344,3.17404874243475,3.15456827542997 +C030013D06Rik,-0.396332249478908,-0.0614491285323413,-0.42067709832575,0.45932863542081,1.77291109487985,1.77181819502526,1.58573325315938,-0.545771404627968,0.0152003629522976,-0.101066099476877,1.28182679467387,0.55595134911478,-1.23642573234989,-0.509855120564823,-1.07484735147798,-1.94725668365917,1.32246492375554,-0.748162856353165,0.715158615327891,-2.00611824456566,-1.64112485072685,0.138170392134153,1.07774359017122,-0.207649466738398 +H2-T10,-0.614526991287902,0.0614473791557244,-0.605603936776004,0.281625487088599,0.0876528959475023,-0.816635648756411,-0.257457727478982,-0.688081614663388,-0.489452248205508,-0.0052164140858128,-0.289327218084577,0.0649359671969858,-2.02050269982513,-0.92061374842357,-2.55917748909265,-1.54361983431852,-0.637595642322325,-3.06773623099362,-1.24749013437996,-2.2028534011309,-1.79783879577944,-0.906405320144469,-1.10846916557245,-0.831136056175054 +Gm13420,2.20528083567072,2.51652963017562,1.67324462755315,2.62219258488985,2.6830432718531,2.87620437504699,2.71462952151646,2.36482252232605,1.95377490667327,2.56409121760702,2.33045583367026,2.2361132838495,1.06806813599681,1.96578723553268,1.15201978739939,2.30614226989696,1.97392854341151,1.27723534220369,1.80146675900419,1.97289161268091,1.62138340888291,2.03692100034,1.84341694314062,1.48837037388654 +6530402F18Rik,-3.64929657492206,-2.60673702073556,-2.76577419869496,-3.63957919603034,-2.21138295486171,-2.50497730672156,-2.85818363438353,-3.07599052800645,-2.72279180605324,-3.84484480982944,-2.78065211338468,-3.88665141201656,-2.70924240422424,-2.53176271300458,-1.44384594270291,-1.72948343827685,-1.52759195483466,-1.61962268130423,-1.45791122668589,-1.14250226036721,-1.71948623037838,-1.52125902338214,-0.841197532451751,-1.36627485053567 +Gm11131,0.365061679841096,0.482012649771914,0.766891175852401,-0.0883051399954402,0.508516621942002,-0.0844907031615454,0.102813644306387,0.207112247292826,0.0204775843122682,0.624579095533107,0.267157531604454,0.0913060128825627,-0.730321193125379,-0.369159262301825,-0.655088239522631,-0.488787391418092,-0.537577643541162,-0.105115573339829,-1.2656099327186,-0.418521582527734,-0.0629910958590083,-0.884262532611789,-0.685772583813118,-0.506443582272328 +Apoo,1.3917671106406,1.39541912534128,1.74156428538588,1.08941330470056,1.02128341021796,0.830833343810893,1.54729017413997,1.13938343302539,1.43600224523099,1.44067064450945,1.51172596683203,0.999118751780246,2.15653685650014,1.70137959999159,1.91242163764313,1.98361593299855,1.41314981384487,1.72134655237934,1.56155478891673,1.93476694432472,1.57683364191962,2.1726428680328,1.86342565512719,1.20503269097171 +Zfx,3.56158430912958,3.42088623291921,3.58372700289453,3.39121561157504,3.22179486942659,3.32228083660938,3.44488081564049,3.63535724100062,3.65675195368819,3.31416822541241,3.27607715582037,3.4040241885853,3.49357670856249,3.18998380187612,3.49640162595816,3.10274818551634,3.04073173034423,3.16541475634333,2.90705652252403,3.42599172812806,3.40368758558004,3.08596483566291,3.02637253555519,3.15201584976833 +Ccdc142,2.34949678921335,2.25231868612219,2.10133682184701,2.55179443244059,2.5662711355357,2.17267017118364,2.52104911447363,2.04218557228047,2.15306843753139,2.71210862090666,2.48051251823291,2.37518036610593,2.4431362426318,2.50510199403671,2.56718787178711,2.659885268691,2.49709197989014,2.3282505609939,2.31946411970919,2.3539773743233,2.44526237310044,2.48136754834806,2.25597184866181,2.53213248279244 +Gm16309,1.52181146787263,1.20439608007592,0.512599813470012,1.05174984207592,2.00060977605045,1.68170099836105,1.4868452267379,1.17238434787242,1.11394672843766,0.855371382671867,1.65265923674318,1.76307300840109,0.620547429430344,0.708349615320967,0.311852971768104,0.436150468293842,0.894962507057068,0.972829635466558,1.00282796353697,0.984916527637905,0.657929731532179,0.380100391603453,0.859719690344051,1.24062272794541 +Tmsb10,3.17552371614217,2.91200136820004,3.33981537604394,2.89939744941346,2.78440126956031,2.75880710759939,2.9657436900959,3.18143987687264,3.12840528641503,3.17585253174327,2.97024945661112,3.10293972130634,2.49948180159729,2.44027187158725,2.40288468067346,1.77003007618423,1.68588284549088,2.52334005027454,2.19818292638771,2.70243448095564,2.23607724906057,1.96659801434976,2.04401531567766,2.15932451317777 +Mpp4,-0.219772102911563,-0.0003496483599307,-0.983838721393564,-0.203393282307277,-0.0078675640626775,0.280514357640398,0.142586650804986,0.078552742801999,-0.356418838081223,-0.340494188174904,0.09613934518768,0.068464092892276,-0.405679519078677,-0.811326242367453,-1.14293167050627,-0.607051830362843,-0.240160931149664,-0.859830638026428,-0.0499844246354337,-0.557421623541697,-0.891120574370683,-0.565776613504068,0.120517776783921,-0.159735792469141 +Haus3,1.6747997249549,1.58098127568471,1.53301815463873,1.52032084334637,1.05534850678805,1.70551877110108,1.69706544726006,1.22044916128774,0.946249982521982,1.36719858133592,1.3483272415789,1.81530293586068,1.02961020995756,0.519948937764204,0.587965044397907,0.865522923912184,1.38055509765696,0.477905176473894,0.504211917273392,0.619437166373208,0.42585973435219,0.624929595674947,0.329254247881352,0.829746333048715 +March2,2.14542069331148,2.04187378764984,2.35461144138835,1.71379707667046,1.85141361102674,2.01040546658826,2.00213073282017,2.03690800145117,2.36644743497221,2.01213209755248,1.90726474196384,1.90397305860212,2.0366922587567,1.90585691561391,2.11751218656983,1.93540708248478,1.59581890457996,1.91258490424711,1.65422653804297,2.10743292022856,1.97405506559663,1.89708057143052,1.59998531204387,1.71040146725718 +Gm684,-0.106553147584244,0.186553328473897,0.89554302776511,-0.430171182996604,-0.459488500663029,-0.116616082785293,0.311876694493565,0.92465049030553,0.797536683214731,-0.73006232209869,0.066538977537054,0.189743941255778,-2.69826548954639,-2.69826548954639,-2.69826548954639,-2.69826548954639,-2.69826548954639,-2.69826548954639,-2.69826548954639,-2.69826548954639,-2.69826548954639,-2.69826548954639,-2.69826548954639,-2.69826548954639 +Maea,4.70859806322301,4.58206823674044,4.82527076404068,4.63878758369773,4.50818211419528,4.65365325665053,4.57383109716053,4.42526491396126,4.69009297494943,4.62563397283899,4.51632894436216,4.48426609967973,4.69924180841233,4.67153980666565,4.53539102908143,4.54258284232872,4.73966688456987,4.68010243855649,4.71231712967211,4.62411141271309,4.65282789587848,4.72719660816436,4.75667173093721,4.69835831092676 +Rbpsuh-rs3,1.84242309977384,1.76856006630217,1.33120124762629,1.64185530382847,0.799055220772049,1.99172029579896,1.5859282570595,1.96148724869968,1.34374165299198,1.57155859676877,1.95117535365644,1.60918215690109,1.47975945356306,1.54466119287102,1.98227082351425,1.65061658816915,1.41894855287,1.57158393975853,1.42492386849866,1.71253875487881,1.56624510027671,1.59154234478245,1.43936809254235,2.09156241896867 +Zbtb9,3.16785093538574,3.07810513771502,2.95134533316511,3.13271298185765,3.06155218110314,3.08098653779642,3.11645546544563,3.08191613764549,3.02922457889008,2.77027876280016,2.95613437324668,3.08176438062395,2.98298638540818,2.77522577996076,2.79878754033618,2.56692438999134,2.59343625442915,2.92829444575806,2.61805460844992,2.75876266161421,2.86649580713503,2.46374000033601,2.50601151582731,2.65983200841782 +Stard6,-1.87261285554322,-0.499864790103731,-0.419318112731331,-0.331919201305015,-0.297242128894529,-0.296194642618272,-0.712325282907375,-0.366097236777786,-0.153011133463312,-1.73598223885568,-0.191718656298398,-0.0163552384157104,-0.581093478872357,-0.623989741737757,-1.13347685914348,-0.308728638278952,-0.993693670550121,-0.271179001125877,-0.523358352379126,-0.831737491414984,-0.817721679430668,-0.224330848443854,-0.359559240321516,-0.581844713287304 +Ankrd39,2.32021049648676,2.54217762254525,2.08605031734668,2.522674999739,2.55699942005333,2.39787538764115,2.48063993873955,1.96788775183755,2.33279181861117,2.37489457614973,2.70531395884826,2.60607671976149,2.13846552482764,2.59785888903311,2.71906698978492,2.69510400815683,2.66847188954896,2.35669838875915,2.44200212093191,2.47790239101369,2.49291032186538,2.46714001640969,2.78583489367165,2.54865607780801 +Seh1l,4.0442307011896,3.77772919908867,4.10965508696294,3.75018878946376,3.67305732707149,3.83196362990543,3.66428027771337,4.06293155247206,4.05279576124736,3.83213592382129,3.61548761404751,3.7488249808652,4.290822765763,3.96115315451422,4.24634885875455,3.91421736723695,3.91778450839353,4.14590990815117,3.7973875102665,4.37390906794091,4.10567461761593,3.94162622404936,3.99096968852673,3.96684926612649 +Hspa14,1.89048389320666,2.01865772696972,1.28005496210177,1.95604151534317,1.7860413657568,1.59885544422101,2.0238480578032,1.14882205939114,1.52494330654076,2.07930981152739,1.96504098641113,1.63998506669988,1.32545128560046,1.6356361207547,0.558395256709325,1.32564038642462,1.07896998022642,1.32027377086445,1.39220622522108,0.934713472037119,1.20978656950034,0.868355074843226,1.72190819562358,1.5880668633433 +Muc4,-4.07034557792992,-2.77295310026421,-4.40941713512826,-4.86185941959554,-1.39181084995639,-3.24205814477376,-2.89437241926373,-4.29827075157165,-5.18011255966753,-4.48927174594062,-3.10333361815924,-3.69102208556022,0.680634287513503,1.11637039483941,0.26234167798125,0.185574121023791,2.54559839196628,1.48989704285567,2.86559714594739,0.533293892980739,0.172408365305883,0.680749565440543,2.46799156622604,1.98585803268152 +Rpl39,5.08264177063514,4.54718725255846,5.3450714440155,4.95052727036942,4.41578211203408,4.31490416326021,4.5549232974183,5.08845836058858,5.15843132968871,5.02149595335954,4.47910591189061,4.64894860176958,5.01904427484451,4.65549356520281,4.94451210297465,4.47984396698094,3.87086867340111,4.70069961110699,3.84561643363126,5.13513961553362,4.77952226558694,4.52164866438884,3.82332241284534,4.13548667312082 +Rab26,-1.51342888450341,-1.13386751513838,-0.949738331915807,-0.622511683571488,-1.60690066639985,-1.52349181970446,-0.545380252320341,-1.71421111225137,-0.662913850840065,-1.3341832946451,-0.931053736056038,-1.30913255998762,-1.81666317373362,-1.67636376599612,-1.531631227261,-1.85114706408464,-1.95748108111115,-2.70288242650215,-1.60575884846599,-1.64416302380894,-0.766103689246353,-1.21698725005655,-1.17198477271548,-1.8173682655208 +Tceb1,5.21442528860509,4.56389140531857,5.04489744872259,4.85854892513844,4.45450709988444,4.5354762960488,4.55387687374207,4.8990354142384,4.90203944377167,4.71958165320466,4.58700479362674,4.68730453952382,5.08990639927235,4.58217747636028,4.99664223841998,4.76807633532879,4.28546559202807,4.84267657402708,4.29772681909961,5.00130273291183,4.84433129070278,4.68505741525462,4.44386513470399,4.74389313369915 +4930420K17Rik,2.850407488607,2.33589267300154,3.14039882965815,2.42651574101745,2.43761613173886,2.29604504139362,2.71677127532063,2.91381878413576,2.91987613884983,2.93646013447846,2.47359044113985,2.28714857010511,3.66222767814145,3.41355190738153,4.06867769091802,3.53392010371806,2.75742702776548,3.30833572578559,3.01863336506311,3.91290008588741,3.69708165174027,3.66812115477786,3.11183894129207,3.2783614947209 +Ntn3,-0.196238242222033,0.327700801713918,0.631768296388513,-0.15233051657268,-0.581188911463535,0.0161799162117289,0.0882460827530487,-0.0892818004200406,0.465317643003703,0.213351060337292,-0.0831558984005896,-0.564435238321724,0.300519920803654,0.144243925188697,-0.0806406961681088,0.249815441773972,-0.431663006422257,-0.887156455767329,-0.540515959642077,-0.849770533735332,0.0662867068952968,0.0272122420352368,0.0771270557651142,-0.466858031069038 +Gm17396,-1.27509963587073,-0.612762307344418,-1.71976862110292,-1.09958562618558,0.139795792926058,-0.0917210160000963,-0.320336348705222,-0.352733182311139,-0.422386568923553,-0.317284135632964,0.404309782568208,-0.733258951857097,-3.08824206745342,-2.10689764728297,-3.08824206745342,-3.08824206745342,-2.51277960458384,-3.08824206745342,-3.08824206745342,-3.08824206745342,-3.08824206745342,-2.51045719040766,-2.49312064340937,-3.08824206745342 +Fdx1l,3.12015339235234,2.84261157141999,3.90168827047561,3.33109297694715,2.89202860521596,2.74440699046262,3.17453834310438,2.88920160484002,3.31769768778826,3.59551487283719,3.43162378576953,3.09703005897827,3.85557568673062,3.62896427797141,3.78719636670686,3.61925833052848,3.93090660998231,3.69205825762222,3.79268436051303,3.83440947671373,3.76688461435354,3.630350921052,3.70953215497384,3.2475656710674 +Vwde,5.44584256501543,5.5149940036924,5.881314579222,5.6549054785436,4.98462433754307,5.25616834893403,5.07084909030034,5.84972246406126,5.92057634510508,5.68690683409188,5.15996174442858,5.45605930299401,-1.31433607468389,0.517874159315678,-0.90579514892206,-1.6182846771795,-0.855338976451217,-1.23702319578538,-1.35604166643162,-0.950137959749605,-1.01369107010192,-0.373007396021969,-1.32621249970134,-1.64185762653683 +Tmem181b-ps,3.10522617026416,2.83787433223901,3.19668606386271,2.79140567264257,3.2291409750416,3.45048045834114,3.57205646332405,2.73862000843767,2.87571397493243,2.92406980130071,3.62664337917145,3.34888792637332,3.69696153608971,3.45680083579137,3.6086585110685,3.19676386392808,3.42645179359464,3.52171339654243,4.37453337880013,3.23789682735635,3.23710881770408,2.85848206431374,3.80192434258657,3.91901037041905 +Gm2792,0.413928436471661,0.266209641784517,0.492444353673771,0.165118489417656,0.657358811973447,0.864958543098371,0.948867692241493,0.211618239521715,0.0477497611212563,0.170832413741121,0.949561192632662,0.725733457525064,0.906152631475123,0.624548998217863,0.783288619068563,0.472915368137082,0.926205654967989,0.809217990712908,1.64539794845078,0.431976884144734,0.506964711148758,0.271797516200786,1.37391518405926,1.28758822568574 +3110001I22Rik,1.53941677426997,2.06536132802236,1.32001896620747,1.94533590407916,1.246465962306,1.55112024828446,1.61740185591907,1.35889758271402,2.07129041408194,1.51405037678849,1.60197572629066,2.10406092359685,1.70013907794143,1.02845703137863,0.426863739759116,1.07122339706187,1.41198350946669,1.76278850932979,1.73755791843779,0.873085651084966,1.4576779244912,1.22621844608615,1.81452371219018,1.31912249007074 +Gm10698,6.30262533162576,5.72427269934315,6.26367013741663,5.92486288855532,5.64026553457989,5.66908243258077,5.60317331869529,6.08907417462456,5.92902848200783,5.78107899797642,5.86661047037512,5.79437534339465,7.58305438243842,6.85564138303542,7.0331275522331,6.82924189318108,6.74639478163479,7.3466412408846,6.90119876716969,7.38827847313859,7.10601590840448,6.86101204038666,6.80897648508923,7.04083807677754 +Gm11273,4.61722828856629,3.26353645319089,4.65720909019365,4.30420712342399,4.16193787214313,3.87584452365897,3.824637809849,4.08519781110642,4.44885692932124,4.31309464782033,3.85954487819088,4.21149053421967,4.66820065886484,4.18932052492639,4.39300523799163,4.223686119069,4.11891639402127,4.25423308567745,4.13971973867342,4.27267994105171,4.26347190433101,4.45162554944325,4.17621099787682,4.20870140108621 +Gm5566,2.38416976318577,1.64684190884764,2.00037965546467,1.79934077268809,1.48010005402788,2.08037271526318,1.43921556804441,2.59050473844971,2.09073554024782,2.18282204872525,1.86302012860055,2.50053666182878,2.94842791973716,2.681116506459,2.65608075527719,2.14400417001544,2.98278503624332,2.88564866273609,3.05610946261966,2.62176386185431,2.68665293159988,2.64872565923569,2.91985834690824,2.54427293076222 +Gm11175,1.54161230470202,2.15227589916783,1.16877592899401,1.31394859581293,1.94783010011564,0.516583604460193,2.26937155351974,1.90267915626355,1.27600524061178,2.38677848158938,1.18647376891269,1.11184817156354,1.55795757907404,2.48438556897637,2.55104252976723,2.73628443665435,2.13704766905073,1.54110173938252,2.63147403863295,1.47540766354723,2.39524186087597,1.89231665282099,2.30249701611681,1.74001138384569 +Rps19-ps3,1.35743983289735,0.937669152302501,0.238137260365823,1.57304109730692,2.16757761581837,2.56643318923725,2.08715701285219,1.79628227130913,1.79181131855178,1.8324987027516,1.89366892107888,1.46194693914207,1.15814186674725,0.841589193734931,1.76464191163889,0.398239180484514,1.75172298069459,1.98536922555107,1.7571589528276,1.17495201263445,1.34465782865625,1.75781779042433,1.59575320658463,1.80636798619206 +Mettl21b,0.337886259309786,-0.242746945761489,0.271852766807133,0.354239110272822,-0.0486072751763751,-0.0100378505902674,0.361280125967071,0.258654611687042,-0.567102665203911,-0.0456026721085103,0.307568657083922,-0.430446770156309,3.29441220022889,2.59595687702269,2.59249560004828,2.20161150312552,3.06566266471359,3.01584925384426,3.17513423943655,2.53942173922498,2.55034553850954,2.3908066428912,3.09797094735055,3.20325513505131 +Gm15487,4.54769144775726,3.96267140024453,4.57195258744419,3.73614214860291,4.15659674059394,3.99858857625663,4.05221641693974,4.82155249707617,4.5208626608151,4.1782770726717,4.18557725807137,4.03102980995819,5.23626614074463,4.68006109891812,5.4680749044797,4.61328974816966,4.70784731668696,5.14116436291647,4.79937719793324,5.5689687592953,4.82875763709763,4.83682838312642,4.77581666475238,4.62202014445748 +Brms1,2.80134651679,3.23779725381014,3.17664819962271,3.35042261442354,3.37260792796337,3.40441351419385,3.38802457189374,3.18004180423245,3.28023010433682,3.40535199893199,3.55504714592982,3.33948582421744,3.12145592622828,3.32104642221359,3.06297632819165,3.49755502593568,3.30917911214706,3.00573399987677,3.48934532451808,3.20763531538936,3.31404502295414,3.41633129896713,3.25953853240219,3.2238596876069 +Ncrna00085,1.00429619599599,2.14541021752641,0.804703928066947,1.76565866749538,2.39703176189266,1.99743618873468,2.27295614562791,1.08540186499593,1.25411713193136,1.35906153918777,2.27094756352297,1.85322783797923,0.368863671806231,1.55755794915976,0.324972978696934,1.00388611692895,1.96273990532534,1.05302161233134,1.9088972753942,0.0796277018234242,1.01504605991233,1.21750283631645,1.77139747777109,1.54176172993428 +SNORD94,3.37130437847459,3.09554735832586,2.73631938853245,3.30072490065676,3.22441831448116,3.08799075804173,3.58896270476456,3.3405671769348,3.8350538007011,3.05593038738133,2.95494933771656,3.84923816267833,3.21796356647987,2.64714136629338,4.24849822164199,3.70300636761211,3.56851936462643,3.79373556128126,3.69936519705605,4.12278704316397,4.0472592270001,3.87909295766483,3.85553604187859,3.96379147833631 +Hist3h2bb-ps,2.50567190833516,2.6636482716217,2.90310699520145,2.17011603565544,1.65208857952182,2.82700696564556,2.53693513336264,3.05554959977806,3.17368377453242,2.87305538735219,1.98693940164174,2.32532298775664,0.857769101612867,1.1720639887152,1.73125900822325,1.33465196711948,0.3091859813378,0.843019972115727,1.08602015463686,1.59040380906,1.66665648829593,1.81167137387351,0.0834494919354376,1.18629219708494 +B230307C23Rik,1.11113368111516,0.947112709490666,0.329685670677676,1.4293227760549,1.37290077260146,0.651018761237527,1.40007968495948,0.27574732237057,0.859627752117716,0.394460946086856,1.01557123659917,0.898402102453752,0.395008723740591,0.037523435044387,0.157276863865591,0.126902984443591,1.04303212366966,0.466401062529137,0.853772162966222,-0.0081758659644969,0.366537513454992,0.330683611869764,0.459156861329308,0.566147983259202 +C920021L13Rik,-2.28234669256833,-1.97727180748249,-2.0044681847958,-2.16388126328,-2.27188215138465,-2.60328969417475,-1.91687172286671,-2.5151379886092,-1.84797520691389,-1.63796053160552,-1.9136453085628,-3.05352623157457,-2.18623777274838,-1.89572342216731,-1.53449517523009,-1.57345769511887,-2.20902863968956,-1.56602041516324,-2.80331550282183,-2.04059734365687,-1.50518522336502,-1.98129718373863,-2.42393231848031,-2.32711704261118 +Gm15013,0.980762260097673,-0.327254493871364,1.1141178963822,1.44134454472652,0.867517053108501,0.41489383254144,0.635907479049508,-0.293550548582656,0.957085452952696,0.508304037933142,0.520598432623887,0.933208354070004,0.402444281594762,-0.260655348335808,0.532225001037005,-1.33788654624915,-1.46582253529797,-0.639026198204145,-0.927845685812533,0.264003200451575,0.295861479245247,0.111836326150825,-0.212247879113551,-0.125349624903711 +Gm11398,2.51206852717943,2.8611006599092,1.51242337660562,2.39242911035218,2.58035914115684,2.44883610314986,2.89211573842618,2.59881840576609,2.12411701554764,1.57043168665693,2.22511692235111,2.68894469281655,2.94421931564297,3.45639836388811,3.35696692457261,3.04444546624968,3.34292183635327,3.26323459286275,2.72746617756041,4.00194002132155,3.20707518012633,3.87640397231101,2.70217226370291,3.32964082656764 +Gm12543,2.80026192125382,2.94763030874805,2.76209269810597,3.07274675430815,3.56765827529426,2.83771560646447,2.84825017130442,3.19348327290641,3.05602876376111,2.64933390554322,2.9761602555202,2.95114871312007,3.36520011753392,3.63282800085772,3.5506239325569,3.48119437077694,3.72046638134033,3.55376246129333,3.53826255515824,3.26957765744969,2.99713655075639,3.38130612906657,3.3300999291996,3.12233695944539 +Gm12174,4.89365977912333,4.18155838323695,5.07955481188862,4.60275077150996,4.19142781833208,4.32565009352661,4.18766102128678,4.79630485457345,4.83734664303747,4.46501859129886,4.48105239705102,4.68005370500991,3.90561571689661,3.66858862839211,3.94608834870582,3.54469691615394,3.28430952673711,3.65110601861934,3.079938510348,4.18349085720331,3.89846750551072,3.55991319963709,3.19554636059257,3.47601038982226 +Gm9001,3.33523697596409,3.19601673778339,3.79300633719472,3.1311525078317,2.72487010590437,2.96040073183626,2.41857166320593,2.83973018303216,3.44853350694108,3.31594755115941,2.71740096837597,3.16404973840803,2.85908640708927,3.60048961265444,3.90501658510444,3.36376124901904,3.22232608430582,2.72939699408971,2.62360586916579,2.82386926904577,3.23006035453541,3.52835831686749,2.63585139301333,2.74637833795368 +M6pr-ps,0.589517841549224,-0.0672645927319495,0.530090044758389,-0.0656128358578816,0.540691328105864,-0.363358540985089,-0.0022720288976509,0.839565944532768,0.65053723231404,0.208064703993637,0.0935795191270632,-0.22621433785653,1.17477786933785,0.63839927860797,0.819705719689527,1.18016189659095,0.506119050306412,0.928654472992198,0.778276733053125,1.11393279979906,1.09914712515651,0.619635903261244,0.363886148594049,0.476812274935563 +Gm9115,-0.103570012846468,-0.316751586831696,-1.15564328091241,-0.657100927725663,-0.179889324211061,-0.987715753631236,-1.38062155571683,-1.26283704507165,-0.438249059982851,-0.242642310840006,-1.87248834057188,-0.721415488571758,-0.348502067178386,-0.017006678138333,0.718777871962778,-0.359712237329132,0.2699466664051,-0.36415978661822,0.204455593948803,0.531397899219524,0.131138613109468,-0.0034058192289764,-0.307990728744808,0.144472825236042 +Gm9385,6.90430808969375,6.12534035481256,7.31988910709318,7.0490248354978,6.49706481900812,6.3251044928346,6.33710082031831,6.87146191885271,7.05158100144422,6.89849038164433,6.44900802649245,6.58222183346219,6.41470460369095,5.91804729446325,6.40153015083882,6.08801503774641,5.58202827528379,6.14705284504577,5.78406089822959,6.67744549324697,6.29137453476875,6.14315828891089,5.92671344023264,5.94195762348096 +Gm14523,1.57486087263857,1.0694581294572,1.24590664906653,0.468908563679809,0.854586002782922,1.17732771644328,0.283688998348554,1.72664621717646,1.04945192908906,1.90105108030987,0.523324986618639,1.17799109024983,-1.51974787758803,-1.51974787758803,-0.526608463184975,-1.51974787758803,-1.51974787758803,-1.51974787758803,-1.51974787758803,-1.51974787758803,-1.51974787758803,-1.51974787758803,-1.51974787758803,-1.51974787758803 +Gm7332,3.23833862929464,2.8551536800326,3.66535805462331,2.90720171373291,3.35344146424413,3.16372718207683,3.40955733358421,3.05203708959495,3.12586715446028,3.35416497521173,3.37922662132869,2.97352473631976,3.0817498078519,2.7290509835227,3.38174182356117,2.87245931772172,3.42628250408072,3.49069057686385,2.65609932127641,2.87782403367504,3.14993970628678,3.14693189460507,3.36248143761521,3.12177823028281 +Rpl22-ps1,2.30458636993486,2.35148767266812,3.03804341675049,2.65005896678283,2.72229802178801,2.81557910085211,2.16354917886589,3.06196799887589,2.34062884639355,2.5579199120195,2.38537973420802,2.64801973318481,2.23315425676845,2.14850728336685,2.32147185069267,1.87652061517465,1.7947150985481,2.52371615941702,1.78127373866555,2.48937008188039,2.27685388505841,2.31438235118229,1.84525112460556,1.84011833714536 +Gm15920,5.14452848977808,4.28348892080725,4.79689547081622,4.70852995132076,4.42075202647989,4.79490441973338,4.54785970728653,4.63891956664972,4.66493182823606,4.97750193507635,4.6858359559829,4.72167737761319,5.44211385571807,4.67135811779521,5.00586323135198,4.9208807449731,5.01252078456311,5.22259168437346,4.70671704676478,5.12260365392226,4.99439719214602,5.31564624107108,4.99434924186472,5.1343937960906 +Gm14567,3.17118275216981,2.46229722737102,3.18791159763284,3.18773067522389,2.73164826755833,2.95512029617957,3.27281045359411,3.20877654559112,3.6442090293578,3.59592943384335,2.76206830489143,3.16640185036582,2.87761486652631,2.74867979027163,3.27589207382607,3.09425377641961,2.26295999761598,3.38149582391617,2.55400601073521,2.89745284042398,3.13301842419187,2.76354781389418,1.94378609583067,2.28703650169567 +Gm11226,2.26113466618771,1.65555174873617,1.84833595913011,2.13794276426578,1.7872780529957,1.53271338488072,1.58495931930808,2.35449446476201,1.46348250832318,1.73810098188445,1.32054930157674,2.24046359660947,2.71308515788027,2.21137813616813,2.49004986558591,2.71362365430904,2.25922540078185,2.5240289227402,2.23655143026315,2.88607393559416,2.45252550763572,2.83740790058461,1.96307511660637,2.83560943443231 +Rpl38-ps2,7.78021706948133,7.12682747737751,7.97548967898165,7.77949597463782,7.3170822915235,7.4766398695851,7.47293425728666,7.93787121916497,7.72607649148523,7.98300464460382,7.49199138184996,7.71834304783428,7.31662392516802,6.79495060738141,7.29037130427513,7.07934838013918,6.70983908824382,7.09347803246481,6.74192234903394,7.38919936719933,7.2050182033609,6.99666905383367,6.6050889752241,6.81951792776669 +Gm10224,2.30944065207601,1.6795021097096,3.2967992893068,2.02639653413727,1.33540439919163,1.50632159781062,1.49156361590737,1.90652874253009,2.9988720295202,1.76072979191245,1.7741668620038,1.03766980185241,1.16889458376791,0.63189309860132,2.02767926432848,0.390146979090597,0.487590979368963,0.768002394337036,0.839313212014122,1.9563765258979,2.00127438081202,1.71268244039875,1.36644694163434,0.78293650285373 +Got2-ps1,3.16040688228302,3.0033959696632,2.87843394772305,2.66706602252423,2.29101458378037,2.69563876384948,2.43727390616893,2.99292335309439,2.85655190077769,2.83112345351841,2.66959487592064,2.66276508392076,3.2121476600637,2.94094363551703,3.18667809957552,2.82489708198228,2.80331502428661,3.29687717086951,2.94427753918308,3.18435005916551,3.00910162126457,2.90505701458392,2.96908260204226,2.73443349258681 +Gm13510,0.0339679994109046,1.0765275535974,-0.101569073000802,0.68515276469119,2.0141440903592,2.90019840931922,2.07703279557848,0.388933898610661,0.81508834565888,0.416273051957534,1.62434406382506,1.21452271233794,-0.503492196388594,-0.567908113318103,-0.147320988855333,-1.14046040325839,1.29554030127044,-0.0732113610597744,0.593855352557658,-0.0519966418753675,-1.14046040325839,-0.562675526212627,-0.125248718712832,0.775474970005454 +Gm7278,-0.25615546422751,-1.34981672879222,-0.985269516057784,-1.41684174503787,0.0609342450863931,1.05531161241383,0.162274377850299,-0.910534970918552,-1.23614426503688,-0.298278770088966,0.462149813679394,-0.369361174093347,-0.931280714616852,-1.06723815635792,-1.05032373737095,-0.797651661113618,0.983420352781533,-0.574644722281549,0.597153032016957,-0.915735934128327,-0.131336600666406,-0.165718413774626,0.703352149656371,0.93438203374521 +Gm15739,0.211955515762858,0.425395116509462,0.809839450968791,0.539566392755828,2.56817484325458,2.47622794820138,1.86812508679657,0.571697994606515,0.301789639781259,1.25698806736213,2.32178844064024,1.3620533075883,0.124667162196165,1.19457010937565,0.993894867107103,0.820176165256878,2.85277118402587,1.27699589958694,2.53760385164911,0.141477308083359,1.02301355784885,0.277938761977491,2.95303546668325,1.67546375826706 +Gm6263,0.0791675052349321,0.344243671618062,-0.92319723182715,0.522509560046572,-0.0677185587584972,0.29815910030881,0.773965452186191,0.140822935334787,0.35390903864926,-0.236206485858331,-0.118886799483129,-0.19351239683228,0.151679502572882,0.0886037673240198,0.371910235683846,0.0788086962425461,-0.109594541314238,0.235741170986696,-0.145119722749371,0.365628802863281,0.932189685140949,0.0030300057526985,-0.17556859531726,0.251818337366487 +Gm1862,-0.0587128526821126,-0.19671592761901,-0.496117687006788,-0.508971535744764,-0.653179068366889,-0.303377264715279,-0.616517039927704,-0.374419982959975,-0.0275406528858551,-1.18178168120821,-0.295680538101828,0.0560961696127193,-0.53229300397944,-0.595368739228302,-0.896258029306791,-1.41955188343531,-1.17074600498987,0.109694478365339,-0.187763919116274,-0.0671773809398242,-1.13262155109855,-0.167302074302136,-1.64073090945735,-0.249321691102453 +Gm12161,2.27221321404141,2.38157050824632,2.17590531178964,2.41682348935959,2.40643220915703,2.10503945880731,1.78571088457105,3.07398024485323,2.10688885847424,2.24068058719882,1.55712639378992,2.31512489204634,2.7055913791555,1.53729586782342,1.9040922739558,2.57493364276402,1.89131710892901,1.67641736514726,2.39052251674906,1.95563568816822,2.29534285573861,1.55026805986725,2.13503451497377,2.1461322666795 +Gm14048,0.588704377063528,-0.802118536592925,-0.473987558646428,0.604339486107349,1.58880426818821,1.50172637625172,0.30617658814171,1.02539143593769,-0.3499833089404,1.25617764407598,0.788586254123381,0.429342218569104,0.679528947737867,0.0712590729041183,0.531661940322023,0.588330919775576,1.51679634951773,1.54961984500455,1.08259845056566,-0.242987393241635,0.119688617792174,0.524614357149518,0.847254359947782,1.07828424403662 +Gm11964,2.43210424024947,2.1495288435861,2.27189952407093,2.67499281929851,2.66643368788753,3.09158735645233,2.02745076672792,2.12633063430335,2.40728655376675,2.35596108293748,2.41251283929161,2.59707316759202,3.27542252611025,3.05975412101238,2.65513738071241,3.07462496967068,2.64124572686225,2.93358313979979,3.01582891424758,2.42640325977439,2.68563438233023,3.03739130840577,2.22968449224017,2.75693508594536 +Gm12846,-1.39863963737756,-0.229536468860712,-1.18215440987765,-0.830086034638104,0.258489482803629,0.347648287890126,0.0345085126777009,0.0154833497482225,-1.02488786285143,-0.530756128602809,0.424910397490035,0.387864008786409,-2.18177426903615,-1.83739805573549,-0.829045627513926,-1.29016710943675,-0.257648404145149,-0.545519391997832,-0.651762039956192,-1.11699400186103,-1.22108686778508,-1.24817111091167,0.378115619181346,-0.375736807066769 +Rps24-ps3,6.26590816274855,5.6486787479264,6.59954556135379,6.17668265055341,5.80368371890968,6.12429835643186,5.70943540510033,5.88662313273772,6.19660475256591,6.24195339989733,5.92887120612963,5.93931249377434,5.26190014230224,5.3340636427685,5.35758193113621,4.9208807449731,4.51019793606473,4.9530388504953,5.24573448111336,5.49822335219325,5.24820062553237,5.12180405941181,4.59768489525233,4.94615808111793 +Gm15427,6.95241629365215,6.3294598718778,7.37626818057065,7.14434554586047,6.75541546765314,6.6051791938754,6.34397086524954,7.06662399264942,7.15201297890209,7.35416496475649,6.64624278508229,6.80555628909807,6.26084514374056,6.18966368177593,6.41296243299587,6.26388080889938,5.91485935747802,5.9479639042616,5.75809534072476,6.38883140648729,6.17604439995356,6.33876673836368,5.80968560698197,5.73400512681132 +Hist2h3c2,0.707460338392062,0.816168601005289,-1.01867496548403,0.0026828040056363,0.608325153342532,0.309927182196768,1.01160499420604,1.44133323578783,-0.775424870681761,0.162440624266157,-0.509272728391253,0.889212043821351,1.75458960028776,1.93470287137053,1.55418526622173,1.44016829056543,1.49298282434946,1.59364084167442,1.45899334155082,2.5064617113336,1.53748142893799,1.54681302741965,1.59537903330506,2.0030930947031 +Gm12568,-0.260925946092709,0.5359591722347,-0.312555338270587,0.307627656646748,0.557748204262275,0.775150046087902,0.683780648634893,0.573955938220071,0.419904386917013,-1.68102878462109,0.644646090356993,-0.434948606638359,0.762700495141224,0.0996008652106537,-0.105221000521499,0.369187360454951,1.9929483465315,0.886870173172185,1.76399205358553,0.251103087440243,0.333243137649897,0.885922253702797,1.5158293104662,1.5394175527878 +Rps15a-ps7,5.49219236047153,4.36809010642537,5.76614604066896,5.44810611166443,4.98457035109158,5.13549016789104,4.74804219438542,5.55740142527681,5.47873166944618,5.48673326531915,5.00674248849179,5.29712429473721,4.26556200667064,3.86026635676276,4.49977199171725,4.00833343815118,3.57686581619799,4.56121731595902,3.36688040120518,4.77287900561879,4.54741448930642,3.80167755805945,3.77370607819446,4.01729792018601 +Rpl19-ps11,7.21075079913393,6.62109360815283,7.38175583773078,7.09980746633268,6.91894033260668,7.07401445624471,6.82014210319,7.15404644091781,7.18266227104194,7.25644864448056,7.08217324542091,7.08213421222102,6.63094360249844,6.31989494780283,6.71752454655708,6.43082069291231,5.99485485889493,6.49554989890128,6.24718624009722,6.58474952648312,6.54910400752611,6.55847864328897,6.05356385152855,6.15145123359161 +Gm5913,1.83910595450206,1.55135931373374,2.11106164236865,1.62699299783921,1.41232331335687,1.35988515922637,1.80236565178364,1.9555954732378,1.90414081680026,1.36183848388585,1.69610797177966,1.73107889277118,1.8533894929673,1.47604447028147,1.92230139652181,1.89629521247509,1.95940971156972,2.21230622383007,2.00851795819993,1.48690625270261,1.92737952842475,1.94068571726503,1.85570821399946,2.13190464305729 +Gm7308,2.37244064333003,2.37889773361325,2.96006288001352,2.57875393235538,2.02828027343732,2.18896240805335,2.30830530418516,2.96854875808688,2.89093541684822,3.15206146619844,1.90123945083104,2.32610661118191,1.83863494569508,2.28955359883953,2.43144980529322,2.56224253995372,2.09637543581453,2.24104920318055,1.56959975475031,1.85718765010312,2.06517990114318,2.36537987549321,1.28448303125373,2.10409163007502 +Gm12791,0.0621647693990411,-0.507030421694728,0.306973116712729,-0.319951601031864,-0.0176320790329345,0.705201168525338,-0.339367870959788,-0.221583360314606,0.204571086733613,0.537008685119479,0.574697212794429,-0.250542146296157,1.38173229531492,0.540984602403109,1.04459620441816,0.299238482892387,1.47130697611742,0.816921295609621,1.01837967950882,0.850513634914846,0.433745149436086,0.815973376140233,1.44588043290363,0.832168575240579 +Gm15784,0.807782910939804,-0.841348823424098,-1.27276609568299,-0.641259855161489,-0.191277198510751,0.78741521351065,-0.328963750547056,-0.279816365511055,-0.55537187475343,0.222808018133557,-0.242445439235382,-0.838538303342337,0.0281208628206284,-1.12872451187954,-1.11181009289256,-0.17491023156965,-0.0272949950320047,-0.341455203918004,0.0873327791782247,-0.604065963092152,-1.57599725650228,-0.342403123387392,-0.299127235069514,0.68690547861547 +Gm13328,1.18221822765449,1.01317811599253,0.677406901817957,1.09264954027637,0.907933799185346,1.60629223119975,1.31461021844687,0.705368042933672,1.70071300117268,1.15602351242873,1.10257184740393,0.202303122509046,1.4501193391847,1.03535088373294,1.05695345578137,1.43733669978226,1.16870536289122,0.976158726127951,1.33443963347753,1.158642883398,1.27136354417976,1.04979154250809,1.22274920240512,0.193166234806534 +BC022960,-1.09967143883178,-0.168541072420952,-1.35878210851008,-0.615138950471592,0.382679430845676,-0.224859347188629,0.483209822422613,-1.69198609677291,0.107332050778515,-0.0892182187971184,0.0222724747540223,-0.0147739139496034,-0.932902345910022,-1.44075074881021,-2.2282409842389,-0.967386236261041,-0.922358375120478,-1.5474315219463,-1.48706464282591,-1.79392858269943,-1.03665758702221,-1.23758056208966,-0.495291006072645,-0.933607437697198 +Gm12430,-0.388366620967907,0.120685790753758,-0.534154990014712,0.0302505221095967,-0.265892467200823,-0.445385356396741,-0.96069615132995,-0.826800191995426,-0.410150740308685,0.368029152578303,-0.202249596475095,-0.171849902139788,0.274259505370707,0.450238497502132,0.746876191636945,0.528163488407291,0.210794693340475,-0.336061466944054,-0.264750649266967,-0.303154824609919,-0.749861104995546,0.538332926942677,0.0692017003659474,-0.0532620464822396 +Gm13552,1.27623626709512,0.968475199083675,0.958420639692878,1.69485341017262,0.822658489593021,1.0673028780721,1.37709280774514,1.29139997501068,1.0014030323346,0.457203316012416,1.66527432787994,0.971285719165437,1.72943361054985,1.56919581313034,1.58928017305909,1.63491379093812,1.78252902747577,1.46836881858977,2.26628361170196,1.36144806345311,1.23761633820929,1.46742089912038,2.09732795588378,1.61134084158079 +Gm13136,-0.62945583193363,-1.33291979785018,-0.392744468479175,-0.439496262001338,-0.694087944515927,-1.11817874851262,-1.24493332767835,-0.908677248766858,-0.0984303438707905,-0.0549123697428233,-0.748038314485888,-0.579228993497709,-0.463869748382057,-0.633953414125366,0.0192078731608558,-0.827884265580915,-0.947198084288399,-0.806420393359663,-0.823933040487138,-0.240903087671266,-0.260782258097947,-0.549374198511213,-0.895609697275622,-1.09392386472313 +Gm11400,-0.386856385915861,0.822881008036184,0.0080316105426894,1.13733224728302,1.95872156250348,1.90960239456265,2.24833506095565,0.372269284114026,0.627240574375901,0.904824243031902,1.90073551268873,1.3670538240675,-1.22694986878684,0.573192252754142,-0.192991114065384,-0.828334379252722,1.68909568489836,0.646214937986104,1.85238819309341,-0.510438002630796,-0.82022885107718,-0.336537847032185,1.47478541256012,1.45362995774121 +Bambi-ps1,-0.4306515287185,-1.06291877209143,0.778580802007123,-0.718965225247898,-1.05418324196437,-0.285536496967362,-1.10419161552416,0.499803799561812,-0.201848277533376,-0.0483464761718699,-1.07312299363731,-1.06176196089237,2.74732713208979,2.06072808072146,2.90532880514184,2.01668461694574,2.17565342603985,3.075653077585,2.9611483541831,2.91636401762332,2.62235091150108,2.28162263702055,1.94614002445824,2.82282931603805 +Gm16089,3.14245177178901,2.99574960344051,3.41382267192133,2.99056753075994,2.50996981326544,2.20857706291572,2.72011890258972,3.13328729183219,2.48047585785282,2.75805952650882,2.45570888485838,3.09172337451433,3.74825268174391,3.17687653400197,3.05723582428376,3.10185978726695,2.88603314261499,3.69496635526381,2.87153338260938,3.41841475263412,3.477987867979,2.65182755658818,3.48867102830605,3.48300754395547 +Gm14373,1.6728974085614,1.2087807550982,1.12596405553562,1.18272673037386,1.23541279283096,1.1397900281722,1.1284940504463,1.35449524398395,1.48402307503032,1.39467029692866,0.694306794370429,1.1864185060399,2.10253709114229,1.32556316178007,1.74432750218263,1.87177503537611,1.54547635931478,1.99714004536391,1.76361249461592,1.96328249376274,1.65586960681106,1.20853147862661,1.80629809047606,1.48098117188896 +Gm12112,2.77467165109033,2.54547529679297,3.4672494400725,2.54700794220123,2.82985635153467,3.20844134952505,2.68645264303833,3.31922230134064,3.30008288152617,2.30221342892579,2.8536214305983,2.88593220729245,3.53569642894281,3.30319857473921,3.86894294020756,3.21903962823513,2.97490903112618,3.19343118294781,2.64011953163738,3.77120603706575,3.5251112077258,3.25644020914613,3.23959541516815,3.05647360984228 +Gm14021,-1.7991329414187,-2.30401918653259,-2.30401918653259,-2.30401918653259,-1.04400082540623,-1.72038101052819,-1.13714063427837,-1.03200516161447,-2.30401918653259,-2.30401918653259,-0.612732631856401,-2.30401918653259,-0.616854910881836,-0.163219171519844,-0.314322338140576,-0.775443820063398,2.22311233420053,1.51822222960313,2.2972117217941,-0.876567370590069,-0.119296374912852,-0.995036636656585,2.39749584039046,1.07867371917277 +Gm13509,4.79195963642205,4.57903315257668,4.51234979055204,4.71883099938019,4.72073387750201,4.65241493823756,4.62803507693958,4.81134004636318,4.59288792325313,4.66013104363252,4.78726475885661,4.59086941761269,5.03421061546727,4.5131206256614,4.54589887498655,4.70284228366218,4.90567232328023,4.95571635893608,5.04241402505087,4.73035837685258,4.82854522055294,4.73750014943998,5.00586350024267,4.95871548725333 +Gm6274,3.09274227566922,2.64582399059574,3.6558826510676,3.2884727153879,2.93055506393575,2.91628565341723,3.04453386976414,3.49823917693712,3.47097777725619,3.4788915166504,2.87200043807317,3.06961894229515,2.56955957423267,2.25221123414756,2.76003196748013,2.63865166784621,1.84606875643469,2.08956309215942,2.12559252233308,2.17229626142241,2.79161625830851,2.26731450767076,1.99432911659932,2.81071681686592 +Gm16011,2.8064742047749,3.57825608203516,2.76142216717963,3.15524668996239,3.87341660678847,3.97366448904084,4.03011503451857,2.96921447784172,2.96331917884205,3.02939068152491,3.91334229031686,3.64496963974947,-1.85733433009793,-1.3451439612013,-1.61468258674261,-1.96107652890893,-1.21282734990994,-1.67418797780077,-0.253816743503722,-2.68545766028771,-2.17626581354987,-1.62080009735236,-0.747405314050948,-0.945719481498455 +Gm12397,1.02859216810879,1.13278173798242,1.57828739865187,0.946172282184918,0.952272856744195,1.14387789039735,0.704740267270539,1.5127777632174,1.18160251020841,1.47209301385939,1.28260241701187,1.31442418625211,3.94681631419077,3.82676413753853,3.86563286090915,3.90969126146964,3.78762541772309,4.12715380029163,3.61855753242834,4.06288425983214,3.71602046284494,3.72819381791404,3.81245032336566,3.71477299549888 +Gm14303,8.45828844179617,7.64836078987454,8.39882103870528,8.02469631513621,7.8327225341712,7.7496990148732,7.50555676256265,8.41053455812456,8.31891642517979,8.24810544634649,8.05316304172423,7.96182579828209,7.82082050448673,7.52570309172304,7.8045085217616,7.25630672659847,6.86042999140355,7.69133350120686,7.02375786745812,7.88273189285642,7.573640134987,7.31871142511314,6.85528681917095,7.19797375229872 +Gm9105,0.0201878160596794,-1.34672413373684,-0.0791206844797223,-0.454943995294105,-0.232433188404639,0.239179411133558,0.237846142349651,0.250572834417094,-0.0883350169592925,-0.876572043686574,-0.0799707440508302,0.43158524452161,0.0926998133976294,0.122417486964826,0.535103823754164,-0.41225610152271,-1.05785467031879,-0.571552127226168,0.253417553273992,-1.14302673708936,0.0785947489158899,-0.403025558621019,-1.01573809208028,-0.928839837870437 +Rpl18-ps1,2.03499334042658,1.53947353301485,2.88894918255598,2.30142238729111,2.05747443542637,1.8865494461235,2.12796079583289,2.1911158015396,1.8366196680781,1.85188674835138,1.42467722457523,1.91109663308537,1.50567484621958,1.70479070808145,1.36377368828949,2.11437970468065,1.3509985232627,0.841422905595784,0.735180257637423,1.29772518948116,1.49156978173784,1.63658466731542,1.91739451228563,1.01120549052685 +Gm13680,4.60326226082114,4.00259317544785,4.69306653404916,4.37487667966874,4.059797986104,4.61311576214703,4.2700359201236,4.79061227361974,4.42208128380814,4.42297581318197,4.33341705990049,4.37730945671557,4.02840983737462,3.44427145046509,3.92544780987695,3.59910607213185,3.11523620350137,3.60972850290037,3.23003587083203,3.68068261705819,3.70608038303334,3.01829539169637,2.8097459320653,3.18485465913184 +Gm15455,0.47433378237608,0.0911488331140389,-0.715690714390191,-0.52721777161783,0.0767184350740757,-0.003570707777978,0.433043714114399,0.011414558471732,0.0282075255271026,0.327485122936657,0.531552052148506,0.477536387655769,-1.12508352927415,0.180434428959866,-1.15847341242569,-0.407867396034525,0.340639070984584,-0.37458477215082,-0.0506908838866704,-0.713952647736496,-0.477334426381217,-0.273572199485075,0.65993143953935,0.648724633981084 +Gm13142,-0.211784219297451,0.15239377282932,-0.670467516139862,-0.632351246841893,-0.811296002209563,-0.0964984970088935,-0.423822606443035,-0.0662197277375182,-0.667446810894327,-0.350856517290989,-0.0439681505041261,-0.995895315796391,-0.456716273629369,-1.60093327835496,-0.741206718463563,-0.166001623250054,-0.921909290944895,-0.0879705991260496,-0.401063175392117,-0.0533282725774483,-0.886173631120696,-1.32987418839741,-0.416204935195791,-0.984510180127842 +Rps6-ps4,6.20422344557088,5.646189517372,6.800629012489,6.25423426174346,5.90097485598371,6.00132213114515,5.82806252071039,6.17907644388229,6.29299075134886,6.43144352918773,5.87486671350758,6.16768295922753,6.09010059727209,5.59312063405064,6.21548642350144,5.74696483970113,5.46445326372179,5.81560942389099,5.26440693231529,6.2184906955064,6.04797304971793,5.88172005323457,5.48071434206714,5.43403675632744 +Gm14165,1.00222564389499,-0.0734563722109956,0.776942575368871,0.589543801768798,0.864160164550798,0.0283033418030068,0.0743651041891979,0.445064556075498,0.707926122053463,-0.0024579817636522,-0.247371464860116,0.597565101735387,0.293440609635196,-0.509814679235041,0.157743828882355,-0.240228183990744,-0.724544875974749,-0.888185529103378,-1.62887336139436,0.55667295174745,-0.692788720945924,-1.71265945202102,-0.950281365377112,-1.65379252703688 +Gm6767,-0.705415210206722,0.144149541310289,0.48967453673868,0.133672322749691,0.327480323600691,0.0763206494876636,-0.715866828075218,0.0071016556372722,0.441295676373532,0.305038009827944,-0.0623197029334448,0.228960633488687,-0.71264159664979,-0.273389684994728,-0.667885335088773,-0.394605060405325,-0.266030098256099,0.194412522928828,-0.660143734067143,-0.0975988022234093,-0.110592964493639,-0.674002845698516,-0.480933777046841,0.109580002159849 +Itpa-ps1,3.40185923825675,2.92822703359569,2.91557766736864,2.64853297706863,2.95475443559184,2.90254476722578,2.82601039193048,2.6603843495576,2.91925003030067,3.14912937217971,2.86838564415237,2.93175881462962,3.79656096318293,3.20452317413026,3.20240719627427,3.19109152143177,3.50465958650608,3.34276198328995,3.42714664800766,3.35615970897617,3.50976163503428,2.94701613182503,3.31894289932789,3.73821173191496 +Gm12338,5.86378900271971,5.22619960777878,5.90446264996288,5.69164224024552,4.73826785551116,5.00426927052166,5.16096131529257,5.80126205201963,5.86797152628364,5.7075007870106,5.20262615979205,5.41229675627514,5.80852065688858,5.33741145438674,5.60190177368813,5.32182868175863,4.721502319991,5.30786445554778,4.89523154122797,5.71741477967697,5.28432281406053,5.36184488774119,4.93276265219691,4.97566504831022 +Gm13689,0.160072879619894,0.773619263438499,0.41439129364509,0.887790539684866,2.78431409091127,2.30994717793286,2.10211965325753,0.919922141535552,0.285346427931372,0.734002292493963,2.2762830653006,1.52731006779097,0.76829819509525,0.476375520980033,0.174110104785285,0.775778695266982,2.47909960640536,1.82850676729772,2.85320031964571,0.489701455012396,0.369136068013009,-0.0236564096247495,2.11957049159252,2.27922248614901 +Gm13331,2.72741427251017,2.1365897878786,3.03954616385273,2.85806484826857,2.65349463218003,2.9631880983902,2.82895448951589,3.24016817217717,2.92211897201152,3.34122591950423,2.55029098254071,2.88500822570006,3.43320724188307,2.97097153671787,2.42822590441893,3.2800877678915,2.67714974836756,2.37648101906024,2.58358255864746,3.24590518725107,3.48770155411316,3.02445225269827,2.73217574738281,3.02590932309971 +Slc48a1,4.60239912069525,4.55063597312342,4.70537860498474,4.42126879932396,4.38041953011525,4.47146190018576,4.13576180087884,4.62090276222902,4.5371411508559,4.5084128274351,4.37271473108079,4.3042978629757,4.62332152876933,4.43329481434372,4.62143554520348,4.37218823120599,4.25386318692521,4.55880878416459,4.3356335667312,4.63493228055294,4.44180564229737,4.44207899922708,4.28005273562049,4.37148185523722 +Gm15453,2.362357584084,2.06044655762315,3.44212103940815,3.501630436614,1.40596646407862,1.21092100796789,1.8751457169405,1.80582987413639,3.29077540969776,3.58768645082155,1.62512770102656,0.927131107446152,3.33564294175838,2.86597754373971,3.71292724591747,3.85100787058046,2.04691741748132,2.17093368456882,2.64914649391942,2.53301142449804,4.15800917419896,3.86459256212755,2.32181861614266,2.67137347200394 +Gm13077,0.498652628549259,0.753515535253744,1.45116472362112,0.327278260943664,0.60769882576309,0.490025790276029,1.05031963022255,0.622843032237671,0.786443368504667,0.242243652182485,0.563385880409848,0.185945712854061,1.12923947672888,1.55990948624961,1.37432050922916,1.66949725275921,0.664046459413352,1.4979851512322,1.18489257496613,2.00913944312679,1.78974894417954,1.47433572467829,1.03170058993662,1.12851586580574 +Gm12411,1.37715538949962,1.16397381551439,2.40311910265278,1.56848218624097,1.50508301554984,1.77244867767322,1.69863623944534,1.93488815016987,1.04247634236323,1.82065623525022,0.379780610081576,1.96485451106127,0.802976628772488,0.829294070418133,1.4840679220072,1.2798594942791,0.987516078926862,1.50096900967102,0.42280981122143,1.9285886866964,1.02564053281818,0.480424389387367,0.517531174459386,1.39936503618968 +Gm14681,5.61706384211656,5.39771800646328,6.48957829244113,6.21271762221889,5.34141089304269,5.24836856832136,5.23337216311793,5.86023719236273,6.06328787726219,6.10793198718695,5.36526067697118,5.58177614023387,4.81087841439083,4.74246014774564,4.93020530709917,4.63627150049157,4.26842648513046,4.62008847124788,4.38256377723546,4.71927450903436,4.5982145790972,4.62806974626856,4.29075382226551,4.72659293583742 +Gm13651,2.05037076492689,2.33729240748987,2.53969597041532,1.98812390826924,1.29743228641752,2.00778792725311,1.78660036077769,2.38388244090991,2.28141431224584,2.09105867853728,1.37775251845412,1.97950118597374,2.7844497422009,2.56010080775895,2.42891756008932,2.47846094563424,1.85303622553131,2.39631397548917,2.25256597022211,2.82526308966525,2.59393513149506,2.5962944306885,2.24508396820506,2.33280876961892 +Eif3s6-ps1,1.82246523790276,0.944844444531948,2.3833376025267,2.0966406101023,1.44593345087669,1.04660415854595,0.531293363612742,0.665189322947266,2.05656893709663,1.27744552377685,-0.047073826939023,0.632406725271451,2.25718998819568,1.28159097269832,0.887095322604278,2.10983756686425,0.875516633030565,1.42322003363711,0.462172243492204,1.03314468629529,2.33024336651248,0.711656324228452,0.556893606730159,1.01562944862092 +Gm12005,2.13292814629667,0.282266636558993,1.68753027862728,1.91830752690565,1.27709638495343,1.20515241334567,1.71551187328713,2.42143350589682,2.17802395667835,2.32200632273377,1.22960191013318,2.01281274830762,0.725483671720823,1.33028166065683,1.72712970833266,0.212516178875595,0.343102123136292,1.73368294203102,0.772635151886112,0.740067870114981,1.75485060159332,1.34296082105241,1.38450978904012,0.11517506046615 +Gm11605,1.43267788623465,1.39902227312432,2.09508420909084,1.14897121038282,0.987060042747761,1.58733270398306,1.12223406813088,0.898520875747457,1.71121045517273,1.03994101136769,1.21165466254454,0.966722047385091,1.79831658006676,2.04149764526619,1.90019047178261,1.25297013533988,1.63536771432193,1.63512180829288,1.99340271564246,2.28756472378789,1.60802061676644,1.77279889586826,2.15516176797284,1.57283229656442 +Npm3-ps1,1.97103449071194,1.76329632772253,1.20919019743992,0.828073621432495,1.27805627808323,0.72681233215831,0.180764192203779,1.18951711108293,1.63074685960113,1.52281420361898,1.58398442194627,1.25771828272056,1.69268927238128,0.531904694602316,1.45495741250628,0.610195459958746,0.707639460237111,1.48076873628882,0.902712941273796,1.28950468267619,1.82491680296804,1.44813329129172,1.0442199330786,1.00298498372188 +Gm15697,-1.92279874659896,-0.927184658498405,-0.660101805188271,-1.6303640632758,-0.989656318549533,-0.901937318372261,-0.964630119612357,-1.26892057362536,-1.3292585631485,-2.34172491460966,-1.44985038338966,-0.842373566320007,-2.4842289665979,-1.60649610523882,-2.90531895542253,-2.72426158702006,-1.59943634630411,-1.62523528591748,-2.16414261400954,-2.19670989578067,-2.07750794888824,-1.74533704550721,-1.55226797685553,-1.31531213240135 +Rps2-ps13,3.70660842533364,1.52233375536752,2.83546768985852,4.01173242673873,2.06523751444492,-1.6777216606062,2.98438414773776,0.665258620683211,1.06735261280987,4.47783899467345,3.17691531222512,3.48258137458516,2.71721010897615,2.93091756782424,2.48028546441356,3.73488434240688,1.41261729454199,-1.63121816438326,3.14150192864574,1.80650662917339,1.34102704222573,3.71733991416402,2.57518971691752,2.16654941081524 +Gm13890,0.417145959019929,-0.460795720212091,0.365516566842051,-0.492910432810323,0.513050122443841,0.316586554911977,-0.502068563644823,-0.445510955124459,-0.506000198511726,-0.0240767117465477,-0.470999941757973,-0.0658833139336603,1.93451814502345,1.66576907282539,2.44397657889062,2.09128465980604,1.43304382502037,1.6924066664525,1.49642549849111,2.54566600650725,2.10128186770452,2.29950907470076,1.3432335134616,1.44004878933072 +Hspa9-ps1,-0.0195825150083001,-0.108935475130251,0.0789423528246816,-0.067073136868794,-0.0143386861670319,-0.508305431587288,0.0865009180704989,-0.216904442418706,-0.646396989440209,0.348952065733609,-0.0022348681010233,-0.178944673502724,-0.868523208207763,0.696890208895487,0.13468097042899,0.515064214429885,-0.089967849669003,0.128554302152632,-0.214059723561808,0.368970229254065,-0.125428039585455,0.368222591572353,0.470679481709935,0.216271204168668 +Gm13785,-0.405976278895992,0.0757679418809512,-0.45760567107387,0.442015189125417,1.60218593625447,2.29945480411521,1.73368185672084,0.428905605416788,0.527903169533476,-0.269345662208452,1.19792598963919,1.14841423481318,-1.82607911742437,-0.84473469725392,0.163617730967643,-1.12268066550597,0.850121863220414,-0.423820317460966,0.673303260575193,-0.39862730148185,-0.49272221221537,-0.836858988662147,1.00725561020811,0.461693843520383 +Gm14680,2.2885246795768,2.51047799200271,1.68537340027637,2.39352727254075,2.35730340009389,2.37325681681497,2.39144615828358,1.90860516050237,2.01547086649831,2.17425894576574,2.52008226143054,2.26841812834272,2.40018691843068,2.01877473896338,1.90863690078314,2.06796159934157,1.74744838922192,1.79484877901935,1.96031872286833,2.11169242599301,1.71395491197234,1.92407986551812,1.90390540004904,1.60308658821093 +Gm12216,-2.13580291630931,-0.301708765203533,-0.698382140818584,-1.49767473870445,-1.39143516488329,-0.681814422986405,-1.18537863409002,-0.839150587960428,-1.97191443219973,-0.633606865409404,-0.591681554844721,-1.17348592012749,-2.07860476960348,-2.20573464695296,-2.4520775767651,-1.51177488287333,-2.46098631818801,-2.09182016855859,-2.30874616935383,-1.83363717319291,-1.5810462336345,-2.45678649537823,-2.75055736070868,-1.8498336719904 +Gm13991,3.33846763417887,3.20233357122342,3.44764115114826,3.16362803291477,2.77894936903993,3.04205131496102,2.62270703207542,3.16037639926275,3.46526755576392,3.17755876597419,3.05911335570881,3.04717185582629,3.54042184790122,3.27251451949538,3.5549000515709,2.86434305522348,2.8808483675462,3.19888501452462,2.83075171692742,3.75421141848207,3.62290537355493,3.37278838904134,2.87850214992339,2.69243267878237 +Gm5898,1.84723347112875,2.13099077432585,1.89184714549478,2.11038580294102,1.912339900564,1.79384595555453,1.76945130219122,1.98176549549226,2.13197136224047,1.71683230423334,2.27155023215548,2.00158977850638,1.96396901613269,2.01100213756593,2.23299275875333,2.43501170648353,2.03595617972918,2.15981532185371,2.38759731959987,2.21582222858172,2.14601249520112,2.58932391970027,1.90316032684835,2.00117043134334 +Gm11878,2.72290262455582,1.17750520132222,2.42245920064631,2.07050101546481,2.67089886928137,2.1269080082625,2.46858013559375,2.58343322431836,2.40274462009193,2.24420417113014,2.39475327245568,2.4863814425905,1.78948099421979,1.7357419132688,1.53402724367099,1.01073338954247,0.265299971532659,1.65588079042739,1.459899622466,2.57696293634977,1.78417145815686,0.944317081018727,1.79385197209891,1.07431799235931 +BC002163,5.37719734687856,4.85678826114141,5.08085904070453,5.23387891610787,4.88412477060158,4.75532212083948,4.93439516792697,5.4831281154966,5.29303252456404,5.34269273293954,5.14590296898575,5.18904274756681,5.76822620130513,5.36753777846087,5.39111815408871,5.50330655836867,5.16381800165841,5.10864648820017,5.0256727462974,5.67691163824801,5.73096661795386,5.13211688441919,5.34643322142434,5.1704044531467 +Rpl17-ps5,0.566374687537782,1.19687061945941,1.28570214294368,1.2728482942057,0.0453973845898392,0.630799472308911,0.676861234695102,0.249384636710227,0.977907299968988,0.280254968886823,1.16852920432668,1.65494861283682,-0.0007839229101243,0.865786286461284,0.471290636367239,1.04649573158075,-0.122048745468845,-0.0139993218652263,0.654785427830211,0.0138002754840334,-1.09662518463602,0.753801453952379,-0.347785234871207,0.227987174702961 +Gm15484,0.599547810836065,1.18393857763417,1.93701349651925,1.85754861115747,1.13892433712131,0.994841099009669,1.25171381928775,1.47748438525737,1.96633133546517,2.32972637693117,1.15453935013781,1.54698981295357,0.494771415443814,0.785285766024878,0.599696789004428,0.775490694943405,0.792945643421107,1.02659188827758,-0.122306314629642,0.758003757556068,0.734540690432256,0.47783751506572,0.937402584361619,0.948500336067345 +Gm12097,-0.606870084469578,-1.61724573007931,-0.998594680436365,-0.254951522397878,-0.248850947838601,0.135328080885085,-0.280802559404018,-0.0269671449140756,-0.507210683610392,-0.0902350387477829,0.631358879453389,-0.268909845441495,-0.277308031866259,0.0132063187148046,-0.0656191039664259,0.68498691242474,0.756289652045697,0.342909325718877,0.730280426155962,0.378901660722769,0.403744517517095,0.44127298364097,1.29664228551265,0.442656246448942 +Gm14045,2.50221344618687,1.87555944846563,1.84622662006752,1.92396807082043,1.79480533470462,2.14122207646651,2.25883285699625,2.2407971071198,1.88292389116873,1.95862849609629,1.29174254299019,2.31701879251062,3.71304241497929,2.76945195998127,3.34730038483709,3.09298589882919,3.09374272716807,3.44793547040288,2.68431297032492,3.42380644499648,2.99041677345019,3.21415930440707,2.94780000041836,3.38064416036847 +Gm10294,1.17669080709792,1.54086879922469,1.64343236755344,1.59801324400207,-0.563375714432977,1.06967887976479,0.852838906259673,1.58337751855506,1.48639992412394,1.45086436173997,1.34450687589125,1.62133728747104,0.404616564576498,0.916806933473123,1.06153947220825,0.538245618079731,0.635689618358096,1.18339301896464,-0.398531214641291,0.949007675660304,1.08884098497792,1.05498051132758,1.42118592675377,0.174582515412866 +Gm12345,0.88841054972661,0.383007806545241,1.44928291435055,1.74046393391564,0.871033758209583,1.11215142393584,1.4034721985724,0.184731913714199,1.48598018545175,0.564759731320469,1.44836537432367,1.13669861089771,0.622765549253366,1.2831129852817,0.589375666101826,1.62111850189997,1.01608643780109,0.815338492445732,1.07580590889508,1.03389643079102,0.898040546712984,1.35893926193538,0.726958253250093,0.925726252588975 +Gm12178,1.21371084322197,1.82725722704057,2.6292460607901,1.8442926681657,1.95612818319587,1.69423005070433,2.17187947020857,2.07227704564951,2.50647106638577,1.52603756729848,2.41213871040486,1.83033434512209,2.27644375263258,1.37885123500809,2.22602369997283,2.62003229918344,1.67405192452417,2.25958791294106,1.73743359799491,2.29499645704062,1.71304523463627,2.21913325462891,2.85078042501816,2.62074412570071 +Gm14017,1.87687942416704,1.89673521499337,2.60572491428458,2.25709574807436,1.72999336017361,2.17830716076915,1.86516738555672,1.74742528211536,2.3985024771155,1.29990274427621,2.44615242496233,2.47933231300995,2.5412498974926,1.97910909507218,2.08725022055165,2.63368094530661,2.89204763315708,2.59137890384976,2.53202107514009,2.06886163401835,2.78440321187378,2.24049635002085,2.28695254107465,2.54044008911182 +Dnajb3,1.73042185884131,1.77435317976171,2.27287551153604,1.88001613447593,1.64503518448524,0.932619094819484,1.53197586724791,2.366021606836,2.29650610561616,2.09715447119531,1.36754194074081,1.95108494610949,1.14360297090318,1.22361078511877,0.771975228026529,1.56396581948304,0.496328637062933,0.901663680384286,0.980083221289121,1.2954921876078,1.21665634921998,0.682654316011402,0.54742592413374,0.918118687400841 +Gm13461,4.4896033367645,3.74790033436282,4.39681081936742,3.94285591444545,3.76052508652184,3.95770498749712,4.2264040720839,4.36013418412194,4.09567741172993,4.32103243291445,3.90440127940158,4.28672781202146,4.61130530906608,3.78188543060804,4.28622751572369,4.15711865442572,4.15965976397382,4.61146130190109,3.93962975645912,4.45834568493573,4.15926005724595,4.11929908079879,4.28585765677184,4.25143941202738 +Pgam1-ps2,1.51309612726299,1.38841620912189,1.14299751246567,1.31708062107733,1.3852405191091,1.21862042082417,1.47515593049302,1.4048634366662,1.43693357812081,1.44467726811717,1.3570650698799,1.26957138183791,1.95329230432038,1.84140161243738,2.3788760774495,1.83271029336804,1.62774031785822,1.58120286976929,1.23672013333804,1.97376609388526,1.96328996953357,1.81028101041055,1.76257328552988,2.02304834168098 +Gm1826,0.36762113361323,0.625296093676456,0.883921037016508,1.10844478095934,1.13236070565156,0.941910639244499,0.504600434320559,0.738352147248928,1.28697780567584,1.38212232081086,1.02453435223719,0.628585565528981,0.0058640195386106,1.03132039557174,-0.12983276121423,0.618644097168113,0.644263719137704,-0.675528639938964,0.418666021726133,0.151504448630113,-0.103026904522441,1.10245416037906,0.448495188456415,0.459592940162142 +H3f3c,3.40484541665271,3.00589619049773,3.6957022079513,3.3663576701423,2.86763012322882,3.53227459397853,3.12564116387411,3.45544624432345,3.4831840193899,3.46558625788015,2.85386078081092,3.25819432628531,3.42264309616245,2.84047226619112,3.1937356471877,2.74869555295944,2.84875356730037,3.04500442246821,2.36639968876609,3.44282279957059,3.22481090011136,3.73339281849297,2.40834987290253,2.30407175626484 +Gm14284,3.90863318381556,3.31095506208532,4.43712057770421,3.77746011461502,3.24099373029753,3.60578604395156,3.47510750151702,3.6859165595071,4.23019975213582,4.08328132794556,3.5338952261109,3.40406006035054,3.79291477465193,3.03082630432608,3.46736164467732,2.7725486380858,2.45517984301898,3.77468003559893,3.07172551913617,3.44780556269262,3.3052563346316,3.45997333371113,3.09298132743479,3.07651176273872 +Gm12993,1.47999517004594,1.39511027434332,1.46614611515953,1.20258192571913,1.07482546887593,1.60393640800953,1.17711453545363,1.87333851770782,1.77125913322341,0.988477935808111,1.14909957494091,1.75657639201056,1.41211380370422,0.841291603517726,1.59546968612855,1.56509580670655,1.26158566026577,1.39585513446593,1.69717852939448,1.75743682555025,1.41702279402823,1.26744262682886,0.723249388432995,0.988264549449735 +Glns-ps1,1.28392654336775,1.77795674118717,2.13627500255035,2.22558578610853,1.54890500177266,1.4281455326475,1.47252434050302,2.15158718786758,2.06437812318725,2.24401202060133,1.81203935786003,1.71305066915051,2.75356737794266,3.42939715507704,3.44141427695803,3.30858104691551,3.06428018272595,2.69293286391117,2.64391231596705,3.45394355454467,2.9556695999882,3.07118282009343,2.81095594736456,2.94585831020391 +Gm16464,0.196319613846855,-0.140326249567899,0.273312806407178,0.468454772519206,0.225735242953151,0.311605336135412,0.360909268336266,-0.237356997406216,-0.0267411899303505,0.470493168488899,0.751311153148599,-0.137358604651053,0.891152823388738,-0.0635642597779443,0.665364037395493,0.974073515162656,-0.513805457800589,0.428447701158739,-0.325361284297627,0.354775560566857,-0.0173477056064479,0.0746093180765094,0.7826944238542,0.545272139078135 +Gm12403,-0.0346052105207423,-0.387081037314081,-0.920454650268902,-0.463314928669827,1.42145352819553,1.16688886008055,1.46087841046354,0.226233169318731,-0.885696442764989,-0.732194641403484,1.25967366053823,0.685565255618151,-0.87469869339172,-0.728893698318124,-2.28892809661941,-1.58552964470101,0.685999623987604,-1.22167905442079,0.598567042192873,-1.64439120560749,-1.27939781176869,-1.29970796785718,0.437161295949904,-0.372992723355564 +Gm14719,3.04529436578688,2.95594140566493,3.40810550767564,3.34076898601401,2.66142644410115,1.91945741010071,2.76276657686506,2.67924285011891,3.30008288152617,3.03631131948881,2.77662949988866,2.88593220729245,2.19635367258741,1.72454977254471,2.91033015046797,2.48706832296673,1.53954493364059,2.77416108577082,2.09535801921619,2.05791259144423,2.57627860651552,2.73370642745867,1.5816615118791,1.66855976608894 +Gm13034,-1.26410262146432,-1.33621474469041,-0.737870807863516,-1.09174796679754,-1.89028865977491,-0.673248691958322,-1.54867523749405,-2.02418191770867,-2.33521103560377,-1.166230759922,-1.36426118157483,-0.786168837260577,-0.745571105022159,-0.992474762264499,-1.55555564945372,-1.69654653904671,-1.34626694708325,-2.22657336943387,-1.3597083069658,-1.39954028086479,-0.790028111439071,-0.97836090685899,-1.64482503046238,-1.09145178933276 +Eif4a-ps4,6.21327921033984,5.52840414806368,6.02678827378869,6.02943415588174,5.46549787344518,5.77887718923666,5.82849981517611,5.68411106794266,5.97982787456596,5.93228094070498,5.76021895159799,5.83338321689756,6.09275635888773,5.20590007987036,5.70158804732714,5.75037044631097,5.60449697719534,5.79013747966895,5.4804099115909,5.36920434622413,5.74345981821678,5.55006065378297,5.75927593015678,5.6100126578373 +Nap1l2,3.78037388616903,3.60628848334391,3.94083498691639,3.79419824401585,3.38787163723411,3.26969532191302,3.31359961970375,3.77685838212898,3.94508771743493,3.73763973993829,3.53914136253708,3.71284564971929,2.95369906149815,3.00025146714423,3.11127517036926,3.03809457439982,2.88604385385101,2.65660577973445,2.32006446376959,3.11448458841396,3.11071226666119,3.07044998325965,2.71562678304519,2.65477197711016 +Gm12799,1.7875491512061,1.825174517659,1.44446953032184,1.97987237268567,2.03758769028719,2.04672610182329,1.93765599779223,1.90037493465299,1.60679439020825,2.04801781588449,1.87532834827863,1.98897231442201,1.18273281412336,1.68870769168423,0.626917367385061,1.30111518737902,1.95475233089223,1.24242100966739,1.98838906837898,1.09162284676719,1.30085344891354,1.61888815454202,2.11953000141138,2.19783947817347 +Gm11675,1.75276863097321,1.5366445688311,1.73003484564367,1.44028520706226,0.899407281277136,0.900454767553392,0.757184704683709,1.58105164286931,1.64129643533213,1.44993723114649,0.22960859107815,0.878427068337622,0.192411768831999,0.0447337311128143,0.979267539678639,1.5256982644336,1.33730733907607,1.34474050622278,0.673291057792538,1.45255660211577,0.827303676150234,1.27668532248426,1.10079181118735,0.0177344639929463 +Gm14026,2.05840763729736,1.88021955257711,1.94005343569529,2.30818399367881,1.58104569127163,1.86166719003662,1.60578558002207,2.33173741887569,1.75456455246643,1.92800647040194,1.42190490538252,1.99600272749683,2.74198077321744,2.18902953788932,2.78589772725585,2.59814044240608,2.09339823146709,2.46739157572555,2.20229752744559,2.89933031538313,2.59945030720541,2.39294962088471,2.50153839131471,2.59026631961711 +Gm7901,-1.81078464585795,-1.16288214609915,-1.00090944713451,-1.24223104311849,-1.97086912325997,-1.9113440499659,-2.06400893213211,-0.839957370172143,-1.82765583053191,-1.67415402917041,-3.23088748438633,-2.6875695138909,1.89255217357765,2.24018758754158,1.86428353651935,1.89551327074435,1.9700138505172,1.89668192201408,2.09035072225272,2.77097304702431,2.17997852627433,1.89783280536451,1.63121594034705,1.52782552186522 +Pisd-ps1,0.976071885514184,2.85487175514346,0.287416914412661,2.20790774036596,2.8821545220771,2.91958854631025,3.1146775037828,0.502592885002022,1.41218412002206,2.17626684211037,2.92929040735361,2.74318442270379,0.130121039518477,2.0556938771089,-0.186552561789732,1.81590643086334,2.17252259280376,1.47506436480061,2.36092833937792,-1.04378377238349,1.57168105650761,1.19718939747462,1.92093450932625,1.99328076339955 +Gm8822,3.3146529570113,3.21900003713955,3.39680184710438,3.13808272929507,2.77189359063444,2.61330185793357,3.01827522368056,3.13172386470863,3.37102894186841,3.16002275574779,2.67917909773223,2.88034830746814,3.45815000836026,2.96306701764434,3.25832211978362,2.9909103634872,2.69232883827126,3.19624031445567,2.77326401205119,3.34628387212594,3.20138402302638,2.8862172062579,2.90530305676704,2.83188163725101 +Gm14253,3.30164067787246,2.5936436341544,2.88407323625534,2.83675488020514,2.52885908115286,1.99368205639541,2.47899623810386,2.72688939194256,2.82098091588007,2.83304536644438,2.71328175490161,2.91493826221052,2.73907670110891,2.75551667371922,2.76167878731073,2.68028949386703,2.60278630885292,2.72034120967705,2.45236094781532,2.92573240709604,2.90916411823841,2.83736874192805,2.36628083971756,2.38567513598791 +Btc,-2.46537168766976,-2.17144402190195,-1.82752374730176,-2.99935982005825,-2.15212894304742,-1.42929569548915,-2.47386473497427,-3.32802860181415,-2.72603882860761,-3.88547452619814,-2.19418797152195,-2.94840096062335,-1.96888743462533,-0.396163340416454,-0.810140702619567,-1.63148036381723,-1.10267582462311,-1.31757556840486,-1.24479872698849,-1.15594915840466,-1.41048051155721,-0.997320549789127,-1.53928413322809,-0.581625309180957 +Gm12928,1.13064343957849,1.49482143170526,1.20763663213881,1.14535938877585,1.87024715916309,2.34516152408775,1.78280944803017,1.53733015103563,1.19842229965924,0.729968452787386,1.99058386264189,1.78487891688195,0.885711385246568,1.57857299187803,0.890170263433394,1.17642603562588,2.11595923663684,1.13734565144521,1.96208678365126,1.17150747327774,1.36535206553442,0.595103429802631,2.11370500047877,0.72975506642901 +Gm7110,3.13653581679308,2.2134892526497,2.94807483176707,2.64853297706863,2.41355202707794,2.07955568819828,2.58704862629099,2.79431064164375,2.7570751033022,2.80162621316569,2.39716219587247,2.54635348140506,2.10648374718432,2.15530087869531,2.41426379630678,1.92896619596933,2.4850343414182,2.71693221531956,1.74860006388182,2.18544073107925,1.56961076136098,2.49167383947179,2.65940132982,2.38074285590902 +Gm12183,4.94442836380457,5.48437869685737,5.06476185465788,5.42705468078746,5.70357326160271,5.42436991559015,5.46072396775927,5.00412743863387,5.35493593876679,5.4920946320775,5.66907799000869,5.57634408436603,4.54891372018608,5.30745661483186,4.68843585207121,5.06250018029856,5.2549031620447,4.8277986890699,4.99577074483333,4.55662852095107,5.21186658804775,5.21086208201491,5.31012229984153,5.16593627915263 +Gm5909,1.25082849196097,0.966132617148158,1.30744569367693,1.66899235952394,1.35255471427421,0.801250232307381,1.23811519895929,1.75541525098065,1.18647101856468,1.56285107586367,0.305323780963074,1.32998115740643,1.67240453150545,1.41580038188688,1.55367547052774,1.59239165893297,1.06205203132716,1.69176344087583,1.61756894644106,1.44297438361324,1.50874951678838,1.78418742272485,0.768289696242562,1.74593715712594 +Gm13456,7.69146731980255,7.37423129169076,8.22169890550479,7.89845723186624,7.24557493165463,7.35876747867469,7.19810946222497,7.79294035798221,7.86751391380119,7.95128993333804,7.34763658061171,7.5215164275185,7.3542801849736,7.05077388773475,7.50630169717734,7.09728361867665,6.76280641010714,7.18446771030055,6.69452655151257,7.59558743846672,7.39540332061821,7.11935404065215,6.61865217031329,6.79360792084451 +Gm15711,1.56302561121787,2.17368920568368,1.19018923550986,2.02360789584672,3.272964086743,3.20958322100261,2.60906570473192,2.50644019045189,1.80939819934307,1.09056738905334,2.96797435328325,2.66725164024628,0.457565444525457,1.41537764223569,0.851913796170816,1.13234379182636,2.90598510548027,1.9071170816983,2.44433474809348,0.242726826997563,0.725701164572389,0.845619777934988,2.73950318795882,2.20193578368702 +Gm13050,2.63392727257021,2.49122046559172,3.51556629790637,2.86045878546842,2.39445731176536,2.58214173272874,2.45672696114553,3.19418923418022,3.36723644752915,3.07603974006337,2.47607053850989,2.57710176445749,2.68003892259296,2.47817110040898,3.01765256339913,3.10422991583406,2.5753002943939,2.42624687931037,2.7997316265923,2.60729081025943,2.81455025289928,2.74439477241298,2.63285179211813,2.5858251382815 +Gm11914,1.64057875550304,1.41138240120569,0.676482276134201,1.22477294540818,0.857308486121183,1.86290149278037,0.421968373174401,1.13369276317595,1.08413202755484,1.38948942905828,1.64253660430138,1.75183931170517,-1.38146850276218,0.910493761824581,-1.38146850276218,-0.678070050843784,0.917553520759295,0.292480373933472,0.585338705866342,-1.38146850276218,-0.790145488837325,0.923172922220156,0.22374080914895,0.534466870501659 +Gm6382,2.54424098609857,2.47971378261595,2.6062345131262,2.37862263024909,2.20956084294099,2.30594197041791,2.11188117777028,2.87174241018585,2.67991897490556,2.07660923776897,2.23882200862106,2.27376268628165,2.11587604223432,1.77693388713651,2.26621303784207,2.46689221002706,2.05506514154126,1.89304920331349,1.9306615309849,1.34123587651171,1.83014041999658,2.02616717204845,1.65994741982763,1.86569182030837 +Dynlt1-ps1,6.78214241860905,6.27172316424896,6.9991380518344,6.41466167527704,5.86756885000108,6.22978931437462,6.22198934221217,6.94475910690752,6.77661190383444,6.52611565558901,6.10634316337228,6.44872555383123,6.2095528439573,6.01291059558958,6.36096902683429,5.90067207752954,5.27360457010929,5.89842920555522,5.23625904120454,6.48101050637228,6.05076505900904,6.03789650196356,5.34237311289489,5.73027824201634 +Gm4875,1.60813460434097,1.50848323641259,1.30278663873812,0.946784424749135,1.47526254572125,1.56730561050131,1.26646576119999,2.07654439494285,1.48179010474368,0.273974279285685,1.53458968914019,1.8201214586463,0.814951681735907,0.539722417004717,0.880966029606123,0.969974987775198,0.96091565258956,1.3521266607282,1.71040756807778,0.941830549092989,0.586799443956781,0.29062935696489,1.01250403960234,-0.098076694753607 +Gm8682,0.766080461983248,0.712376840460258,0.280959568201365,1.34774878546467,2.63349877408745,2.39557731873169,2.39417800925602,1.47859732782724,0.877370244670433,1.60720639090935,2.6587473850692,1.92073195782896,-1.35562849782692,-0.374284077656469,-1.35562849782692,0.172946868642271,0.210270955265113,0.0466303021364843,0.101394378073491,-1.35562849782692,-0.0222715926179196,-0.366408369064697,0.473408621227078,0.0580470183894377 +Gm16066,-2.56061397802066,-2.31565145255222,-2.58783582381161,-2.69442623548068,-3.15698216818155,-2.65870167679394,-3.54396538630559,-2.03230674839534,-2.81355105205341,-2.88426479642681,-2.6312176211837,-3.43533797871984,-2.43398486845189,-2.8799980594449,-2.85964886164545,-2.56098118893277,-2.87242402667224,-3.98127385155161,-2.37321861885219,-3.05373143114876,-2.93869152272401,-3.08827168992338,-2.45836463315998,-2.43477639083837 +Gm11889,1.4984041028146,1.35959722442649,1.64551236253586,1.626138430595,1.23927590956807,1.9845302704043,1.73315659806778,0.701741213955984,0.797314131143566,1.29677727563244,1.62076409366047,1.49553227378135,1.4238521938236,1.07946846666725,1.6452128321356,1.15065883308668,1.20287141590573,1.65251985666188,1.98471127947874,0.680318609575448,1.40457109919232,1.09403174718851,2.17264583572563,1.8407149471449 +Gm5844,2.47496792719517,2.00674236453458,1.58142338079307,1.94694203115834,2.23708384266535,1.67305864994591,2.19742576623719,1.81720334023198,1.80142605314671,1.42003499986859,2.58247841491685,2.38037866917981,2.22454930634844,2.80083355998023,2.20775443977562,1.91537791782042,2.92158632232153,2.69189331702986,2.27587155745063,3.19274320670222,1.88308929408132,2.1296509727219,3.13686836766969,2.78407160559107 +Gm13736,3.59579573330735,3.08275195547075,3.66292748670966,3.58488418151126,3.0879132968188,3.29082447618785,3.22353816511731,3.52216600762439,3.27967113696163,3.52965713504382,3.17431203684798,3.44561113024908,4.73694940890611,4.03874720668777,4.31128755794991,4.14118599462134,4.07091555214374,4.60579900517313,4.29095536689945,4.86962150878681,4.4765853756177,4.08943402559516,4.23003846378514,4.49250002413001 +Gm6939,0.383246709033432,0.564516463608033,-0.255139815836878,-0.136710212017643,0.72576057487355,0.357720502221533,0.759952856808784,0.677572517180506,0.747785530910625,0.493361630613044,0.734662788003147,-0.418915799704373,0.744693994404323,1.23306883535982,0.596826986988479,1.62586685254783,1.03517658192079,0.382736143713928,1.08561908686343,1.10441525537565,1.46654968613641,1.76683709289332,0.780926375117321,1.08407739540749 +Gm13135,-0.0730234473514402,-0.424763887122645,-0.177318078134448,-0.138383956270596,-1.00794564250098,-0.685069583242227,-0.209770602561179,-0.127817522664706,-0.56119183205256,0.204226089131394,-0.759766334282075,-0.0367812186498424,-0.474085707158529,-0.337611195568804,0.305445755972867,-0.457239324685071,-0.329442076525465,-0.238150711607149,-1.00673226678855,-0.525965522770742,-0.078789366905522,-0.499603391357025,-0.583692283328938,-0.0054626647453892 +Gm7658,3.20618811156556,3.04777778078718,3.78421342662733,3.55661808923702,2.71292688069504,2.94741643044648,2.70297855575716,3.14357639665947,3.2963120104419,3.55085958242954,2.8460168668731,3.09982099123339,3.98800069771166,3.74606254791312,3.92319948190559,3.56296407428676,3.03419137182815,3.89696236356076,3.40526350037265,3.93686205305049,4.06098764747817,3.61700404062147,3.18269097500315,3.56374110267432 +Gm2810,0.432592300815149,0.445939623242054,0.626739060778746,0.0429199351143597,-0.613565697575094,0.234738126035288,0.735710072758115,0.748436764825558,0.118689249591213,0.615923608010463,0.214972150065625,0.350827687112044,0.236973657976167,0.620281417373291,-0.357214432333798,0.84975373560567,0.21418279103498,-0.444419001501407,0.293764518483841,0.38261408706767,0.36961992479744,-0.042269855743475,0.379178111843496,0.23623495669842 +Gm13217,1.82571195288559,1.83519873498223,1.26892354291569,1.45362654490173,1.33331497624001,1.57829444420768,1.37970524666875,1.50359667322655,1.00382747502465,1.88276032241363,1.47531967175564,1.55478238865612,2.37431133149508,2.09871953229194,2.44322323504959,2.19816009677099,2.07403705061877,1.4973564417399,1.52125677898954,2.26564120750251,2.52634068674129,2.23934484445286,1.98924520907103,2.57454557928433 +Rpsa-ps11,1.1614103713568,-0.123660836301431,1.33771516182762,-0.0565357553735741,0.18266770578234,0.38998323217249,0.576239544159588,1.37493173392693,-0.0907330030505085,1.35433734045781,-0.500379619912421,0.286840457507701,-0.0771836012215086,-0.89215389955189,-0.201969326196596,-1.01746939178308,-0.886883447522386,1.17447255415704,0.449009624621043,0.409825122509889,-0.594010566467751,0.490483217826422,-0.58645686267748,-1.11481051019253 +Gm5903,0.0871499831857596,-0.340469160188571,-0.3839347917839,-0.367996946276725,-0.842352918930797,-0.597373450963124,-0.232738236404903,-0.332246524537579,-0.808374483614878,-0.219020467602455,-0.747280399209464,-0.812335903189396,-0.148145806089036,-0.491410172701053,0.100966982673486,0.37105037929932,-0.24235528327961,0.180180139406176,0.100678038760073,-0.167839803940415,-0.12492379011166,0.409258280047436,-0.342717613485728,-0.110311363028977 +Gm11221,1.95498454324854,0.971992320021583,1.5381892075261,1.17716986235248,1.29158836425241,0.549619330251958,1.39292849701631,1.01232410917658,1.65120615936678,1.51494849282119,-0.140284296570949,0.602671062503773,1.21175006272971,1.05151226531019,1.27776441059992,0.433002458052395,1.05898729362114,-0.21495488706024,1.15214365466883,0.0845347870212674,0.857780327617283,0.824535965489612,-0.277050723333973,0.496587060869233 +2810453I06Rik,2.84290577262233,2.58128740998886,2.75641562109788,2.95311045671589,2.75741145179307,2.4793265147579,2.59542495993899,2.46306427132211,2.94794645469143,2.7011264430949,2.75974123241757,2.68332652537071,3.78973472475713,3.22817351734527,3.48784758317151,3.33580881584233,3.30989296493448,3.77885146488306,3.46641277475557,3.22324181352967,3.44590943649684,3.2808903563261,3.32720373178746,3.4667211546546 +Gm13140,-1.32855927068215,-0.553160324725674,-0.555278648596502,-0.590391097366705,-0.789182744396901,-0.933265982508546,-1.08339235456315,-0.509228861974001,-1.01885015365613,-1.24626267295592,-1.16074320188882,-0.610721251313627,-0.633726061140265,-0.962843942541811,-0.707665151056785,-0.635239525588288,-1.04229288416937,-1.32185705881543,-1.02053366388688,-0.865796279954075,-0.912981857563409,-0.948835759148637,-0.820362509689093,-0.634527699071015 +Gm12191,5.40941538844075,4.91400876465695,5.82237524031682,5.16571357001267,4.74532782724474,5.0278860999277,4.51362780264966,5.44462635154588,5.46014553427775,5.24877634387294,4.83214519036007,4.96564958903398,4.86368070498838,4.25424409013139,4.70255884481995,4.63246083265493,4.15599920745218,4.55645066522552,3.72765822396332,4.02744127417209,4.44672420195905,4.66382492022688,3.9184844335938,3.66184672512171 +Gm7785,1.95407046160226,2.2315387966321,1.68224059749102,1.82739041732553,1.61287634773468,1.7997457681383,1.9068284723824,1.76893537182009,1.78572833887546,2.08500593628502,1.55674600467801,1.38550999383173,2.26893849254005,1.01784505908952,1.74480721237712,1.63079023672082,2.13374849123374,1.97173255300597,2.18069034540009,1.20606418189238,2.31348559167786,1.6901761027292,1.63895227499204,2.07442506681393 +Amy2b,-2.51370726543546,-0.225742606581485,-0.960642731652968,-1.19298034259977,-0.202004550404894,-0.321517916518047,-0.165342521965709,-0.763608787708191,-0.785594768051996,0.749289480329949,-0.253789043465904,-1.51815799466185,-1.60436410732167,0.406737375801284,-1.02889666215734,-1.49001814408016,0.414780112426648,0.185508785737765,-1.28427775473331,-1.08646163848802,-3.01859351054935,0.819249530244671,-0.995835710621335,0.201852826859543 +Gm14494,4.1081085321556,3.73366919035912,4.52046686186961,4.17668093335776,3.44553644828066,3.49725416669181,3.63662716867995,3.80544638769133,4.03719372855787,4.16083205575644,3.63858352829394,3.55373795529482,4.29178870438845,4.05438050770964,4.21818245539077,4.3628794031563,3.74654523977753,4.32281242613388,3.59943366442882,4.33283722841246,4.20191265834398,4.141935543387,3.89346595998147,4.11819126447346 +Gm13410,1.64802724382906,2.0755972363888,1.33955375698085,1.23503124236377,1.84430560459973,1.86188118491129,1.34204940983655,2.74179366585909,1.62219210544418,1.09793033649615,1.56478309685251,1.89626380492967,1.80582355734361,2.07871884816279,1.29472570416837,0.965103798921876,2.04078431847299,1.90810950533777,1.20031567930833,1.76165225544361,1.67952625935246,1.67166258383944,1.7815386474944,2.08987398365773 +Gm12418,1.19158370336728,1.35750103735941,0.374001067185588,1.20741972752244,1.21406479836707,1.11351017962388,1.60231773034163,0.97118427939286,0.795557729346805,1.38599473833206,1.52499483077983,0.858097999095728,0.308675123330356,0.779166846862946,0.298300183832932,0.708777240421022,0.699717905235384,-0.372717536147219,1.09060393553384,0.57190746544261,1.3271770634647,0.406939577043409,1.07398487522633,0.435661165412669 +Gm12693,3.59113644808011,2.32120490813642,3.22128540979767,2.92207797945695,3.20291999308879,3.07702446338177,3.2120236631597,3.33550567171017,3.32375747368525,3.64728958546603,2.9576360425739,3.56397222600842,4.70712037960788,4.54639559009902,4.71934359736561,4.51940614092293,4.38827127322256,4.88420858530394,4.77399254250361,4.58517011803072,4.89705807681556,4.5127223600565,4.51263484184378,4.42031209596615 +Gm16425,-1.40787744480535,-0.990792947136109,-1.72569307220759,-1.3938126352638,-0.294369237365277,-0.787122799650651,-0.503166021886537,-0.770195294975426,-0.785273399983728,-2.80476368334207,-1.01883938402053,-0.507283395448089,-1.199758912402,-1.11491789877014,-2.46995238261484,-1.52964968872306,-0.901584684424702,-0.417505122358326,-0.501639741708903,-1.47835565248485,-0.959989637413553,-1.10149445868894,-0.508607707002399,-0.40095094539861 +Gm5939,-0.654847724390548,-0.361975607786143,-0.22898979736564,-0.923674419449595,-0.729866418598595,-0.0808082083371429,-0.324709938070962,-1.05024508656201,-0.337012423515104,-0.60078398555247,0.20739889669115,-0.196253945838956,-1.3005859735142,-0.526089912304757,-1.31096091301162,-1.15002698207455,-0.662186273915104,-1.3165719544229,-0.292997515491976,-0.827525675170901,-0.545433374996974,-0.444699367090391,-0.464743987867064,-1.441465243377 +Gm7816,0.793841488805588,0.586103325816179,1.09741136022375,1.16129783227389,0.986846142463984,1.23706528366692,0.837229478163469,0.309404770270165,0.825013688601846,1.04399086668004,1.13605878333351,1.12129988397778,1.43081480486267,0.99212762771146,1.57923254536314,0.849201548386387,1.52563038261569,1.93469576225253,1.67687268476867,0.931409198992058,1.64871816949295,1.31674775223054,1.62088453248023,1.77302781951399 +Ctsf,4.82046575691992,4.97593096920195,5.56622427670159,5.35489187533607,4.6996145484167,4.69169399987502,4.66528998922915,5.1726966355933,5.34117305944535,5.42806021592756,4.81622016062902,4.8207643189164,5.16015554744353,5.27748659584364,5.57522558615841,5.78496475441301,5.25747641911379,5.22458774824496,4.99355315796395,5.32595523640894,5.48947377242909,5.85066527495881,5.29979314253543,5.14150951013593 +Gm15361,3.23833862929464,3.04184580765563,3.09212614863004,3.19763125351548,2.61936038130488,3.12810812791873,3.25318164684518,3.48387579436067,3.58178727419716,3.7229929025087,3.14432796435311,3.00987880828027,3.95618850952007,3.63169442904496,3.86270527647091,3.51778277421088,3.20887959290564,3.49069057686385,3.1462078404326,3.73064840823885,3.25434224543498,3.54401150363705,3.0865725847347,3.08090910038413 +Gm13688,0.169588352380268,1.69601719649262,1.95025443810908,1.83907546369164,0.445595471979693,0.675193591667365,0.600042342553675,1.28306437809138,0.925645727474663,1.12740385261803,1.29911750379488,0.834952552893886,1.06806813599681,1.64461831156761,1.43177974437615,1.34043297659022,0.334982183244361,0.629669004705683,0.0907616766136181,1.50787024561988,1.180100134488,1.24459989720659,0.37920372072559,0.939592158221806 +Gm13502,1.28112966958186,0.254526257642441,-0.176891014616452,0.68861125656941,0.904597882555788,0.768170326116362,0.86371339657232,0.441505642196421,1.18489137047551,-0.834598912882835,0.635128905791189,1.16101427159282,2.32825893147756,1.06092020863831,1.08149901697883,2.07632469515981,2.40728286477123,2.5593205912333,1.84599829050224,1.24346615640054,1.59603777313371,1.33722566115454,1.73774087520129,2.18447746228792 +Gm13315,1.46080430545183,1.23320204403745,0.527944304822314,1.24269131667095,3.6806704813706,4.18977172562822,3.86506984555327,2.09769638347566,1.09677409910754,1.20055023852847,4.09102032284689,2.75822814552651,0.592021748013955,0.429771392284415,0.343357035744642,0.24591216235576,3.72431189714904,2.639689641726,3.94695946153318,-0.413321404456619,0.84137117186667,0.722931569109792,3.34242967671712,3.00997214242065 +AA414768,2.86599195237644,2.2887302533728,2.33714904336872,2.51993462902749,2.3362772365694,2.47466348451562,2.71828262036212,2.45555672537813,2.42634709466259,3.07417697635135,2.88809722555715,2.81195534761374,3.10030566667177,3.12968579700681,3.17772781081525,3.50353158433535,3.25765443326056,3.51505935010806,3.12293425943425,3.38460797238131,3.01373653159198,3.53517798291968,3.13274528625905,3.50066415459595 +Gm14121,2.19299380785603,1.90426321259491,2.3983223928162,1.92183770728619,1.97971715491883,2.47382581346249,2.17983038149588,2.37736787317014,2.23946924127895,2.08695621719328,1.63051609165903,2.35238300912216,1.36032571148543,1.59752538926338,1.80457580343416,0.93592100947151,1.31676495221496,1.91499398142764,1.46800725436794,1.19250252681628,1.32112303786368,1.4752978699957,1.69470692950808,1.56416238911327 +Rpl38-ps1,4.7178267438283,4.1564683644409,5.12071731014478,5.28195904349494,4.70916608149748,4.60723893818051,4.48027110857996,4.55651278037647,4.97392317949363,5.36913458105142,4.50453174427083,4.70900526897141,4.64501110555853,4.54798056315765,4.12853738127992,3.61818071154758,3.2895542076277,4.06773353830159,3.4476539813759,4.57567526661945,4.30056526219563,4.29496205807003,2.88269669227148,3.80315810270601 +Vcp-rs,5.48485100051536,5.20992208885162,5.27191642755888,5.29599826951086,5.41081785395785,5.23988961766668,5.27511850628874,5.23923623473326,5.17403534045875,5.19985606409426,5.41157731876899,5.22791354510593,5.73795469403178,5.43118159518488,5.57011015424291,5.49368645382616,5.84015652078492,5.75117577243481,5.98579087104657,5.21402625419816,5.35525361621849,5.45756822112055,6.04693733583787,5.8196122977236 +Gm11826,4.60129945929927,3.67884930912617,4.93862933459831,4.55040430525905,4.13682052204354,4.45504681245199,4.2108106161478,5.11278278779344,4.54119645981381,4.3425403710397,4.23788009500083,4.56116367056477,4.5622743561613,3.65132323579389,4.32393076109668,4.08023822994186,2.93183440308183,3.62857685521968,2.67572812802534,4.14657853787791,3.68081203577709,3.76284497232405,3.53110140156304,3.58829938089153 +Gm11539,4.15136653672405,3.33210285138731,4.23056043585101,3.82058425691447,3.66631425186931,3.68842427643501,3.28918973473394,3.7227573036665,3.90728552078507,3.4859887069659,3.74792747861384,3.73239683365366,3.40969632221957,2.80469120010619,3.57801093780681,3.41508034947267,3.07004214297317,3.13242932346895,2.68871126325765,3.34885125268079,3.28251118513433,3.21689385264713,3.21239192450447,3.05229385116073 +Gm7363,2.67405208043732,1.92818871911342,2.72835453873558,2.54505960097515,2.50472351113407,2.70812082434485,2.75056361290311,2.63403293455548,2.50437349648731,2.72479799866554,2.26693262765529,2.4827792059103,0.873502099359046,2.09350589418001,2.03224883136481,1.82151922598781,1.25593703130771,0.859407287010644,1.4562973857858,2.35950565535776,2.22185249587157,1.63906440020127,1.30310540075629,1.66778598857053 +Gm8606,1.10262754085283,0.285437328000056,0.332494592471889,0.416199016061415,0.308198127956763,0.806478619344378,-0.0787850901672733,1.31794931069343,1.19654364803347,0.58091549971151,0.910954605664252,0.697966998693225,0.0984356206229855,-0.630008033807666,0.605531434492867,0.401323006764765,-0.403121891293456,0.238029128213532,-0.733019556208534,0.411448864989553,0.147104045303851,0.114598992873391,-0.167284632180931,-0.274107058845106 +Gm14535,1.26027360072988,-0.18939070166135,1.16396569847812,1.63293028500465,0.185728345224582,0.552757624751454,1.43740613658838,0.930804619696627,0.938250470236311,0.86753672586292,0.545186780478391,1.37293924969835,1.69365176584398,1.31095031881113,0.892152660644277,1.79016439182876,1.2410300092779,1.46271752278811,1.61668347220947,0.698070091140962,1.01994875409263,0.885404321754186,1.21077851523315,1.55402892109814 +Gm8806,0.816390350969201,1.41246015370396,1.30578728796031,1.1698837040093,0.510527945109968,1.31213640721127,1.31737134753716,1.35163125809976,1.6036206586447,1.19341441345106,1.2750765428512,1.27224010829826,0.869664255212591,0.282557707398401,0.718326553919427,0.692146703997606,1.28881089064396,1.07581852207587,1.10435511835446,0.889182625612066,1.20821466560001,0.769925382016698,1.2188093316604,1.4169183534977 +Gm15542,2.88789012482866,2.25470074213304,2.54481050394439,2.75047622035564,2.67297731403818,2.87075127123883,3.25799529540309,1.85688289005749,2.55090059088247,2.73357819685394,2.93511976070938,3.06382030698232,3.7890122089714,3.1403320177014,2.92391521940387,3.43474449410108,3.30876004951623,3.17000927925343,3.25558082695914,2.45608254606512,3.19586010303038,3.16888964318892,3.28290363602402,3.41283867714441 +Gm5466,-0.591135750773045,-0.585178399028932,-0.514142558212721,-0.777706747653127,0.791438955507419,0.523865619011759,0.597730460845978,-2.3212712944073,-0.710597278190186,-0.730208048766583,0.812072724040052,0.408419881509946,-1.59263280921652,-1.98028480983055,-2.69940468098675,-2.10560030206175,-0.60359610422249,-0.851725524544797,0.240307593299735,-1.85234526892475,-1.26552516259629,-2.70201220782152,-0.795556466671384,-0.836791416028103 +Gm15725,6.04785594295289,5.8355144445912,5.99381389102123,5.63945233714263,5.9314470407407,6.04751350734726,5.64535626829994,6.04685459456238,5.86788486742071,5.79377062323664,5.9287915556182,5.68517317827595,6.09918550668657,5.94033761041308,6.00437087099157,6.05232675833958,6.27842677483763,6.2729795599353,6.22815946966007,5.98018086224228,5.88192930012916,6.02210968020228,6.35984247859766,6.07517731191337 +Gm15665,-0.0001357652808698,0.572773960747304,0.261816008303875,0.0132856941239974,1.17606907671201,1.51835337176491,1.09564847374583,-0.184511889819933,-0.962409027500509,-0.565111269875119,0.545063997384856,0.674163941386897,-1.48487651822125,-1.14050030492059,-2.12184472509104,-0.947647942285512,0.177177298430436,-0.219352445866634,-1.00840541273602,-0.694392909148518,-1.11231444024032,-1.13262459632881,-0.516635413179908,-0.70816920887468 +Rpl7a-ps12,6.14434952227545,5.53862462141557,6.61571702203359,6.21700217087301,5.94454692159784,5.96053454779203,5.82726449172039,6.51732122744385,6.40709938853794,6.33082480541215,5.96120657904783,6.00596228125288,5.3782511030368,5.03490250856482,5.56244844576564,5.09288181324703,4.98484305576686,5.0766789175369,4.90149344369492,5.61322542948891,5.53485504871864,5.34704656693913,4.71783042705437,4.80247816356676 +Gm15519,2.15250382031777,2.0127404324857,2.35175079095886,1.91097025816393,2.11850691279967,2.1373875975341,2.25294604519267,2.21330236606069,2.35960555017239,2.19801506901835,2.32200037887537,2.15163213077741,2.34779532508267,2.02117390103394,1.93239302403575,2.06504558377738,2.28546740622796,2.22788416674837,2.13418155513199,1.74151754796301,1.96409032329766,2.59966107824107,2.30640366777782,2.36634709843444 +Gm11652,-0.0141660408054191,0.350011951321352,-0.840229084767775,0.177160755935932,0.72543767877919,0.200617444604905,0.695926031140925,-0.187666108961515,-0.469828632402295,-0.734624207451947,0.607190244969403,0.0931812915782859,-1.01566309924889,0.655553625011771,0.372506448678921,0.281159680892995,1.025515109611,0.876635131977035,0.0665299667928205,0.0266979928938323,0.636210162319553,0.736944170226136,0.716899549449463,0.517618962509244 +Gm5555,2.25565791244921,2.13551142142081,2.01347868855716,2.19754181873109,2.37554268278746,2.36958985076663,2.29039051003217,1.96464617996493,2.22972204081371,2.10141649804947,1.98444249338535,2.22280057834393,2.31772780312871,2.04213600392557,2.19031575290794,1.92960448227128,2.20573372330986,2.06566399179725,2.11209896234575,1.82489023840954,2.2217054148847,2.24161868751655,2.8377999409119,2.31687532389862 +Gm6645,-0.943233385370094,-2.09416590826786,-1.28565938798321,-1.98258324461447,-1.4338625321931,-1.48944874169426,-1.44338697930807,-1.55321168972289,-2.01434179950954,-1.83999324511635,-1.76512354835738,-2.09159993268827,0.287447562481747,0.0636729720275633,0.0369834002573062,0.791623211302899,0.0719348236199506,0.564603259313987,-0.216723015839849,-0.0055419944611518,0.531785725831675,0.300691113931386,0.349638843516838,-0.425503506858685 +Gm6877,1.46928449873824,1.62256990651808,1.74230233234597,1.70046246307294,1.26051628856235,0.888494675672296,1.15768548729584,1.12269066052871,1.95742851831686,1.85159373381739,1.62888440252336,1.50800777675882,1.33987402247919,1.27228924639574,1.80863964432771,0.966189916086823,0.722059318977864,1.07923718755348,0.496461621566293,1.41442865781332,0.764712168762125,1.56687864480717,0.774810824778366,1.28202452061166 +Gm13340,-0.613251282251952,0.414140430059647,0.327781018204995,-0.720923382000789,0.308896113252467,-0.185070632167789,-0.408627277386356,-0.0623992312567666,-0.63503540159273,-1.43228423333466,-1.11114200510729,-0.396734563423833,0.394476855085537,0.369363311360843,0.390861346337864,0.105223850763914,0.233266949750496,0.215084607736538,-0.646284062159487,0.978535751730073,0.613369190285747,0.239562264497189,0.562202267295452,0.393675217154788 +Oaz2-ps,2.00238867499465,1.73891216909557,1.9267899970505,1.90437927868189,2.13965498574338,1.61954977852358,1.46942340646897,2.31536565969921,2.08305364495682,2.08159867130217,1.63659219402895,1.9420945097185,1.11948009495773,1.74996668102441,1.61092897983432,2.08177503924873,1.51052287686275,1.65130056779149,1.03497753425531,1.38271243706998,2.01230800890203,1.51667719088932,1.73245325134303,1.36379709642802 +Gm14586,8.51494237073889,7.69918260250606,8.71770430131627,8.37771969342996,7.87729163647838,8.08279656072813,7.92717484686079,8.45243657141744,8.42264831406445,8.3992288971135,7.96544806365156,8.23387254035341,7.64452180422057,7.07194349315894,7.69136493464106,7.27722643917407,6.8691584106898,7.28461657845763,6.79699989423646,7.67509001992935,7.6338947809422,7.25467019107821,6.7532404128108,6.73211492151755 +Gm4459,2.98326388098785,2.36671956738879,2.76013573443517,2.51252023395529,2.72313598657213,2.25394027306562,2.29376968880297,2.69947055215699,2.59900743949696,2.86377757376418,2.38857228948141,2.70064670368596,3.0058009546186,2.399816726767,3.07848074268902,2.28018859765073,2.66138343139865,2.85763428656649,2.32548211138196,2.80187518044174,2.14352556843621,2.99888775854837,2.46240744040655,2.57328336346058 +Gm13312,1.60515031678084,2.07975856528192,1.26272431416771,1.70098378235346,3.52179721866926,3.7363350984922,3.26371689734119,2.24817903238926,0.534041902641386,2.02387421625059,3.55777152807025,2.82817700310339,0.656774381159686,1.61458657886992,-1.25981271041312,1.72417434537952,3.4674577466486,2.38428080049133,3.30641557515777,0.672319161648211,0.337842897707739,0.723987126139172,2.93871212459304,2.73814383251954 +Gm10169,2.41508027801733,2.04738395484438,2.68470911737003,2.47155078482998,1.82280245221739,2.47536522166387,1.80536647963178,2.40049033542769,2.26225136964641,1.07447768651504,2.3250932965658,2.31200425011531,3.22408495630524,2.91536646500291,3.03529738694397,3.26699067581303,3.30458822593875,3.14264729342173,2.77554165392805,2.89737479681168,3.09767217798076,3.05876413773187,2.80150366725799,2.95279789784018 +Gm6829,2.34214352573711,2.16535966413249,1.63505736249232,1.90690388728761,1.92910929805594,1.43126800878128,1.69291074907571,2.67911824642702,1.68172014458857,1.40050668521462,1.67440376870292,2.24582815237884,2.709593309713,2.40069272868153,2.42207579163108,2.49450141709958,2.17469835125728,1.21225378178145,2.5575411761181,2.79374305513563,2.21675908512446,2.18090518353923,1.94585506554396,2.49521324361685 +Zfp133-ps,-2.40528894446914,-1.41538035475748,-1.25737004302656,-1.5934717783157,-2.01062308095703,-2.4159430724279,-1.62237014898248,-1.72012719125227,-1.76253497546367,-1.21836529273157,-1.9512959375381,-2.09339834123298,-1.31349286578593,-1.77975008384524,-1.86869030246036,-2.0334824592857,-2.13351305992103,-1.98809793225179,-2.40170493028747,-2.09730704712421,-1.95897981897626,-1.99608187837471,-2.30303959960845,-2.27945135728684 +Gm12989,2.86662989090514,2.17516317822697,2.80827042486758,2.90530631752292,2.51421206874614,2.57869927979554,2.73881830299596,2.7376574545935,3.0457746285659,2.50948573847805,2.35978782545724,2.42746131401456,2.93628090938584,2.44721840453482,2.5369515374748,2.44667812926691,2.48956786330331,2.83171893714073,2.42689611083027,2.38245817388458,2.63238500111927,2.31807957880344,2.11903743463736,2.18545506804446 +Gm12892,1.24823968745403,0.715034206376591,1.09746322033479,0.687161456585537,1.51321814585895,0.139057699515558,0.896425270671369,0.537330151035625,0.364129610020718,0.57414428532909,0.10889082796015,0.575289919951606,3.30420915528107,3.06339127011725,3.12893361110467,3.38027399120429,4.17511051294788,3.83863790934748,3.80747480981745,2.58592571777975,3.10445880274754,3.10726505277401,3.42595993003597,3.17380014604502 +Gm9575,-0.528243924984489,-0.565578854227363,0.191083530421407,0.396597825424077,-0.170224788353513,-0.615733793807547,0.369065970809659,-0.527582088241991,0.059104865110697,-1.22583335586723,0.0739105918044047,-0.304060178986839,0.154908213448755,0.184625887015952,0.112411286540419,-0.0481228809415235,0.099492355596122,0.333138600452593,-0.283184433083586,0.173275806027285,-0.307572796442223,0.10558716532586,-0.172339884441387,-0.494793850138396 +1700045I19Rik,4.43823374754406,4.46072580275301,4.025840434405,4.26569580423367,4.34442688439689,4.33787937314579,4.4915745348207,4.39155154298944,4.76897228069034,4.19093967924149,4.27355382102282,4.10556471761354,2.5783885682259,3.09225001687583,2.12927287707001,3.03177834696742,2.62647670107765,2.34760324635945,2.40632508476729,2.62068851582535,3.18764212106201,2.59538669314035,3.00223064579403,2.23240687266108 +Gm13123,1.9545289018637,2.06501704751214,1.31106981145913,1.6226554216685,2.09012398258076,1.98020855333774,1.24224934006614,2.04497303872867,1.73262647362035,1.21144796500261,2.03532226613686,1.86846541359427,1.79456888640049,1.79844981529569,1.97141438262151,1.52646314710349,1.72403694224772,1.77756434043766,1.16124130690148,1.81328325372422,1.13685294354285,0.814980253220295,2.44479089858193,1.9657081459191 +Gm13436,5.48900233290509,4.82395664194791,5.79292870537849,5.40078740279195,5.30582034613091,5.42172009320714,5.15930545313001,5.37347685985379,5.67090942156048,5.34596408130579,5.12907485944936,5.21645778767476,4.81275840724801,4.51503399653521,4.77052549727076,4.42528606213724,4.6083680361036,4.80271036893893,4.51405089636067,4.52459913523779,4.69152541100756,4.7791214116671,4.79745700653999,4.42293243488187 +Gm6039,0.669737600637119,0.369500380912712,-0.160801920727454,0.42664482569009,0.74492610837055,0.0137366487230139,0.399282408175638,0.489507983894552,0.456365615299994,0.279495943427986,-0.357664070330208,0.372745858197288,0.355053587328949,0.191060343974754,-0.235150787359151,-0.0919735064345787,0.198720221370983,0.129136008957342,0.204156193503987,0.373606291736986,0.420899801904681,-0.530217620989914,-0.33714855233824,-0.395565984363535 +Gm14824,0.0545122483727135,0.554332385255093,-0.0585490847220356,-0.0955342069043338,1.68291245463372,1.77562200036802,0.846758343894288,0.913078450800254,0.311851367643445,0.628441661246783,1.45231596238103,1.28545910983844,-0.506917971626227,0.219652640158837,-0.123603306035197,0.12906877022213,2.18110065358794,1.19455803668183,0.719528424355743,-1.276610483842,-0.32349176673305,-0.931927246091686,1.27571072023338,0.661998862570322 +Rps15a-ps4,5.7647664172991,5.07827956979613,5.82062045998053,5.75975909171053,5.18095725630246,5.06256155348879,5.22424432949012,5.7200389784241,5.80799655341682,5.75485062091939,5.12126986783843,5.5833152064395,4.40343824033253,4.50750620042997,4.89500128254488,4.52073914374118,3.91610447124598,4.36578223633014,3.78475463819509,5.07766205708012,4.74977578454875,4.53833726063706,3.77370607819446,4.01729792018601 +Gm13394,4.52836340912109,3.43164640732137,4.08557471180245,3.56864449291502,3.74999146774341,3.79063781177117,3.52096150572155,4.21966550549326,4.10002853197993,3.70007925046543,3.70658904553797,3.8673779902614,4.91841418245289,3.52509743799631,4.02525916401301,3.74968516854011,3.70483653709174,4.38441252912803,4.52002338376833,4.15733889458504,3.93674119294675,4.12227946148083,4.06883785053555,3.99337977767003 +Gm7180,0.723267378444275,1.29617710447245,0.238146484662392,1.20779986680447,0.975892299005056,0.920306089503896,0.404995294570687,0.706442149583707,1.35799861280909,1.88524534529781,0.644631282840773,0.506108656229396,1.73426837613268,1.56875111673321,1.49653651625768,1.79822343496559,2.16024378414303,1.29692196459506,1.24223421784376,2.21800411051744,1.78838286701873,2.04132996375989,1.79841651372139,1.73348287172307 +Gm14584,3.23172964921236,2.71728913429611,3.06354722937668,2.99086532740628,3.0462350575345,3.09274437859225,2.81275347973917,2.90881751114005,2.48077117934908,2.70806377217419,2.96300089483731,2.78069558495491,2.64163093546244,2.11227096808115,2.48567010437164,2.4049843416197,2.21659858872575,2.36679094274986,2.19258026712569,2.73811054705237,1.76593672463115,2.9963259884385,2.01762259773365,2.56017540447793 +Gm15712,0.208951333281443,1.06215860447151,-0.0480152236786835,0.390244244507063,2.1359662598183,2.55486791209897,1.66583614047743,1.0523637315924,0.50021529645891,0.561609931585316,1.8262245250773,1.4781102352474,-0.456069674892417,-0.0168177632373554,-0.580855399867504,-0.520336103183479,1.04693037435442,0.545153163276225,1.58910275382287,-1.143100432317,0.145978957263733,-0.778621914277539,1.95023379867293,0.561372204829444 +Gm2199,1.63914154671034,1.03620097758039,1.22407880553532,0.870201646601299,1.13079776654361,0.151631635610352,0.600789683488759,0.759502422034372,1.32868613750168,1.25368292263846,0.77555554773787,0.807377316978116,1.88091245662688,1.32219515052224,1.67806377756192,1.66020066714052,0.807811685347569,1.59815246081146,0.93107672914883,1.69262473576752,2.09881582125716,1.7195865331489,1.56128269048936,2.01845088550975 +Gm15459,5.5708987239641,5.45687501203689,5.18938343316099,5.32936020458864,6.1072663383019,5.67877193898742,5.72893145770485,5.4167687520156,5.52955838703075,5.19915843320358,5.978715157821,6.46882095147796,5.48364039074502,5.34358496129255,5.00013215167343,5.60403243992805,6.38207822495467,5.97207844127583,5.69031417554523,5.7192250913822,5.4757953919291,5.16543499385903,6.35593261391461,6.45841493508377 +2210015D19Rik,1.35227053040154,1.10002708278258,1.52639860653589,1.72117407302853,1.2164302716587,1.26153718146108,1.48757913986037,1.30424484585623,0.991208216739392,1.14999629600683,1.45409728949442,1.37221364522969,1.74957101746618,1.83729155502251,1.40577616510718,1.77439824945614,1.74819458790395,1.53156091173377,1.83053402706981,2.00739407544005,1.78232907027525,1.76771446858971,1.85588615690682,1.66016604000515 +Gm15118,3.10353558051258,2.62386836963634,2.98567520699939,2.72742350926509,2.13177167993925,2.02185625069623,2.40809684732498,2.57910831127376,2.98931615144524,3.12234652644974,2.8689191358777,2.28554308577129,3.78025426854806,3.22215810137072,3.47161483570581,3.41133183258024,2.8858355988615,3.28871633564455,2.76603520904683,3.39182384417707,3.36560570558443,3.58948294273582,2.77634913691619,3.16812510948683 +Gm14038,0.398879766291404,0.992597658528759,1.01395161023958,1.22140851451374,0.698206215277102,0.154215354258238,0.495887481589486,0.610740570314093,0.680002976413909,0.649029144165855,0.297842210331223,0.264185046118056,0.20906245025754,0.275996981232211,0.297380044181765,1.42977869080926,0.605307213076107,0.49962435290611,0.269828699857243,0.465278275369478,0.397341444240623,1.05492855459255,0.262860734563746,0.0254384497876811 +Gm1848,1.38971976700593,0.77151549514456,1.69328963842409,0.584906039347055,0.974138156353762,-0.216819815513842,1.25914242039413,1.60158057102862,1.52612307987777,1.11082677102153,1.41290061916594,1.03474939468227,1.7617366272944,1.5292387730908,2.09498313855915,1.52484447416967,1.53734995668561,1.4194713812994,0.478046969176259,2.09418769666514,1.58105147001302,1.48248040749772,1.70706331692549,1.01627845050221 +Gm12346,4.32005777122898,3.94478288566657,3.4544922554848,3.8766703298694,4.21920085067238,3.92503202399747,4.11999654712747,3.73054546469078,3.9531034184188,3.62287438169561,4.63838167188529,4.65457311712665,4.33659244438649,4.48604064350486,3.94763935257404,4.34038777425606,4.93270713981808,4.77892583546094,4.42120899645793,5.18759154019922,4.03510586598784,4.18875630362297,5.17513341652844,5.0722609872125 +Gm15975,0.719190785440808,0.83180649841727,1.21907447853578,0.785135124978374,1.57055878562604,1.39115301151144,1.14184793427367,1.49310723789573,1.20243741389196,1.10713579514286,0.900265025525777,1.34691379555785,0.808766531457801,0.57232344151926,0.593926013567691,1.03679633097318,0.644382186038534,1.27061812707736,0.340016400944038,0.2039377922139,0.749379434004949,0.712130017603995,1.26295723974327,0.604442682224303 +Rps18-ps1,3.29854899370143,1.96534010366718,3.45044017895499,3.14969677645178,2.0599368926304,2.84574352822714,2.8653780288889,3.23611966790849,3.16463885912199,2.80947068327379,2.46678515407495,2.1685224442901,2.06666917211304,2.4278311029366,2.60720290364871,2.05431960650118,1.06104511434883,2.46797593820286,2.20704392903397,2.56467750893025,1.94884753921197,1.99060304387512,1.59535781845983,1.04979605177211 +Gm11478,6.98315785032115,6.20030382347048,7.22273581155208,6.74656646301236,6.68931109068784,6.76845914319026,6.64939056010632,6.95399531954024,7.01400684468814,7.120140573904,6.73871403805366,6.80034380195634,6.24223506754174,5.85631342090646,6.11581547581934,5.92475899344704,5.63947536355833,6.08245099164538,5.52564036940623,6.25980934713022,6.19129011620531,6.20503787638999,5.74343078906179,5.57655868474252 +Gm14270,3.35809342681621,3.09071690229926,3.25850825984953,2.75831199428967,2.63687076667085,3.04591856581618,2.94062465378536,3.17281009418096,3.23352326437563,3.29771895396439,2.67444950547348,3.11196854706702,3.94706542558104,4.07162993775391,3.82052482110141,3.75777348218279,3.68456800508656,3.69542000184124,3.87613185415568,4.07154831002221,3.99661413902793,3.6914911744339,3.94308991734111,3.87269591917691 +Gm12282,-3.41037657348817,-1.43978305849305,-1.39272579402122,-1.64716851205226,-2.18191723545133,-2.33295018409789,-2.29447794128098,-1.17975393345977,-2.75582712101152,-1.62727647129892,-1.87218995439539,-1.84444696023311,-0.694024958806684,-1.24653686626821,-1.11968895200024,-0.821021279287562,-0.481889195626054,0.0655264349068982,-0.395158140435043,-0.763838493779748,-1.57811634118926,-1.4735131660888,-1.08192809096957,-1.08706087842978 +Gm15937,-0.411599006132219,0.464117301346205,-0.282261158835967,-0.0596804440605194,0.242880159045171,0.500468871565187,0.48571088966193,0.347526663897668,-0.0967220855537916,-0.116332856130188,0.098882574852566,0.676974919166816,-0.222192612468568,-1.1058874939296,-0.354986449012715,-1.49172510942535,0.216137274448392,-0.991973015535228,-0.699114683602357,-1.57745813084786,-0.190927877589952,-0.361280467248543,0.448277828959807,0.466002560858082 +Gm14269,3.53122382955545,3.8349319398739,3.74193278286785,3.67498344121124,3.20346171154499,3.47251951308809,3.61480022471022,3.58906511325241,3.66289517811773,3.95001479708209,3.88890037625176,3.83845730451856,3.91728881452341,3.73746340613707,3.58188632357841,4.08908761694719,3.9918569709123,4.0277186005213,3.40951417433492,4.3711853305927,4.14665685978171,4.20872667417828,3.76814079648156,3.91643952580811 +Gm12057,1.95099462140264,2.15127155518754,2.13218034601418,1.9410054655968,1.66159387493688,1.54861096364661,1.66519816918384,1.64483885581601,2.06786026421527,1.85588369513169,1.64496655723527,1.70921383085351,2.38556809962558,2.19333683025858,2.31436617538076,2.19789592186367,1.84265373383892,2.3289894047753,1.80236526445883,2.30804731082968,2.20092329078014,2.08746761607447,1.79516218919559,2.06645998337838 +Gm16418,3.80866759171368,2.66200067946426,3.25390782379092,3.77466551254417,3.34112541297284,3.43089091489782,3.58527432539584,4.01500256697762,3.62874829498075,3.73252443440169,3.12919250235257,3.87473788573248,4.72271758963677,3.85232893146451,4.21799840268569,3.28076245866975,3.3309721345907,4.310146491264,4.1979188203779,3.8677436365794,4.11115076012779,4.25362488348564,4.30248560392991,3.90939886399454 +Gm13961,-1.83650131191311,-1.48596569987698,-1.54861798901841,-2.62734845218623,-1.5387729347445,-1.91892929942276,-2.25119546019809,-1.16910123492522,-1.54523734873564,-2.06641585735338,-1.59199978639051,-1.91826592561621,-0.775905551651671,-1.19067400710343,-0.873848023092714,-0.994240345120535,-1.393720255153,-1.41190259716695,-1.42298104767866,-1.21341424588255,-1.42918044506945,-1.46530015165478,-1.12903387111102,-0.893126948814785 +Gm12929,1.9379550009188,2.20303116730193,2.66680049103635,1.34108628027464,2.56226658746355,2.23938273752091,2.08313415776481,2.4561060835516,2.51521934935034,1.62258100982554,1.39866684870293,2.2795984584172,1.51672125348716,1.36495423831161,1.38392741694301,2.36528848939867,2.57038160459476,2.09452866667057,1.7136677729345,2.12993721077012,2.84547878862555,1.86181750143657,2.34802811782642,1.78386295450914 +Gm6136,6.02134200337184,5.55582910102042,6.2275993236544,6.09524535235694,5.66761473445414,5.70382287207257,5.56324692034029,5.95376960526846,6.08745428330936,6.15809148292933,5.57145283347311,5.8181050708069,5.40610781886561,5.07547904823883,5.48917632086177,5.12902962958174,4.59720958816807,5.09386480705515,4.78712069797865,5.5141661795638,5.39115250252264,5.18305169802376,4.72059950420299,4.87913017017603 +Esrp2,0.707820917824304,1.20284578255564,0.521138349405157,0.897496689363223,0.94356633225848,0.906155140168706,1.1042257281633,1.00625617974788,0.72659866126515,0.448428665447345,0.795315684911527,0.990334210786508,1.00913509058692,1.88080966101371,1.06119194994909,1.39849378942817,1.53383629379555,1.40196671784377,2.06146506824174,1.17063386611566,1.14881194410739,1.23896559113153,1.6317790727912,1.76933001769379 +Rpl3-ps2,0.223783755179434,0.937476048540883,0.675619434741049,1.91200243585683,-0.552029720832404,0.603190723528031,1.15246933310235,-0.126018006076388,0.429588272703907,2.12516378718884,-0.449896757951407,0.76532008144823,0.296295752517384,0.495411614379252,-0.330243828796357,1.66989371301894,-0.0800852002537302,0.474526139521221,1.20496248137083,-0.335891073395397,1.18382494020511,1.69579505469949,-0.447660444646147,-0.0580330345902903 +Gm12263,1.22164062921673,1.55899005026072,1.27281036239426,1.62422540980668,1.36381356602178,1.27673567408529,1.27530601524996,1.31312322363922,1.5286975395754,1.55392870274698,1.37316850795085,1.15903341545183,1.25744853084513,1.28341682707102,1.70169862279385,1.23816658219492,0.902331860906518,1.40518960427853,1.77245844412021,0.873698120038224,1.76172674386493,1.00500514118951,1.3091419214392,1.49895294936116 +Gm15644,-0.113661558079529,-0.449655162606891,0.047075008354333,-0.481769875205123,0.930372306893275,0.59049631260091,-0.490928006039623,0.537577979965796,-0.125923680414235,-0.991816321903253,-0.459859384152773,-0.0547427563284599,2.60525664989826,1.56191816311891,0.997880526488764,1.44070278770832,3.40710570311134,3.08575074886175,3.30227004988906,0.709932152141662,1.34533015550955,1.31282510307909,3.65193522906923,2.14010813118571 +Gm12696,2.74463133651116,2.46248592261564,2.37966922305307,1.91515537556048,2.43679380347075,2.45120432032055,1.98686176558523,2.63199988110259,2.00625670243609,1.64981288742318,2.85083631234021,2.41374181971922,2.54216633688013,2.27025918951008,2.19575288967574,2.22455355261768,2.68559667422167,2.46333246124338,2.27616691737852,2.59177695968399,1.75457563082266,2.22138092568892,2.36617794766407,2.3520533865302 +Sycn,0.112806045846061,2.99981984108411,3.48788588873127,1.59282368789951,2.42909118957047,2.52349872947873,2.09251031597352,2.79510298843342,2.08016890277682,3.08586912243471,1.85630325413607,0.702724666428546,-0.88019187622908,2.83941248314722,3.37643714445826,0.533056061977168,1.91621353987713,2.92997241146056,1.5810326813094,2.59836302238957,0.303790337838471,2.50691399044352,2.51123151324976,2.01136360903987 +Gm12009,0.595694376055735,0.631124819406223,1.37985268899931,1.23430819143258,0.496559191006206,0.0827350325902376,0.0814760369933589,0.514534181957686,0.829798075249606,1.04708914087556,0.744738499225113,0.0933687509558815,0.884580169465252,0.789258016599178,0.396063723452707,0.883066705017229,0.476013346436145,0.31356058009477,0.49777256671864,0.82471487198936,0.91060247960759,0.651790367628421,0.850280316427092,0.538699485154648 +Gm14388,2.27872620850783,2.17058825828635,3.02727733910396,2.69233453863233,2.07108910234099,2.1623449349356,2.6242343750999,2.62775925860544,2.61168032290081,2.83629683734207,1.03220285321373,1.98288843389153,2.60148588730611,1.37525393056949,2.693637500501,2.5963317540402,1.85097919347109,2.87478699692076,1.04926160462674,2.50918239633855,1.97146546632098,2.54437101902967,2.25774793408168,2.3027876185624 +4933405O20Rik,-1.15341291505794,-0.613810813431039,-1.28894998746964,-1.8177948710291,0.488747642417231,0.838549446068842,0.148781629221421,0.301696478472997,-0.924609663872811,-2.32784131772723,1.04562201950771,0.878765166965124,0.383780897472014,0.44738335107514,-0.752033533627636,-0.514996424965425,1.59953339901367,0.87626097855989,2.04937549335201,-1.68330442671531,-0.506890896789883,-1.75005644068147,1.70055027862141,1.39503662691206 +Gm15421,5.66563347812982,5.26794625582663,6.04030606651585,5.92801923817028,5.24442294147682,4.9825809462746,5.32794057390778,5.8636310410594,6.08487902196054,6.11169538951349,5.45167816529105,5.59153891162213,5.54781130421009,5.12676285868784,5.34285647998411,5.37685970093374,5.03389367168581,5.50354249155761,4.62100669105155,5.66557282298558,5.23080568134812,4.83767177209539,4.9596981625755,5.18865761595426 +Gm12844,3.56350121514114,3.14984042135216,3.16575058230996,3.23415857056708,3.46759132019034,3.79065684726444,2.9941841610294,3.40399634583167,3.35537313070986,2.77131714447347,3.34685807921554,3.27232277565258,3.87036129068953,3.33736569558401,3.57605297095298,3.1273232976527,3.50017234811693,3.69720286276693,3.53821660342129,3.65255903111237,3.32049924619475,3.50701351350612,3.55741883798392,3.31892864501302 +Gm6142,3.06633510829512,1.84928353337057,3.41989799328102,3.16650344270537,3.0208191342109,3.57822808635302,3.1777839231896,3.39003263011372,3.41878392261752,3.74296252713699,3.52921951349386,3.13974488937727,2.92185150261452,3.17917094195699,3.24718704859069,2.45674254265682,2.988420010836,3.29006703373102,2.70509836453196,3.06273194442824,3.03256434122604,2.48865747937311,2.74704854866839,3.35488675608108 +Gm11743,-0.66857049434244,-1.44231600892828,-1.51975844719618,-1.51457844924737,0.391461990123364,-0.45927091919316,-0.0737251597405361,-0.3221206875703,-1.05541334168636,-1.18814334577676,-0.594463082433026,-0.80136339762814,-2.07902447306486,-2.17500209305401,-2.57595410934394,-3.15634651322447,-1.17781025077768,-0.58844755543119,-0.386989171531994,-3.15634651322447,-2.14681622837375,-2.16712638446224,-1.81618354953479,-1.24041113996062 +Tpt1-ps3,7.92835554232571,7.14344486161049,8.02506745174069,7.46560262899803,7.53405822346183,7.75743629918001,7.57827169397283,7.77209405226875,7.73067718774756,7.55345870398768,7.53974351262452,7.67004071431231,7.48548409340614,6.90595151844548,7.28801152160202,6.97250474465051,6.98920854525431,7.3976145858136,7.02583349241509,7.55509539549502,7.18927201941569,6.98357306773591,6.94002198516411,7.03532194225567 +Gm6733,2.22896530445629,2.01119804185118,2.18187546563431,2.19272991758517,2.23879956048042,2.51375565245201,2.34076137037878,2.16973868467041,1.67161180575598,1.90399297070087,2.30363299170684,2.31274105591792,3.65426939259388,3.26764778217605,3.29120093422402,2.89240992314734,3.39698676584377,3.69827539727927,3.54339446838797,3.44502960585097,2.91589640509507,3.07697939075692,3.65231347406531,3.70405983714589 +Gm11224,0.266233914393029,-0.0377899070389296,-0.45531888825155,-0.245175360598144,-0.424120115965813,-0.930957032643772,0.254636051600266,0.803103399264365,-0.41233649560983,-0.225283319844801,0.429401915849377,-0.293384917620514,0.707968192647437,0.976041518633751,0.644436090494937,0.0780957717257787,0.162931313496853,0.18209387881302,1.00683501101908,0.333847613666301,0.20326153837532,0.789196287061277,0.212819725421376,0.61865478594103 +Akt2-ps,2.62188498205106,2.60327425396787,2.76369752438633,2.39515882776357,2.46071942095643,2.30911591421811,2.58198195392971,2.85376538563979,2.80377566584118,2.52139092752741,2.49659762918506,2.38736380786628,3.13445697458703,3.25632167379623,3.29941770929425,2.76569564401794,3.00605397772764,3.18720171498681,3.15146386348213,3.44302014616289,2.91660534473825,3.15902924127682,2.99126073829049,2.9229871798935 +Rpl3-ps1,6.68481146160308,6.45985094172571,7.22566327165941,6.85398201380168,6.45450100996937,6.36849623486665,6.04974952492696,6.82223545419702,7.00370127889068,6.96514455469117,6.5806276267048,6.38847835486131,6.36811408498231,6.0774512828551,6.56928417959621,6.22060945131049,5.99246090651074,6.29392305391794,5.95554181283439,6.56867566101536,6.51083501388322,6.3029046386377,6.0123057323313,5.94868697523294 +Znf41-ps,-1.51052980616442,-0.937620080136249,-1.40226072872277,-1.64358232470675,-0.636765200797523,-1.3134910951048,-2.22062897475073,-1.52735503502499,-1.83838415292008,-1.66403559852689,-1.18363077953866,-1.15373213387828,-0.694763741442685,0.0879088448759053,-1.18405060802545,-0.5379972266601,-0.134849135104682,-0.610702073028872,-0.744743627162315,-0.22964811840307,0.192765446245041,-0.192467220848806,-0.518039044783904,-1.04909252855036 +Gm12251,3.30538423734848,2.7724266314343,3.19396389431002,3.13047755198239,2.6237567352696,2.98807609168999,2.89892767024238,2.61657400037422,3.21790792087033,2.97271117413422,2.78714662255281,3.0732438061139,3.26598265326665,3.0416337188247,3.14601156387024,3.01592848211062,2.9417777626974,3.05120104852519,3.0391370189084,2.89025322441723,3.19750359187634,3.03602548074217,3.22784685249588,3.1812206646641 +Rpl10a-ps1,6.99085903964761,6.62858805197953,7.43378259582436,7.11155447107684,6.77040455911791,6.84532775034851,6.54492368952606,7.19357511073281,7.19735189486669,7.09147843773857,6.72848591025428,6.86320381678608,6.5301794185613,6.16813230341974,6.38515379226919,6.2463957987251,5.86976277542224,6.40993245141968,6.0303380954282,6.51748896745399,6.4177992776769,6.21060373010318,6.1499077269895,6.00359141271939 +Mir1906-1,4.2280873921304,5.11314827902715,3.51242337660562,4.39242911035218,6.44734009100538,6.54535868109184,6.66366958086161,3.67337545356798,4.55086518574422,3.83203437545449,6.73548074628017,5.83141784100707,4.41515529685237,4.64082633926522,4.07801920595561,4.37668687866829,6.40431861288352,6.16417272111879,7.0201962266151,3.74342354201041,4.20581529940396,4.26352737398737,6.42036608600484,6.33440788212591 +SNORD113,5.32531582893882,5.76051076165135,5.05040118346275,5.12814263421565,5.99482090313021,5.2980994872157,5.69349095638621,5.17469057205568,4.94237855731328,5.35506330858644,5.66406205578072,5.31872800655078,5.39370775473265,4.53151095500598,4.90592928751569,5.0885056663985,6.14864323825163,5.87783041241362,5.24106182199757,4.63501469990322,5.50027030398042,4.83469161373799,5.8500558044776,5.62381087952837 +SNORA48,3.45649569106407,4.35481017617478,2.66442647005067,4.02259302598775,4.62069943229123,4.33762785140234,4.39124495785862,2.68943315564001,4.12662681875059,4.78626748593944,4.187720903156,4.48311091630577,4.27454777460125,3.40164113089795,4.2796282456202,4.79048072377703,4.69264601908585,4.14040128017436,4.92801589790678,4.76716149842505,4.73788048235073,4.36840987205304,5.21849092086736,5.03722034580744 +Mir1894,3.95318476545077,4.14934224937682,3.12712172148841,3.65435464719671,4.97490505617147,4.4309141951526,4.34714478484046,4.19114188865035,3.2200721802738,3.81411246745723,4.57454105122559,4.73193934739341,3.70825271111885,4.13892272063958,3.5754588745747,3.51851759373745,3.82561750311733,4.18531285276265,4.03388077304901,4.32146866840181,3.73951744599746,3.41764475567491,4.75149445369958,3.37832417924941 +A230072E10Rik,-1.43934342064645,-1.63609401953051,-1.97555769279223,-1.83466070275677,-1.60972275710796,-1.45090304599247,-1.53119241892163,-1.83337836754061,-1.94623985384631,-2.23380172169035,-0.952750291001468,-1.7663030048171,-1.50042046696668,-1.78931158743396,-1.62246330975141,-1.64565242159146,-0.47516932960856,-1.23136230375379,-0.618799992935479,-1.79532597139792,-0.917160993196456,-1.21519218238102,-0.949974064297975,-1.04959782543383 +Ubl5,4.1752353657874,3.74050967727357,4.05797249068614,3.94090395987041,3.43029914833758,3.44415544270682,3.79127510389993,4.09596785236498,4.05523271034166,3.93651181425515,3.61659457329269,3.92323191393054,4.111023348318,3.91297630064523,4.02307135969138,3.97043004119748,3.50942231768026,3.86724213687539,3.35641883522934,4.01001838439281,3.97193935059242,3.98026765887036,3.50759421173597,3.6082921632254 +Gm15879,0.222235980528291,1.52479335695903,-0.223161887141095,0.610256773195762,1.48727703854827,1.1682860428793,1.26540814901915,-0.357211503760172,0.456339679722161,0.673630745348117,1.46199762676375,1.43141756003636,-2.23540456282851,0.0020265195847369,-1.07482870087959,-0.43985366008674,0.625016861171603,-0.0598978154326746,0.572648068508308,-1.17062429565339,-0.271561257724079,-0.305421731374421,0.0607836840517735,0.585077357357372 +1700056N10Rik,0.44281301891535,0.981008110331619,-0.364199229382224,0.184091439891755,1.52410126439074,0.896199616157218,1.13761096586661,0.412075817375558,0.334290185896378,-0.865416553062686,1.12645174887903,0.920746803119091,-0.307667434911504,-0.130187743691844,-0.111214565060441,0.442454209922964,0.459909158400667,0.599386684667114,0.859854101116466,-0.291408738894879,-0.0850035308658085,-0.630219674296626,0.774708086808681,0.798296329130287 +Gm11602,-1.10947810571279,0.307450965094212,-0.0102146240835779,-0.643802336152465,-0.0325055672572681,0.355178769089066,0.347406701483198,-0.716134758050905,-0.107806910557489,-0.60529476059004,0.0007413581966813,-0.363117489129682,-0.359648186734225,0.16316201525439,-0.316621954338947,-0.267217138920214,-0.391592056383837,-0.867444994308027,-0.297508290529546,-1.42800348459713,-0.348063811534275,-0.265023126241675,-0.862465579633963,-0.292722046926999 +5830444B04Rik,-0.77785593193998,-0.172836448076196,-0.913293280687867,-1.32761672517615,-0.941272777469719,-0.8802730273704,-0.562183628761828,-0.126021322272115,-1.1433496377658,-2.46308470973572,-0.931917835540651,-0.864941120514765,-0.504345288229181,0.104357773439459,-1.6028352493208,-1.40672593915622,-1.0132806961402,-0.553309632583385,-0.115324129467766,-0.0900990292606796,-0.858413562101221,-3.0809213172378,-0.84768767407744,-0.769424158329755 +9430091E24Rik,-1.01771543173892,-0.390023661324766,-0.716576887389196,-0.40395948832067,-0.549643796815138,-0.456106434010137,-0.605795183636132,-0.927271294873947,-0.486689943676083,-0.889586446802804,-0.256742301001768,-0.622168438323478,-1.37291038016879,-0.487338308604411,-1.23505158112213,-1.11372038836922,-1.08810076639963,-0.545116908629797,-0.523821358236795,-0.761762518684995,-1.59385419917745,-1.00791945049149,-0.697656199677881,-0.215576174944962 +Gm5526,2.95572165808336,2.40419427280745,2.16267826087118,2.71814555449205,2.37554324956405,2.62576239076698,2.52128992715936,2.97714785717155,2.15806950021883,2.53936641095572,2.42604699490007,2.40758675628815,2.49518085428438,2.59453051617271,2.66554108452626,2.23789865548645,2.13786805485112,2.3509459269531,2.93113842215881,2.79006506431707,2.8337312646718,2.65818598848476,2.92931867615731,2.4943613647157 +Gm14539,6.34442641140191,5.88934671042268,6.43169434107929,6.17868312936288,5.60419816757582,5.68746483240378,5.80381279098102,6.35746934526986,6.47268149616306,5.97758929482493,5.9168833399558,6.21931634813561,6.7777399690334,5.97022730140521,6.17850416812982,5.86881698813472,5.86350202862444,6.62428879184657,5.51965260379233,6.37225250459568,6.10965777796163,6.0579959860351,6.06134685825833,6.20310033604163 +Gm10241,2.56998315735732,2.07533665499012,2.27543736742072,2.22628171417214,1.86990956181861,2.25816713609793,1.91508602584059,2.34760358840365,2.62140035980221,2.30681776262305,1.7391412015862,2.01637291372029,2.90235182263495,1.96912267588394,2.63394924244196,2.08922549302596,1.82960036527996,1.94169930586583,1.65866929370151,2.45644890009227,2.75317705117024,2.40778286508272,1.88536961218275,1.87616220359503 +Gm14097,2.16188508139998,1.696323507048,1.1509864797072,1.81905583144991,1.98386595544458,1.07902067886595,1.52230031414227,1.58974784183912,2.39703492399215,2.19416231703405,2.07804242468717,1.65114348607131,3.66029903701327,2.46162134557615,2.57184315323797,2.65473194046857,2.76756503292105,3.14900914486814,3.05530653325176,2.63212459703764,3.03960523712781,2.06212484595375,2.82452202278541,2.72928710287399 +Tmem240,-0.975675202895889,-0.592621878004455,-0.165904076616648,-0.466365817185129,-0.601871948629294,-1.02084741389,-0.946982572055778,-0.774458515866223,-0.69940965794107,-0.4056702175797,-1.11974805452143,-0.698236830475397,-1.88703509323713,-0.952640733177418,-2.02893625116722,-1.62784510143755,-1.32712048689912,-2.39643855744655,-0.866121820419193,-1.20806442588569,-2.48736364035623,-1.38473857264325,-1.54947397366746,-1.10163217312975 +A730011C13Rik,-0.995590370149119,-0.383985699271443,-1.95071464608298,-0.40813807560404,0.443463001990313,0.656857744231546,0.936226895643043,-2.05790841024222,-1.12170218179424,-0.0412991970648438,0.869292496972135,-0.119886796074393,-1.90013843646051,-0.812078043308902,-2.59416329770821,-0.722698493909698,-0.028617346602348,-2.52005366991266,0.37108558523857,-2.15985089616875,-1.11230869747034,-0.905153319696235,0.141096013637526,0.30682819345742 +A930006K02Rik,0.380226998352657,0.59366659909926,1.07184749648969,0.394291807894204,0.502701152119741,0.323208262923823,0.93828884226726,1.68157851882327,1.14416515266232,-0.0273362404982656,0.769265059137478,0.892470022856203,-0.918217367786364,0.145260607066779,-0.0058425595539533,0.595826030927743,0.152120737408437,0.572359549847306,-0.0287321993174451,0.465438794710645,-0.174588987008625,0.309102017036369,-0.655376444256296,0.587606829478264 +Gm14872,-0.58581037419705,-0.954691591629409,-0.331907474925631,-1.3636250550931,-1.00340411085165,-0.638077046061365,-0.453418383404667,-0.841635538056936,-0.9525114015128,-0.737209646571339,-0.784545267234295,-1.02470079000188,-0.159220918348795,-0.385494038750283,-1.26303050684566,0.106658797310393,-0.230633887728338,-0.177219350960282,-0.199620307119395,-0.60938571845353,-0.555621725632909,-0.320165563675212,-0.175481159329638,-0.62948491233049 +Ccdc85c,2.32989181867141,2.32283115601066,2.47641410085621,2.1177904160921,2.09720298085496,2.38027470872369,2.47407166430422,2.2309133819027,2.16063431912951,2.17718262892067,2.33961139471737,1.97181016233197,1.82662830791927,2.16242700390309,1.99579380255521,1.71694115911195,1.53624747352524,2.36608157324426,2.22136839897209,1.59964213469045,1.67121503211614,2.05421496595131,1.87121937752551,1.70745977945293 +3010001F23Rik,-0.450594034202101,-0.640891608697834,-1.00011957849124,-0.26930112297648,0.198167437935777,-0.146142993475228,-0.219955431703105,-0.839167501528876,-1.43624300268856,-0.942111268439931,-0.781489629307135,-0.532358647905206,-1.54293334009231,-1.67006321744178,-3.23009761574306,-1.70152224927387,-0.931075592221587,-0.802026055420584,-0.460740274050592,-1.52834914169815,-1.04537480412332,-0.925456190760725,-1.62488830383193,-1.8164220995267 +Gm11632,1.96620707178359,3.14094615480472,3.06415887569488,2.75827609354948,2.83158296514307,2.51456330086701,2.15600249061458,3.26126101159025,2.9181624622402,2.77347316737716,2.79159402704208,2.4919320156495,1.63331686281463,2.57993893206174,2.34472343513465,2.39333540328639,2.1499607174213,1.50775161310228,2.32091457272379,2.55152153274622,2.28868411461344,2.39261231342021,1.66803764210616,1.99733085935832 +Gm15344,7.13909555028868,7.26687870404492,6.98407879695952,6.80211192533967,6.92391369504404,6.87416854475031,6.86372805232792,7.43154094611874,6.8912163554031,6.92582994751934,7.13421225736832,7.21431826072324,7.74885127081384,7.43153532510896,7.19068588523558,7.32293011825143,7.42585891226276,7.61727855549933,7.50092934706721,7.60999384595946,7.34876910230136,7.21404377400425,7.54322922016906,7.69660180815554 +Gm281,-2.32369859476602,-1.67579609500722,-3.7438014332944,-3.23375498659627,-3.19290474387098,-3.16016325729,-1.77826009008658,-2.78527564283442,-3.24684475229767,-3.7438014332944,-3.7438014332944,-3.7438014332944,1.4901562043191,1.8776077313386,2.13749462362343,0.856018190572552,0.688256852801524,1.57407801247989,1.59827967023491,2.17989839218634,1.90417188044526,1.0682125346391,0.606893063290834,0.858970479714192 +C630043F03Rik,0.487771938379796,1.09690912024751,0.665606199466532,1.190124329361,1.05226893722957,0.588809568174864,0.26551438725224,0.548257044728438,0.701056254433844,1.68851838099037,1.64833499286935,0.901801375595819,1.22360388078907,0.405140716134561,0.467105240533974,1.14226225701313,1.0758755326405,0.888417651154579,0.0572230546110932,-0.251887306945502,0.498089851036061,1.1566353246226,1.08119389091,0.937843735123543 +1810062O18Rik,-2.2588619172258,-1.94000963768608,-1.86897379686987,-2.49949790430939,-2.02228630079478,-2.31588065265463,-1.35415049430698,-3.10523402165538,-2.53369515198632,-2.08503928742373,-1.4605408331149,-1.57854352001884,-2.94746404787367,-2.08089383850226,-2.4753894885963,-3.4604315407189,-1.95842734287964,-2.36140523961631,-2.29189469713333,-2.70249645146309,-3.03697271540356,-2.48150699920605,-2.02440139688266,-2.52082757563154 +Gm16035,1.67349854045276,2.25035179210619,1.70150682918072,1.33409793584652,2.27566499102399,1.97222648321871,2.23591937880348,1.56208231333032,1.86756104828444,1.69069137641244,1.97150936107214,2.25372068580022,1.17158576743847,2.21716767345784,0.717553336068175,1.82209802699065,2.55914464664735,2.09399521642181,2.45227612377138,1.45738185546964,1.44438769319941,2.03032244188537,2.51078845735617,2.62198739324485 +Gm11944,0.52319692470595,-0.0974590711011011,0.0645136278635394,0.628919139987848,0.651124550756176,1.35446714901959,0.0781320123678202,0.570044475754001,1.10295543700214,-0.197261241940578,1.26877161860097,0.890620394117298,-1.08814236922868,-0.605430011087,-1.17232499498523,-0.11524826431224,0.716594757290993,-0.763205609424875,-0.431148653572236,-2.16546440938828,0.0192584022314584,-0.181664572835988,0.444762517253483,0.122308551556475 +Gm5577,-1.15184531493655,0.135511421420805,-1.14311193812487,0.197541818731085,0.272725848437973,0.680762925085184,0.567416925388086,-1.06509543634988,-0.189921195397961,-0.514255067609598,0.214645804097601,0.249673864686448,-2.26698592939508,0.254892611873449,-1.30613467918361,-0.687882904975888,0.176010999860194,-0.675515655386671,-0.478112107621347,-1.05783925660196,-0.505791688323004,0.0241691393629306,-0.0673383192953341,-0.110516970269106 +Bbip1,3.49654935752388,3.45887662877155,3.53938545216915,3.47131522865215,2.93417222663681,3.21447726342061,3.26165069929302,3.38978399046896,3.32902932281367,3.31480186148815,3.10229682309186,3.2293298682644,3.50664276870283,3.34702801628132,3.64532463536443,3.14178618197458,2.91725876696521,3.59376483128242,3.08693142894894,3.56567526921389,3.40854902739034,3.07034611507226,3.06782757118355,3.46098969711332 +Gm12296,-2.78746192464427,-2.52238575826114,-3.42244691458641,-1.7057628174226,-1.9420433270233,-1.44673297968827,-1.65756957273318,-2.40603085707375,-2.38400510544781,-2.88146702001777,-1.5605551429309,-2.30952814044053,-4.23819554861055,-4.35291267680151,-3.85488088301952,-3.60220880676219,-4.34764222477201,-4.58517590963962,-3.30969132544714,-3.95067647779332,-4.31906804662923,-5.07464007479247,-5.05730352779418,-3.36465199089348 +Gm11789,-2.6246030403235,-2.19417709237744,-3.12948928543738,-3.12948928543738,-3.12948928543738,-2.54585110943298,-2.25751223815524,-3.12948928543738,-2.63253260444066,-3.12948928543738,-3.12948928543738,-2.58617131494196,1.44081393753752,1.04446373909693,1.24973211738086,1.31246481490971,0.88797008026673,1.31764320912205,0.98241970675877,1.16232305015847,1.41224987739316,1.27614835668773,1.39129676149507,1.22207457550204 +Gm16352,0.484953154254435,0.367272504450168,0.38274782163619,0.701295821219907,1.41104687874475,1.10070407045701,1.29360216198704,0.878184406097998,0.141450548248927,0.171970819896162,1.24430563034026,0.835671495700135,0.716750481256824,0.982794283781146,0.146244699378217,0.846041929363951,2.28277142470162,1.25876004441147,1.99283647881199,0.610446570188586,0.976871356583273,0.937963316334383,2.36459875913484,1.54945719479643 +Gm16279,-2.27514206768332,-2.63157811341469,-3.58419605443163,-2.34079598962434,-1.73150950672122,-1.41712141658089,-1.87995677791401,-3.69138981859087,-3.60906057930715,-2.44982618863947,-2.19677901339636,-2.8658010048636,-3.53361984480917,-2.92882185587316,-3.23108727206791,-3.40793922769812,-2.54458313981514,-2.52542057449897,-3.48646836464388,-3.28865224839859,-3.39983369952258,-2.07007937866064,-2.28762766670984,-3.30484874719608 +Gm11549,-2.98456783584087,-2.92741040660465,-3.86272259966459,-3.35267615296646,-2.91412778710125,-2.54317916524416,-2.69584404741037,-2.90419680920461,-3.36576591866786,-3.86272259966459,-3.33076566191411,-2.9256490340898,-1.03375884991123,-0.988323310381544,-1.06714873306277,-1.27135716079088,-2.87699621878057,-1.43465103934211,-0.97522746085231,-0.181499882440447,-1.14619139414134,-1.55808117468225,-1.25249567302282,-1.41971693082542 +Gm5860,-0.335038052438793,-0.223176250622289,0.663683388185464,0.144830563237937,-0.724599612468124,-0.80531051972437,-0.791689387137737,-0.0724745393417605,0.288861432612685,-0.3810326132798,-0.945354168290139,-0.525471115521808,2.50674682806231,2.99383660448305,3.44659935020936,2.99204878034227,2.18115500097409,2.27014027937944,2.04202670353771,3.09637502129298,3.19429658158201,3.24277942983968,2.08589761242857,2.40113263560358 +Slc2a4rg-ps,0.652917475885504,2.26544038940722,-0.279304262016335,2.05993495191159,2.49305979434915,2.03858112664209,2.70002643433636,-0.155014873423405,1.00108966251012,1.77834822720961,2.43324453585341,2.21435205847615,-1.35090043816489,0.643921077897412,-1.24597506460428,0.464847374133358,1.28521461900969,0.475659390109444,1.32205411542798,-1.33329407976837,0.606953785963675,0.0449358344322859,1.09454305034433,1.23302042829989 +4933421O10Rik,2.48095491443325,2.66673854288915,2.51911431623954,2.55196580381812,2.53939176072075,2.37039764206468,2.2554791419441,2.5597481568806,2.38115834091668,2.58339316776348,2.66528416585119,2.25393922307572,2.84444680011509,2.74504234357534,2.41594074504811,2.15982915308081,2.56727472348424,2.76785010488014,2.56966244337388,2.63336788435249,2.37187795100151,2.37386378006358,2.5577472461501,2.57805141539411 +Gm15927,-0.605290606396337,-0.124203442707153,-0.289257253935713,-0.620961848674864,0.131397852960125,0.207685655120932,-0.0269510833689832,-0.542282701194138,-0.343876609279446,-0.194999402782253,0.051517145096053,-0.0017210884067258,-1.07147373660873,-1.18873776061719,-1.28218603981163,-1.02722907032647,-0.489539020198809,-1.21045226182198,-0.951189377585598,-1.70312144790413,-1.25215889389011,-0.967843204318092,-0.399410036861045,-1.13166782808715 +Gm15834,-2.25736890763287,-1.66186160260432,-1.56574840949584,-1.67233882116491,-1.55590335522193,-1.54918069166366,-2.26832588067551,-1.53778726838013,-1.87669511975651,-1.08713179888507,-2.44185279986838,-1.74512588312932,-2.71654822235869,-0.967327301822249,-2.83559124511278,-2.20061620431993,-1.95693433328671,-2.20506375360902,-1.86377797223903,-2.70100344187016,-2.2959888365187,-2.6493354773792,-1.43627721884421,-1.25044240822613 +A430071A18Rik,-0.911820038861891,-0.819474323801336,-0.238268779531303,-0.619385355538727,-0.96529103329199,-0.305830255327415,-0.643883240332414,-1.35808536021947,-0.65448091959116,0.0753552266477604,-0.325596231297077,-0.532496546492191,-0.303594723386535,0.470901337822905,1.09962986017683,0.734284886245018,0.174698351257284,-0.0750047078228829,-0.920672453459992,0.855736142518924,0.299344786296106,0.552291883037271,0.461715028509439,1.05949785596579 +4930570G19Rik,0.576776157614033,1.17458930636353,1.06086006467295,0.852388838934282,1.08868207446741,1.09613933205203,0.707272229564996,1.40062589283527,0.793253844908901,1.05841450118953,0.824728946239451,0.699210556891418,0.476754912440839,0.347625040356041,1.0059746413764,0.850735133715631,0.777368772574802,0.346789846487135,0.0700349027792062,1.02952542044947,0.501726806457996,1.21346972178947,0.67192698876474,0.475897991351415 +1700086P04Rik,1.8749181414649,1.67085908727635,2.22273274591728,2.20467329662807,0.853700835514282,1.37686879169341,1.72901791319635,1.67571457703761,2.44028562985262,2.28520934507898,1.05989900312405,1.54947091307337,2.12692722073777,1.83803610027049,1.8605637071647,2.06761707548189,1.18434834064372,1.74928854704354,0.991476726040264,1.99814912153214,1.8915948316514,2.21962160809201,1.51184166356041,2.05357222256064 +Gm13528,0.900552957962337,1.71774423870358,1.99228023917137,1.06002375395075,1.53723535746535,2.09128409853178,1.2897027679917,1.44005460067385,1.99566087945414,1.69585126655617,0.802769018178996,0.995709193104654,0.0022153748953175,0.224405609772434,0.238584803224849,0.0990901175412404,0.490792787827748,0.327152134699119,0.891700543364237,1.38587153739233,0.9391652570067,0.233875884611719,1.11841216210409,1.03869408262859 +Gm12758,-0.0520785700623421,0.0937928761753688,0.458257280490211,0.103695193278419,-0.236936048515234,-0.568908077317055,-0.863426073862402,0.495343081463102,0.113276669316697,0.290745655129697,-0.577528992899959,0.0083966186756563,-0.528229138937158,-0.458366525468046,-0.226740815620833,-0.30742657837278,-1.05680241323292,-0.717234200632107,-0.978166209801002,-0.806741356124279,-0.650700233106917,-0.919371231686592,-0.537008359582012,-0.762229617273244 +A530072M11Rik,-0.129812433631978,0.162948711836754,-0.270854627180321,-0.317606420702484,-0.0394943557109921,-0.218918285077798,-0.240474989451337,0.208140637931921,-0.594738760640119,-0.837401074860277,-0.197680692195997,-0.332820047559677,-0.138461987307376,0.0228111324997351,-0.0580790932351973,0.0270807388034087,0.217223402107561,-0.0349674675256508,0.211161937426084,-0.560141332305544,0.427194879292319,0.388754619797237,0.0352427770746377,-0.0773580189572689 +B930095G15Rik,2.32346207933668,2.58094080874899,2.04007130838065,2.13269162494003,3.36160436776661,3.39174469198174,2.82192202439436,3.13445919557382,2.01928159232749,2.13776884702326,3.28318428732345,2.84993696601212,1.30352114966053,1.80697379478468,1.09817829511714,1.33468254662393,2.57187686510211,1.72884393386457,2.40621839514982,1.23058644112027,1.36559561900876,1.11362125985212,2.33688009324317,2.05936330313128 +Mir22hg,2.10326471693407,2.31952089819487,1.194025629658,1.9222314240588,1.98467135153295,1.900064710005,2.30135869925485,1.10600467913851,2.07687485469425,1.82305105868381,1.55698210817044,1.24345285212439,2.48618151732223,1.72414931455493,2.3392115132038,2.24502800065281,2.0415279850421,2.12657811805077,2.2479184668258,1.41397503243887,2.53332325680778,2.01322772699054,2.13343107246693,2.01027027917286 +1110018N20Rik,2.24066379869016,2.38618447443819,2.65359888281236,2.50489936433493,2.23892688750185,2.36587756707656,2.39671074674104,2.44609700420286,2.54526773043035,2.19623034253408,2.50947249416821,2.22961606385698,2.18804367515896,2.78581173474826,2.79900282224012,2.84059570101939,2.71030459103633,2.59385151437204,2.6122583355518,2.53844327423409,2.91147266871162,2.84184525308914,2.45444807188413,2.47410690356222 +C130046K22Rik,-0.420296465341875,0.301752876392669,-1.01137126402922,0.217831712262981,1.10434189933077,-0.0532440362634126,-0.0847212510789905,-0.302528144701914,-0.0947138453695422,1.61094195941688,0.616646128189087,0.169622155240611,0.533622344415172,1.23790979648323,0.397925563662331,0.814341623914762,0.0973975510675973,1.06544281724894,1.60921477686017,0.080478675096919,0.666268611236444,-0.258332260304828,0.976253513332976,1.08166185880215 +Gm11974,1.67951025956701,2.06795812263046,1.26812561684093,2.45608635762825,2.37951802844195,1.89265993491392,2.51861917082227,1.43812321517767,2.15117248375095,2.10907902809142,2.57371967819593,2.0715218640768,2.09633116824333,1.88784367197971,1.35298230112022,2.15767301781391,2.54309132804475,2.30083050695843,2.7847923432689,1.52875675909997,2.44335702979363,1.72991918079129,2.51094242430147,2.01270088127787 +Gm14264,-2.08538430774383,-0.129773516836035,-0.0214561457758067,-0.991718403863332,-0.264339145236053,-0.562737116381817,-1.01621628865702,-1.00482798757196,-1.15887953887502,-0.127650530568286,0.113650626821817,-0.667529585286377,-1.14533013704602,-0.205436048178552,-1.46226864159441,-0.66844727153941,-0.698718638652328,-0.831741150090642,-0.760430332413556,-0.798834507756508,-2.2502824255624,-0.577663317998088,-0.145612989222433,-0.972039749468365 +Gm10785,-2.56220694812964,-2.09470990089458,-2.45393787068799,-2.07767445976945,-1.45587804756033,-1.98684031390851,-2.44031948618371,-1.94840702279753,-2.8900612948853,-1.91295797611935,-1.58291887016661,-2.61310004957087,-2.767328816367,-3.12388150963853,-3.10810812384022,-1.81931168973824,-2.24791520341099,-2.78142362871541,-2.51693547199006,-2.9821674338949,-3.35055900273081,-3.3749333580638,-2.19967528974392,-2.99736286553064 +Gm6542,2.93462816165152,2.27840972967242,2.60898616775556,2.91102099853131,2.93291208670263,2.46755238262423,3.01782589589333,2.54598379073705,2.67085759247872,2.67146276691726,2.91797931479556,3.07670180735751,2.82942875210022,2.29819011086995,2.92935281711442,2.82022160542849,2.96142606354399,2.59712610635722,2.68070346022552,2.60244257887141,2.52192845433008,2.92172754658713,2.65566794794556,2.77062940322462 +Gm11423,1.48526331923537,2.41557115548467,2.38012830806152,2.31493422453635,1.71690168218914,2.13299034929847,1.84677576660313,1.82321639079927,2.24523703555745,2.81798857933557,1.94394951111737,1.90282950278731,2.16724685274838,1.94932149725817,2.26114548845688,1.70464356507535,2.51516343304025,2.46442919583862,1.77322808662064,2.33628373828191,1.73946963004333,2.65193155452232,1.79736723441039,2.16640365021022 +4933439K11Rik,-2.38647239443796,-2.14514406080879,-1.83959499308375,-2.93110595651279,-2.12335502878122,-2.36511345964119,-2.11853559590848,-1.43551356037077,-2.56827740461007,-1.81254298156389,-2.0364571426865,-2.29131615929564,-0.903875961151232,-1.30775535543001,-0.730924625429204,-1.26789047835009,-0.864742386794672,-1.44134259625847,-0.575567971200678,-1.40628940055415,-2.17740920604484,-1.38104998303101,-0.942405093315469,-0.314936530450742 +Gm15327,-0.137072985853784,0.934603400583812,1.36658328931909,0.317878889113311,-0.690197056310115,0.368532253433313,-0.146778541499896,-0.0128825821653716,0.71564008109339,0.337770929866654,-1.03047241106766,-0.704135239453748,0.493513862325835,0.924183871846566,1.12511840614209,1.43176566175161,0.197444727917927,0.745148128524474,0.392518208954612,0.180525851947249,0.65059609453775,0.937938558972533,0.0725423824915379,0.877986522735799 +4632419I22Rik,1.8567270620817,1.45217484435164,1.85126244214555,1.64886000346254,1.36482861725529,1.40741375318642,1.20575007501509,1.87843135540136,1.73955201762348,1.59507157565904,1.38808859810072,1.54238254200817,0.809745552223027,0.626079659827779,0.779559272719776,0.552539789055423,0.324888067970067,0.730478735447782,0.168860740862386,0.841759610603562,0.715011915515692,0.887694922989493,0.0175917424632894,0.542734247394526 +BB218582,1.8850478792308,2.11983589317609,1.93633855214705,1.69290028360223,1.70241444867489,1.41409105022605,2.09645271136793,2.43278159630807,2.27759418593351,2.45443159608764,2.0191446365633,2.16766661866787,1.63900732162535,1.76657293912971,1.59239349205067,1.60395375499759,1.12805270020341,1.41618048270452,1.25931936504204,1.76936541303052,1.43579558382061,1.58489579073342,0.976320189768199,1.4334883847886 +6330418K02Rik,1.39131301180678,1.87334615289753,1.28697795098767,1.50210342130595,1.63020023168818,1.42279146464534,1.72233157470741,1.48045783659541,1.43642323182789,1.99814231554605,1.42796361944784,0.917753765024093,1.6274066479401,1.17779110328314,1.41339983476347,0.921309476854982,1.37051153278505,1.00777203749818,1.13140340767462,1.9654789568074,1.05761864614727,1.12590103583722,1.24252088564645,1.3895243711088 +Gm12576,-1.0809384395745,-0.524330377284317,-0.509177180528221,-0.620356154945655,-1.3849087346392,-0.351779881281114,-1.24973470925608,-0.85659160307524,-0.89748849488329,-0.819298771176016,-0.859332824443747,-0.414768731462502,-0.970275740341153,-0.966394811445948,-2.11328884944771,-0.275668995439762,-0.669612074863724,-0.45889218693527,-0.90996185206431,-2.40123722379481,-0.69346884406127,-0.663214152713937,-0.490256492816905,-1.06537183851421 +Gm15406,0.0339277337859669,0.78866410347013,1.07605116323334,0.725701143105326,0.630637175593846,0.856315636145447,0.612385592624622,1.16794263583353,0.529350042990953,1.14864360721868,0.513349633547382,0.634944406994818,0.31096931099013,0.840314367129624,0.672426435840197,0.889271484145109,0.598005600574002,0.682995131517585,0.892055578288899,0.27443593970506,0.714453470667916,1.42085809067686,0.274439620905234,0.753612221570307 +Snhg3,4.84714075894235,4.48665000555475,4.74091121362107,4.40367373558238,4.72537997803194,4.7138312511095,4.59680997654786,4.68538120935139,5.05608940991426,4.8086636797316,4.43516882417748,4.70683508716292,5.76261791680939,4.85803255073215,6.16031321825634,5.87225246846883,5.83430627994864,5.97967490083729,5.97332422338908,6.25482916777653,6.14231437052824,5.3042547194662,5.85854699649375,5.8064210364086 +Gm15234,1.12944775239932,1.47761126550307,1.08663085854337,0.984079029536808,0.055490082192843,0.361196578509922,1.11701049627235,0.873622588539431,0.55561997324738,1.21845407583082,1.15980479352769,0.83360997778302,0.861895603412827,0.845421912897174,0.352823388728947,0.651491061441625,0.439308688806407,1.06904928457107,-0.100016851481776,-0.312009208489139,0.032243536768062,-0.28962915355449,0.490405975877214,-0.526815104609026 +1700013G23Rik,1.79233747042957,1.25733296844229,1.08525130718478,1.16895573077431,2.05198889634264,1.14436368936504,1.5728564666439,1.29822316774623,1.02831481292097,1.69487646244878,1.22962300507984,1.15499740773069,2.56150196872438,1.52990698070305,1.79834181882422,2.18447883093748,1.78499892090502,1.76681657889106,1.66090704701221,1.40983156341818,1.16352579457817,1.45086825901296,1.75957237769123,2.09123797474269 +Gm15663,-0.318150390556225,0.26843377330015,-0.369779087712667,0.304635556988521,0.62746748420996,0.0330836376784458,0.738604651369603,-0.11859104709446,0.125742639443012,0.411000219061343,0.930377262424611,-0.013164443130292,0.48115120244416,-0.0361730257471433,0.382108769975692,-0.0318267606652847,0.451777492886619,0.369212492124554,0.546544897186302,0.531352180989741,0.127082928572121,0.222634790915295,0.73494837585837,-0.201350663668997 +4833418N02Rik,0.514472207512927,0.332959539361154,0.199002849760522,0.15868239037979,0.43100595626357,-0.186926073160944,-0.169213363397841,0.302830933771484,0.427943887017974,0.655760830794758,-0.172560595193235,0.221538313490028,1.12582070262499,0.994612691137017,1.36894870134546,0.880701036302938,1.16744509904286,1.36671076452027,1.21723616501442,0.796740988904804,1.02410149112021,0.984889797916607,1.24662675587235,1.4270928641167 +Gm16751,-1.91099526309233,-2.13085716359718,-1.64904348950759,-1.23832067352637,-0.668143098797162,-0.78833422735995,-0.752226393685065,-1.10608576560869,-2.07715547398524,-3.0538240551406,-1.00869911583894,-1.33496525506465,-1.74422617017057,-1.0655115248034,-1.23713035630069,-1.04871716710986,-0.415221600288567,-1.01116752995678,-0.83968037712709,-1.72741602428338,-2.6993473176935,-1.87958289858413,-0.612977298553391,-0.728855005885322 +A430018G15Rik,0.119324181136449,-0.427837146501333,0.787893348172328,0.0701930415266965,-0.039494906364776,-0.0671854592020127,-0.280128927488937,0.510205978452802,0.216625434008065,-0.0197606464357891,-0.459372457227257,-0.232245446243357,0.449006126666693,0.470206961370342,0.809486303818601,0.499711407141418,-0.520521390774346,0.395786511940823,-0.168872776304585,1.03879797314134,0.731119289490272,0.36297303510651,-0.493744898279531,0.342273239605786 +Gm14261,0.590376751884244,1.20810057308359,1.51853042446469,0.856805798748782,0.727643062632972,0.643514791553211,0.781494039764393,0.952064880767705,1.49787202347119,0.255745412990178,0.367236106541319,0.590999149182218,1.0713898989934,1.17572693565348,1.8652285341695,1.13078454415868,0.005642399824616,1.00063288748668,1.18611181593176,1.811900451062,1.75652055173306,1.46055755985936,0.472777923743297,0.652106925284087 +Gm12940,1.01068071705527,2.23335107368224,-0.395676504310095,2.22730934830743,2.85823260909254,2.54319078004892,2.69575091296199,0.506802191210175,1.43882514068162,1.67370537540733,2.53332909975244,2.55082110630824,-0.168328349139001,0.925698116479521,-1.27213793763587,1.08353582004244,1.78193389818047,0.513616973713354,1.50630344228887,-0.764525387687917,0.523567006670163,0.742695114354614,1.63078330441562,1.69423964129193 +Gm12254,5.74777413004477,5.22313411709788,5.96090037487225,5.78809963349929,5.72415771713846,5.43509699993674,5.23374739414283,5.83596250348056,5.89992033083479,5.88220285022557,5.71559334511411,5.59711845872544,5.29167790608047,5.13888051264756,5.38359705577429,5.02699347695907,4.81545826317574,5.14008261715841,4.73415192197099,5.2696917937594,5.30583090220121,5.26562242394467,4.88390993946615,4.83811907424929 +3010003L21Rik,0.2622027780608,-0.411739836710236,-0.230940399173544,0.103714341327495,-0.592248717948464,-0.208069689224777,0.194162665362473,-0.46908185553582,-0.635390934001013,-1.2363875732304,0.039062132717874,0.262825175358773,-2.1272687005185,-0.330191451395058,-1.21489389228609,-0.772071631066535,-2.21886435979409,-0.776519180355623,-0.435233398985631,-1.07384947129437,-1.01986792905836,-1.63401937568383,-0.594363814036338,-1.51803769826893 +2310058D17Rik,-1.02451832215599,-0.910414160749839,-0.852115911506443,-1.00835397262296,-0.720173897766335,-1.02711320024674,-0.953248358412518,-1.44766179429902,-1.04960112742951,-1.06289291324647,-1.22822063272522,-0.864137915097563,-1.37251984761242,-1.34146471834409,-1.6730701464829,-1.9661716859242,-1.6084912658247,-1.54338169412515,-1.5487717947307,-1.42818525655425,-2.49362942671297,-1.68007116232649,-1.5557397600242,-1.37332577707009 +9430008C03Rik,0.420986790029616,1.97339085994253,-0.374081765171442,1.74842586794162,1.77173997693925,1.51902179157675,1.8791367606315,0.491411902443445,1.07217846429391,1.64516446157526,2.07763703955026,1.78750366133777,0.387138382434355,1.11471731938536,-0.3077444531897,1.21430266867693,1.64969054933766,0.661095354593435,1.40572409209564,-0.454953707126892,1.10246533058225,0.885785564993831,1.57310763631384,1.29878472197906 +6720401G13Rik,2.01616495017558,2.89030981817854,1.8019396456285,2.62227078899042,3.81068624764123,3.23888583390471,3.63557092005691,2.05437890430572,2.63156815651113,2.92969452794276,3.79529118023723,3.13644155533236,1.93103491262801,2.97142409219449,1.65494541071455,2.50039701836659,3.85988435357992,2.73408238593001,3.90743119293087,1.63496650651197,2.59152319609109,2.34038285007096,3.70571267201129,3.32730951259699 +Slc39a1-ps,0.843255737322799,-0.822387991967185,0.328771813192591,-0.494825901415045,0.291902953365016,-0.153606052089018,-0.354897726156804,0.0704910448495651,0.345416429165246,-0.0324527220614897,-0.629152514688432,0.0345440462317022,0.617035955167285,-0.348513689645011,1.31076832287076,0.27092636950909,0.240655002396171,1.04569965938103,0.448918272327849,0.919655561926387,0.602930890685545,0.246511968959264,-0.71522975745349,-0.404503696100781 +1700095J03Rik,-0.527144194079797,-0.330986710153738,-0.693268503593193,0.422337041635722,-0.497728564973501,0.172914466821477,-0.0641727462812178,-0.202356972045479,-0.0103083252175949,0.445399025529657,0.0278473452219474,-0.419796861696092,-2.13848348801442,-1.91629325313731,-1.90211405968489,-2.0416087453685,-1.9110228011078,-1.54185665147838,-2.55423456050161,-2.12734176679101,-3.21580552817403,-1.64523416317976,-1.19304772824601,-3.21580552817403 +C530005A16Rik,0.191256051760183,0.646397685915229,0.825193545645054,0.656386964734914,0.304918232127517,0.488752441864867,0.0244098871295455,0.986178256532525,0.591977280121018,0.948718282027596,0.567619293261255,0.12393790354957,1.19585499392695,0.95357353513675,1.05468476639684,1.31147229681985,0.699313877751063,1.21516830064799,0.674472344938431,1.66120841359483,1.14244845967278,1.06585944476089,0.978839289459947,1.09518226183047 +Gm16001,1.20415229357112,1.41270856088605,1.94033084420556,1.52866775562834,0.810043481592184,1.16332329973146,1.68536055927425,1.54746745871194,1.70710608104067,1.44921905636529,1.23656919603636,1.46167298426463,1.24377959750188,1.40505271730899,1.02893907961177,1.20377016954624,1.55512568054582,1.28795846858822,0.947819372118166,1.13062850722841,0.991522474991158,0.884471575421915,0.931200311810659,1.17826526153945 +Gm11458,1.29003669460005,1.32764145149534,2.16388966785163,1.34349167543881,1.39304734571323,1.92248417809094,1.20015173621805,1.78683891522351,1.68506110764843,1.41221419846022,1.7390405484372,1.65154686039521,0.665939882989912,1.41692704734117,0.662324374242238,1.39820580898863,1.06317869678144,0.861907846230482,1.57653171114611,1.39796844484224,1.10744955157343,1.21640677860799,0.954168234348314,0.665138245059162 +1700020I14Rik,3.00083728389869,3.30250976973939,3.23654027297554,3.01818796081496,3.25146334352041,3.2207135674969,2.91100064075125,3.32540905355748,3.23088213681429,2.88186512845429,3.04716872525869,3.06523554323373,3.16935976992606,3.17633241719547,3.28839057451387,3.23279304673278,3.12946864878499,3.2034276545843,2.98721882287049,3.45108778194968,3.24182185632162,3.09618296233797,2.85300549361246,3.12400331301196 +1810059H22Rik,0.0274728803456008,0.214667634988196,0.889805741077901,0.0800235410654788,-0.35902065414056,0.622818233960763,-0.0995142079121247,0.656697621693234,0.467184404145882,0.112548254330042,-0.171562549668722,0.146346563652328,0.800291750350764,0.829156092981556,0.641992633391701,0.505824466390425,0.203541340639593,0.723852494075632,0.716100205530753,0.431666070291135,0.322761533619345,0.86875571169903,0.333473891808851,0.294600057615376 +1110046J04Rik,-0.168070795924942,-0.244163053095926,-0.857741280367757,-0.22501923815784,-0.100013834781001,-0.0432441490125519,-0.145581183100968,-0.373334436149171,-0.701477632461442,-1.47797818934206,0.0531886848530112,-0.461820521461553,-0.651863149361002,-0.425889025066228,-1.01330858494224,-0.421619418762554,-0.468202763734871,-0.737136358718576,-0.290547823812677,-0.846345473590993,-1.32556616111235,-1.26785408652894,-0.520537395413721,-0.466686281227647 +Trmt61b,1.54763381122164,0.907760151841359,1.1279113657318,1.18725001232481,1.06924992096789,0.813504310487272,1.34741096289236,0.753516766365785,1.35504384553914,0.931458752443587,0.638240768760401,0.987562425561191,2.40443823699543,1.45392756351115,2.22789625107414,1.645290993271,2.08512105347478,2.34433254923732,2.05159507689825,1.43729920508115,2.01620229111802,1.6621862860536,2.26467930979404,2.11300652029985 +4930526A20Rik,0.346543625804146,1.66583077999419,0.464869786391144,1.53987309586085,0.696230057860473,1.0610223715145,1.78401969732344,1.17756797167881,0.716663226671171,1.06525730908133,1.47740323467816,1.13540969036413,0.318982993611027,0.0720793363686872,0.0931942076177822,-0.810517387644175,-0.0895838294180801,0.0511938615106563,0.380509288181528,-0.334986182231605,-0.141141589974921,-0.275686022313365,-0.454284623383324,-0.481365312600855 +1700037C06Rik,-0.353973603676745,0.527502650578904,0.900270869176216,0.33497430195471,-0.0779664840773198,0.151631635610352,-0.363679159322857,0.348045230678696,0.298484495057587,1.880331557187,0.597688431824008,0.530622932578418,-2.16711603525944,-1.59456374531916,-0.853424566770303,-1.46371758334104,-0.601216582167404,-1.5369743630321,-1.50554506758702,-1.52257914424752,-0.569460427138579,-0.858133485383433,-0.561906723348308,-1.53046423322953 +4930412C18Rik,-1.01201819738816,-0.681240235660406,-0.44873666105733,-0.920481679364595,-0.832605729068098,-1.28475864022768,-1.10400046973636,-0.477134439579904,-0.49712300652735,-0.11575200327409,-0.889658206542284,-0.580847190591059,-2.15256426569626,-0.84704630746224,-1.90619419187104,-3.16868312268781,-2.30532703480483,-1.86582260391387,-2.48214563745005,-1.30030529822547,-2.26499680992636,-1.83082327365033,-2.49728739725372,-2.53852234661044 +A730017L22Rik,0.555847952177101,0.839484971224659,0.552031063603781,0.545991219277319,1.07686789821335,1.12364210368764,0.705954798763227,1.29856130170657,0.607116793106521,0.366795667653572,0.910559908336897,0.806944207597913,0.7375320570582,0.686359781362398,0.622240571267542,0.989036026044831,1.24161169215585,1.01292991743015,1.0338071011185,0.933716097339353,0.62392939917115,0.948326832800133,1.26050472593984,1.11707659220826 +Gm15418,0.577717332511914,0.877584326462293,-0.765998016380427,0.183026333782113,0.170007215693133,0.714374016465084,0.659175290053307,0.566268839374438,0.0061374272660343,-1.35140925041756,0.561428583708308,0.729705923320719,-1.52491302435359,-1.21061813725126,-1.84185152890198,-1.04803015884698,-0.856596896145668,-0.435293301433577,-0.99871979851104,-1.70726372565936,-0.922864392197441,-0.751241621311681,-0.442537502633406,-0.601781738395182 +Gm15676,-0.0620186354601937,1.09236093489027,0.345982474708096,0.230416047862971,0.957795306490251,0.543971148074283,1.3031490838591,-0.765664233768698,0.427922271630208,0.925156630049458,0.153604255376298,0.936815093550737,-0.960356218527213,0.103121756325929,0.535831740517738,0.69676567145481,-0.250757717871327,0.0620551851831441,0.959008682202685,-0.105546386625485,-0.0234063364158311,-0.728695708810811,0.308512134283233,0.673192722097475 +Gm11613,-0.0476686538405502,-0.645719940963983,0.731743296564833,0.346127073320387,-0.842098066736617,-1.17350560952672,-0.975529193546345,-0.825177360864192,0.155463545958797,0.619804613171906,-1.14905611273921,-1.12045387727491,-0.756453688100347,0.148972558979357,-0.0307831730827314,0.421661500093556,-0.458279460123053,-0.644975080841374,0.251134769921874,-0.879360424145713,-0.153514178417705,0.848651956591463,-0.226138905611639,-0.629467646018034 +A430078I02Rik,-0.33661481572504,-0.617630797977188,-0.874272410214008,-0.159525398365368,-0.319404937875434,0.0035358250043355,-0.348916585513699,-0.50127589678979,-0.749299540434027,0.212473248419958,-0.145114720153719,-0.773176639316719,-0.443023910268581,-1.19393550653211,-1.75797314316226,-1.31515088194271,-1.07146901090949,-1.3195984312318,-1.78086278292575,-0.596245666731969,-1.14685847958005,-0.958844463842551,-0.914335263921794,-1.16452375413004 +Gm16090,-1.63596783124464,-2.30599961883038,-1.5906281850742,-2.52288467029482,-1.74921303823381,-2.07636568274876,-1.57539373602593,-1.09141718099432,-2.08881528283277,-1.8870571576894,-1.8015376866223,-1.86200642303192,-2.74142799793705,-2.3660528249231,-3.34432362102072,-2.84517019674806,-4.08255262664028,-2.22994352918738,-3.20099221360945,-3.23056327356734,-3.64848480465914,-2.86608475552788,-2.82897797045586,-3.2443395732935 +Gm11346,-1.74152315603167,-0.460073997231613,-0.795845211406183,-1.25699066767148,-1.04664315569738,-1.40705328513285,-1.75197477390016,-1.02900629018767,-1.19737661731197,-1.89502894839414,-1.41462412940591,-1.16549314800398,-3.86323211584184,-3.86323211584184,-3.86323211584184,-3.86323211584184,-3.86323211584184,-3.86323211584184,-3.86323211584184,-3.21869522482992,-3.27190910191698,-3.86323211584184,-3.86323211584184,-3.86323211584184 +1700016P03Rik,1.48679547789389,0.484445456591375,-1.79932822075627,1.06417814848099,1.76590139557235,0.604742525793046,1.79395790195075,0.0109873717442901,2.38468439776905,0.982923613404774,0.991079713546042,0.0899479113395081,-0.0524217431484426,-0.221544762015893,-1.44621943839254,-0.451929230991912,-0.46098856617755,-1.16269320287645,-0.153912177389485,-2.34745252540154,0.225427260012902,-0.868965248460672,-0.0867215961866029,-1.32211553889168 +Ap3s1-ps1,2.4628988873138,1.55701313034025,1.96409576072919,0.995314318676794,1.46278287958905,1.49033478261016,0.511140772858859,1.54250956871259,1.4767452015357,1.80240081678951,1.40798116314515,1.95832576384878,2.34718047815017,2.08666152841835,2.30687462253843,2.34559081094367,1.46789144888621,2.15814339781895,1.99290612326005,2.62504400780854,2.4449342577826,2.0585918994526,2.10736033656599,1.87379247471304 +1700123M08Rik,-0.993340770792041,-1.04411431773008,-1.63172729566235,-1.31201074576567,-1.51714746899155,-0.848997265261197,-1.00524584501731,-0.632273919230513,-0.746968182666841,-1.72740168175413,-0.841300538647746,-1.66040491346094,-1.90090545569016,-1.2401633602549,-0.705832575337669,-1.28094409891564,-1.45429395729647,-0.811285732770148,-1.12789289024499,-1.71009983043814,-0.75045054097193,-1.22656250134554,-1.99263022912925,-0.711538812040083 +A330035P11Rik,0.495691254340559,0.447111699791871,0.733488708858296,0.684130022600119,0.030401391841171,0.27731591149415,0.786760040823925,0.370689680133869,0.361781119761111,0.618711721410655,0.293535747928537,0.668048654144194,0.23095759142732,0.477816826576783,0.589820272325004,0.701267376865163,0.814100469317641,0.758155832046175,0.925125742053855,0.983365090510669,0.954844018818292,0.820906434096247,0.511689221190636,0.911252238602295 +3110056K07Rik,0.903835485425575,0.915002036754303,0.78207670183719,0.634531019814664,0.845259440488654,0.817568887651417,0.924826762084277,0.626431158839038,0.751159697130384,0.38005993554063,1.25914119687943,0.718410230457732,0.900470387971019,0.671459465102216,0.829778438586905,0.877243515651105,0.793612804568681,0.94911359776464,0.821391065038354,0.966221009701627,0.653358795022497,0.589044697940542,0.956198607392311,1.24522007881299 +Gm11769,-1.46001832403536,-0.395365767141949,-0.706323719585379,-0.12918796021371,-0.371907489779765,-0.093463401526968,-0.0798422689403346,-0.255758627326129,-0.333544258805308,-0.5403954168796,0.283478884254646,-0.033899649474714,1.18180778698055,0.962159249527845,1.54067046787824,1.58272969461523,1.61033919078916,1.5907485559925,1.92871305574115,0.877568987300358,2.55798886075936,1.58965274089317,1.61153057394276,1.69799153214517 +Gm15980,1.97540049355284,1.07058924801501,1.26337345840895,1.78914191966265,1.48106119937398,1.65810351366625,1.82061905232723,1.36753561247295,1.74700198449447,1.25981691833891,1.76107591462812,1.65550109588831,1.5875779025054,1.2120815383101,1.76429072408783,1.25393405435549,1.46505398679272,1.42178562853085,1.50333182848224,1.51051557170026,1.20991913455958,0.794399881668817,1.76854894430325,1.72082473837576 +3110053B16Rik,-0.476950939472371,-0.315404019852673,-0.169519677011806,-1.59700727461664,-0.152846339161446,-0.195918193227295,-1.01647625834686,-1.36358872668851,-0.551639123129715,-0.231884176678205,-0.209374566380359,-0.0908645157487633,-0.794451530545095,-0.433289599721541,-0.588088392927311,-0.632682376420756,-0.665723988854789,-0.983392200295044,-0.312533565366884,-1.63811940917417,-0.912273163446166,-0.418622532288358,-0.679370687481675,-0.570573919692044 +Gm9855,0.206469140002969,0.248399040606685,-0.218915070384067,0.704614136258662,0.725504649283396,1.00440521793282,0.67493838596324,-0.366404442432225,-0.0932214085383456,1.17178286980204,1.13514087660488,0.462419290491231,0.0205617238358557,0.78995064063087,-0.427462726835538,1.53398206733488,0.741928750955061,0.498403486643433,0.726834723092086,-0.257950493351266,0.667342977595943,0.719562447722605,0.798526180424845,0.172799301979235 +Gm12992,-1.50445331242703,-1.33685316770086,-1.84812158382061,-2.21213120496467,-1.55094736415093,-2.33385908149517,-1.25759768163722,-2.0812826626021,-1.64708864186584,-1.78334630841143,-1.06985043314861,-2.32322536312952,-2.47177920849395,-1.42619730247458,-2.22669817599367,-2.4829893786447,-1.13477513082862,-1.62811427825564,-1.25603111710929,-2.06839120744203,-1.43879563560998,-1.54275688187207,-1.42853746591322,-1.97880431607953 +Gm16349,1.23511659792199,0.561173983150956,1.59442420872669,1.25095262207716,1.47870470399802,1.71879965043262,1.51812958626603,1.68955435955288,1.59201854020771,0.731157967919365,2.16509985251991,1.40442641539482,0.47994529438233,0.735515777282193,1.07787853290268,1.46190867696938,1.69569779592398,1.28012284162703,1.61446483256845,1.2457767640904,0.691693039233256,-0.0785555964985344,1.70348031438234,1.42928050991746 +Gm13327,-4.25283003726701,-4.25283003726701,-4.25283003726701,-3.36671533112711,-4.25283003726701,-3.66919186126261,-3.75194172140338,-4.25283003726701,-3.75587335627028,-3.2739498695051,-4.25283003726701,-4.25283003726701,-2.56566576161625,-1.19845337503244,-1.01720250104674,-2.72425467079781,-0.886445402492307,-0.886691308521357,-1.91009641087592,-2.12208876788328,-1.65201852529278,-1.36467606085799,-1.5267406446977,-1.66968379984277 +4930469K13Rik,-2.22203036500418,-2.46172723628685,-3.17715464093804,-2.82508626569849,-1.58570484658685,-1.35792575026638,-1.41498930092575,-2.18420491076611,-3.41051105311191,-2.26415367086564,-2.3651347205304,-1.75765790346075,1.554213581788,1.43459167263489,1.83085164629344,1.33081968231097,1.71246450840445,1.52551367095208,1.87017438714168,1.42174191347119,1.6059113837652,1.43168607821061,1.76309605288949,1.47361200715668 +4921531C22Rik,0.594476943171591,1.26313475575386,0.782554281388599,0.72798782178454,0.854977124817199,0.323667814779316,0.200715399065968,0.787402578071421,0.713406248488368,0.330456594648149,0.768608333377724,0.518390709954257,1.38329153919572,1.53183093765206,1.05111721164711,1.30167885022694,1.06270857772612,1.11010896752355,1.24896939278909,1.06290733407429,1.58692523093566,1.39127395988652,0.984524029124767,0.885780915210302 +Gm15163,2.06799063641205,1.6161452388505,2.14943752558687,1.82756994195325,1.89984221284199,1.85947386316896,1.99450592482959,2.07322539963335,2.26987735308076,1.73841945992344,1.84066298297223,2.05574413845728,1.97798746469426,2.30488188381073,2.42936386001751,2.41199768484735,2.03193111363941,2.51716486413607,2.33032105064376,2.60138043331223,2.40633067428489,2.36632732682047,2.18552691572091,2.20708320125513 +Tsix,-4.54275197529243,-5.16640985770516,-4.80186264497073,-4.05821948693224,-2.47820993561022,-3.02426283824665,-4.08407052393838,-4.559577204153,-5.26122928124819,-5.6855807673407,-2.91118846474545,-4.94786445522682,-5.587138894943,-4.37249867051584,-5.67132152069955,-5.49026415229707,-2.7843296989186,-3.96909738914165,-5.20743805920219,-4.96271246105769,-5.65493065025188,-5.67524080634038,-3.46760284001531,-3.83625899493032 +Gm15915,-0.120954766518723,-0.391742828544959,0.458656119034908,0.699574296604849,-0.234396905029797,-0.289983114530956,0.0684616918163115,-0.217800671186561,0.232940890793101,1.15915220547855,0.156073681682699,-0.253747669804424,-2.60873078540075,-2.60873078540075,-2.02833838152022,-1.90533233348235,-2.60873078540075,-2.60873078540075,-2.60873078540075,-2.60873078540075,-2.60873078540075,-2.60873078540075,-2.0136093613567,-2.60873078540075 +5430405H02Rik,0.507637654860967,0.947688351455413,0.488487244795039,0.702049060436739,1.0341679940061,0.995293893180685,1.05142191083998,0.634947021428007,-0.0350172274417195,1.16604549773743,1.19061757105304,1.05366865264082,0.0435256051997213,0.329065796072118,-0.183806101430874,0.282912264537871,1.20710615273538,0.389056316683203,1.11341396241322,-0.120184918684452,0.0173409922752144,0.214431051371851,0.894414931146039,0.459415822054027 +4930443B20Rik,0.104510136711307,0.46331063445392,-1.69071122362561,-0.0218669881153756,0.887066602693228,0.460746888431754,0.598726136642937,-1.12185183470501,-0.958251498438012,-1.50245121476019,0.250832949892939,-0.839299920448695,-0.770706617244182,-0.630407209506682,-1.74549320148698,-1.88498788717059,-0.760162646454638,-0.959451226106152,-0.559802291976549,-1.9707209085931,-1.23823424903877,-1.48861330498184,-1.23014755092211,-1.14324929671227 +Gm13563,0.0054594370502432,0.761971401642063,-1.32718261276627,0.375940021159038,1.18932837165038,1.3157752214905,1.41808921946938,-1.01145540737517,0.141894200122389,0.371773542001435,1.48723182184374,0.630242094400528,-2.10609146446999,-0.674421906351428,-1.94638135925279,-1.96205040759036,-0.173807571785952,-1.02843078845628,0.338751293105208,-2.2638282478182,-0.792182638365601,-1.50641554079291,0.126216529730524,-0.671691572562642 +D630024D03Rik,0.839418884641722,1.47853031809397,0.452525925948457,0.417413477178254,0.799986783182405,1.19627594191854,1.25839860293029,1.66450219623819,1.27639349495341,-0.238458098410964,0.645147544592235,1.15415113819729,3.80521921724143,3.56074891331199,3.35203594224943,2.97255685265844,3.22905691681954,3.46927161353311,3.47333914542363,4.13839282316982,3.43562727524251,3.12911932882959,3.1184434188608,3.48738828097999 +5430402O13Rik,-0.801312718593715,-0.993733813953955,-0.648208818525563,-0.855023754282755,-1.24693056208061,-0.968486473827811,-1.11175653669749,-1.33546972908091,-0.578421445138718,-2.40827407006521,-1.02233594228383,-1.48650089318482,-1.2533853100819,-1.2962815729473,-0.585128490392694,-1.10040330707956,-1.40391345352034,-1.39710856748786,-1.46562514728157,-1.36351622818264,-0.555490671502682,-0.736427572233369,-1.35478059863937,-1.02830335310439 +2310050B05Rik,-3.14815568140895,-2.27243937393053,-2.63682404085306,-3.76071050353052,-3.3133290163255,-3.40546000948422,-3.03766913425163,-2.77294077130739,-1.38316465566357,-3.11449222020448,-3.07680369252953,-3.90204305162012,-5.40247856750762,-5.40247856750762,-5.40247856750762,-3.87390320103842,-5.40247856750762,-5.40247856750762,-4.2890392551526,-4.7579416764957,-5.40247856750762,-4.82469369046186,-5.40247856750762,-4.76582676547771 +Gm9816,4.40095235181601,3.84696667762015,3.98094883810238,4.10482513737853,3.86485668068216,4.05377002091846,3.98573135707065,4.08743118117683,4.21919674123042,3.77942067484404,4.06438913954228,4.22782875750969,4.40651687316795,4.19533507633581,4.26254085570405,4.30129977212007,4.37806996528005,4.50506283335448,4.43397604421122,4.55969976404115,4.26755842256752,4.33433407353299,4.52315684124642,4.3200991064857 +Gm13092,4.44233010818152,3.90456693626869,4.20427794293496,4.59625849353676,3.52582932216034,3.95029032463363,4.14811739925508,4.02483293033562,4.26478032980814,4.8013982070082,4.06173372880414,4.05205665542452,3.95879885571435,3.55580453735091,3.6455376702909,3.555264262083,3.56423872363244,3.94030506995683,2.98579601756872,3.49104430670067,4.10023312596669,3.38822255449861,3.3570672271857,3.34013360678481 +4930470G03Rik,-2.01501979073124,-1.7324074134983,-2.47370308757366,-1.39537604281988,-1.27541607114664,-1.70716007337215,-0.999090903760909,-2.76634828955437,-1.86200944863163,-1.28288216692758,-1.84720372193792,-1.90767245834754,-1.76620610029357,-2.56288110981273,-2.25549296687634,-2.65346497974944,-1.92088242325045,-2.275609564503,-2.06300532561582,-2.39839292620635,-2.68940920255449,-2.13673008650159,-1.58948140363479,-2.5898803769326 +Lin52,2.84089817187543,2.82534501915843,3.09802623687888,2.88087724783796,2.47961302894939,2.87420678097242,2.71609348726448,2.80389947913406,3.00740063356598,2.80005812219926,2.62327053593844,2.75107229669658,2.79544314341104,2.7866186233846,2.95095573204492,2.69560359866841,2.51004706923067,2.81776252259382,2.61136904181021,2.91736209582395,3.15700052743394,2.80232507746228,2.81608228227945,2.75207119887952 +Zfp703,-0.155228776851675,-0.0808514691116973,-1.01823763274263,-1.47938308900792,1.0220511712362,0.768517138894889,0.0521563815391732,-0.164393256808492,-0.589822364417162,0.333215363011045,0.841735450704374,0.518644543927826,-1.50173959847631,-1.65684707670885,-1.29005067057647,-1.83163037479737,0.096704435422801,-0.441531026273832,0.331427581481269,-1.95488326779456,-0.898800088793664,-1.01723969155054,-0.598653514835237,-0.557100845039542 +Gm15612,-2.47990595448003,-0.531216762869557,-1.87989404617314,-0.930707446917735,-0.811958281621919,-0.255593112734401,-0.192165686560708,-1.01452403787359,-0.84145223703454,-0.341989092545663,-0.561270326267325,-0.70337272996221,-1.17239705889306,0.608868380022696,-1.12189960344748,-0.102670772411628,0.255134669102661,-0.598072320981023,0.62344872688217,-1.05292684637969,-0.337385268524263,-0.0009845569295268,-0.0370295727691872,-0.215741177856275 +Gm4285,1.67758143858877,2.08767759077498,2.21805231096863,2.08459780318882,1.81815552508736,1.42758790784173,1.62358739549235,1.79576641251425,1.80670372282982,2.33159721830645,1.27994166100741,1.19388916444853,2.13979687446336,1.65925919557739,1.77449933325113,1.73708616008516,1.51573229549643,1.15352853973143,1.511809447081,1.80597145522643,2.09082186053766,1.97638039437957,1.13658450158373,1.92829144666577 +Gm13003,-0.229028773790017,1.2570886150894,-1.02605472241433,1.56840741092408,1.53733027343219,1.43651939280242,1.61874093554232,0.0660095337446456,0.711738239821303,1.61350169264513,1.47822368096757,1.33265666219122,0.413210348485371,1.38587113384127,0.479769099063649,1.6510953464271,2.22201301558923,1.06052336655901,2.04324117084332,0.262203405959133,0.926226434303236,1.5388338788989,2.04918046705159,1.96190337279678 +Gm12750,1.4317378270138,1.90473570888316,0.243200330136528,1.59276216234505,2.66533586908482,2.248070004718,2.356794257844,0.2504697109558,1.50507262172834,0.63049752856207,2.42880865017925,2.19635507246745,2.08926975686947,2.49590071137724,2.0559858291284,2.34260885244956,3.3860549797027,3.07480349925481,3.44828824653674,2.02119530645534,2.1629716462935,2.39341508405913,2.95499914783508,3.23438175822594 +Gm12905,-0.793993162248915,-0.192913410401197,-1.04996600856999,-0.715311268068948,-0.262874742188984,0.0601040873252481,-0.0668198250147689,-0.400700370222621,-0.88391178946626,-0.255733359195244,-0.223411703923088,0.211765357678,-0.565360293561194,-0.104522934442898,-1.03564387009706,-1.15901213187297,0.197145595341429,-0.379522839170091,0.182254996281979,-1.29409098228106,-1.54862233543362,-0.650864743690351,0.0047752462740906,0.161950570694648 +2610507I01Rik,-0.116356167802312,-0.32953774178754,-0.74706672300016,0.503287580109054,0.853182448739278,0.583702493098963,0.53580984064937,-0.70013377094694,0.637209873728949,0.615781456001352,0.899744561351059,1.11879043604203,-1.11785322624579,-0.251283016874379,-0.494082058678377,-0.0705735717549149,0.491115520860144,0.0074574523690898,-1.34799462599613,-1.10326902785163,-0.620294690276804,-0.651896177578167,0.746202453949487,0.415428835512351 +Gm11906,-2.27271651308303,-2.48045467607244,-3.03456080635505,-2.57378791791388,-2.19449707517356,-1.68749945509481,-1.93396518182932,-1.71830985141302,-3.11457188223517,-2.55160950906743,-1.55466196706569,-2.27727233544951,-2.46253382911689,-2.39559929814222,-1.94161481855091,-2.58953014959777,-1.58152366047041,-1.65378218150658,-2.16366701074525,-2.28118104134074,-2.20705883626597,-2.24400014378648,-1.40715667206861,-1.73679417085795 +D030047H15Rik,-2.02941533687485,-2.20619919847948,-2.19165162026482,-1.31237639028485,-1.96112472289743,-2.67738911793938,-1.64936812562809,-2.42481269904631,-2.41736684850663,-2.2962036359642,-1.60447494987682,-1.73317432657641,-2.6751535859985,-2.29184582660137,-2.81085036675134,-2.52459459455885,-2.58283754405569,-3.15930508083052,-2.61836272549083,-3.55729005065557,-3.66138291657962,-3.1059172003821,-2.23252241708069,-2.54816754391619 +Gm15832,1.77282640585771,1.59722355933594,1.58807229467625,1.49570642805617,1.16581660713458,1.60793721479906,1.46583336520354,1.55385960156453,1.57762504206597,1.34059231876615,1.60840593670463,1.41493904382005,1.41074330214896,1.81447191014381,1.81742835183323,1.72741204686315,0.975732298834056,1.58933045130745,1.4761369968911,1.87023622851655,1.63016237740624,1.59085709843602,0.995176132288814,1.60704489113122 +Trp53cor1,-0.404598838000658,-0.141363527926877,-0.331248602593489,-0.146545600607452,-0.214675495090059,0.158663317494801,-0.175250612822047,0.549039457176145,-0.926686668784745,-0.504258162007097,-0.432505269883363,-0.0909235932412482,-0.141985083787285,0.871611757121936,-0.293849727669613,0.0821441911083436,-0.491683496928992,-0.219104272529481,0.899954768307101,0.824955491107905,-0.660119631819657,0.0990169536373982,-0.038878431479386,0.345894412588084 +Gm15899,3.33170234329163,3.04912694662826,3.58832273410339,2.21164600814736,1.79870522211534,2.02830334180301,2.38674814815028,3.38667359770245,3.09614175107563,2.67239055966949,2.27143910172465,2.76564047443879,2.53851942068657,2.58395496021626,3.15648912933228,3.40314126871951,2.49235437250824,1.98277875484133,1.44387142674926,3.25817855694892,2.53320988462364,2.59770964734223,2.05574606390327,3.0134048879504 +Gm13421,2.46535740403099,2.6350037270689,1.88469519154283,2.45521169198939,2.58242024070282,2.19927771306666,2.69578829131512,2.73190804536802,1.93737206127845,2.43800225753549,2.52438631016149,2.6126414780106,2.85540473149341,2.41110485363775,2.40142295590993,2.12224013698344,2.99338130444574,2.94026017496779,3.12136061129292,2.44073865989052,2.36553368859624,2.81685833935362,2.79166681025196,3.03100455882282 +Cd63-ps,3.85601385295566,3.65525276139705,4.28213442379037,3.84501818621052,3.82614098848709,3.685307251386,3.41332533986021,3.91818653088757,3.93669278165053,3.95920548693374,4.00800102755251,3.58743429479459,5.65366782557018,5.37883932471764,5.75711578094705,5.77404810344795,5.3725524687799,5.53950734620728,5.35233599574247,5.98254720968958,5.49759654541573,5.38335497043673,5.27071363000144,5.34651702493127 +2310014F06Rik,-0.0303264165854771,-0.146558998438623,-0.564087979651244,0.257949372287956,-0.888693175396908,0.0750368354836777,-0.145415811598979,0.113470126594656,0.300108745988837,0.340796130188649,-0.0601553277561884,0.17396990793031,-0.705451666974819,-1.06200436024635,-0.462799923619508,-0.368044596166713,-1.3172560314814,-0.948089881851973,-1.50859944619261,-0.491297489163899,-1.61250847369691,-0.638238921995334,-0.59928095861961,-0.334265797602871 +Gm15496,0.0738299820430397,0.741974991352883,0.757786421562179,0.778176775041254,0.0814711871663762,0.12817448577339,0.0611926516764667,0.951266307169918,0.480063124204763,0.769202474490571,0.199004980042581,0.191633056198105,0.366733079292193,0.318895095712005,0.0195828227736128,0.174691416269282,-0.341631309854104,0.348620639078632,-0.254900254663093,0.386650776883622,0.0499992793895301,0.204716278469055,0.207522512309492,-0.178745292503355 +4930481B07Rik,0.825662198981026,0.893979758564983,0.30163338352895,0.49010632630131,1.00952809156098,0.644594497410389,-0.168817462360166,0.571268561694015,0.505504194517127,1.11072441133807,0.816549289248788,0.530692734928511,1.3759394711316,0.982370234523282,1.09475430222207,1.46290956989187,1.20612088853097,1.80434991774365,1.39952709143318,1.39598988451784,1.12552466348702,1.25226740228542,1.09166841524027,1.29216762980779 +A930019D19Rik,-1.55437876950437,-1.28249783914398,-1.12639411955292,-2.0001991168883,-2.63344820902588,-1.60203226394514,-2.01746634619508,-0.793414784235112,-1.0834117269112,-0.896358551146167,-1.7074155079966,-1.6839093825618,0.120301182836394,0.103827492320742,0.802764623816051,0.361834984543681,-0.623250826688507,-0.263555477043184,-1.01736446249955,1.02201384272243,-0.167707988735273,0.118121055759911,-0.838154505479249,0.0361014389595946 +9530051G07Rik,-2.12773107373983,-1.30018046719863,-1.18669877328288,-1.54270098727187,-2.00525691997275,-1.69955042365567,-2.39224013809678,-1.33065055083561,-1.93429767336137,-1.21981055337475,-2.05488949360253,-1.8057585122006,-1.6745337302851,-1.94976299501629,-1.81468716777586,-1.30683246370697,-1.72069877846343,-1.58270805863234,-1.40530471563019,-2.19820928141933,-2.31877466841872,-0.716226864742935,-2.01925686184256,-1.79262649925416 +Gm15706,3.86266727922854,4.01902554543249,4.40731260785887,4.05735528480781,3.53486379665102,4.1191858464886,3.89356868386395,4.10992491388093,4.04496987230974,3.92016738813899,3.64089218000331,3.85514067854196,4.74898268268795,4.37707861719005,5.09594143197856,4.77709538229071,4.2395652379175,4.5073512820524,4.21751112983998,4.86352187762728,5.03023600254538,4.81511452376735,4.10747897975767,4.07955084284972 +Rad51ap2,-1.3395061082115,0.203720797458845,-0.636972601510973,-0.491815951343541,-0.538892828567032,-0.331398067083803,-0.687340099759818,0.0218841595970776,-0.204471981281115,-0.160954007153148,-0.274894971948578,-0.392064106094,1.91437756872246,2.53458204068909,2.25287539132649,2.44703167745751,2.15298758204576,2.06710693271038,2.24266684861265,2.05983102464843,2.65598054382675,2.12041946414746,2.09969200678649,2.14183268449613 +Pax6os1,-0.908416333587104,-0.888560542760771,0.791909158009658,-0.0869136606583474,-0.475465558978016,-0.192061682262307,-1.19298894961684,-0.526985266016577,-0.176050374905366,-1.80517619333336,-0.916901957893505,-0.497018905125174,2.38633742510844,2.64071096723813,3.12587070544493,2.76169473347815,1.60800335721426,2.15027258038867,1.66862530173955,2.73628456746842,2.81527559220174,2.87053046151549,1.48490510764538,1.78248260520174 +Wipf3,-0.892375951786395,-0.690133528849195,-0.306615974439431,-0.997737765639399,-0.582890799291913,-0.336593163754579,-0.639393905803412,0.0120040912645116,-0.779079420809408,-1.05583913292223,-0.69421537629403,-0.714511928078401,-3.84925502650399,-3.96397215469495,-4.27034501532862,-4.08928764692614,-3.47656388891618,-4.63334275750433,-4.15004511737665,-4.17502066834865,-4.25395414488095,-4.68569955268591,-4.66836300568762,-5.26348442973167 +Gm13824,1.29251305990144,1.93977266694603,1.46837249650089,1.86851015357905,1.86858029805016,2.3256269131161,2.29742766405797,1.1244893020648,1.91500983390104,1.87739767797539,1.99962129948233,1.43682432124964,0.874008802886574,2.09444700082513,1.61409385922647,1.23406029824213,1.92566346824334,1.41601836604122,2.07858776446594,1.21779723169604,1.36101741887981,1.34783868083524,1.91278996593876,1.83638083866217 +Gm15728,-0.78263811029267,0.139615406964535,0.0884752946170804,-0.287267369741874,-0.589633456634274,-0.109972848722111,-0.198837907016853,-0.0253869410928655,0.0299639640435942,0.158125767018692,-0.950040412725928,-0.667829087997838,-0.245886620273842,0.293966451117589,0.79298456364118,0.708547107490299,-0.0113643135208163,0.179106385756133,-0.673588607954893,0.178792860275436,-0.175875334931931,0.400265346835306,0.0444049333819745,-0.098884056366167 +2610528B01Rik,1.27067494808994,1.57135867274543,1.32196562100618,0.86713245693011,1.43934480522175,1.27358737161569,1.41833594926012,1.33388072860332,1.3612770714009,1.17775594019922,1.58189577139781,1.6172471223935,0.775286545000838,1.12120827011803,0.94241349652946,0.640749843891877,1.24987346906821,0.711115603643546,0.420112579342446,0.701414998662532,-0.101513979036124,0.78304346376241,0.832073367884708,1.02379003941618 +Gm15326,-0.331226993454046,-0.0578912487740063,-0.237332993654743,-0.504489126824647,-0.736396694624057,-1.11371201697161,-0.999473233053335,-0.375221689852726,0.157689271395416,-0.561141538894315,-0.785055700016926,-2.56741260449958,-2.47376236812522,-1.55069617669373,-0.662542417045869,-2.40733212307661,-1.80594784792878,-2.48058890276767,-1.99729126263999,-1.17859870293368,-1.77737366978601,-2.12151044623278,-2.51560915095096,-3.11073057499501 +Gm2415,-1.4917171276335,-1.22848181755972,-1.62098056874307,-1.1057494931578,-1.15569928954135,-1.76780541399528,-1.40250501046544,-1.44557750102229,-1.18847994851321,-1.72848848287412,-1.40962013813727,-1.48631121141376,-2.42829047083585,-2.45844092451567,-2.85293657460971,-2.14757119133626,-1.51478577866792,-2.91244196566787,-1.56715457133121,-2.55119720688122,-2.08880544948766,-2.22334988182611,-1.73713926543625,-2.18397346936555 +Gm13825,0.623409998096698,1.61979890078732,0.698071756046591,1.09785776121903,1.57031719776871,2.12832005945924,1.8751457169405,0.195224076551559,0.301386867603125,0.743402118072985,1.69510263061541,0.985579389533343,0.288678941162631,1.97836666651958,1.09092258364466,0.656380207740759,1.64204416401036,0.825853920154926,2.02594347698016,0.611139516231582,0.476352101123303,1.34641775981762,1.81040968799451,1.60061682708927 +9030622O22Rik,2.48380456690187,3.30437553421629,2.85873398066401,3.10503345107054,3.71532879616141,3.83866324108595,3.63897433247444,2.84994221461876,2.62248832044287,2.65398392051671,3.91419162586422,3.37577129547001,0.417744944505537,1.31201595067377,0.335344902385082,0.950913193816684,1.0707404165871,0.254550172731664,0.899809345008652,0.0398357688083204,0.860387622538079,1.18978843140609,0.560134338980532,0.0203358970749782 +Gm5918,3.79132388155818,4.12325388894153,4.46790364756101,3.78420742567289,3.52428620339803,3.74554609968807,3.55842896158771,4.36452838970481,3.99672300129763,3.99978838026784,3.61684208387403,3.92709538087316,3.94081647052923,3.81214612882705,3.82168312262206,3.76064131059631,3.63023350143988,3.68957293664086,3.41335831541542,4.48421983637226,3.9735745233383,3.90789939828154,3.25157797422066,3.70750642626307 +C630020P19Rik,1.50221502759914,1.82097190761346,2.12487797289515,1.90460284541948,1.62358291386806,1.82734224823537,2.01551173334574,1.94376328272833,1.99606131462774,1.85478725202797,1.94879832226807,1.67020399199102,2.26170679445404,2.1491578262741,2.40816886518738,2.20703479837355,1.49567589593054,1.70468859483421,1.96095678131813,2.2334297074273,2.44066838311118,2.14511909771336,1.43480443199611,1.55260587053552 +Gm11508,0.323831330587484,0.480758424051013,1.31943219888118,0.650129671907598,0.278315356503267,0.55823256119531,0.753962137354652,0.647528852406082,0.298748525313965,0.38478718377029,0.363231803725365,0.566236232124626,0.241271182825671,-0.428049589147724,0.674512356264159,0.211159346404,0.578050245617179,0.282842244688608,-0.037405413175678,0.536155392858358,0.0584916243371789,0.252434563262775,0.403752437043312,0.24045169325699 +Gm13845,-0.696942265825075,-0.694905243299375,-0.23874055511008,-0.681049056767218,-0.360924427732929,-0.52063117250748,-0.512810326664842,-0.296169267359615,-0.161955689006068,-0.350187112576825,-0.66879879057177,-0.430284948028446,-0.493703113521444,-0.497252936878911,-0.372220734908052,-1.6260351088557,-0.599917925115472,-0.287548846658165,-1.11920778332114,-0.198818903488757,-0.676482672009936,-0.48253973308434,-0.666180591883379,-0.62114090740266 +Gm4887,0.343587294756405,0.258702399053786,0.631470617651098,0.743248349722671,0.641315671925013,0.73047447701151,0.5742258972554,0.193621509415665,1.11154220191652,1.22528826691913,0.99831974120469,0.90698052461314,1.09341721373496,0.618460375450012,1.19529110545082,0.946064792403535,0.626261726561242,1.27003656059095,1.08418839138245,1.18052940509878,1.48871355398797,1.18804227422751,0.983810637564555,1.02153384027112 +Marcksl1-ps4,2.77257463727828,3.50401543127113,3.24559922087648,3.40530465172956,3.36574936400222,2.93942964974074,3.16930459841582,3.92389166720258,3.43881200317692,3.96370549865355,3.26515614644053,3.6194193317221,2.64073595112825,2.55608897772665,3.31355575578272,3.42669940234621,2.91688772220279,2.11486163729383,2.86451892953949,2.89695177624018,3.39147426988494,3.2067687066284,2.83922501568199,3.08045552206725 +Gm15138,1.52609541495209,1.51379915617907,1.5608564206509,1.74169667936166,2.03379296124714,2.20471015986613,1.14957673801174,2.13366744162144,1.87999107226392,2.32200632273377,1.80312386315351,1.73605836390792,-0.961680603929934,-0.961680603929934,-0.961680603929934,-0.961680603929934,-0.961680603929934,-0.961680603929934,-0.961680603929934,-0.961680603929934,-0.961680603929934,-0.961680603929934,-0.366559179885882,-0.961680603929934 +Gm15972,1.3847903210423,1.24902977283975,2.77578136533045,1.60039158545187,-0.154390885276391,-0.104972641068934,0.063892854414497,1.5265520983605,1.56286980069014,1.85984919089655,1.08829681622339,1.1168990516877,1.72597805191363,2.2553953020717,2.13264183838055,2.1893108178341,0.462913755252312,1.46491325995355,1.39639668015984,1.85285691927071,2.55835784895774,2.04771904395956,1.09053312952865,1.60788528294457 +Gm15265,0.871313755159259,1.6027545491521,1.28967674016319,1.1563797790236,1.97273019386934,1.79986699777513,1.6215921472754,1.19535513598309,0.846949658634319,1.64800606832027,1.91501398255067,1.48487519824206,1.11531018101536,0.392636498496894,-0.322523955858031,0.612478748528342,1.39836844539785,0.633942620749594,1.63014620141,-1.83722589977423,0.441607169264017,0.200386601628883,1.40441589763946,0.822086426231031 +Snhg12,3.06936067536906,3.53565787010696,2.91935421054212,3.78526596547221,3.49901200215684,3.30125886803552,3.65303733477733,2.73855288046478,3.51342760717575,3.67400242087856,3.61173972158512,3.58253101226244,2.53892486641825,2.83967414751432,2.31571961177744,3.11204533861661,3.252446221169,2.6228364933303,2.85656491073619,2.4324053121168,3.07852798964248,2.88751778147681,3.27755633910466,2.83912860991419 +Gm16052,0.745942816412172,1.09971361671101,1.14677088118284,0.759364275817039,1.77883835021958,1.86860385214456,1.30142633381906,1.45845968225617,1.08983438691903,0.180967311817923,1.79832134701152,0.844118606129421,0.038463259829686,0.765033871614749,-0.795373739517474,0.674450001678043,0.190133309694037,0.526726135826407,0.0812567325024146,0.0516856725445238,0.221889464722862,-0.386546014635773,-0.0356031797083256,-1.375766143398 +2210013O21Rik,5.14566516873005,4.86272270911101,5.43188558515411,5.02340887143412,4.67753154525835,4.67395057632941,4.64226609043869,5.14887234271433,5.17727667529455,5.26460751587313,4.74109175810179,4.82628298269117,4.36683659400818,4.14896608401043,4.35014663935271,3.75971679446344,3.71095806809026,4.24551885044431,3.92066715035504,4.08695020163877,4.21756924351176,4.08709687187869,4.11167861932947,3.95462249011503 +2700033N17Rik,0.0861776082269607,1.38357008589267,1.0841683265049,0.612608322214486,1.18774994370991,1.63044954340821,1.56496115018745,1.55742164352918,0.776373483530205,1.24268016484517,1.1345230920639,1.16660278850592,0.822140200199577,1.24710887139411,0.558706142949476,1.09450504079298,0.671612056761129,0.0130102642247422,0.998013123812614,0.840043352793819,0.124789907271323,1.67565544743571,0.456708377970387,0.82138896578463 +Gm14233,1.23960996699542,1.53659348163331,0.863908666245471,1.36734429477583,1.62974995718055,1.65863055691036,1.53791478209568,0.947218075703207,1.39520060876193,1.03798313981327,1.6360111450815,1.57389047866863,0.491338008729338,0.628481148845389,0.258072628911453,1.21979649803335,0.414551364169408,0.291636841879689,0.790204827100979,1.43175585864769,0.872487027770293,0.950575228476398,1.20525738413322,1.36490937868971 +B230369F24Rik,0.990670538594218,1.34365153283378,1.18947168520808,1.1186847302738,0.736938324009287,1.18549203919564,0.725669418307919,1.33002672305574,1.03239296907765,1.52640105830446,1.16689208318616,1.18022677876494,0.981641645244689,0.890267112725839,0.728751038539879,0.232141688453182,-0.100072038032266,0.900203982361187,0.128587092739154,1.20313617970159,0.344693183949182,0.688082981478909,-0.368359970048249,0.917783113867212 +Gm13938,-4.5313821982991,-4.8527784599337,-4.85040182975632,-4.78673448940014,-3.43209021579919,-4.36823521456093,-4.21438177218849,-5.56906744841972,-4.55563232487046,-4.27804865621446,-4.5803992978649,-4.29818797313681,-5.11242995606164,-5.15532621892704,-5.51311672804271,-5.23268673238717,-4.52791914850419,-4.45791344251523,-4.9365570324486,-5.51876397264175,-6.00310175032354,-5.6709308469425,-4.5490160271593,-4.9958502310886 +B230206F22Rik,0.825835441769712,1.71779753111297,0.697872722551717,1.64115944059231,2.43357811337362,2.24631822698064,2.1716830933382,0.852282597092435,1.17504441062861,1.48984110417804,2.35583297686844,1.9497163357268,0.714989214811395,1.4831182425328,0.619586275693047,1.42781370499451,2.35018995792648,1.44288145622564,1.9749648904394,0.566974273511055,1.54506242007014,1.55073353353557,2.29446977619758,1.98413073145873 +Gm13705,1.77324947258895,2.45139058001974,2.54604999154988,2.3846867242821,1.51566392433588,2.14737503404798,1.54985620627111,2.53029297118167,2.49649726061996,2.4326352021947,2.16547868312665,2.35102404061976,1.53459734386665,1.57643368658117,1.46065825395013,1.24534433954503,1.21328081357634,2.18109230763622,1.2492955646388,1.69972568624624,1.69202067595001,2.08506423948473,1.63807382257359,1.18871665955605 +1810019D21Rik,-0.29532684035993,-0.764402961209007,-0.936484622466514,-0.421703965186612,-0.304417153429768,-0.87737224028625,-0.605770658463708,-0.286174717844508,-1.35808847550925,-0.688063715226894,-0.358024609274151,-0.866738521920606,-0.154375565761657,0.261125963803147,-0.0791426121589089,-0.364780107732858,-0.484093926440343,-0.0928829183017008,0.499366650302488,0.222201070176791,0.0818962286721223,-1.15438022206501,-0.262163551960063,0.323228192887518 +Gm15559,-1.44758927615402,-1.78423513956878,-2.27365232011638,-2.00112019103322,-2.62024360829596,-1.13972955879493,-0.628187719120938,-0.963403681045412,-1.06548306552982,-1.58666157414756,-1.2797732073607,-1.08016580674268,-1.55236567154627,-1.08187394801368,-1.82531516703009,-1.15226355445561,-3.15052422936424,-2.03651716637829,-1.4955748110386,-1.28913332943402,-1.66125659560733,-1.24809663383924,-1.52602368360649,-3.05939494585217 +F730016J06Rik,-1.85114944238652,-0.388895817360726,-1.37237988439896,-0.0710535187653902,-0.386808229798664,-1.06009897794851,-0.569133345651773,-1.52090343549638,-1.45164102939656,0.338127648169955,-0.372596242804408,-0.409926320350222,-4.0664973751887,-4.57126712540802,-5.1438194153483,-3.96962263254277,-3.83903668828208,-5.1438194153483,-4.03038010299328,-5.1438194153483,-4.55249640142344,-4.15459928658608,-3.80365645165863,-4.06696375095222 +Gt(ROSA)26Sor,2.76624218332379,2.78720384848095,2.88617370034743,2.78341335163949,2.39706348066841,2.48453639960124,2.57324167158144,2.73658947770284,2.7792249830022,2.62159889524485,2.48006903852103,2.72010482144401,2.71619894658252,2.57407610039778,2.60816459597539,2.44267121870205,2.04534445869285,2.55845880356648,2.03304949885431,2.95186217855144,2.53023082961437,2.24094338547342,1.75352093343842,2.55200587435778 +9330162012Rik,0.821339389329125,0.852210812423151,0.941872991013949,1.10311472436411,0.842231017172445,0.373952506961012,0.46212368190244,0.724917649222812,0.941206201714214,1.19029026192058,0.625683504040129,0.640030475060713,-0.482564392676737,0.133323862434769,-0.428606070029293,0.033368556499052,-0.825274103609225,-0.154404715794021,-0.364275437129297,-0.520009316376237,0.0173184039165895,-0.435961166070795,-0.0085335510122883,-0.275468247265296 +Gm16049,0.357439832897345,1.07298082685515,0.937050718450976,0.37175415122947,1.7261399340118,1.32548077071527,1.15014164323276,1.43626172253086,0.711335490209169,0.157650161318453,1.47221908541588,0.461946939142065,0.313393093777634,0.298441274484753,-0.554528401885089,0.123657976396234,-0.343415645169188,0.2977353743378,0.369046192014886,-0.702884370042157,-0.309385765047336,-0.821353636108673,0.0631826413836971,-1.49368438395477 +B130055M24Rik,2.05605575914182,2.3501795209827,1.78788906618491,2.42495930176881,2.79191728840077,2.52600530715277,2.63998943732883,1.71528205691194,1.67694411459298,1.85378152474711,2.67424924723623,2.28920085104376,2.82921784949705,2.85814389938969,2.56448131334386,2.6992295738036,3.26992151404719,2.95694831224528,3.2728793398099,2.51640781991103,2.33832464542432,2.80584029963365,3.49105099243898,3.06203191895201 +Xist,-6.48051797920365,-4.98246690180622,-5.86951178625258,-5.97047153250552,-5.53192316664032,-4.48349942118026,-5.31363942694943,-6.48051797920365,-6.48051797920365,-6.48051797920365,-5.56077497283483,-0.369054244786603,-6.48051797920365,-6.48051797920365,-6.48051797920365,-6.48051797920365,-5.17573525213743,-6.48051797920365,-5.02349510330324,-6.48051797920365,-6.48051797920365,-6.48051797920365,-5.4653062946581,-0.994362692824972 +Nkx2-2as,-2.97107707917969,-2.18580099716938,-1.68741356711237,-2.21367374696043,-2.55005104678566,-2.65490604167893,-2.17837526884428,-2.53223464076791,-2.25335589510528,-1.79764854435803,-2.21520022466574,-1.82274976184999,-3.17037504532978,-2.40447643582715,-2.6632792314599,-2.26218808173023,-2.78265211741693,-2.76348955210076,-2.46216615717221,-2.85736180096322,-1.98214024541543,-2.47777106342815,-2.52569664431164,-2.74798211727742 +Gm12264,-2.71802951025123,-2.10448312643263,-3.05710106744957,-2.19159879626371,-1.97561217027733,-2.23751030276887,-1.54205635158505,-2.58880540252825,-2.33970684652001,-2.72548596603015,-1.6696840264143,-1.7191957812403,-3.27945973025017,-3.71234471330741,-4.69368913347786,-3.16511376700866,-3.70796275259384,-4.69368913347786,-2.95937337766181,-3.26623731753534,-3.096033525357,-3.70446900471563,-3.35352616978818,-3.61683346908177 +Gm13704,-3.18351295169981,-1.07837835026518,-3.44500563429424,-3.17171101666764,-1.73624712193517,-2.11640348661343,-1.15556827402569,-3.06574463105984,-2.58048033814738,-2.26389004454405,-1.4400157434098,-2.90892884304945,-3.73615704048513,-3.83213466047429,-3.01593501182603,-2.55948491826383,-2.03068037906971,-3.41122028068133,-2.84667187201622,-4.81347908064474,-2.47633260323194,-3.24290771565047,-2.46728868767469,-2.52570611969998 +Gm13648,0.0175434822412819,0.766572015790094,-1.16353365633613,-0.085206611582355,0.829126475551786,0.303257681633976,0.442685890918618,0.0533919649408958,-0.125091847197528,0.267692860115733,0.0407243344012957,0.294705272789269,-0.0888656123022585,0.0957994921937322,-0.31817787000938,-0.409524637795306,0.788817279013135,-0.277806282052208,0.197961703136249,-1.08822349496883,0.378975121312749,0.0462598515378341,0.634879902760683,0.747389942092044 +Gm2830,2.30832877162067,1.60486480570412,3.29782737939788,2.74888136426234,1.62800082138853,1.59730820542,2.35648614120481,2.93689007902869,2.66119182364562,2.56166231370532,1.87213620154645,2.29201925431478,1.45938807842121,2.07003546089347,2.17336455630177,1.44817790827046,1.57675287041969,1.93644822006501,1.90315393747117,1.86277607947313,1.73219000418215,1.32030022364123,1.03841659858691,2.54418249079764 +9130020K20Rik,-0.709558905793279,-0.7218551645663,-1.13938414577892,-0.402951375299174,0.612067888738523,0.553870891883307,0.507255296389264,-1.66794062280626,-1.58561138352253,-0.426376992854846,0.776674988197382,-0.718828292578991,-0.908856871943371,-0.768557464205871,-2.61694252079478,-0.94334076229439,0.0249497136257708,-0.769263364352824,0.168478826230159,-1.49558645063039,-1.59967931655444,-1.62676355968103,-1.00381609730693,-0.0654104715863396 +Gm15500,7.29347516967783,6.6664336801318,7.61522337180404,7.2848917478928,6.90100547332493,7.1325480092444,6.82270055324066,7.20630907195324,7.25021153093939,7.327404551996,6.99190545530044,7.15388710898494,6.32640632245008,6.10394872847124,6.57786066580574,6.23560718022146,5.83172370509861,6.26081622669205,5.83064940803233,6.60325101740831,6.38386183687155,6.25908885546529,5.91165074848555,5.78720395931615 +Gm11837,3.16223515153921,2.90590213508821,3.68442727766002,2.7527863533752,2.23381029214451,3.13894808517186,2.70967455758467,3.17014248124551,3.30510134110463,2.93115405819359,2.69023464197967,2.88468808681778,2.24232922395054,1.68423305677321,2.57841373752861,2.03718483052884,1.34791055426399,2.07386608414838,1.12396987901274,2.35477186135748,2.31332328193939,2.18899538085298,1.71810545138706,1.43653311415597 +Gm14290,3.66867486288136,3.5745162458557,3.56801873248766,3.34601659243553,3.75786847002929,3.86295135431084,3.42252349629466,3.74734461095208,3.40920520062778,3.49516047843984,3.74786120687019,3.30395683586748,3.43621119276344,3.64568590054251,3.47170997248439,3.70205207233677,3.99698478802014,3.6354199775786,3.97861483025205,3.49463590421085,3.35066809004672,3.77782186959771,3.65405846446286,3.89379123691551 +2810403D21Rik,-1.45700646545911,-0.987503605783924,-0.473139354571412,-0.861247544964598,-1.10878983918906,-1.31621242694501,-1.51480162448393,-0.907128774016206,-0.708722682101513,-0.402475843695876,-1.32966880009807,-1.69352764742443,-1.17136335366218,-0.933118131651626,-0.9844911135186,-1.21219053453516,-1.72200221467859,-1.85325311680285,-1.6279184488243,-1.4167374274456,-1.50140663844853,-1.06989691466463,-1.49099311979971,-1.69086815340976 +4930405A21Rik,-1.53294647809451,-0.805527821458476,-1.07078681473551,-1.27634881961201,-0.785186251967274,-1.12506224625964,-0.596117538822126,-0.959640431178905,-1.30414322690938,0.063583051056657,-1.01608832608761,-1.2069393648763,-0.263645601001486,0.717956005586836,-0.0185645685012059,0.0270690493778282,0.588758141992888,0.408330530771944,0.485648965011614,0.349570356281476,-0.106563368789571,-0.265625228250541,-0.513856053395424,0.888884759562949 +4921530L18Rik,1.18833818965808,1.36187312044267,2.24088358257143,1.5968575716422,0.197491990715813,0.955236053285774,0.892543252045677,2.04927146479275,1.82371372667166,1.91885824180668,0.723519468915896,1.30161181323015,1.34220954546856,0.733939670634815,1.19434253805272,1.05295654114694,0.519809073593242,1.3248537305781,0.846210140644726,2.20843314528519,1.3682318556109,1.26118095604166,-0.43607568625642,1.26256421884963 +Gm16023,-0.169270283832382,0.554906843075516,0.331819971874754,0.168493489019853,0.756501777685377,0.224583653836739,0.529842763596666,0.392176029380281,0.0078706689123779,0.0993653743083494,0.60263116492655,0.589086831380698,-0.744746834026423,-0.330680185496394,-0.842423287677212,-0.453511667286762,-0.0456945276884912,-0.250108205380151,0.0172417867586669,-0.523252299569523,-1.10396100152159,-0.606851374665797,-0.0393609116432927,-0.321364659032829 +Gm11560,2.40054295276856,2.2035765336683,1.95815783701208,1.84818610863279,2.04222753639842,2.35566902408004,1.71048556444795,1.49540068878637,1.53932564636752,1.4835131762222,2.28489923878054,2.29251589103767,2.28593340831781,1.96542673846423,1.74710766867333,2.19869944105085,1.89795915794399,2.42684867850245,1.3071035820671,1.83115329083134,2.12604661721529,2.05260451205691,1.99224520218655,2.25097845994299 +0610009E02Rik,-0.12348310807235,0.150275659347062,0.180086763345812,-0.0519087410075154,0.758231580184875,-0.29016828835903,0.636866242630945,0.0883776959503391,0.40968030616633,0.233344706977716,0.4394716289711,0.432099705126624,0.817868779575997,0.63941474063273,0.975870452628043,0.159047313884709,0.760148066110505,1.14619472507121,0.52799029888483,0.146684433322557,0.126805262895876,0.399423155352605,0.703559935602294,0.736413248591491 +A630052C17Rik,1.56841864318227,1.56276396764825,1.49713351539632,1.60028669728252,1.45252751576636,1.31620012061223,1.36340158179696,1.50808531089942,1.7506423889135,1.80563429693303,1.20163034473858,1.49939316102647,1.71961892106805,1.70367186183115,1.55903402821736,1.66216301547831,1.27086083762513,1.96141830133679,1.85581234095062,1.70408602613671,1.69410437385217,1.40137769875535,1.60197176160926,1.3779661556828 +2410133F24Rik,-1.02477880695238,-0.74651904898391,-0.901458454103179,-1.05252486962462,-0.47138658067558,-1.07983057236355,-1.03738778380529,-2.20149859272194,-1.44445030877974,-0.963822953769578,-0.630212207493161,-0.996902862258418,-1.1073389547142,-0.657083364387847,-0.674097781275709,-0.823835077908826,-0.999748229950969,-1.06576789285126,-1.23956299219796,-1.02838197081926,-0.906406548149632,-0.806962315379772,-1.71683666773147,-1.30251269678342 +2410057H14Rik,-0.574785051584321,-0.648597615505621,0.21520985184361,-0.415314255595908,-1.03443767285865,-1.23090124039052,-0.439187332869271,-1.0210503729419,-0.31744593231359,-0.993711219595024,-0.672568991367662,-0.645894437215654,0.278519074942409,0.66392684995772,0.759110778908651,0.0409207640627668,0.424483045796063,0.736949535189682,1.35291172032989,0.689649956480064,0.166086530712308,0.600260066988339,1.33573401361466,0.277757265361332 +Gm15351,-0.26118161802121,-0.165902620975591,0.590759763673179,-0.557277409881803,0.771713915786203,-1.06334714341095,-0.579453701894797,-0.278006846881777,0.282964920698489,0.749271602013456,-0.691604023155189,-0.16300582830396,-0.094412525099447,0.753700308562396,-0.22365174290326,-0.332674432755339,-0.0838685543099034,0.185008379961895,0.116491800168186,0.85720405345963,-0.19816776621164,0.685494267796364,0.813967517255908,0.445311362340898 +E130102H24Rik,1.10777846273459,2.2437459679481,1.11651183954627,1.93920161099398,2.17092513899542,1.73243424559952,2.14596990807068,1.26126938473571,1.96884827869934,2.29699517509829,2.21252567137102,2.18194560464362,1.47522824671047,1.88729797177452,1.2580343097974,2.09487466512651,1.70944343388015,0.899691967854681,1.94068385769538,1.11824990619997,2.67782654314216,2.28379291703407,2.60770728251231,2.06372219567815 +Isoc2a,2.20182336041648,1.67699430236887,1.63352867077354,1.75049451704239,1.97140357764631,2.00496403449764,2.44627587916376,1.86302527571793,1.77197865002569,2.33382659484344,2.33449483147419,1.91759141784937,3.39283834333992,3.27445629771587,2.67346547261093,3.17907468232453,3.52208605449935,3.47909637009617,3.94222559410409,3.2087620212084,2.92777660365148,3.00354346604315,3.73658947769893,3.64175322053048 +5330413P13Rik,0.219343335014568,1.37327888027061,0.758312502013132,0.709973744727945,0.580001606031052,0.843311703353443,0.730354920734321,1.15109351025481,0.655919473386142,0.891456038017013,1.01930173679296,1.13231995970891,-0.098393102614696,0.214453030797728,-0.166101724235165,0.122362435988334,0.0257605900011861,0.0186941896348225,-0.320815973778818,0.452419887658731,0.110153518664276,-0.338048979650823,-0.0796811938088764,0.397634064359081 +2410006H16Rik,4.05685371900811,4.18775424304471,4.8601772730292,5.01891746392905,4.24579800306817,3.70313750086282,4.11468353526369,4.39229830950062,4.93090084445698,4.93843080238886,4.24580627594868,4.53963485965422,3.04486704220193,3.90385441193479,3.47123454637644,3.96499378262338,3.95242857394853,3.1335935542729,3.88900522617034,3.63362018011442,4.27322859346871,3.94617541736789,3.4381403160642,3.78872364808776 +Gm15681,-0.701897251814427,-0.666466808463939,-1.41284526864611,-1.52841169549124,0.461624124239436,0.36966358416562,0.43988238669592,-0.869887544747214,-1.56350725954367,-1.02554807022057,0.47263598512749,-0.0093904023400626,-0.575268142245655,-0.307194816259341,-0.638800244398155,-1.0620620718994,0.533768954871862,0.025735414094691,0.659310992684574,-1.6657647326573,-0.779869092327,-1.81270616548873,1.09070653496627,0.63140324538481 +2810008D09Rik,2.81895875690547,3.36157743514251,2.03627344663364,3.34431269435663,3.95314936789821,3.36441793794044,4.07071188604562,2.43959613109615,2.66983781892011,3.29431235252114,3.79061695451273,3.80503544346554,2.30520766750296,3.02976403078892,2.32275867886404,2.97666576532202,3.35619446758933,2.61752607852997,3.54987245722627,2.32533965474548,2.87213164702978,2.96396840185121,3.9062495942909,3.48247003853784 +Gm7809,0.850271346480916,0.614770583805436,0.927899694656748,0.516236606079524,0.993140702121308,1.34710235526838,0.526370996723667,0.398056119286254,0.761121779028112,0.230779025367577,0.543584384536576,0.970255296522445,1.62239691518778,0.819371024785218,0.878439435314809,1.40987582155263,1.3747909961572,1.4242466870585,0.775445818020415,1.1259729906637,0.909556610059617,1.07244322048923,1.02471020752928,1.29841863156228 +Gm15672,-1.00398988278976,-0.911644167729203,-1.61117605966588,-1.15403633806681,0.384911618088959,-0.0762046865118271,0.237843692820488,-0.464488240078248,-0.410449699339293,-0.430060469915689,-0.036977923019073,-0.387366380889638,-1.5654201027887,-0.55087204554695,-0.820410671088264,-0.245205575874755,-0.680627482494907,-1.57739070605298,-0.812669070066633,-1.89118574463336,-1.64629260080738,-0.826528181698006,-0.633459113046332,-0.26877852523209 +A230072C01Rik,-0.582812699805067,0.78865963366609,0.216669799027541,0.603986477530323,0.856240672334364,0.522244333454711,-0.0919036882832887,0.502592885002022,0.154187407653252,0.109161884896491,0.259710986222031,0.513691924610004,0.720432867303243,0.113647349002824,-0.279546944143646,-0.190537985974571,-0.199597321160209,-0.152988348821497,0.107479067627856,-0.0231007169449113,-0.157888132053191,-0.732775389253959,-0.148008934147432,0.486432388967157 +Gm16124,2.5443071317995,2.68450068969707,3.61189680693708,2.82279387354152,1.9172453655646,2.5193814327119,1.97258539249773,2.66417604708931,2.86887655527489,2.85628604959369,1.86019288809042,2.10513855490892,1.86396705422889,2.19192758587084,2.70921116626872,2.51042510458178,1.13470771395779,1.4742759265586,2.0624094509754,2.42477416023252,2.61954874032019,2.33255289803176,1.44004597417761,1.55057291911796 +Gm12207,1.67805346092171,2.48670914232983,1.0396669360514,1.45038975203261,0.578194831453007,1.35308179668779,1.42391192140468,1.49023202831065,0.611554951573748,-1.34399379734352,1.59867778565379,0.156441718543978,0.770488776023584,1.08478366312591,0.966941645874647,1.24737164153019,0.803666348010887,1.08407776297896,0.113029078556894,0.588138074717814,1.4796604163469,0.447936536638462,0.678764002584498,1.36687718344077 +Gm13835,5.86135459575443,5.19763842233203,5.61386450301739,5.43615400128662,5.28011430807872,5.38013606343618,5.55037187180938,5.34873483362846,5.61129121801592,5.49967513373939,5.31490567762761,5.44880866666612,5.66515093126071,5.14150952319175,5.72915333003732,5.388028436041,5.52222120862474,5.60051205190462,5.20856133479428,5.58396673239047,5.70713303110228,5.34283181429067,5.20312675185434,5.48805568252522 +4930481A15Rik,1.06091662441897,1.74536380800618,1.61031454892052,1.12622534034911,1.25408663029568,1.63424738493708,1.64589144611378,1.45412427983888,1.03499951974176,1.05131956348606,2.08061429816293,1.76560250072944,1.14748666384337,1.5615533123734,1.47934924407258,1.19039238335116,1.44285962701223,1.35657486043796,1.87085631987243,1.49724718488202,1.42087574430002,1.47170415714256,1.66755880162656,2.26774598316175 +4732414G09Rik,-0.948948381358939,-0.434292702613345,-0.871955188798615,-1.13551937823902,-1.13936915538746,-1.47077669817757,-0.703781465239941,-1.70027688018206,-1.28362742849532,-0.866651783632713,-0.536612677679971,-0.663116363215615,-0.808645965699816,-1.08387523043101,0.104547154908186,-0.903165785311542,-0.854811013878145,-0.433507419166054,-0.640922774563667,-1.03611841835467,-0.620972805739144,-0.569224869825427,-0.362573571351593,-1.52380896756029 +Gm16314,2.66726791318726,2.74203287917137,2.8289754215939,2.64057100838267,2.57980284550742,2.48785595045422,2.4225031814136,2.64921939787847,2.22210590204292,2.85096590178185,3.35842823727289,2.50534133300383,2.16047976395703,1.98229881970444,2.29412281090315,1.79751346081646,1.77519182845797,2.22061678359511,1.85921501273971,2.5042681927665,1.99501926700512,1.82753832301623,2.49156866268956,2.03338403248626 +4933431E20Rik,0.438773464580505,0.94751927305602,0.93287455672197,0.804575628644689,0.915171918937876,0.841972390483486,0.79394511557356,0.975441269760365,0.474547062915583,0.709427297641294,0.660380234784002,0.649015526021148,0.539763425347814,0.726507421668152,0.347012103627526,0.683504144640845,0.69839652997934,0.282284240183993,0.542025364522833,0.681033912068613,0.0368192875950903,0.766188579449861,0.570708516099983,0.898658251142581 +Gm14259,1.26107247066063,2.07442291287735,1.53853236841592,1.04524239683051,1.60377337588048,1.8202459841602,1.59563767095428,1.6543037225042,1.66461215434532,1.04742058057564,1.63680235450646,1.78447622652917,-2.81979285457694,-2.81979285457694,-2.23940045069642,-2.81979285457694,-1.83406647369293,-1.41753405461353,-2.81979285457694,-2.81979285457694,-2.81979285457694,-2.24200797753118,-2.81979285457694,-2.81979285457694 +Gm15941,-0.288771908825093,-0.847840276074658,-3.0122659586569,-0.568527746020415,1.03692973914835,1.074262871444,0.711740560160276,-0.321800257078549,-0.269982512218225,-1.76317094161135,0.544957017945299,-0.0429241928324586,-1.4672723502125,-1.62237982844505,-1.60296913096534,-1.06717023312184,0.380900997181437,-0.174107634573147,0.365894829745072,-1.92041601953076,-2.0368853666435,-1.74651586393215,0.106677967166405,-0.3282793442752 +Gm15623,-2.60654515466307,-2.31890915924757,-4.09370419006234,-3.52929867793803,-2.66548227667834,-2.80375066890629,-2.32882684820911,-2.27363062541135,-3.18397766670587,-2.90288326941626,-3.0136646074451,-3.04732177165827,-3.38620720278225,-3.44928293803111,-3.33570974733667,-3.33969517152151,-2.44355099113016,-3.75578326952088,-3.32699528642465,-3.36783961020372,-3.50002801362373,-2.58882141266909,-3.20948250612347,-2.42955132174547 +Gm5530,0.824088326584841,0.545212337917711,1.1223354760773,0.45477706927355,-1.07958811897622,-0.757293845598418,0.33758599711448,0.755741565448792,0.22959332657451,0.944080446561128,-0.148323966039464,-0.268790621733638,0.489357269650775,0.435618188699787,0.818099277540291,0.644380575690066,0.336594500542207,0.581182941303536,-0.17262604415283,0.984022766057644,0.583763479947588,0.102143172410679,0.270620446539185,0.371264500681714 +A230103J11Rik,-1.51025006983546,-1.64747851008039,-1.88308644554347,-1.49497964623995,-2.29352033921732,-1.14357733310518,-2.1674878948447,-2.01713606216255,-1.46152978338226,-0.986293813054261,-2.08368934166476,-2.62774709050539,-2.61571023652788,-3.23278505306396,-2.54260047970867,-3.00372196163149,-1.8560963474559,-3.13003852813728,-2.03291495010112,-2.83054885405577,-2.19515085068789,-3.54307719933846,-1.69896260046821,-3.11862181188433 +Cbfa2t2-ps1,1.92480170750903,2.20306146547751,2.19062604890641,1.89705564483679,1.87928573342481,2.06902069678878,1.72821452461164,2.53006845420665,2.24364458536722,2.24831298464568,2.42066893155478,2.28211129396796,2.01350203460971,1.7843521376485,1.91313188114297,2.06824047463864,1.55191774851525,2.09933337904821,1.77802149668623,1.59599781044656,2.13636207672923,2.05250556479344,2.19138663619503,2.65389240013935 +1700110K17Rik,0.210199879478702,0.953191602367773,1.20213582888708,0.857525805347414,0.728610099740784,0.334141117442295,1.26689388244431,0.747069364350037,0.978154786638812,1.29790973309032,0.373367880935049,0.128435265775596,0.56340625543631,0.856027184288375,0.740251751657335,0.722992813611563,0.213494999512764,0.452232990883459,1.2768380513231,0.277813578751973,1.30637311237692,1.31739886634608,0.981916253783769,0.651142635346633 +A030003K02Rik,-0.288696794449297,-1.1662935802857,-1.58382256149832,-0.680976847628123,-1.40299635151134,-1.4749403231191,-1.3981769186386,-1.25084322618052,-0.719625835858242,-0.358086413730998,-0.97486461791881,-0.667279988157151,-0.704298315862799,-0.427401815626041,-0.952963028132112,-1.20925423078314,-1.08067926863391,-0.829298386129073,-1.90745758457866,-1.33648514177558,-1.62750141812372,-0.491068598595422,-1.61901554046669,-1.72583796713087 +Gm14004,1.56349709667938,1.739373565687,2.42592930976937,2.53235821328185,2.00386211947959,1.71815191442778,2.23599987449853,2.93386968375593,2.34402088005987,2.6074475868014,2.10456435323956,2.36644027902016,-0.52287566984844,-1.60019771000805,-0.286506241518908,-1.60019771000805,-1.60019771000805,-0.970056037780709,-1.60019771000805,-0.955660818996129,-1.60019771000805,-1.02241283296228,-0.58498602546249,-0.963545907978137 +2810442I21Rik,-2.01002427193442,-0.436673388039526,-1.41001236362753,-0.936613117587756,-1.2656565205084,-1.64297184285596,-0.786739412295709,-1.38500567803819,-0.798318724685503,-1.35200405357622,-1.31431552590127,-1.42010565135193,-0.601597868242112,-0.672797702780248,-0.844416534277538,-0.443325384547869,-1.20398969635053,-0.827515446613719,-0.999314601669698,-1.70785852881802,-0.716620440829184,-0.957841008464318,-1.2938000079093,-1.05684416345512 +Gm16638,0.205626764137806,0.638428148272207,0.438620509302139,0.351644625461542,0.647508327479779,0.681109818914638,0.706613790423911,0.630559046040828,0.491039029313527,0.501759029113352,0.531693410969182,0.69544473770793,-3.85662106304598,-1.67191595410512,-2.85497502643414,-2.95241989982302,-2.66172617201746,-2.84842179273578,-3.37680490274699,-2.39236101387443,-2.43954659148376,-3.55998550214444,-3.19759494572668,-2.60708116651999 +Gm13093,-3.1697704570946,-0.789837884188199,-0.212714746028611,-0.247827194798814,-1.30032282183754,-1.67763814418509,-1.56339936026682,-0.291542592381737,-0.918216508033505,-1.1250676661078,-1.63158383800182,-0.541348887741137,-2.59733466204889,-1.53385668719574,-0.779678604584919,-0.940212772066861,-1.52699655685408,-1.77216442298408,-1.50767626625874,-1.97290822816358,-1.19966268756756,-0.693574667574919,-1.84561958315449,-1.75872132894465 +Gm12360,0.460840084568833,0.684194458833825,0.737382678840382,-0.275994700616734,-0.390789764032409,0.492012067198696,1.04418320480606,1.71956321076492,0.456343802540397,0.791529671510937,0.824014342656825,0.687770574900702,-0.195303024579455,-0.911710150351116,0.173367699827875,0.438542292917911,-1.27486302335595,-0.259473965936747,-1.23884827229348,-0.859587351794443,-0.412411195929222,0.101740436716578,-0.501562296030561,-1.50883909652947 +Atg4a-ps,-0.543986211990332,-0.616098335216422,0.362490291765056,0.0178802682253865,-0.331717280474718,0.28782013603764,0.2007211598881,-0.395500683055739,-0.410578788064041,-1.44074607173659,0.245614335639368,0.0584666768525868,1.73728170244473,1.30979122426337,1.53193884790134,1.29887596713554,1.42134074854257,1.49933526330119,0.968267571894944,1.73499437311121,1.65387086955279,1.21413795109445,1.37509324888422,1.43583005743094 +Gm15545,-1.14320752397679,-0.0501059226902896,-0.496563301301621,-0.0484541658162216,0.523210260341526,0.546709922622347,-0.0770090593198844,-0.288016207410088,-0.893248189745087,0.225223374035297,0.154803179511493,-0.458559410283049,-0.35142532230282,0.0375946997800158,-0.223910647035458,-0.352938786750843,0.595355090973952,0.245869387570017,0.795435403094785,-0.887802585124701,-0.811549905888768,-0.169782403503564,0.24760757920066,-0.0739624352045618 +Plcxd2,3.0328279934892,2.7232193907943,2.56891315589153,2.80073562196458,3.08123922909921,2.95082751636623,3.11270893815253,2.62838236342809,2.77175967316929,2.63070852555919,2.89998191782264,2.96470677714605,3.15859634337423,2.55867465275442,2.91544325065798,2.71727169764213,3.32889530008801,3.32466166201556,3.28630955192201,2.30164806780282,3.03416385932603,2.49563315910991,3.04017317805644,3.2508426320779 +Gm6483,-0.152824708348896,0.39525441008231,-0.240147510133672,0.261450533737515,0.169003467442693,0.441074624087701,0.246970240717057,0.379033031946123,0.249399068667857,0.370244451914465,0.128492400982414,0.050314542858938,-0.872732855403196,-0.143868100888688,-0.818024635138708,-0.306645661205663,0.167075579059227,-0.567338372966056,-0.345683804273051,-0.681757801899291,-0.536899363205896,-0.280416931779494,-0.430892372132014,-0.142107174824016 +2010001A14Rik,1.41726314317384,1.3976452711044,1.44139187696763,1.43289825221766,1.03339522148811,0.928540226594848,0.977844158795702,1.05121162750587,1.72192215608775,1.89247616109136,0.686476601003497,0.920601836689996,0.953556919965413,1.84474078106256,1.91918092581578,1.67077305320504,1.09952089081907,1.49073189895771,0.765268969421713,0.726084467310559,1.72698004904838,1.74855173122413,0.47078356318211,0.412366131156815 +5530601H04Rik,0.785712395618864,1.07821253703324,0.865617936769135,1.01403097844885,0.956734993185767,0.93966441981668,0.989911236003571,0.962022974311304,0.9436605312481,1.09815811750607,1.14335187443217,1.2350884045698,0.185412514545028,0.442124349817879,-0.0698471253838924,0.298774958965066,0.153970359400568,0.0227041930867347,-0.0148955127331512,0.0621708082482928,0.0410481322938758,0.253966203660086,0.0824659431957016,-0.176711707613875 +E130307A14Rik,-0.182479897400734,-0.0493671769286457,0.257303841255454,-0.113628553055257,0.481250671336844,0.818795287731223,0.382988955883173,0.0868362596778445,0.240538767500363,0.0647391517631317,0.402982124353267,0.161246906740956,-0.648010881243674,-0.311239549067493,-0.447441826828473,-0.739204000427422,-0.641208339072376,-0.930510915951702,-0.400743556021756,-0.727459928767751,-0.360379117610658,-0.455121453821584,-0.999318297844508,-0.648870781995454 +Gm12908,-0.320197183535244,0.598533381248914,0.0531963539081138,0.501305489393513,0.0428776496502788,0.618502493149834,0.608488394387672,0.0612338840352832,0.87028464799414,0.0985267159345069,0.307391639292428,0.282255705307675,1.20592564687674,1.96815084038176,1.65954329592769,1.80527126190135,1.51516343304025,1.40004949865494,1.15109006181234,2.13183195250873,1.69116785428625,1.94356007902164,1.48776215493025,1.54368394916919 +Gm15261,-1.45188000627271,-0.942827594551042,-0.954248831231067,-1.43781519673116,-0.832172847394264,-1.37146758186234,-1.35102346562269,-1.72276268162173,-1.16179091404146,-0.864811523835057,-1.78457354836466,-1.23536328744459,-3.19067820570154,-3.25509412263105,-3.82764641257133,-2.65344962976581,-3.82764641257133,-3.82764641257133,-2.71420710021631,-3.82764641257133,-2.81811612772062,-3.24986153552557,-3.23252498852728,-3.19099461054142 +1500016L03Rik,-1.13558329524499,-0.595981193618096,-1.2711203676567,-1.12586591635328,-0.220862146732164,-1.31199864114349,-1.80912338205066,-1.75256577353029,-1.15057600032375,-1.33113153015238,-1.39026869154546,-1.76669372741886,0.273873240787697,0.978160692855758,1.13692176048478,0.673975357878362,0.752166315431516,0.711524995031437,0.33066410129537,0.291479599184216,-0.125288886294544,0.372137694500749,1.41838702783451,0.993837519102898 +BC037032,-0.651035420540687,-0.896617237618652,-0.987622663555795,-1.62063468810072,-0.772028367453472,-0.497710743467505,-1.02167020672208,-1.01483327235176,-0.889252794915559,-2.29344483356417,-1.33777830747132,-0.381509940478077,-0.309638940906454,0.163755896735131,-0.0710224443376712,-0.0194881886552687,0.0914327387302993,-0.134298686307862,-0.0152028952964103,0.168581430145598,-0.277999131315414,-0.353997440352584,0.120083846055756,-0.191189674329658 +E030042O20Rik,-0.282683843272455,0.178443140986398,0.281006709315145,-0.0800126358584751,-0.500062304863654,-0.418217354525613,-0.397773238285957,0.220951860316767,0.0477513193018595,0.0884387035016715,-0.683113671171489,-1.15779970535882,1.35533397489325,0.948650910861683,1.43446877841631,0.747368363098929,1.30793278736648,0.890872310836297,1.02896020990623,1.19347028054939,0.843589021865369,0.565375359891182,-0.390155567038713,0.0623079869421367 +E230016M11Rik,-0.0663519944777076,0.895250160370245,-0.243525237440643,0.288777485078131,0.772479867255034,1.13993833080539,0.613758125365138,0.0635830101433326,0.114790085478852,0.228600246512871,0.590455757014683,0.20490140013617,-0.475507819005405,-0.350786638268232,-0.470427347986446,-0.769427277814823,0.700974913753834,0.094837606168513,0.285623747518887,-0.838153475900494,-0.439930346368625,-0.166112229923935,0.413944846795542,-0.268411673593963 +Gm1305,-0.88490036322724,-1.35315809115236,-1.47232238251809,-1.35798877833707,-1.3291748578966,-1.33453208966809,-1.22783472513269,-1.50246802403037,-1.31582940463618,-2.68124345395673,-2.36010122572937,-2.16716105080371,-2.12349433580555,-2.67794251087137,-2.07873807424453,-2.70940154270346,-1.56177592852786,-1.80990534885017,-1.89524328278156,-1.77699870651604,-1.90083043175985,-1.25689487453908,-1.51188751660334,-2.12417616127977 +2610035D17Rik,1.85941583612421,2.83245325567065,2.64067403382347,1.3465984253762,1.82678863643071,2.07351642309136,2.09793750463238,2.35377989886909,2.29902494699591,2.1268820357404,1.99211967754633,1.95160726553222,0.448802437781064,0.910417094956699,0.495178206766867,-1.9175801048202,-0.150022448532709,0.259797376086115,-0.0011346330827801,1.24216174662726,-0.522785511239229,-0.764006078874363,-0.0264285469402827,0.0823682208493484 +Hbxip,4.45753135234133,4.0914820954794,4.58391150275844,4.41265983392152,3.97547211968441,3.77165913515765,4.1333685378792,4.36743104953489,4.34309494688301,4.28709093241222,3.93451389271946,4.40129898673008,4.87175392596301,4.47767419580078,4.58253453497383,4.62340220631112,4.04099409546754,4.45133412333505,3.96738877661633,4.71275330206754,4.56129353394007,4.38492393654678,3.63245495137071,4.25477515396541 +D330023K18Rik,1.36250915775518,1.40233301257145,2.24997830513937,1.76279449221603,1.9177165071512,1.01458504785513,1.86715024383105,2.46476789819068,1.77546951027327,2.4057786430438,1.80341500380921,1.83832423357718,1.7832806308524,1.86680710313947,2.13743655593112,1.53453506285075,1.09854903006085,1.571401113536,1.61190204442551,2.21142579580134,2.40233939200639,1.78899661443133,0.804786694976251,1.15709032143603 +2900008C10Rik,0.553372843945334,0.722791602429959,1.02639742754353,-0.297613364785926,0.428334158379405,0.51864592243575,0.541123640545838,1.16575813549916,0.529008747420394,0.163131186736201,0.510313917868979,0.606795651462678,2.10058377276949,2.43051521687604,2.18697414776301,2.24666239604111,2.05523141585109,1.91151479115947,1.93361710830706,2.45480223144475,2.1012974528618,2.48298804430642,1.68863058705099,1.80306821100851 +Gm9392,2.33657427854289,1.20225793937657,1.55134430369632,1.59784570938483,1.61088808506244,1.8673232405666,1.4046915784124,1.60649409888064,1.92283440756117,1.76388734277988,1.59968173707151,1.7248369673677,3.13373560977026,2.03531073159535,2.54648126103415,1.98248415131166,2.26889882982166,2.40950053198466,1.94776843090111,2.97437372357926,2.23303662506733,2.29172468577157,2.22696062804019,2.58139399460803 +A430035B10Rik,-0.456370978141339,-0.515391561100204,-0.0311133592597086,-0.780001764467645,-1.01049579483919,-1.39262612934967,-0.84447033597827,-0.160805551305194,-0.230321052525033,-0.253011317813358,-0.820687878850209,-0.988749749818965,-0.68282752762968,-0.488953181069786,-0.225340491657385,-0.389512616590731,-0.985182971016642,-0.788932115848802,-1.39245300959053,-0.103380180344142,-0.139371346409197,-0.763062756873669,-0.884166091408902,-0.683666876841379 +Gm15884,0.0011458265053812,0.309695194889008,-0.570925899140381,-0.0561452418604785,-0.27687396357676,-0.774715252851426,-0.0108415702372888,-2.13493713326124,-0.627862393404191,-0.32250499190076,-0.902180409658101,-0.118969571483662,0.0392470337773537,-0.219063634438173,-1.2959188549025,-1.04324677864518,-0.310664222146192,0.110639372565899,-0.0967759828317142,-1.6660111077787,-0.492651411746989,-1.30153258973924,0.0207367974694707,-0.156758751544476 +1810021B22Rik,0.70467315964007,1.46134009632858,1.70079881990833,0.65096212395103,0.695582846570232,0.444423172457205,0.939731758993225,0.467596810246461,0.746475555909083,0.961777310850545,0.715065843362168,1.37511187961639,1.26467578716061,1.36402544904894,1.57245583628308,1.4307821287572,1.51409841228576,1.12044085982933,0.906792103858111,0.943569000524172,1.25896356005262,1.16493691396472,1.69881360903354,0.998428480008329 +Gm15860,0.550908269042786,0.785345361267864,-0.0295040362256304,0.20127321205274,0.398517039926728,0.224729900721713,-0.87527804284626,0.768188739746005,0.243432585753621,-0.390728571479711,0.177762484104713,0.209294512019329,-0.564232345415741,0.457875967610932,0.952492473452536,-0.246195809171276,-0.242714214254017,-0.578981474912881,0.766305919423773,-0.0772236216843434,0.86220295693663,0.11011060892888,-0.485196091414467,0.149487021389435 +0610040F04Rik,-2.99580922807511,-2.34790672831631,-2.03225133320857,-1.62152851722736,-2.17713507772012,-1.83426265984239,-1.73871958938643,-2.16092734376233,-2.62205745354898,-1.8663230305028,-2.53803638316021,-2.06092895100716,-0.41712438048305,-0.926600880821804,-0.728163636289569,-1.12361555092966,-0.584623907632296,-0.486060365532245,-0.691492430508264,-0.867289180587784,-1.15097457851815,-0.481950627349299,-0.687513340854694,-0.275010430923493 +BC042782,-1.15448200295135,-0.856266931933834,-1.9032310939695,-0.870202758929738,-0.830377402640425,-0.692908237909974,-0.389537682167863,-1.6812806297584,-1.77825822418952,-1.35582971741187,-0.976424029158311,-1.08841170893255,-1.83915365077786,-1.90222938602672,-2.08781836304717,-2.3441095656982,-1.15914605269583,-1.13253516440531,-1.18515527858557,-2.31565047265315,-1.6723899280968,-2.98469834132779,-1.28965765296672,-1.3939357696044 +BC065397,0.174604294884071,0.778572855074252,-0.380076754064993,0.605156790531766,1.13195107541006,1.22220100661419,1.0153284384581,0.206994678803548,-0.232941482248192,0.644639761883847,1.22768288630855,1.01405462178482,-1.12068717634457,0.0243203095463258,-1.32633697183128,-0.626539741845545,0.346425768978413,-0.357275349033088,0.537591185302376,-0.412042761143208,-0.465319924545754,-0.84106010167792,0.170414502766746,0.0073934599063396 +Tmem170b,2.75651964802637,2.75418935278403,2.77292325721578,2.63886410571185,2.78707456008626,2.73424836999119,2.6578669420005,2.95553132377813,2.80997378167769,2.62044760774718,2.67844365936218,2.69279190873781,2.50316693780034,2.75840239377757,2.70379595258567,2.68509442647412,2.78685985615571,2.63343268221125,2.48776695844226,2.59898292323214,2.59232846542572,2.54527300500288,2.72055180712473,2.73897314453088 +2210408F21Rik,1.89634722965096,1.23698013755881,1.43522165117362,1.73072887380148,1.62038032453384,2.16049975888976,1.96641076115094,1.52004608817438,1.50729367446742,1.62110383550144,1.34603841534928,1.81078952317884,1.17254040322656,1.74124325404624,1.15141801339958,0.904213130580724,2.0934785027424,1.9039963935026,1.64312471375165,1.94290776396042,1.00152626895329,1.05661763947992,1.42759092476599,1.54151491140719 +Gm16008,-0.923893016108581,0.754919866452877,-0.937742070994989,-0.666078915788805,0.656253210597037,0.965208270400416,0.595174290124456,-0.45700250288506,-0.20759442488842,-0.932438665829087,0.810635226343142,0.422876689644091,-0.765921573117637,0.0691179680694074,-0.545690840006674,-0.321415518461452,1.07630297787486,0.061871898421358,1.36617803718942,-0.646451360604268,-0.293879743871091,0.134446443144478,1.30319688748091,0.866057336610062 +AA415398,0.75136996042814,0.984368292337326,0.748758566035414,0.926391915803037,1.03312400609797,0.814246613272406,0.808248943221608,0.790484720607804,0.676861686672308,0.693181730416617,0.392277330898557,0.896574343565966,-0.312774503315457,0.0992952217485938,0.286598757269814,0.257275405142627,0.348350111170037,0.384580438069988,0.507204643542585,-0.0501067040900109,0.278026644684236,0.199040051378466,0.0726799700226255,-0.313587834790222 +Gm7598,-1.13938039258546,0.118451806061876,-0.936956515343759,0.092900726062445,0.106258586580023,-0.307574044557486,-0.299753198714847,-0.990894863650865,-0.0991910751142475,0.203301877030031,0.0492996839195166,-0.0805354818408426,-0.783105559984044,-0.949966757544844,-1.01637093980193,-1.02035636398677,-0.506953788909504,-2.10185114055501,-0.811319574004,-1.40285212268091,-1.40353190780519,-0.85363867798013,-1.39411649313765,-1.06763924760267 +4933407K13Rik,-1.67849300871175,-0.544555161236776,-2.3796320007961,-1.15947996705397,-0.959035527958267,-0.827135967422976,-1.0419315893891,-1.7621724176239,-2.7913042404928,-1.09783893500421,-0.603371742747401,-0.875295078151563,-1.92404866765528,-1.27341714285904,-2.83435108423248,-1.52352197911712,-1.0430384990088,-2.33281157318502,-0.651719062342719,-3.21315465538932,-1.08303868285526,-1.35801591215513,-0.907188307946772,-1.00438489177066 +2900056M20Rik,0.380021152150819,0.857647545878758,0.18234750075516,0.615089199394317,1.78395579175505,1.8304651128128,0.983741131265186,1.23260904330054,0.891943331044619,0.688149159909096,1.9330075240279,1.36376008193125,0.810016642323117,0.516255791987094,1.22339083859219,0.319241121879234,1.88187972405658,1.39974427808345,1.8519564944175,0.994498046486061,0.291882094290745,0.650903167217483,1.51527889525647,1.69412933318176 +Gm15501,4.29496704064485,3.42617157754779,4.74799110056987,4.44536630150416,4.11057735951973,3.86280836636525,3.78708549420679,4.34509864948329,4.44845796516812,4.38614935999911,4.06200848446873,4.28209670507055,3.81958654009499,3.9506857876683,4.21105668738328,3.58858539799255,3.52725477999404,3.45791191685711,3.41492535528583,4.43710102865399,4.11775641711956,4.1131141938784,3.3181278920741,3.59311598074575 +5730405O15Rik,1.2722632381345,0.993911330591928,0.533462621776696,0.85926723666921,1.4940088246177,1.43062795887731,0.865378028888899,1.56342537698875,0.667175435492518,1.11384214396795,1.33129214426499,1.61484777514706,0.602122432629749,1.31101452133362,0.878341638209805,0.455608688613644,1.59231307855421,1.31393254010353,1.01267609434105,1.21090976589487,1.3037622536579,0.496883905472419,1.46353811775041,1.54999907595282 +Gm14167,-0.648963535371679,0.914155557801614,1.7195478008547,1.34824055672858,0.362157221466727,-0.570211604481167,-0.281872733203423,0.375544521383481,1.5120057180443,0.402883674730355,-0.234106774116743,0.562746699390217,1.55777243471367,1.51487617184827,2.2930836779135,1.83013727530708,0.412049672606469,2.42561272639112,0.812957428142958,1.99757454433674,2.44853709835076,2.28592176464022,0.675187338568434,0.532703261923609 +4933406I18Rik,-0.454319061142671,-0.171706683909721,-0.49376951267969,-0.874886088687113,0.617761212648658,1.58111369315247,0.311462769950213,-0.513442599036679,-0.386540201061917,0.624902595642399,1.02243211438038,-0.0096725807695498,-0.205505370704995,-0.0063895088431269,-0.454170082974308,-0.408536465095274,1.25594162977768,0.0611219010502142,0.760375999903933,-0.413455027443419,-0.426449189713649,-0.576029356913016,0.528742499757615,0.579897549402382 +1810058N05Rik,1.55687512716521,1.66558338977843,2.28836750648221,2.32730162834606,0.701043365821973,1.45878742839193,1.74274420615605,1.29649220259277,1.9044937525641,1.8830653348365,0.153552931614799,0.940773009034922,2.18596381114657,2.23478094265756,2.03462610985341,2.57802684657345,2.1362435080912,1.57797178847435,0.8050000033297,2.5301328427226,2.93983788125821,2.19712719158368,1.88199330128772,1.49988023626412 +Gm16835,0.0789282854413715,0.193728637256305,0.469281885983072,-0.213324905075489,0.137659797029135,-0.854946423431915,-0.343404583757923,-0.924849017591428,-0.205934449898512,0.278301384221183,-0.0512628287337829,-0.795382671379661,-1.40773819512293,-0.714876588491464,-0.776133651306668,-1.11702354474361,-0.876539754278232,-1.28356851709197,-0.963972336072962,-0.895624857774803,-0.928097514835072,-1.06264194717352,-1.65794864751686,-0.547618257868058 +2810001G20Rik,2.65039422989422,2.33770681940196,3.2337461569835,2.78636484644616,2.47960946258802,2.57712748047902,2.6013244185086,3.09091542954491,2.21755496836412,3.10192228708414,2.39883157418187,2.64297826787526,2.45890124762804,2.65142792459744,2.21782701102656,2.5772836208837,2.05474518060161,2.83631854429253,2.05218123796641,2.8131197063033,2.4838731416452,2.78547406542858,2.26012879978153,2.79170835717018 +D930049A15Rik,0.0303234759187478,0.330190469869127,0.559463036663228,0.200884231310571,-0.197662182399485,0.201740953662528,0.111781433460141,0.819044467572541,0.689732861421197,0.0947429476503026,-0.172413571417742,0.117000875420804,-0.0003846254040547,0.236815052373892,0.0481112777160413,-0.640609571320879,-0.355501295342667,-0.364548038178143,-0.228401156964021,-0.3270486832869,-0.26215961354133,-0.884323500104649,-0.837594763715905,-0.804096548608494 +Gm15869,1.31436036922358,0.77935586723629,0.733948063955159,1.04553367416453,1.51300223507679,1.5405541380979,1.742647988017,1.53164083992679,1.63219567009902,0.0529403488456494,1.57728903141958,1.42763399279564,1.02221220592985,0.0566625611175567,1.32036471761822,0.517256291009514,0.232397326752352,0.652636139191221,0.7254129806076,0.215478450781674,0.421883658810744,0.766886573812979,0.918071909030426,0.912939121570224 +C030037D09Rik,-1.20183345076823,-0.60075369892051,-0.837648121282355,-1.55146850775828,-0.827396809106228,-1.1870866430513,-0.923393747466542,-1.33610859304249,-0.739278252642119,-0.663573647714557,-1.25736914818434,-1.0249572851311,-0.536498729523398,-0.822115323858752,-1.19582910237359,-1.69701270845223,-0.413997272889745,-0.666188142522956,-0.368928055807443,-0.571715867566899,-1.71492543307061,-1.28075189679457,-0.315491954019213,-1.04876373288849 +Gm15605,0.275501577182323,0.650274159359292,0.925827408086059,0.59088460761443,0.0333431008965888,0.186395725736503,0.398726652334621,0.433559694840111,0.549296637285662,1.0879630480294,0.259641622041405,0.768645215646456,0.700722022263546,0.779031071752063,1.08379127078849,0.43239474961771,0.333420531728401,0.37034654328865,0.616475948240385,0.854796190670484,0.480754861656926,0.754572978101617,0.633469643566384,0.876029579710824 +1500017E21Rik,-1.39932346066403,-1.28937537279462,-1.56155974405401,-3.19792058733787,-4.62894664848966,-3.63093359171887,-1.86104092974146,-0.217422319822269,-2.05974684181257,-3.07221319327374,-4.09698971073918,-2.72439641089437,-0.357154408528818,-0.14128691125017,-1.1820131900906,-4.62894664848966,-4.05348418562008,-1.93358310252871,-1.85958930679719,0.121065962523234,-1.21942979471121,-3.05837528349539,-4.03382522444561,-2.51514590059678 +2410004N09Rik,2.47753846926649,2.89801237633148,2.90060961400308,2.82809141460414,2.58054912037967,1.6363378778163,2.38765351088449,2.47832371554871,3.12888830952587,3.12949348396441,2.35967015947066,2.96141882699029,1.50833964665747,2.56384714256234,2.04230684693503,2.73461451579986,2.02863247952915,1.03784607181351,2.53247569680665,1.52689235106551,2.07233399285656,2.15042219356266,2.45247455915983,2.2521969539551 +Gm16174,3.17043467329484,2.63813568631088,2.41526369924211,2.85974765944226,2.18135960344171,2.53463942158098,2.87102813992649,2.87455302343202,2.39554911868772,2.23700866972594,2.79897979816989,2.53535820257311,4.28993019876993,3.74999062008916,3.79802524971913,4.07972249819291,3.92553712169019,3.91329741337583,4.25341151180804,3.79119601202004,3.55649566070911,4.06158670074704,4.17259018673631,4.0986911088418 +BC039771,-2.56882548690232,-1.63769512049149,-1.71688410520794,-2.08429299854213,-1.78173239543644,-2.10888503995139,-2.72499310350468,-1.85630862105833,-2.22493391639547,-2.40254809940936,-1.74786286371518,-1.89452578023456,-2.57605187334539,-2.90990479688075,-4.11014204283197,-3.1619590802433,-3.70480806582848,-3.28827564674909,-3.57709513435748,-4.04599755570058,-2.86958402577515,-3.11996308171822,-3.67532276216694,-3.00398140430332 +Zfp111,1.06886347975478,1.1792266159581,1.08405575177101,0.806816394003611,1.38454873405761,1.20270640826983,1.01056279052497,1.32395244476093,1.12777911928096,0.881000001357625,1.19052439110301,1.06098618370391,0.571707783116401,0.914793245465988,0.755895401033784,0.799207854972503,1.00005246227881,0.93958869458649,0.884959493445596,0.672838504622194,0.851714535310586,0.731799126073859,0.855082949432474,0.745562233757133 +Gm16253,-0.0398033102967962,0.211201532330316,-0.8318725313102,-0.267467019185891,0.0153813901475506,-1.25733497525256,-0.585227621613373,-0.432312772361797,-0.707868281604172,-0.0990156798257442,-0.613242582126092,-0.469567443435276,-0.35022835336278,-0.508116083539856,-0.750915125343854,0.0323909707524719,-0.385649587917234,-0.788627484653911,0.0363421958462486,-0.106007951451584,-0.138480608511853,-0.273025040850297,-0.868331741193644,-0.948049820669141 +5330434G04Rik,1.87427079401514,2.09467381016234,1.32462256134116,1.69356333721827,2.66538211374723,2.61435514310415,2.26923694514695,1.93236146553445,1.6826538702641,1.84144920818669,2.61446959641402,2.29371705380135,1.84864100035374,2.06545416903964,1.26183948309471,1.52910060948789,2.84930133834119,1.93095290605142,2.58239865232881,1.30668062676436,1.64404944691793,1.48142161828397,2.58098186777459,2.39323878150272 +1700003G18Rik,1.47960563285827,1.22290871378158,0.838323109486017,1.21921520403912,1.06105764497078,0.906104156594093,1.48571872672973,1.31897603477911,0.975227586257778,0.936413648807038,0.752961187823842,1.41535518802885,2.25026173013902,1.23631421206537,1.54863263473781,1.44981418118925,1.53415582317934,1.55177116347424,1.68381710318679,1.07397226761751,1.66531544889419,0.956355222036036,1.52416723374816,1.75066833292941 +Gm13414,-0.793553858791884,0.424308457092991,-0.392725794021218,0.045533674164529,-0.993074189805528,-1.91724976183126,-0.550453385346071,-0.810379087652451,-1.12140820554755,-0.365673782501361,-0.589587943623971,-1.01071258100676,0.123129714035186,0.139113843632516,-0.11968895200024,0.068724237190592,-0.767602673247648,0.005526602804062,-0.748282382652304,-0.609974619982927,-0.730540006982314,0.649874643833318,-0.431022200406162,-1.50158730238569 +Gm14703,-1.62759141075897,-0.908632348147255,-1.37327299673378,-1.77763786603602,-2.08724403203331,-1.79873544067613,-1.49199369204392,-0.973713237785375,-1.5023178624475,-0.832293102165142,-1.41196851992248,-1.88665455410982,-0.0061780621840852,-2.62190661381515,-0.914440721723005,-0.509009494671107,-1.04215696222481,-1.17517947366312,-1.43627059803585,-1.29796283536647,-0.886719828462346,-0.534866188357855,-0.993024107343834,-0.775049093813321 +1500009L16Rik,0.850788625284833,0.514034300123017,1.45607702991309,0.86662464944,0.87326972028463,1.02419320340188,0.317823356759159,1.25959679155928,0.981324092421626,1.04519966024962,0.48499214431913,0.590601591238281,3.59865673932156,3.48653049515982,4.06386162981612,3.5539596121436,3.23843933882546,3.69367202611233,3.12174599380723,3.84836600522446,3.97265005952873,3.72894069091403,2.99859817629411,3.2860682016457 +Gm15918,0.0349538932190022,0.328060369277143,-0.173097715348233,-0.0546681115289983,0.597846044874435,0.346686370761408,0.377069801470081,0.890145209785701,0.939043724017977,0.21419948307731,0.753259171125906,0.499326354762431,-0.869594173092392,-1.57541402857269,0.132051863519447,0.427228607049498,0.505419564602652,-0.128686888420668,-0.214024822352057,0.290358832071087,0.36661151130702,-0.572958612190854,0.930212573599903,-0.268985487798391 +Gm11762,1.37905755763677,1.64791045687311,1.46588718111211,1.39569965161566,1.19541476138515,1.61987576385844,1.85596821258206,1.97683872961369,1.57397929943946,1.5283637802738,1.49128655352289,1.3004010770129,0.252311953965739,0.534625422438871,0.17837286404922,0.0654824266611067,-0.156254869063368,-0.109645896724656,0.0618412561050379,-0.284065308856142,-0.414651384147123,0.171283364538834,-0.520955663028612,-0.302980649498098 +C330006A16Rik,5.55592351864626,5.29729714076512,5.38354145914981,5.21281449838944,5.23112542005134,5.31345850324676,5.17950029714551,5.46732706858619,5.38429213162317,5.21889598684837,5.30865631046709,5.26914153633935,5.13998042968636,4.98301284218464,5.22293152984239,5.04612830045307,4.90057477512389,5.1009547982956,4.84949263699261,5.09547526639009,5.00855155787994,5.12656093384313,4.91059544109917,4.98486341671684 +2900053A13Rik,2.8670742801905,2.43019970098031,2.80360515792843,2.46160633107841,2.35345797818057,2.67036812845061,2.50245148575648,2.43642181819745,2.57336188350782,2.80669980733868,2.33718767301477,2.97692503487131,3.34434756432747,2.85991550642342,3.22081685648305,3.12088953847206,2.89993240342401,3.00940026292465,2.64567992679035,3.11179386031308,3.22768334083216,3.3333326444868,2.50568679171452,2.82041245694114 +A530058N18Rik,1.35322018786642,1.44860293100325,1.14518548258426,1.23822006700299,1.9841137508126,1.81246853269838,1.56533021145121,1.45266355191191,1.34330178729321,1.07594002782822,1.79159492525652,1.71071587103396,3.53694374953637,3.44882155930254,3.49300973913774,3.1517996567314,3.33836745419877,3.3922258211274,3.36773651686,3.54318197105883,3.45864989401392,3.33039031659277,3.3309470080551,3.4238111812688 +Gm13031,-3.11298186630786,-3.35209807591721,-3.67640407602607,-4.28741026897715,-4.28741026897715,-3.28939721220636,-3.78652195311352,-3.32888447851717,-3.79045358798043,-4.28741026897715,-2.81048087852445,-3.35033670340236,-1.24901773633991,-0.621602256867904,-0.90753123408871,-2.03341610659624,-0.854036646001152,-1.47493531471152,-0.767305590810141,-0.884819621405629,-0.810697416330863,-1.21902542334941,-1.17321054778646,-1.06696393156826 +Gm15283,-1.96101370796222,-2.17080364016853,-2.40641157563161,-2.26123890881269,-3.13343382939229,-2.05910140673549,-2.12179420797559,-2.80063773534766,-2.21395078199497,-2.09278756945254,-2.29081799110537,-1.92231464372147,-3.97830041802921,-4.07427803801837,-3.47981467408923,-2.62310334857725,-4.0698960773048,-3.38167358149316,-3.9421831458338,-3.12349058612749,-4.0460921733381,-3.26369212420684,-4.46050103414477,-2.76784949724406 +RNaseP_nuc,2.28942737142018,1.13849484852241,1.65444238147805,2.53444811522461,1.51361389540834,2.12153993825753,1.90108729117487,-0.575535655773777,3.11664273017796,2.70815127088993,1.61574685828934,2.4805491477318,3.37227101007429,3.3892848667658,2.9354735631297,2.62112936055771,0.99036379731826,2.79060307297187,2.06514014343588,0.512928105609244,3.1424495513262,2.49284918985397,0.764627307915897,3.02072398455297 +SNORA48,2.68877131889751,3.40572214412603,2.49239921169523,3.31443656363443,3.2510373929433,2.89062726350784,3.11164091001591,3.36106689009266,3.10030393132871,3.98045194784527,3.53544547057205,3.5677562472662,3.8927044893122,3.30884772208189,4.37578211085511,4.49695018262952,4.99192793542122,4.4152376863078,4.59410343488124,4.23710285090175,4.09579197959631,3.50283327842659,5.0484271513657,4.82468993933649 +SCARNA21,8.43308946350427,7.30873898521153,7.98652354159156,8.16948327559791,8.29595716293811,8.16520012152793,8.04062792390207,8.39499476077522,8.37027026334569,8.17999295627749,7.77796167587759,8.26626776692005,8.61527814049046,7.97829212854285,8.94625279210594,8.38461192348914,8.088894147336,8.62076077164297,8.09483110461254,8.89806834134531,8.7662700628891,8.27088251087259,8.16500880631069,8.24177856024259 +7SK,2.01617668618837,2.01367035127145,1.48241512312261,2.03070579239659,2.24105330437068,2.66883433976878,2.6419575430631,0.953858646095272,2.09031984275609,2.3872992329625,2.91701619424785,2.12220331206408,2.00834928292821,2.29886363350927,1.41416119261824,1.85698345383779,2.92185397509613,1.8525359045487,2.42115128511573,0.0690012352381399,1.60918715584596,2.21328987193795,2.25779907185871,1.71223730517098 +Snora81,3.59543352201366,4.78262100588289,3.84326505052216,4.22588414911662,4.0748912759441,2.82571559730607,3.52739340931534,3.3014869324776,3.95233546429938,3.2608021831196,4.14301588617088,4.09527799230297,3.85233743748273,3.61795118905645,2.92421386987658,3.11262705906741,3.68732536878368,3.41603421327539,3.49445375418022,3.45226924943498,2.95229421696518,3.1970248489025,4.01481869170037,3.26056445636372 +SNORA84,3.03686701762199,3.75240801157979,1.91756444509047,3.3434745481161,3.04733155880568,2.71592401601557,4.34273960385684,2.80407572158113,3.11829080541706,3.51192588747625,2.87476587371805,3.43710042954214,5.01455595695916,3.68568188513374,4.82144779536819,4.37640770113993,4.52221105807308,4.6727165706487,4.56048889976261,4.02654468364728,4.02580385138626,4.11422846117534,4.66505568331461,4.86091166113173 +SCARNA6,5.32144181653331,4.5381460885264,5.20685572380773,4.95685295889822,5.08675394085853,5.38336675452609,5.32956932966213,5.06384117888405,5.65643035243255,5.45232242525459,4.565845014559,5.24848788891561,5.15628998766275,4.74712951186694,5.76072512240211,5.63561557207306,5.35908069180286,5.70180424476975,5.51318286602529,6.24925298691578,5.29044657041056,4.62517555067563,5.54670720760375,5.75210247949422 +RNaseP_nuc,6.37109401081598,5.32759022740639,6.28845193889624,5.39010841986744,5.25227106520948,5.82141427858985,6.21344149878452,4.98587700977791,6.56216642235399,6.33645545668287,5.54686636653874,6.16725615707,6.83633652968369,6.10151662449074,7.19867548300388,5.89966346398946,5.70902187477949,6.71495897054923,6.53010021681658,5.29360077145838,7.53350552834007,6.80809354207927,6.62944739957954,6.96575776040411 +RNase_MRP,11.1738734945737,9.67416853709092,10.5341129752225,10.5588784856092,10.7298729429577,10.7917536087191,10.3541699794813,10.448618426491,11.1550934742663,10.5055233343616,10.3314829523037,10.6861640668136,12.5510620381985,11.7594914254468,12.8936600711933,12.5728881571609,12.4500958310846,12.7991675747798,12.7514207768481,13.2792822473591,12.8006695410982,11.9665363141943,12.5343201599829,12.6474302158933 +Scarna2,9.11813673264146,8.34185324276461,9.05769959237558,9.14672942220517,8.71242875321075,8.53627149799358,8.95944237677867,9.31912450609612,9.23413244319972,9.19816293107472,8.80582778485376,9.02544832391159,8.77050922769874,8.47978494028128,8.75123663676457,8.31274992589726,8.23096920386044,8.65877768967654,7.99324270369921,8.9796207631119,8.63116829428147,8.41577438350567,8.40973289758687,8.31195869116137 +Snord13,2.71707614768276,2.80578077540539,2.27240716245057,2.8925901573679,2.41994071805236,0.903933716100065,2.86947505930788,3.29486383031425,2.85948246501733,3.45352275220076,2.59522027077626,2.62053019597585,3.73289746585342,0.903933716100065,3.21486915931823,3.76853793430164,3.87886143670707,4.27007244484572,3.07091415204982,2.60568219014498,2.91820563837105,3.88501575073364,4.51666292112288,3.84063788827681 +SCARNA16,2.70057773106731,2.80476730094095,0.622922589924156,1.65368446095018,3.16652089059066,2.17874941424868,2.68910887419014,2.40284651118727,1.41514805082749,2.97475128570935,2.57379982776452,2.49042302906939,2.59580133567506,2.30387866155984,2.70072670923567,2.44443550658465,2.68811737761787,2.82439135123871,3.20494024274849,3.25201102826409,2.34906287438588,2.57886743529696,2.94507285072316,2.12571714486596 +Scarna17,4.65366923200946,4.9854066293127,4.45599558061381,4.26138917883064,5.06133429394962,4.46698344986012,4.95850349268311,4.86719059457959,4.89792167193975,4.26342757480033,5.46600519568134,4.27508603830161,3.41507525943116,3.4413927010768,3.45983152099218,4.03503661620568,4.36277069940986,3.86849164385733,4.18808782487633,3.43133395544778,3.4853154976838,3.74234233857731,3.91081961270582,3.74359835490323 +Scarna13,7.04829705929672,6.19644263069331,6.93494344597508,7.14422782274123,7.09733747852117,6.97691157169964,7.10418841093136,7.14523880325339,7.05652777985175,7.05866762542096,6.9551187915915,7.05951637812867,7.932106099863,7.3735813474091,8.13841774207801,7.48386676417583,7.58102519831738,7.93139707108052,7.75233963290686,8.14817903532068,7.91234490303685,7.67673570986371,7.78155033446787,7.57810235269561 +snoU89,5.22597292600163,4.71520250642915,4.82580994236142,4.70014105126037,5.092067740755,4.8581960894443,4.95980604133184,5.12623096222447,4.86130521546293,5.09526189991708,4.86861873889654,5.05437634212145,4.0584210631688,4.21402437139323,4.59633968737779,4.3305296013427,4.77967955172236,4.64979379928769,4.92508615814362,4.17867547393671,4.5179030602391,4.05609988020481,4.22373941981034,4.62164616447649 +SNORD97,7.15377665333862,6.61252312040408,6.68881221072786,6.41212917971872,6.55979786879511,6.65106865125255,6.52404932402086,6.57181939976759,6.75301779235126,6.61294238686093,6.48346380147664,6.85934891945774,7.46501260212582,7.30919755518629,8.08100366584245,7.87969415362452,6.90473996815576,7.8664372120776,7.21017590952109,8.06607720950419,7.77398465646168,7.16786807553127,7.12470988002439,7.55072884380787 +SCARNA17,5.03743170921939,5.12907141990433,4.35385748046636,4.74083708138846,5.60209239314574,4.47136265111364,4.94558271094421,5.06673489780956,5.11035383557605,4.95797541810784,5.22256213674254,4.77888074703086,3.60780037479476,3.68946194206486,3.27066428389801,3.20953434743782,4.20343290180685,3.59079582883194,3.57328318170446,3.07658171439469,3.95180326994248,3.7775563715054,4.31056915796738,3.5127042766217 +Snora78,5.44507617314878,5.06268989834358,5.03503593422401,5.02098419452199,5.28496706468092,4.30114280946309,5.32246985257974,5.16751658565935,5.72211602908309,5.02321333443049,4.5368553644926,5.28780572823224,5.90079370343836,5.12302490935147,6.22025526168446,6.33642253821771,6.0998753186794,6.46142296930197,6.27779291178947,5.88001025480132,6.77285273210956,5.733093723992,6.29225638747623,6.46572911079253 +Scarna6,5.64287501381049,4.42643931394729,4.73764260458232,5.17941386522564,5.35851450000617,5.43325879926449,5.27932728002441,4.83001340578678,5.08545963428183,5.34561893075972,5.09308452430183,5.12882830110648,6.13820769098188,5.1759340494236,6.4112537648858,6.27293831559711,6.33987375694957,6.46624402345389,6.45063005696024,6.92490996057605,6.39353484214397,5.49901709478189,6.47935560051776,6.15393202549004 +SCARNA7,10.1317539239084,9.32555029139296,9.74333761821919,9.91104557524073,10.0524257965819,9.84943320934057,9.86885798166797,9.94797556971257,9.94317124524489,9.96870879780815,9.9482621222808,9.89718725301164,8.86518124808877,8.74099202189511,8.93758187636225,8.39699015033064,8.82076598207857,8.71343703907565,8.67204887029593,8.99326130048627,8.64422307319764,8.22275470167248,8.63354248342986,8.61499188506499 +7SK,0.801521913410534,1.97910898142072,0.665984840998827,1.76222392995628,2.92500731254429,3.43075621462028,2.70971486422517,2.14225477667938,0.786529208331773,1.59529667818895,2.80118100115076,2.90345396639713,0.704415550900847,0.926605785777964,1.20290129484083,-0.372906489258758,2.30329449138603,0.694342552939855,2.2677693099509,0.271630401753158,0.960450415950245,0.204878387787003,2.46042823837372,2.66470737006675 +SNORD10,5.47204463966908,4.97988915341819,4.63621509325778,5.01345875429211,5.16643416658919,4.75259899282652,4.87767251175297,4.84597276146624,5.20627813910496,5.48062748783549,4.52631824170617,5.06559080024748,5.55788809076282,4.92210817003834,5.46550731891895,5.50798907962611,5.07931981216264,5.36881001596693,5.50402306763781,5.30045976857851,5.62284710205348,4.73582542021892,5.27099798632696,5.64610671339351 +Scarna10,8.0984069152645,6.79012748716577,7.84442849281556,8.04817553638836,8.01202744470595,8.11564425884443,7.78012500840221,7.81274383171131,8.28579941443041,7.90062374458995,7.76768887299637,8.01733530226208,9.06435055650155,8.24911836707276,9.40809738199827,9.03116871010112,8.73723906833077,9.27026379713593,9.01465696514583,9.58022643496927,9.2762365665507,8.75021915146143,8.94940909626556,9.09184435653551 +Gm9727,0.60973843281386,-0.268023286507384,0.350627763135566,1.36801760383927,0.410218101800217,0.485048031027086,-0.639993479714166,-0.23995650207819,0.443578221920957,1.03761850910438,0.679311987066807,-0.0115350111088126,1.62073943050226,1.62462035939747,1.64573523064656,1.35263369120526,1.37008863968296,1.40881889440981,1.77003358239876,0.949007675660304,1.50466638271772,1.71660942605146,0.681548300372067,0.60183022089657 +Gm15790,0.545130547900969,0.838002664505374,0.470910254625089,0.276303852841922,0.132096320219797,-0.365744969054869,0.083413078823538,-0.579608908975058,0.237654864611803,0.0864652918957962,0.339512467138901,0.203516790877511,-0.396014587192728,-0.543692624911913,-0.525253804996542,-0.63427649484862,-0.385470616403185,0.33704405302106,-0.950176884108616,-0.982744165879747,-0.670220717653674,-0.379851214942323,-0.33830224695461,0.143709300247617 +Gm15651,-0.271463345698346,-0.945405960469382,-0.421458157681676,-0.369472742011107,-0.134197034949619,0.212219706812279,-0.97035114568905,-0.355142754610496,-0.816109359900784,-0.192253349390824,-0.714251757373687,-0.850247433635077,1.76651046458735,2.08282443274891,1.29280202168286,1.69130936113782,1.5557056048406,1.2468860538067,1.77898474938208,1.71480111834095,2.10058604189941,1.96843403127183,1.52002760398919,1.655744182816 +Tnfsf13,-0.142567501348541,-0.319351362953169,0.506576373995999,0.314275010948543,-0.217586195556588,-0.127820693631617,-0.518939700590528,-0.2768426436228,0.175267799526902,0.173812825872254,0.062045338815077,-0.16558420448182,-0.543226939420817,-0.235599802780396,0.472989123647186,0.173989193818809,0.18649467633475,-0.451401267768055,0.414373357289733,-0.132096057883162,0.967791449221554,0.415079926121349,0.299532205820346,-0.151744351765277 +Ugt1a8,1.00181850984632,0.656119025551245,0.746551647141931,0.871358184482665,0.457077702185596,0.3093957995384,0.404110939029585,0.651921243935079,1.18119144695112,0.909497896167385,0.379042491373375,0.142692136411134,0.136789389647332,0.003212028785692,0.211816854966885,0.268467634711214,-0.426028986468631,-0.134886919471684,-0.395726852334815,0.227296371128773,0.683657842719492,0.263200119945903,-0.567405296140532,-0.532547097799236 +B230217C12Rik,3.05736705431842,2.98696230318776,3.33468843178449,2.96326184094559,2.35345797818057,2.55489941919048,2.63458441884386,3.55373193855574,3.06608038469363,2.9618779415253,2.41821065573962,3.04392286102712,2.97920032314391,3.13333621579552,3.34109186583528,3.08637014879722,2.58974176939903,3.07225509709188,2.45841506933446,3.50053378359509,3.41877307465616,3.22555641521634,2.60810887816958,2.78284148174875 +Agxt2,-3.14546158625082,-3.48145519077818,-3.41261015712347,-4.02361635007455,-2.50760934812225,-2.70407291565412,-2.85673779782032,-4.02361635007455,-2.86418065248401,-3.04473618231264,-3.10387334370572,-3.08654278449975,-2.33645207442379,-1.73165408548778,-1.71268090685638,-0.641635270886452,-0.0962416333336491,-1.00207965712882,0.506738918959176,-1.89287508069082,-0.836791901689923,-1.13546237366553,-0.67442165947659,-0.640923444369179 +Gm16299,-0.0668266268199447,0.437281325790003,-0.855561665404777,-0.650047370402107,-1.01262304676488,-0.83269095545601,-0.895383756696107,0.0463896781040096,-0.0918492876772699,-1.5412256596062,-0.0290073607578787,0.0049215197544083,-0.10551457270137,-0.470831006997914,-0.51965655318974,-1.57521784452842,-0.767033993563536,-0.388405216786626,-1.86240479828081,-0.772266769864059,-1.35421799226841,-1.1470626144943,-0.715012285718648,-0.106334062270051 +Bcl2l2,3.85419902992576,4.09196082154533,3.93681420781936,4.03835886783709,4.19501142975848,3.97478486169251,4.11988131567882,3.89481414411985,3.96285712719986,4.15954672047311,4.11694798980456,4.04424450873545,4.51700235217562,4.90077807736829,4.42572517755765,4.79006281466281,4.94810392698989,4.63452721171542,4.97878824025794,4.52427313969413,4.7875788442657,4.99553432022709,4.93633562598037,4.91589608494894 +Gm2541,0.910171266162706,1.01548650264203,0.896322211276299,1.09146417738833,0.848744647822271,0.586846515330735,0.983918673205386,0.964893510275908,0.887107878796729,0.680256720722437,1.07333926761905,0.92667635109968,0.842289899820984,0.799393636955584,1.28837344226461,1.11465474041439,2.01079892080574,1.05145710602786,1.12735462551125,0.977784965435978,1.05403764467191,1.57043922974753,1.06382413837182,1.06737185679848 +Galnt2,5.74666212158058,5.47442239225501,5.64411579609795,5.69211400445673,5.53167799798487,5.56343626093208,5.48531450876383,5.76965573508906,5.62787855808878,5.68000973566676,5.66952373561602,5.64429068388537,4.61866298398452,4.50601151834956,4.48301892604435,4.62459002841939,4.61432314373118,4.6835590728519,4.61426686466744,4.60822849139259,4.4306574719159,4.62033914620459,4.68338300456892,4.52480696196455 +B230216N24Rik,-1.15858772193901,-0.343014797623099,-0.858829573348411,-1.27822713876626,0.831719816098484,0.389316973839842,0.480957402905291,-0.46697962939485,-0.133142852729777,-0.620327918885343,0.0387850905659559,-0.508543546712713,-1.45073588523274,-1.61298624096228,-3.07451944127551,-2.13421674738373,-1.09207788700796,-1.96013934944216,-0.796737513040442,-4.38821090976464,-2.79055530164378,-2.40441107321235,-0.901239887421594,-1.56000896959237 +Cbx6,5.33114791087094,5.32793371958288,5.27957995583066,5.19267463078292,5.32642932642904,5.28875645781898,5.24712461167534,5.55738462756478,5.28919343494566,5.1414574885392,5.28035423190684,5.19341659729611,4.67714357002198,5.05326189439996,4.71578415779947,4.8145761814546,5.05489778435841,4.80162751559148,5.01608622817555,4.8541165365846,4.69450228106953,4.95188423098371,4.93685997876843,4.95696916438435 +Gm14378,0.364638128333753,1.51580576721557,-1.14189276587432,1.1523814831274,1.65792083569895,1.62032916131475,1.76677859129583,0.0973624805826891,0.166624886682505,1.13399287067495,1.70568339699345,1.6529086272773,-0.941668560567254,0.686819625866459,-0.83674318700664,-0.328888482937752,1.11931788009456,0.0539090076074509,1.10985087648799,-0.569710882158798,-0.2606160111839,0.361149069139107,0.860801468209504,0.521641987944605 +Gm20431,1.67231727672259,1.27385360925598,1.58108766130588,1.52895445958593,1.5686916993753,1.28187860569098,1.29236064068158,1.47424411444135,1.49975482167199,1.2844865886994,1.203089634131,1.54496267701365,2.43548572686223,2.13606183904466,2.30272935230537,2.21126144452302,2.15041615565172,2.21179548809069,2.1611864281315,2.26364543517133,2.06409732607659,2.10083313873381,2.27402258757164,1.85171029717748 +Gm16580,1.54597725573273,1.87675521746048,2.26488452579892,1.74349144748416,2.30845317146162,2.43060911374445,1.96355843081318,2.66462212828614,1.59578134951532,2.48950277228893,2.03306264675468,1.70274072496491,2.24450389849297,1.39951453376756,1.6079449210017,1.88754042270473,2.5029083187913,1.74472645635639,2.54242782825865,1.54402087795192,1.5010972784438,1.80390117818599,2.73515915331631,1.96670894420891 +Tmsb15b1,6.54113746854638,6.33482339738158,6.5786494523134,6.47554699275901,5.89226539667783,5.91510599157616,6.07901738551845,6.58484820209831,6.77897979092776,6.63567885170534,6.02406094654998,6.29445848810794,3.49433276552749,3.83428739284465,3.76718439179143,3.69789955357174,2.7536710214467,3.41150601408994,2.83769420572844,3.19878245110314,3.65197504276363,3.78262735652641,1.85281241232559,3.17786016564522 +Gm16574,0.184985778701805,0.856127722859502,0.446937552286549,0.565367156105784,1.61108532223946,2.34490660745292,1.94080436460489,0.57843808482977,-0.32499963995559,0.612865854992328,2.19238654073821,1.19658463335899,-0.522493777880681,-0.156093531276622,-0.360915397008774,0.113492963967676,0.739477799536421,-0.262774304412711,1.05996375978114,-0.509271365165843,-0.339067572987505,-0.94750305234614,0.547517437087527,0.177077566784514 +Slc5a3,1.44895471760323,1.24897459409566,0.632790816648577,1.13476498325222,1.86775667766719,1.71022027055663,1.44333438029842,1.32133991928793,1.15861771161664,0.687682974678966,1.58089007306117,1.69556340536402,0.839586969625779,0.846912269965805,0.346976276811925,0.581905978656952,0.988727198750391,1.00739553496711,1.16889918938465,0.982834776136639,0.685132679829891,0.288227168189162,0.988787482949874,1.37277288783396 +Gm3531,5.51581045872776,4.95774355466397,6.04158901372929,5.55911680600335,5.02663809730144,5.16659604020374,5.311508104964,5.29469506072012,5.62439974520126,5.18317755643276,4.99121036795443,5.29809319289224,5.21200548531922,4.75261565072826,5.0917168117186,4.70891286768748,4.48798682098356,5.03892431484435,4.34410225683724,5.03010179381263,4.91824782795864,4.81926968574212,4.58308277225715,4.30919334735027 +Gm16586,1.9533518579883,2.7436561205242,1.24309719182549,2.81658872264755,3.358069252819,3.0350102067469,3.0106902019318,1.26490987401588,2.49858425610949,2.81064824282842,3.05718510400045,2.80411524422107,1.49313164995142,2.3095714410986,0.510408016623566,1.82677192171439,2.31830570299521,1.4744304497936,2.11084573397813,0.828577401893672,1.95712596741821,1.69263364894704,2.36591066908757,2.362893847535 +Gm3555,1.20301751264659,1.39021226728919,1.08790196234359,1.32534803733749,1.30724631390612,1.43995381608589,1.36258634083925,0.666315770326988,0.850502413476348,0.819528581228294,1.42746601469312,1.03799139057654,0.687657528044131,1.33227705205892,1.35477025991139,1.64139328323255,0.775806650138546,1.32658304620972,1.40897703103831,0.481953273684832,1.17614197871458,1.13804523882377,1.23116653818039,0.940573867459478 +1700028K03Rik,-0.199301051742725,0.260923890334442,-0.43575143679298,0.0723518320514538,0.203160745731535,-0.206509916403595,0.0515524282659134,-0.115380000411662,0.185071979658027,0.163547198062285,0.237702598064403,-0.146849517583951,-0.802767047863064,-0.198427144027092,-0.746494705236961,-0.411724861852129,-0.504800972628245,-0.526930938652876,-0.441864658181087,-0.805817767265901,-0.544667642658669,-0.237766637567316,-0.569762598890481,-0.587259656155329 +A930011G23Rik,-2.48888835169672,-1.19006753830612,-1.78575877242295,-1.52630906065246,-1.20318050292865,-1.0263254822744,-1.26412292953367,-0.70434314589288,-1.64008318821021,-1.64824452625252,-0.904879385776852,-1.0191647658403,-2.0648689028763,-2.11679202379873,-2.35721606733626,-2.36146995598155,-1.34827650983503,-1.73345137603523,-1.01655552192333,-1.6948752127863,-3.32790377173594,-3.10056898998682,-0.917986745819518,-1.5529299051253 +Gm16536,1.93250190913321,2.30063720263766,1.90263265739881,1.98763953892364,2.70055420230705,2.13652900958761,2.18429790515182,2.34769421691317,2.21881556169353,1.92926555495328,2.30096546681789,2.33658881255296,2.09390968285662,2.51866942806673,1.86406725244978,2.50154557850787,2.24629431277757,2.00466743974917,1.70379083519977,1.99466976393683,2.2368988087321,2.40875620754613,2.45948546452258,2.491899612232 +Rbm12,3.19335042305765,2.99366667414751,3.04206014977741,3.18743812589834,3.01162161695009,3.04004094870096,2.97790914958141,3.01258966150864,3.21554342046743,3.0927929006159,3.04498897023075,2.9182965106677,2.77475379912617,2.35530885167774,2.48302872848609,2.438740288807,2.64631787191233,2.55509670698155,2.5695749727026,2.60690134669186,2.51561218382072,2.44132680185289,2.65824134015967,2.5496633758661 +1700023H06Rik,1.46665906527426,0.706506631248361,0.34212196432583,0.821646788772557,0.653699396380845,0.965187432666781,0.586609621711233,1.14306534618681,-0.19053381983137,0.99726639556917,1.01070346566052,0.274206405509132,0.160352376373255,0.130201922693439,0.265277749933868,-0.373316417252685,0.0124681422001003,-0.150309478420616,-0.256552126378976,0.0374456403278882,-0.238809750708986,-0.439732725776433,0.186694364313039,0.404669377843552 +Gm16565,-3.56241731647702,-2.62710512341708,-2.52352598621944,-3.05237086977889,-3.56241731647702,-2.97877914047262,-3.56241731647702,-3.00497139209303,-2.15918566262261,-3.56241731647702,-3.56241731647702,-3.0190993459816,-2.14818791324934,-0.595224618377917,-0.766843449875207,-1.12989820686545,-0.266284293720334,-0.540880623531301,-1.06303493847746,-0.715300035662787,-0.639047356426854,-0.880267924061988,-0.836327923907712,-0.104967189421342 +Shkbp1,1.58271111166804,1.66575906108284,1.38819567870195,1.17036811517101,1.92205376915029,1.87593272992806,1.90712714337715,1.55185457554256,1.48961658522255,1.42298824950004,1.91815216759716,1.5706681484979,1.46087637886243,1.50965967991292,1.03633770288685,1.51093114439973,1.7487990380649,1.42854975260694,1.89255635761436,1.2961880324689,1.43458506632711,1.04456435928618,1.83572952472991,1.51256628824537 +Npcd,5.1391754416395,5.13928844709076,5.1058436866223,5.01759874659332,5.16033669845587,5.12719836780696,5.06392484781365,5.38638067225726,5.10955450187463,4.95894625893469,5.11402746067747,5.02118733352276,4.63417815228437,4.94442103596393,4.68491519022267,4.72883692352838,4.96536654596262,4.78429602098999,4.98575252406677,4.79003287480447,4.62541538090467,4.82593870838291,4.88665369677219,4.8532561572317 +Gm2962,4.28600021428474,3.78540691234487,4.39517373125412,4.190934154534,3.20118328337677,3.56582562564818,4.10157034443258,4.19655426596119,4.04760837140684,4.300018981873,3.75397079616565,3.99470443593215,4.97455230510233,4.34548197278424,4.64156321516753,4.8194910354502,3.64411429755832,4.60707673829549,3.97659250868081,4.60836384492466,4.64000082381049,4.40045765780831,4.09926854846969,4.00003199658786 +Fxc1,2.80327401617322,2.47377472915092,2.50915760579099,2.68145086629667,2.3973538745415,2.48703791648474,2.57573258589515,2.47803700492069,2.52132144989372,2.19504504005301,2.4601533324849,2.48695449892223,2.93036296698901,2.5869456313407,2.76681971496721,2.53939835668716,2.91197410624095,2.83297907075531,2.80811431835871,2.57086572694988,2.8162058486815,2.64914253093836,2.91266550719273,2.86454283474033 +Zfp882,2.56709084228753,2.68295832693714,2.44128210655128,2.45036179488652,2.39289522985415,2.4501839350966,2.45584692371281,2.66211221059946,2.67303733368458,1.97055266701477,2.26895020731766,2.66975508115218,2.0391359882454,1.88500211963147,1.90845520020231,2.22640141794294,1.70559167123555,2.16171362384289,1.78613220898584,2.26744014687067,2.01163326960231,1.78176899896676,1.83286586280507,2.11077221713037 +Gm16039,2.44013054254508,2.62885905743647,2.41181159309027,2.46161451530952,2.6799299712645,2.74823350051499,2.58899325172018,2.76754329233362,2.54488788114922,2.49915278841439,2.65011673620415,2.67517258688361,1.84187871343951,2.03626487355494,1.84342080664489,1.85186085539504,1.97036311066828,1.91469131014823,2.04170595958307,1.96263403081732,1.94437634917845,1.68233006500185,1.92367149885642,1.90756393454563 +Gm20510,5.22425223739669,5.14346904729316,5.46452873058732,5.23992245647339,4.96681462857567,5.04401529763117,4.93057339813887,5.43228182291047,5.27231220367485,5.15430616797052,4.99782783874629,5.11754264604032,5.27759094708648,5.19851216674124,5.36597164886764,5.38388879484388,5.12742435177054,5.18358022823689,5.18142695731853,5.28278585946696,5.37641958715398,5.41163486153036,5.17207001535024,5.25724928785965 +Rps6kc1,2.08082440204151,2.24223149246829,2.21884523726989,2.02494826440718,2.15113050546913,2.2301427961908,2.30615518440705,2.23358655527044,2.17434521625681,2.20089128621471,2.34470850729457,2.24868161088219,1.90098442914888,2.05523416670089,1.89158580098157,1.82158748384416,2.19323222753217,1.96913519636472,2.26214002759959,1.59659186933725,2.02805965138847,2.05408088899125,2.26117341097877,2.07344900096803 +Etohd2,1.13366671393421,1.70515063436644,1.72315572224514,1.23365080423854,1.2968977375295,1.27119128408105,1.13745962220318,1.73989742108152,1.01933631204006,1.19617372219418,1.03859801169413,1.46362663608673,2.03278414059823,1.99707852899778,1.4356553072421,1.72171269410251,1.63396712771951,1.97697842380879,1.7430588938285,2.63539093602782,1.78967813514211,1.59781973141691,1.42861431212176,1.80911921533523 +Tmem102,3.31169733096896,3.37034807244759,3.4148168900395,3.34113103918148,2.96804195548793,3.19951424327228,3.2547014764219,3.46850141301658,3.36827816833059,3.10511637118105,3.12422111139477,3.17510736351392,3.34467863310096,3.03435184500113,3.62247268792266,3.13205075034697,2.8393663602344,3.14860470159919,2.94767032885579,3.40472358753782,3.27640246501272,3.10098689041856,3.04855694987486,3.23676517038258 +0610040B10Rik,1.4182548537767,1.7111269703811,2.93488415692816,1.92185423155451,0.686872226016778,0.992578722333857,1.271253019435,1.81154764580299,2.24407652467441,2.05584510110365,0.750515096742507,1.32193948041842,1.32134162344964,1.15582436405017,2.46098846257929,1.8103962142846,1.16355938655808,1.10942108735718,0.957989007643539,2.35028737566479,1.59814851972952,2.21270573949346,1.30283138714176,1.32055611904003 +Hiat1,4.06049619868602,3.93558666146688,4.18250349699536,3.93263877423145,3.63392822356652,3.75421081796052,3.72675126547079,4.03041644103359,4.14632399841886,3.88643361782594,3.62831385165217,3.8432725243993,4.20541817984531,4.01540773905765,4.29302593574426,4.08973670027506,3.76342923623409,4.14681242383478,3.80356125333584,4.32571538649257,4.15434615284132,4.07940958451573,3.72709822524212,3.868023117504 +Uckl1,2.76982215916144,3.26879143106723,2.51933428993376,3.10093704441808,3.47689308897544,3.07245687091737,3.38044641623907,2.640422879786,2.83331265344341,3.237595574615,3.30619797803212,3.12587036571357,2.61565204322577,3.18893522214624,2.42916875353338,3.04590728387171,3.30929713783326,2.7355910474979,3.21903190612167,2.35202086847059,2.88608470618316,3.10539879106637,3.20431336630402,3.16198788115046 +Gm4117,-3.57650200675186,-3.3862640258535,-3.23225981792612,-3.74414945363553,-2.67691363642223,-2.126956276211,-3.34059702586983,-2.21671905220953,-2.94078273641747,-3.58609906768477,-3.34891047189496,-2.99256130791079,-6.50196399756761,-4.83074727330694,-5.11379444963979,-6.37628338045656,-5.40632957164334,-6.0893948293484,-5.54845247400871,-5.72815007056175,-5.17249136350434,-5.62217723489447,-6.16637047329034,-5.25242410104162 +Ugt1a5,1.13448231255552,0.699232847658732,0.800821234943284,0.986727553374683,0.621860980034039,0.401715534002494,0.653971267778072,0.76505614517039,1.32706479883548,1.17962569221718,0.460051553901313,0.339479023108774,0.411187122816323,0.156668537100221,0.367235794454771,0.428506311504112,-0.170778158254936,0.0035051330779882,-0.0618788622764428,0.524383654256882,0.937735644065282,0.479751582458517,-0.577528090525483,-0.342162146648293 +Gm8292,2.9614614418715,1.86340506481856,2.70697104170894,3.09044739919177,2.73927525030774,2.44463193461679,2.88892385170022,2.64040456582903,2.87616248911106,3.1345603712469,2.85949495109474,2.86034441322531,2.2521269402154,1.80472448869489,2.1013621828297,1.57434001971887,1.4724121306055,1.61188965687194,1.3597103056187,1.6472982009715,1.6945917111392,0.574152800478517,1.52350941767631,1.30122394471052 +4933413C19Rik,-0.487972362360924,-1.15800414994667,-1.28004158337433,-0.715636071250019,1.19649888745167,0.878510787350239,0.484835758478903,0.219337411209787,-1.55447087170888,-1.22203327332302,0.759122366542367,0.456618368402061,-0.681055870872794,0.663933403908166,0.0009895982773291,-0.217723104952324,1.41642126049388,0.658239398058966,1.12538475513108,-1.80827114658123,0.151323926171312,-0.0702480755003621,1.32652993290197,0.801801041765609 +Ugt1a1,2.17426388348243,1.72373878570507,1.82315228803767,2.02498267688808,1.63413117851796,1.32512993630339,1.65362102307755,1.78063148495041,2.35234610976077,2.23193146630457,1.44738091456671,1.31914244247939,1.46349289690371,1.18013466146982,1.41954156854216,1.46547904761619,0.807565142431173,1.03785012265792,0.887654915300412,1.57668942834427,1.99004141815267,1.50879324843154,0.449668571287989,0.686986918143806 +Gm16582,1.20906672705981,0.896687678767932,1.24316183167446,0.866273471283736,1.66281136573062,1.63186165559191,1.41904915002629,1.37690077450811,1.09192994383818,0.969639619602002,1.55793738308881,1.15790840130112,1.18882739901627,1.2720633429754,1.16772055369125,1.01505180709539,1.72891803205738,1.67496508327825,2.06041461021441,0.95174204415034,1.11738435812178,1.26304708609717,1.46735860417882,1.64011806047247 +Gm7420,-0.70003758035041,0.231875051800687,-0.257542128746916,0.147953887670998,1.42766808446904,1.04625034491728,1.43962055526643,0.13484430396237,-0.508416877726015,0.167845928424342,1.31409560911046,1.01316739558856,-2.12014041887879,-1.54758812893851,-0.806448950389654,-2.12014041887879,-0.3332198780633,-2.12014041887879,-0.663117542978378,-2.12014041887879,-2.12014041887879,-1.54235554183303,-0.514931106967659,-0.706464902662431 +Gm15954,2.64140674730587,1.79673978499398,2.48329552907634,2.19039107490237,2.26657132271276,2.09736660615488,2.20697501638187,1.96516025210131,2.47648242114297,1.22812644111939,2.47154439219505,1.983032707423,2.40497517514699,2.70696506242026,1.96817772820241,1.92358374470896,2.55941653774078,2.62542752798404,2.83438532037816,3.29504277825674,2.76060055885081,2.72204755318955,2.29264724997012,2.45512505223159 +Flt3l,-1.47410397934545,0.684202578980475,0.548250889377061,0.72527058218519,1.24383288819761,1.2970893873592,0.714537417225614,-0.576489634117174,0.230797448035849,0.349421644647174,0.755929500953072,0.529040863583339,-0.205579069000093,0.354214212485629,-0.0187068288565124,0.419106586709109,0.526092014637994,0.0805383414567926,0.65761454502501,-0.138084455397969,0.492598537388413,0.118106878355426,0.633604976120883,0.618756131815063 +Tmsb15b2,8.75719375272167,8.38394786783342,8.47224178506455,8.38427485716805,7.97211783209085,8.04679470820382,8.41062072943187,8.88255039688728,8.70806115644917,8.47971906104073,8.21514810611354,8.55743838049035,6.05521200665637,6.0879019831459,6.07179773724536,5.93994860908985,5.01884908953359,5.66986456877731,4.97758633411254,6.3480054531859,6.37820071034027,5.96075343023415,4.8109507582105,5.34816157037071 +A130049A11Rik,-1.51294414312317,-0.974749051706899,-0.986712329522365,-0.739764600507373,-1.07999336851408,-1.29395254804929,-0.979153764276548,-0.7549911904652,-0.935679794691632,-1.24574499047229,-1.00444383308219,-1.24459935584977,-1.79402223161514,-1.16353564554846,-1.92971901236798,-1.6434632401755,-1.70170618967234,-1.81000821252385,-2.03517354392603,-1.53078988950289,-1.11296968223179,-2.07326574533479,-1.35139106269734,-1.54970523014485 +Gm6485,4.03711318878036,4.10653379350035,4.42499394182471,3.76583898959739,3.60790623378818,4.07035198003497,3.92250622983331,4.08410888618508,4.65735652299428,4.48501286752502,3.83583336654529,3.72407774411695,4.29535225050159,3.85596526878962,4.25580350841093,3.95269705983648,3.25835459080172,3.6252867852855,3.52771104689068,4.22260413816806,4.47426961844545,4.0531565972759,3.76245289105733,3.67107560132103 +Ier3ip1,4.78050093114165,4.29276252509738,4.82980333371441,4.54127843523356,4.23870154498489,4.18080423975146,4.34771256331904,4.77539058789093,4.76258169959236,4.6691221673685,4.27383847876697,4.39638546777421,4.90897869710338,4.61049052503827,4.81719092271467,4.69274905403059,4.14805920053923,4.7429448769106,4.28324140963386,5.06333295928248,4.93821058125132,4.76437140441259,4.19018883140734,4.47357647538963 +Gm15446,1.01040771499126,0.966167347257453,0.437827501711584,0.898119573505807,0.922020597489636,1.05617461168974,0.965946899481083,-0.0377175631633775,0.785751273836048,1.07099479901031,1.21663408955515,0.934650328860846,0.593422966477437,0.813017066871684,0.46184821615688,0.922430738121826,1.16789749884125,0.914037849669888,1.16220757765334,0.640893755480517,1.23063456628278,0.927962032227221,0.858123661783765,1.1701997715849 +Gm6493,2.50560560223428,2.47927347750686,2.8886865742328,2.59065482630722,2.22306813649448,2.25740256073313,2.53793858253129,2.91853216692752,2.88123138016893,2.15264895299752,2.34041670863117,2.652549340522,3.16981335787426,3.0315821035041,3.20611725719392,2.94641945839724,2.93344375250478,3.08133534793037,2.83704675453538,3.16127608364364,3.09673595159008,2.93027035799654,2.85402869845783,3.02638618705538 +Galnt4,3.78891224923529,4.07618384628983,4.46358489300408,4.18617643917626,3.62560009869654,3.87534183839763,3.58519447028367,4.35324464209287,4.06833732972658,4.07541483812583,3.82924261236914,3.90140798738338,3.3717471988117,3.53756840127967,4.34807079520385,3.90597317642184,2.91464861480634,3.20708138757933,2.58955953719293,3.97008296254865,4.06049426859943,3.88178364355907,2.80693490946539,3.0302609972045 +1110002E22Rik,-2.00934454448245,-0.493519910093611,-1.06620269805015,-0.838737320175276,-1.27184140859429,-1.77721224615031,-1.52813627877932,-1.21996688817348,-0.881543587117022,-0.672695686780232,-0.383229708272695,-0.690111716390183,-0.99530248714136,-1.11283974173056,-1.18518551765479,-1.32041823180741,-1.61403185113676,-1.80924980070515,-1.56896263405446,-1.46983550712715,-1.75581440240169,-1.3301142294208,-1.04791272144739,-1.58429572962703 +E430024P14Rik,-3.03232786980968,-2.08333374306851,-2.41325317456807,-3.01855644935855,-1.922089631803,-2.2026961336405,-2.4333997673247,-1.90353664608159,-2.82105022559131,-2.51569282408788,-2.26264564884478,-2.4906420894304,-2.99817270317641,-2.99468849132158,-4.29351134150528,-3.75807538943915,-3.13899061055393,-3.18691731203838,-2.64597495669868,-2.4395334750941,-2.68583924393411,-3.30285091935605,-3.09313192853996,-3.17285000801546 +Cdk5r2,1.98622961964245,1.68861845342352,2.0203247242571,1.64343636386637,2.4751314083903,2.42838915557035,2.20558575522311,2.16502476859172,1.86909283642082,1.80566023386236,2.34424618088045,1.97184963250994,1.9806666272296,2.07346303836267,1.94488344627389,1.79221469967803,2.5150118279675,2.46248285373414,2.86270945579002,1.72890493673298,1.89454725070442,2.04020997867981,2.26672433417887,2.4172809530551 +Lime1,2.91467672584247,4.15811964727717,1.79276963721906,4.10685320538886,4.36947979171747,3.95614830344033,4.49080568673978,2.17012717752538,2.94806586734795,3.9126211890253,4.48470674875885,4.17186300107031,2.26304186429176,3.13059221917545,1.30470817567688,3.2671487242493,3.68567674986547,2.66860051669192,3.74568168324082,1.54862033545524,2.79499510470052,3.08348251370199,3.5058168149259,3.67375480200896 +Rnf8,3.55853718027551,3.55429484978868,3.4491267377649,3.48651280899709,3.63614441530053,3.61160846634608,3.6942900300325,3.53702761918835,3.49743029207401,3.59046862138953,3.67436676418052,3.65539942402125,3.44689332504738,3.52652773845733,3.34340878929874,3.54643602356592,3.67357522230856,3.57709211116559,3.68261071124307,3.31158991289171,3.40662276164467,3.49784878341494,3.74626505944196,3.67889801542513 +AI480526,0.890006204221752,1.5804883072143,0.49510234671448,1.37367623715389,2.74951082795762,2.46041710091462,2.38435162868126,0.691225333305109,0.54979318658275,1.42245501225948,2.76145740301287,2.21900862506643,0.88529695141018,1.81236514826455,1.24274011483732,1.32170744723714,2.86560050606954,1.70795173981176,3.02082448356435,0.832663029254963,0.859782404194299,1.2958575127207,2.66674585556814,2.68663985849535 +Gm14399,0.844223188566888,0.987216861807562,0.814673251035973,0.860892218136957,1.24649944032876,1.40730205700218,0.999978314982269,0.982214092368465,0.818345613968005,0.764766897455341,0.955658919496146,0.939406117930447,1.28562969591866,1.22281364828457,1.04999010608909,1.12218324653242,1.55770618452862,1.26702481488764,1.13620666776721,1.40265865850942,1.30029000620344,0.961519090517158,1.3112103238549,1.47178055179517 +Ttbk2,3.27215444624254,3.29159197128336,3.13716760252603,3.08206517652749,3.38755172931304,3.37792657730554,3.16714993378127,3.25715706835433,3.21931963220963,3.0673935992891,3.22635232426998,3.27448644635414,3.05697174873434,2.99778436106028,2.81877965304524,2.95351281860382,3.15487037819338,2.9671540593919,3.06950778806921,3.04482030201715,2.84799351364536,2.84505883245774,3.32575284350596,3.19078158666554 +Snhg9,4.14305346558075,3.89695356499303,3.7185498554299,3.74021342439139,3.95090564808953,3.12726536798959,3.94769318803881,3.91524714462392,4.50812411312287,3.98314903405474,3.16926071921822,4.10625108858031,4.53612364523155,3.90230911887484,4.93948449155386,5.08936447562913,4.88047885711306,5.26021391259134,4.94681821515794,4.53489502432257,5.47161406123216,4.51200431045646,4.98261876873262,5.07040167279863 +Mtcp1,1.48012337981292,2.04379464936204,0.901241232497736,1.866395111634,1.95981293359944,1.71169880917111,2.0123122287437,1.19572321767448,1.28194545223989,1.67356742585673,1.89342477619725,1.75089342612525,1.17246463928242,1.66202377707589,0.71848856787419,1.19449045242564,1.46629718707656,0.908528089834714,1.34169705380383,0.816469242955316,1.19374783840211,1.02936634798549,1.36283505061029,1.4482582214809 +Shprh,2.48771726655184,2.57023870681156,2.55680228567571,2.50507705701561,2.71253590897835,2.71471481494611,2.55045611978038,2.56364010954477,2.54390330786734,2.45678754410745,2.70222162634142,2.65934687068336,2.31681635230748,2.36040276428891,2.38229883287016,2.54210543380996,2.5797339792382,2.4100018926575,2.38019841878537,2.44017094183978,2.47460060306067,2.30644202142486,2.57007546665223,2.53063793928646 +Usp49,0.834186999537756,1.3306744454853,0.768955723816171,0.896119596222954,1.17134146613112,1.09561337400596,1.1856106300697,0.957022388439461,0.807447768957791,0.789269199743909,1.1056252442203,0.978453802548484,-0.0366429370759946,0.706289852569901,0.418192936126669,0.8941249764273,0.731442591903456,0.444134879816366,0.765538752279916,-0.0317551535555367,0.28817786440075,0.619554291142944,0.588861709495684,0.69754925797913 +Gm15680,0.854517922910229,1.18799107442523,0.744227091220063,0.827723750372608,1.59516641872665,1.39863646993501,1.10331237473946,1.43244306400215,1.13727379319145,0.810825726870902,1.36349073272165,1.28767692005933,2.37761460134594,2.67065609481214,2.60624786601156,2.47327890501272,2.66515617562633,2.68865069815546,2.95345439716299,2.5847383300791,2.88406198044192,2.53658417377409,2.83441008517268,2.56871560319845 +Gm16163,-0.377664913311648,-0.415464698170485,-0.0311488046780632,-0.221891149970887,0.339313636805914,0.551131539629941,0.0788212981005261,-0.244379815387215,-0.374484600931075,0.0681426105957006,0.157289526565562,0.0810364150142493,-1.15170041945541,-0.112412276621293,-0.67425180603811,-0.921456688856962,-0.161571165184883,-0.414627488913718,-0.686244808470509,-0.633250285768479,-0.643423155888718,-0.724699317714534,-0.0472583643338691,-0.113435616743508 +Ugt1a7c,1.0048078266362,0.663320469716385,0.760531703242615,0.879588562686895,0.460938489869211,0.315484632693411,0.428919465131572,0.659684294771714,1.18589159394047,0.919586860391382,0.389040802159303,0.156421055944164,0.12873442322912,0.0206842102795504,0.203761888548673,0.269596487060031,-0.388294863979445,-0.142941885889896,-0.376994728633021,0.244511785111082,0.681162962242822,0.262375627245269,-0.548977963376761,-0.540602064217448 +Gm10177,5.59056925638663,4.72403855256848,5.05560563990291,5.26142574879851,4.64952699975331,4.83946473701709,5.0603566970117,5.23452833561821,5.12366765753871,5.52269145639496,4.95070975081252,5.0751537424989,6.39446828342583,5.74998387321929,5.58423123528442,5.96986868507383,5.79271956429172,6.25355230988912,5.55774984369725,6.14555032926414,5.90563138117587,5.83287596293169,5.74083838151099,6.06203335358667 +Uba52,4.79605970398869,4.15767955554405,4.84963448564305,4.59068518162053,4.19473228265236,4.40032748320498,4.32389440857186,4.87862715558896,4.69074940825085,4.62054985549912,4.27073798588279,4.47058187690816,4.30850811644582,3.53411157638542,4.1967126601443,3.91335209490408,3.550738545528,4.13440317692435,3.53830670143746,3.93317483792506,3.99325680200883,4.05088727762393,3.7148702449275,3.85500984237702 +Ugt1a6b,1.185217104201,0.854376092432136,0.944808714022822,1.06551502857329,0.625107564921229,0.500528626201575,0.602368005910476,0.85017831081597,1.37944851383201,1.10775496304828,0.577299558254266,0.340949203292025,0.326102344783602,0.192858676843591,0.394889049192316,0.457482046302333,-0.22777191958774,0.063370147409207,-0.197469785453924,0.425553438009663,0.870730036819829,0.461457186826794,-0.369148229259642,-0.334290030918345 +Acad11,1.94948452557523,1.57895816707644,1.66903031810377,1.61802170427711,1.82883648079437,1.72721692215467,1.84274982975686,1.75815601749446,1.6553419599512,1.53909921009376,1.65217562552731,1.60308360869751,2.63662499422857,2.25135266847259,2.19221133461117,2.27908109939491,2.65434622177311,2.72755659222027,2.55874230174479,2.35507657334648,2.13433644092552,2.29456470011298,2.77149390720732,2.75694933325621 +Ugt1a10,0.877660453910444,0.529431743689805,0.611546215424552,0.734645848636029,0.31787417493061,0.166499144875348,0.279933977313509,0.521148614934516,1.06208292748529,0.761557930262996,0.251966535416664,0.0570208469809375,0.0912414420908823,-0.0383860405951513,0.0993949852016804,0.156772587481941,-0.559993243804879,-0.229564898434355,-0.499681439902168,0.12036164844383,0.570509399696635,0.120584556217723,-0.711143837569729,-0.620415272162862 +D630014O11Rik,-3.95548160727247,-3.02016941421252,-3.34447541432139,-3.06936690113257,-2.43947460532017,-1.95846304924907,-2.5438718160486,-2.42608730540342,-2.55224995341805,-3.95548160727247,-1.9124087430658,-3.01840804169767,-1.51175232751015,-1.52670414680303,-1.0605035096489,-1.22103767713084,0.226847365328621,-0.190213111201564,0.0029066900773722,-2.25373313322755,-1.61833512985967,-1.80236028295409,0.202353648808423,-0.0613507017037778 +Ugt1a2,1.62573204396053,1.18453320563162,1.29467263322739,1.48349326779283,1.09571287087702,0.829544294631869,1.12285558768344,1.2413702949712,1.83618340631058,1.68339962678267,0.920834646078373,0.782974518228466,0.914961057381807,0.646094709121114,0.871009729020255,0.916947208094284,0.277882432064502,0.507279067643472,0.38111441056201,1.02815758882237,1.44150957863077,0.960261408909644,-0.0988632682339121,0.138455078621905 +Fbxw10,-0.748252961289766,0.0267664930091507,-0.598960102698838,-0.42373749923255,-0.259797627288746,-0.329740821070579,0.0166913594937212,-0.590629130204716,-0.633036914416117,-0.41025639367395,-0.437917703396741,-0.902983717611307,-2.45381254207537,-2.58976998381644,-2.21116079872006,-2.55755474088638,-1.58760093207316,-2.27066618977822,-1.87101725564862,-2.94294781770566,-2.18567682202844,-1.68825024123315,-3.03023666995851,-2.95672411743182 +Ugt1a9,0.961261826416104,0.614422704553522,0.691539825373047,0.814639458584525,0.397867784879105,0.246492754823843,0.359927587262004,0.606338881272381,1.14207653743378,0.841551540211491,0.337879079575949,0.143960968988037,0.171235052039377,0.041607569353344,0.179388595150176,0.236766197430437,-0.479999633856384,-0.14957128848586,-0.419687829953673,0.208539602314101,0.650503009645131,0.207736883863345,-0.631150227621234,-0.540421662214367 +AK157302,4.1064420096925,3.51402304467454,4.02558766403962,4.05151391484998,3.38900507595324,3.72113720888092,3.71513953883013,3.74879525694389,3.58375228228083,3.86281913266707,3.51107494448423,3.68047541448263,4.74471224243493,3.98302562632192,4.55343568907712,4.07058376731881,4.32661183933421,4.72586463192511,4.31828132713059,4.27267994105171,4.08156683986474,4.20480223758604,4.23595146545093,4.18694177564303 +4930503B20Rik,-1.20602867792254,-0.897479309538912,-1.06228086351182,-0.931853305722995,-0.354386155479794,-0.496974724270102,-0.550830921066192,-0.250585826246328,-0.245192569425796,-0.433423992996553,-0.246994324450206,-0.21264771463263,-0.352830762301075,0.122967078538615,0.112516009256013,-0.293436117135801,-0.327517368816025,-0.721174921272452,-1.10761358237372,0.148249246918379,0.671947958198409,0.0710770110927028,-0.365480192949886,-0.0717466172329788 +4930524O07Rik,-0.659462647468992,-0.679080519538433,-0.422751284014537,-0.643827538425172,-0.348072790943139,-0.707762624888215,-0.444069729303453,-0.329216640578846,-0.881365075712339,0.329399781533393,-1.09565521754321,-0.370096160919891,1.34428764876644,1.48690002303016,0.494173078755313,1.25009520255833,0.853083904062541,1.4615457327787,1.4307520992034,0.569311328580344,1.45873339022989,1.11433047624196,1.16471373678825,0.947297933249371 +Itga10,-1.28812996754457,-0.179016928095332,-2.35605615763844,-0.908022894353794,0.774505668936337,0.634692162888955,0.807391696475654,-1.5583633816668,-0.846560643903472,-0.586427140006321,1.09854840892518,0.360851747464669,-2.42138210149367,-1.51595585441397,-2.4317570409911,-2.27082311005402,-0.360395660831856,-1.80116474390854,-0.18025515198356,-2.69997884157653,-2.53027302555472,-1.85456229839637,0.132653706455388,-0.615025533658013 +Tmem189,0.967001768368483,0.585646140361836,0.90535584988301,0.733917522568821,0.84928246637361,0.640494424808208,0.773777011595504,0.732045358134618,0.760638010189432,0.638494934614493,0.684563355100633,0.990559969697139,1.97141707742573,1.69472634515994,1.70973242937099,1.65870315447256,1.64283719445177,1.68108778293647,1.62552553233711,1.57933729051664,1.57959617160745,1.65862039326155,1.83618916553188,1.43577229690663 +Pcp4,2.91731930283381,2.51208112738699,2.90835886236427,2.14522813902987,1.99057451243735,1.97696226284435,2.45159741415495,3.05698367626659,2.8669020494117,2.76307788843407,2.29456877051854,2.36818260113892,5.19777364597503,3.97127550262891,4.52400741703371,3.97772260192414,3.74399990472484,4.72299649355058,4.10936245072353,5.12284437730214,4.37572687697686,4.27011725345039,3.45936076500769,3.86968456460537 +Gm16315,0.937146989726718,0.784355840917985,1.58531345426162,1.02882261881086,0.365838817321069,-0.0114765050264858,0.668697414167178,1.00495349307867,0.833176613143967,0.541093973050812,0.847982339837675,0.965998289187674,2.03953342883644,2.31335622015518,2.56328919262024,2.51455000811692,2.48763634469325,1.81374635308583,2.48507240205805,2.01008658119077,2.594678854597,2.64314418846292,2.5750834323436,1.83077958575294 +Gm16244,-0.35025887333856,0.5429131646771,-0.512495156728534,-0.619085568397607,-0.967540038434551,-1.41304904388859,-0.0718191700368733,-0.196767951337438,-0.738210384970341,-0.617047172427914,-1.01799863037275,-0.987598936037445,-0.868259845964949,-0.52550539892962,-1.26894661794602,-0.715277842962619,-1.43222191580978,-1.30665897725608,-0.939206261954536,-0.522936824118914,-0.563245151450164,-0.598800026530619,-1.38636323379581,-1.13687639232502 +Car15,-0.35216963641338,0.314838496572547,-1.87927637707251,-0.0890349356911253,-0.08759938942196,-0.0600474864008482,0.142046363518251,-1.4109807121512,-1.4149312715627,-0.232177516437093,-0.751059976017353,-0.109365089638047,3.81873694640267,3.7042165021714,3.69447571581178,3.69999823846485,3.41568034774948,3.66997515504672,3.68982756862042,4.1864562385286,3.51421452541831,3.53947175933705,3.57487178108502,4.00814077006205 +Bloc1s1,1.44592944623077,1.44903844015784,2.06676510667862,1.56904999517259,1.26984622813236,1.54874679678178,1.55945972658453,1.81689761917183,1.88673180085198,1.62874092367499,1.86651824666918,1.7926885128345,1.8607063857944,2.05953916931442,2.18005379520565,1.82206721385136,2.10134556128861,1.77473220709902,1.08699751227391,2.76983994680823,2.22769629279483,1.91565726456033,1.55715793062165,1.51472469022959 +Gm14027,1.52593733122099,2.45600232506727,2.17814078501133,1.98139177941544,1.69174066825956,1.72725077011109,1.90508854764465,2.32924526298959,2.18735720562192,1.88760315835276,1.69258186097028,1.87575640534791,1.1091123976213,1.65163852754095,1.8200966192029,1.41923076902176,0.704123936401573,1.22885714878624,0.937733811194412,1.81039175976885,1.51997550441756,1.48073920465362,0.994341935987332,1.64653626241365 +Churc1,2.32726533886635,2.00928912859502,2.50030628429038,2.15563899801142,1.80046867790896,1.83282066102711,2.022811155369,2.36769370627679,2.31271730792541,2.05297635097876,1.43373948497728,2.17653397822213,2.32887807852896,1.93138054231194,2.37312426275934,2.01812915011905,1.94645218329738,2.27115514556526,1.53504862150838,2.32787934423538,2.53630267987576,2.13029467952876,1.52562384533452,1.76144823970476 +Mpv17,3.32038285103478,3.49906100099142,3.35815039969675,3.52759963217634,3.35679191010182,3.37635956428328,3.34479195185222,3.37725547327928,3.32513604992558,3.49527314408086,3.53650434475134,3.37387719357944,3.75858911428866,3.75484176795725,3.69731022227622,3.71868640123311,3.6249012245804,3.67756167438198,3.62969822999751,3.66220750014021,3.69653469393583,3.63193007780379,3.71768679651989,3.72603320163668 +Eif4ebp3,2.4652435773853,3.04534037668528,2.69338059787498,2.51019344271596,3.15330165119597,2.86873512974052,3.03335960124515,2.50836428312674,2.79294316165549,2.72476099307731,3.42733457094804,2.82369133154089,3.14196226542077,3.09488358721694,2.98265104327447,3.26744244612223,3.49661479080739,3.14685328758887,3.00406546367493,2.8451129550057,3.08362273269288,2.95119093960854,3.55423006276307,2.9375783158346 +Mettl23,0.995432610999571,0.905363886702676,1.16693246347366,1.07013186661481,0.862857049044153,0.612872545743893,0.952405398279998,0.732507556230829,0.939183019142593,1.23375069797563,1.01344865667513,0.95366362979782,1.62221943625224,1.31361646891022,1.64800663550411,1.38316947983018,1.52633289695563,1.70060736490306,1.64678809391093,1.63468156424902,1.68776795698559,1.38308671861917,1.46051995502709,1.56132929406913 +D130062J21Rik,-0.100028399956036,-0.294670168177084,-1.75921469371074,-0.508860390601521,0.542484335639463,0.426994983735696,0.100540924257137,-1.1876276764069,-0.0798027533750529,-0.271161957560694,0.115316457644323,-0.540805016951232,-3.18019726573733,-1.84524009288751,-3.23677306872659,-2.28859010613793,-1.25607140084633,-3.81716547260712,-1.85035826397859,-2.7287017112241,-2.21950986448626,-3.23938059556136,-1.7944076726791,-3.81716547260712 +Gm17296,-0.217081669247275,0.360657958139468,-0.0121311472128713,0.543438978772074,0.938237391844369,0.505036124193369,0.709129885200951,0.195304732565704,0.273580731782828,0.684167084099444,1.09122611246897,0.477913891206017,0.636060220367186,0.801873034277333,0.514884982088975,1.09815644487632,1.45107061286396,0.998161385347895,1.55937458148535,0.695759598121746,0.932774410762597,0.832863560275298,1.43780675677074,1.27966631889897 +Lrrc10b,4.43082738780696,3.98769790332975,3.64325214855807,3.96257750580462,4.07985057562609,4.27361750128654,4.33629289027808,3.89703095740692,4.24589737499659,3.98472617035892,4.19113540899617,4.07809982379418,6.042911150416,5.59645271102011,5.52746382903389,5.58893254734196,6.10329528267542,6.17893675760427,5.97101298038391,5.50707116936138,5.73362284983294,5.57511378974903,6.23728154504298,5.84869822487754 +Gm4462,2.378996001553,0.729864267189099,2.19124026531815,1.7718426999003,1.65733249407899,2.05057892389743,2.16992182002924,2.04497303872867,1.93027877529234,1.6246938176382,1.22374235969336,1.45786759537986,0.950336981633851,1.53625821818496,1.97141438262151,1.95415544457574,0.44877946971741,1.94925313890255,1.00459255529301,1.50897620971615,2.07137578268037,1.45068445661364,0.490896047955919,0.949631889846675 +9130221H12Rik,2.9354288473032,2.96502606424435,3.00496614096297,2.94272626213748,2.96061970619597,2.88988630482923,2.76724229714143,3.35493128387019,2.90883859128648,3.17374693427926,2.68265935570062,2.86028497287584,2.67369388568037,2.75738461119221,2.74158989239271,2.76923324101141,2.8042100106416,2.81642908682344,3.14472378595098,2.15365028931371,2.82574887528362,2.52031776456277,2.87463515255323,2.71872400950773 +Gm20533,0.124683008607965,0.131140098891187,0.0818661147520132,0.0351143212298501,1.00697776299127,0.834114566897063,1.33727219471736,0.758149215430913,0.41748350317499,0.512628018310014,1.12175383177342,1.15675385944189,-0.409122689026979,-0.0221843353135831,-0.211887685443948,-1.91893985519503,0.111170143844702,-0.752151675703266,-0.165511112269146,-0.390569984618943,-0.84670370968999,-1.29439389734584,-0.420999114044434,-0.510811049487478 +Gm6158,3.5024182887126,3.63969662874465,3.37184842769665,3.34327449501083,3.47178113157026,3.67040644137625,3.03950815153889,3.61177430739984,3.43895104896571,3.28173808369499,3.34926882567473,3.38456723649083,3.56510461883637,3.73201020545417,3.60120448485363,3.3051234317311,3.43703746047033,3.31949429723697,3.34787599343584,3.5855988437081,3.46050074919418,3.44386239982227,3.56028163293583,2.92944056506879 +2810055G20Rik,-2.28811652153756,-1.04841962689925,-1.71759821972534,-2.11260251185242,-1.2846699929758,-1.01730433085242,-1.33335323437206,-1.36575006797797,-1.53205914644317,-2.13305578567255,-1.43435023064436,-1.30525028664232,-4.10125895312026,-3.52870666317997,-4.10125895312026,-4.10125895312026,-4.10125895312026,-3.47111728089292,-3.43968798544783,-3.45672206210834,-3.09172866826954,-3.5234740760745,-3.0860472685747,-4.10125895312026 +Gm7236,3.12824284759833,2.03090212396321,2.6292460607901,2.27536890185608,1.95612818319587,1.55679889086513,2.45554441883221,2.25149977612389,3.06174668101996,2.65885017789324,2.61151455723028,2.44465770468769,3.4677813801232,2.11245050927839,3.17938489805161,2.78423110298832,2.21297894060235,2.74985098243928,2.12554635880762,2.47814585128635,2.77896909571482,2.74186703631637,1.96414061256465,2.96092916463463 +4930523C07Rik,-3.70476205121464,-3.63524321339501,-2.82123967498755,-2.8905340126161,-2.64041346500057,-4.29555227787954,-4.00721340660179,-4.87919045388394,-2.77825728234583,-3.32245699866801,-3.18790389920774,-3.37875493799644,-0.831161961997615,-1.10667588816498,-0.53471842585267,-0.523158162905747,-0.383059046140806,-0.667637500234039,-1.28771705715973,-0.546477388257733,-1.21784690708647,-0.145136518137936,-0.492835486405196,-0.488948947346294 +Efna5,1.0741938941565,0.411164807057624,0.392095714693494,0.052434395038794,1.92161923628356,1.96198701343729,0.965568460609242,2.07776943435704,0.740257485241928,0.910176102236754,1.37550575675557,1.26375013432723,0.831433653135276,1.05776867342203,0.996623615774608,0.582688085133632,1.93778900838367,1.27425319740156,1.50864531309795,1.25957881808421,0.741597774371037,0.930198513764753,1.643372500639,1.41793123768819 +Gm6245,-0.350622937535064,0.0874162718071827,-0.34400100045171,0.287505240069792,0.108560484702122,0.338158604389794,-0.568979275256131,-0.232854616895102,-0.025040317562731,0.568999969620696,0.210693447583119,-0.0760388288847059,1.8595102753224,1.37779193343142,1.3289663872396,1.11365247283449,0.994338654127011,0.587309891313277,0.362144559911093,1.70063365074414,0.735942139043255,0.586361971843889,0.952567387270084,0.956115105696744 +Tmem29,-0.279634007354258,-0.545437162845589,-0.231525060907511,-0.767636847078713,-0.379189159970831,-0.48260184459381,-1.03852813206593,-0.621859182503591,-0.575729673530913,-0.31945080803367,-0.636606737834168,-0.375859289884228,-0.463080288196078,-0.425561737798942,-0.431863658930881,-0.917623041536147,-0.279660341531565,-0.234393030591286,-0.782730507657282,-0.167372175391326,-0.0377048438191681,-0.381744259658186,-0.834858676164818,-0.398045736657569 +Fryl,2.79983216839241,2.63174826499813,2.42887302784547,2.29732472193326,3.23168042062646,3.33154575112055,3.04530905372075,2.4058062528154,2.69852753165579,2.28765675869855,3.23029487611055,2.90258735538267,1.89165594122814,1.76100041042799,1.67599149337144,1.69686769147671,2.83718665250295,2.13644412188556,2.53260994287595,1.94801093420635,1.96474962655878,1.70529174173885,2.58171975027012,2.55886520007856 +Kcnb2,-0.303800877483658,0.553143937145657,0.273939838431152,-0.217642192908348,-0.0580688516657082,0.469475473351944,-0.634859695638287,0.367085933731112,-0.402411398166624,-0.0328471495806362,-0.115524215552716,0.0469174639620427,1.22221927745499,1.1932643754955,1.53254371794376,1.10665852028371,0.979651114875501,1.35897880175482,0.781577151847848,1.24289442983984,1.06015759351665,0.861045668224748,0.477437222012152,1.20482547426172 +Rps11-ps1,3.02405767199273,2.75778584316439,3.21213501020974,3.29160005251612,3.41910823910067,3.5416428349233,3.43068614936143,3.51399201718425,3.27439489985328,3.37213610096703,3.57509148872218,3.51901154970579,3.21385397662582,2.4851042967418,2.55776954384421,2.53990643342281,3.49228930654726,3.04673563336605,3.9694292233177,3.08507587742019,2.53759394324248,2.77969369515323,3.46964422622422,2.71054627395551 +Snrpe,3.65791901906859,3.32780856666726,4.05929967353342,3.69536440949033,2.98629828328392,3.33825907091192,3.40891469341049,3.83365586949762,3.83951609761718,3.8126039121269,2.92687124223368,3.52271155661775,3.29651137419708,2.74545024521333,3.1574570199128,2.99720692573467,2.64611568517077,2.9837699360779,2.54493583047497,2.80986930062942,3.10788269788035,2.88899956377743,2.42121701302773,2.80466396013276 +4930405O22Rik,-0.0028537341545257,0.0968596196558522,-0.320669361556768,-0.947594079301361,0.98594098365219,1.0771968162468,0.77301264143966,-0.273736409503549,0.287235358076717,-1.39973997269125,0.477857262434405,-0.30780428208421,0.205264798248829,-0.406694760733541,-0.388923292061136,-1.20442335764762,1.05475348252285,-0.278886696583189,0.120762237546415,-0.446488268391819,0.0963738741877777,-0.586689806471171,1.04110678389596,0.449581799719126 +Gm17024,1.07553798564271,1.56908650499409,0.353985182998135,1.54121375520303,1.72429945778059,1.54040439964431,1.85579537824697,0.400918135051354,1.84349289280282,0.845623440202445,0.962943126577648,1.09204307057969,0.584512456833684,0.724811864571184,0.0935784729204654,-0.529768813092721,0.595056427623228,0.198526683326157,0.262841612730275,-1.05942870488633,0.480757215721491,0.279834240654045,0.642224797071802,-1.06731379386834 +Gm5611,1.77548870747329,1.66175452297971,2.32160098391949,1.40928333549422,1.35491884627899,1.09304455639622,1.07828657449296,2.23891686413245,1.87087238266806,1.88679703257438,1.10074128300967,1.61487075897737,0.510538731302131,-0.292716557568106,0.500163791804706,1.02089533191464,1.07110500783559,0.35472535292263,0.426036170599716,0.773771073414385,-0.0590742851288628,0.814807769009162,0.410894410796042,-0.65967069118349 +Gm3571,1.57381810465699,1.05593203010663,0.578624071925342,1.0113657705645,0.971029680723421,1.27750014806615,1.17302768445854,0.73959424378789,0.562925737983877,0.844020135273488,1.02577644877615,1.21033677707656,3.03010665755181,1.81369899196416,1.93362991390522,2.60061351596801,2.46148522509749,2.76077607407629,2.541939689464,2.65628211715509,1.76320331577132,1.8288588195007,2.47493182564727,2.92712141987618 +A930033H14Rik,-1.03400745323978,-0.706597405124046,-1.21399497936183,0.0442673769882924,-0.170246692602557,-0.590929511020877,-1.04582125580315,-1.14542368036222,-2.02410075709912,-0.433645990969958,-0.377094234615827,-1.00515615377883,-2.90232746585678,-2.68013723097966,-2.66595803752725,-2.80545272321086,-2.00111324356959,-2.57739070605298,-3.31807853834396,-3.33511261500447,-2.38199389789552,-2.40907814102211,-1.49540888782049,-3.97964950601638 +Gm20721,2.27782766577525,2.68052968046123,2.28987187069453,1.86805909716769,1.98501510427015,2.00215055495873,2.37663928344495,2.99106311956055,1.93762103054312,2.32204421698395,2.24434151545063,2.12376898465809,0.820813579619508,0.238642749648183,0.765855033202619,0.486672214276133,-0.0629680433695268,0.487808352701651,-0.314636915078002,0.0007720512406774,0.507423453817742,0.508539917410326,0.302076779156132,0.317505876949198 +Tex9,1.26669105013549,1.61717603644988,1.30432316857177,1.35018307498027,1.58523962062402,1.55806722590574,1.53996501520283,1.01606327085803,1.41080983381462,1.715401022112,1.79161612491611,1.40193906070858,0.783640486735786,1.42236544786362,0.515237906542788,1.35947214229725,1.15865535844493,0.826492003695671,1.35772961988082,0.3377375641931,1.34163384683373,1.13671619807066,0.984392795415293,1.34801568198898 +Gm20425,3.17414699742613,2.78747430100181,2.98853140165933,3.48014692464151,2.93019531084271,2.85400563363949,2.94744836632887,2.7557136577471,2.92253372928953,3.23428648837419,3.02416297279248,3.02198036661267,3.86726516929145,2.846132183207,3.29294489044431,2.95479905797983,3.52980276886727,3.61035184722631,3.6083467764039,3.15914564106537,3.10765811609285,2.88349697059682,3.48286893125904,3.52442494331531 +Zfp712,1.11405897606433,1.05917541981864,1.38294227433003,1.24932600305869,0.81434489386242,0.622879849698504,1.07314748679691,1.07497249766221,1.44890147825318,1.1927586564365,0.67882036345496,1.0934142849515,0.0405359998167814,0.420607744895605,0.443544589440282,0.639881614841393,0.403173311850258,0.360668635370385,0.179805411244559,0.722746375299601,0.69023514227324,0.605781194031448,-0.234585173214516,0.408163148462384 +Zfp493,-1.1251277920482,-0.507403970848852,-0.765820181243501,-1.79753776141097,-0.689859417868759,-0.38622933863714,-0.387658997472466,-1.02532340227157,-0.768225849762488,-0.72470787563452,-0.989366039386549,-0.625283321758895,-1.06258781026758,-1.23354031087568,-2.14373315283796,-1.12550607537707,-0.917944179634518,-0.826652814716202,-1.5952343698976,-1.4404969859648,-1.66855135073694,-2.43879998646873,-0.979192105764286,-0.697790405218416 +Srcap,2.64569680459019,2.71048964786197,2.47878928371321,2.36292307552609,4.11337562510101,4.1060761961261,3.6432595228833,3.41587647031753,2.48354939362377,2.64397466316806,3.74297253272037,3.23984674368865,2.11878472398364,2.38310383923851,1.93322677986324,1.89030523806528,3.55010053901501,2.74304424077,3.46913871973451,1.86894992722423,2.1018857098082,2.25446257054334,3.32005345955393,3.02822881699066 +Gm340,2.74407122266664,2.52739643512396,2.81597792096455,2.33741652560513,3.18256555962512,3.16629936191886,2.95271044621177,3.19136684408381,2.664510810055,2.62833820028646,3.02676851975636,2.82630263698801,2.21064844575444,2.30996529601093,2.57791508825971,2.64374857786648,2.87621932585255,2.57745872332659,3.06021758664292,2.24051871794998,2.30549096937283,2.07597733844335,2.95473449291616,2.63649211859704 +Nsun4,0.451109396951822,0.436583990370218,-0.0719839217223064,0.0731597062820448,0.719303028428766,0.368654431373076,0.455989796549561,-0.0416321246963984,0.100386612995246,0.161567783088772,0.0176938670786786,0.0527489451721679,0.154791608494947,0.446250649151284,0.873630940538415,0.521625479016093,0.411806798447049,0.355200394199009,0.716462930524458,0.114719405853163,0.71752560974328,0.817028477713732,0.446935372157085,0.494646495474612 +Apold1,2.32202030788103,2.59931481217126,2.9534900540486,2.54580318537648,1.85350523656003,2.00667979626208,2.00695730311409,2.85085797303244,2.85272057917446,2.6623338537474,2.02695047158418,2.08153914822799,2.08285180835286,1.97360173417673,2.13838401222035,2.10563480697639,1.25270374130602,1.91044985614619,1.40324855858162,2.18002890569428,1.96421047154714,2.06167038152436,1.21940809661273,1.62451620370902 +Gm8378,-0.928681759619165,-1.80636359728513,-1.65779581144944,-2.33624832002031,0.0836657279063151,0.333884869109248,-0.0659509363941999,-0.506945545452765,-1.41946093004321,-2.54151393381941,-0.577722518584005,-0.822655133743458,-3.52039410158132,-2.53904968141086,-2.20670263309218,-2.34619731877579,-2.5346677206973,-2.4531450593827,-2.85882313390889,-2.8758572105694,-2.5108638167306,-2.94260922453555,-2.18023113789164,-2.88374229955141 +Rps27,8.98023023179531,8.43498823342599,9.25938376468616,9.16556429466063,8.51254843139554,8.39068724590604,8.3796058191131,9.1886192272934,9.07660449741148,9.26448611547663,8.57694596185229,8.73536478532845,8.47977918682979,8.11559826118438,8.6704331475267,8.32676562977534,7.56728636796158,8.30724485799641,7.47146703160184,8.72108432484991,8.47446704503826,8.41656355757894,7.7924642156246,7.89888993249459 +Klhl33,0.311791547777858,1.76157924919731,0.614196116682987,0.691937567435889,0.947842273746823,1.24034479039373,1.25728588960645,0.525312910347986,1.3891122481191,1.16636029864189,0.973090884728566,0.966948097914474,-1.96396295800795,0.624523013941696,-0.467774998962995,-0.449919559293839,-0.480190926406758,-0.768061914259441,0.970112902855086,-0.439793701069052,0.620058548629909,1.26009198925252,-0.0147688905477662,0.179161339241343 +Samd15,0.247749340170311,0.0774049988146975,0.699585019731926,0.262774443811937,-0.0048716642940076,-0.0355642802625453,0.723613655522267,0.949384221491892,0.588283515932788,0.153744244796811,0.875338162997983,0.789285666439107,-0.700626595450838,-0.0634792020014817,-0.627516838631631,-0.184694577412079,-0.638677424576858,-0.189142126701167,-0.882897931207601,-1.18976187108112,-0.796263266086302,-0.312572262041308,-0.271023294053595,-0.503412939130767 +Myl6,7.07076537156351,6.60490551136914,6.77742006862034,6.69414848184824,6.59036530783512,6.67234631618493,6.858615128687,6.92126138090318,6.95282490384557,6.81771344084001,6.71699025947325,6.85363881863602,6.80162244609801,6.61807795838515,6.80963441749271,6.68242094495816,6.40314240226747,6.71363266055408,6.51915692992678,6.76262093241801,6.77554040525996,6.68939868807491,6.45699802646184,6.54139720778857 +Tnfrsf22,-1.07157913180243,-0.22201438028542,-1.55670002558431,-1.5515200276355,0.354520411735228,0.0510819039299532,-0.716665144663954,-1.44555364202771,-1.0923549200745,-1.2250849241649,-0.428483624529154,-0.714781459516289,-1.0788055182455,0.021083433156064,-0.298309993989031,0.352891791380379,0.779831967720511,0.318511670831339,0.710068303528234,-0.591796794514102,-0.856141614199803,0.487186987929829,0.58964387806741,0.853907395601239 +Rps13,6.31536564596084,5.80443330477146,6.56649382728511,6.17907014984618,5.89892842480439,5.98273699809263,5.86708934172616,6.38491799932802,6.40094691311784,6.56840354406658,6.01107439852197,6.11820958040768,5.93832318277656,5.17560730039817,5.91906840602775,5.22472168481592,5.01025653745331,5.51404431416375,4.93471919811384,5.78596924406172,5.72121939515122,5.50078887846955,5.06868958272629,5.3096914166661 +Hspa1b,0.788743820420061,4.79101137249284,-0.0769430638419903,3.04520653486967,2.29626330093056,2.31762108596799,1.89889053926946,-1.01415676913717,2.86644081282163,2.51896289694764,2.58064453990802,1.17642901681112,1.63863953637348,3.72158726707928,-0.468503559902893,2.89562761958007,2.50697881660754,0.634527749010077,2.52725434554367,-1.24689129769284,3.15915150080811,2.53111395733294,1.78117725162601,1.20357994798077 +Pabpc4l,-1.12276112221788,-1.28084751452559,-1.21552645816006,-1.86491966374071,-2.37057391420534,-1.57851703078023,-1.73476561053633,-0.576601449547255,-1.09937476958957,-1.78207290584002,-2.70183493036963,-1.33840844111354,-2.63042522120919,-2.77298241485668,-3.1691000104767,-4.0415093426579,-4.16944533170671,-3.34264899461289,-2.77810058594777,-2.14341649747779,-2.73063587230531,-3.43592524470029,-3.13969848266516,-2.45713483363154 +Synj2bp,3.67691855948952,3.42469692306258,3.40937363628663,3.49257996787985,3.38277337388682,3.36067110542116,3.44201343017946,3.46359600684098,3.44337579571072,3.48464476743205,3.43533868173597,3.43021012636425,3.75584078098338,3.31455534597133,3.42250751493252,3.62902747112389,3.42151357258669,3.46610566455637,3.13058465537998,3.6777156391004,3.41469661215343,3.45206465112305,3.34358527116928,3.35686002561426 +Ccdc71l,1.29904131057641,1.37248150348332,1.28834800588588,1.05160038726212,0.924468738131698,1.10341256696421,0.845181780826002,1.28249944201291,0.908089723437904,1.18590690848684,0.930135018592707,0.628677627031004,0.978607260261634,0.92214108757909,0.855743247855074,0.881243853474128,0.462906976519609,0.997419025792923,0.252527735835894,0.960624634114281,0.792046083560708,0.516999270267518,0.197719391150308,0.72911003836302 +Gm17251,2.15109283308965,2.37866572871786,2.80273037624911,2.42899886123412,1.74019115075186,1.95675585098745,2.0797490037051,2.25545745470719,2.54444871807963,2.35409308437107,2.1478406521743,1.91463104726619,2.287260549119,2.90437492994845,3.11268232518017,3.22209477309999,2.2781953995706,2.2339742226389,2.68991471937929,3.12794784036831,2.7467425461893,3.0698112553569,2.33464237423096,2.85048565042668 +Gm17203,-1.67886797771008,-2.15054135494852,-2.50493102167243,-1.86543897459016,-1.00296818769897,-0.371257077986859,-1.02670196925839,-1.12113521703982,-2.75580577065153,-2.3993261443566,-0.712965736980651,-1.77524618667756,-2.68036503615355,-1.93875185133488,-3.78713690792378,-2.83895394533512,-1.48547014512503,-2.0943062278962,-1.59817197011184,-2.66578083775939,-2.54657889086696,-3.0585467619283,-2.53849219275031,-3.7308775097744 +Gm20458,2.4930763327829,2.41290755089844,2.69911478369802,2.48404908613471,2.36509084055998,2.19522870173394,2.38672058695043,2.45085276466415,2.47484995243399,2.50232495751512,2.18771639028469,2.28380285873255,3.14703084830601,2.9071870152884,3.07299716448932,2.91573575851304,2.84335706232793,3.1327577867508,2.79864321541506,3.21610427897155,3.08485251672313,2.96789657775927,2.78283158107089,2.82470880150839 +D630036H23Rik,1.13891166350539,1.46295721805572,0.701506829180718,1.36599905748591,1.0257702894792,1.67833305892569,1.18229965286327,0.900703416879002,0.867561048284444,1.27386000272258,0.394765210152055,1.13435584113891,1.18611254418951,1.08623748758758,0.885562245319029,0.462300417817787,0.702784208283167,0.295755445469434,0.826049252084428,1.27647937369186,0.651226447726327,1.10060809406035,0.56119121530864,0.438727468460453 +Gm5828,-0.241630161238775,-0.133638225926913,-0.10827452495425,-1.12854700028896,0.100883704601342,-0.45973036312121,-0.253535235464041,0.302920489011539,0.333651566371696,-0.131515239659164,-0.0200245461080228,-0.130369605036647,0.119817124132116,0.225633766277685,-0.368699321880429,-0.279690363711353,-0.480878717928974,0.248122342939941,0.460742216591225,-0.416560138689765,0.397666127293461,-0.0350974664562327,0.408045475490518,-0.0432310820951051 +9330020H09Rik,1.51815105000502,1.42138946272189,1.68666788717918,1.81506119558102,1.38326206666816,1.31640805301178,1.33143468960854,1.38079650640933,1.3981414163156,1.17619908007592,1.11061753655774,1.69437534288442,1.56254891393261,1.55508052867757,1.44894422670169,1.30256772682734,1.13513029653621,1.17348487009816,0.668137723295133,1.46127676026095,1.70957971325848,1.4856801761287,1.42228608228448,1.191110536837 +Gm17538,4.83406209193337,4.73635106420763,4.81817923127541,4.28716731394829,4.19419808995801,4.77089850312383,3.99189764333436,4.93682443233057,4.76927220775334,4.53168054056505,4.51631417045579,4.71026817504529,5.4658882415187,5.10912814343671,5.63851563082835,5.17465923573485,4.73096809665445,5.12184487511617,4.48594481860585,5.47588626624487,5.29230205782686,5.05015053459691,4.75655151225268,4.90571354780559 +1700030C10Rik,-0.663885210915009,-1.01636103770835,-0.860257318117288,-1.09259492906409,-0.419967536947961,-0.59946042614388,-0.241015619796612,-0.813324366064069,-0.962659348096405,-1.93932792925177,0.105797010049891,-0.439701464917359,-0.206585881814431,0.801939513836826,0.391347356705924,-0.183764166872043,0.0567196235933367,1.15935897375133,1.09318980400897,-0.612919898394545,0.1860306501993,-0.476458444500413,1.23962715906722,1.02876942104064 +Gm5428,4.7808848836533,4.51165074517757,4.90851193804149,4.79332093446467,4.55793668953985,4.62619514306935,4.3578371660902,4.70946011093164,4.69003455789319,4.92757744165482,4.64608167369991,4.61897097302735,4.41847199708879,3.92268492434349,4.5578822134881,4.10062768118691,3.98133423454503,4.14921394580946,3.85788987668896,4.51140189285782,4.52921382539685,4.21483493860933,3.82843518335459,4.00201722266635 +A930018M24Rik,0.651125966526077,1.46397637770818,1.00943474779191,0.0914641773883265,0.788867635257564,1.12693991843919,1.23402262268329,0.144116240750293,0.868030403853809,0.414354611285451,1.22253749352907,0.766771020833475,0.0681427091536504,1.38046423774307,0.872824554983099,-0.134888385236628,0.192845697967543,-0.0568573611126236,1.03402407976258,0.08651030173218,1.57505236216567,2.06392628230581,1.44479786808859,1.73343959763033 +Gm17036,-0.732104793943118,-0.945286367928346,-0.655111601382794,-0.9186757908232,-1.68742054488663,-0.517321308532794,-0.652860409289151,-1.31588239708775,-1.18776738553999,-0.871177091936656,-0.564288725149793,-1.20088137850993,0.108567372482173,-0.284175241643574,-0.432793648059865,-0.556161909835779,-0.859672056276556,-0.608291173771716,0.170707268686852,-0.018175480465827,-0.0112492742588959,-0.532612151628338,-1.0745757350673,-0.709895147253056 +Gm3604,1.26539764151906,1.26508184242672,1.23196377143482,1.2819953996983,1.05965474925521,1.22554698809186,1.04127889343011,1.48402819642026,1.49595777562111,1.60335963931883,1.17138697657754,1.44128566122159,-0.0302734623859553,0.660063676211762,0.682196392936831,-0.908989257503613,0.133149602872161,0.542969427490985,0.0300404258908876,0.804570020396124,-0.1463465101705,0.209768186499668,0.72319526854108,0.619266420050343 +Gm20390,5.56355205651178,4.52645826905302,5.04599173595598,4.96909515530733,5.00341699512561,4.95169279660618,4.98619373380853,5.11422805422292,5.01842322690694,5.04344715880485,4.99434353906875,5.10416144731661,6.1499931756094,5.41260541198766,5.61071646536003,5.37896719168091,5.50313004074894,6.01223386086049,5.6001404965302,5.90987211385603,5.73488573542942,5.3355453237174,5.60807493979456,5.7371090291036 +Gm17114,-1.89369852079348,-2.86832935059152,-1.51497295045205,-1.78797630551158,-1.97001783215807,-0.885590479665779,-0.924449048268656,-1.48701180933634,-2.11675932457068,-0.921155301184022,-1.55835474782415,-2.86576337501192,-4.58235985488771,-2.29039759030094,-2.42312101995959,-2.76951496212591,-2.60382359244092,-3.51511081268909,-2.23962622849662,-3.49389609350469,-1.98154834291348,-1.79353432717598,-2.55960205495969,-3.9457080528578 +Kiss1,1.13864255243772,1.25548042281784,1.26707935367933,1.12567837507634,1.22202705914793,0.670713493095936,1.29106368224675,1.49380531449246,1.1979313207791,1.5338771336958,1.00292151369858,1.07132440422711,0.662491983562903,0.686627490124089,0.924472682138895,0.830035824323112,0.910378144131776,0.748323328001395,0.725922371842281,0.786115718733094,1.34031760205885,1.41917332600524,0.43925696948696,0.765490617425104 +BC024659,3.19796783123088,2.966930388734,3.23964460004953,2.86241400384723,2.79402970244435,2.80721710719287,2.77171504797083,3.25753571021236,3.10646927375029,2.39224323486862,2.67362823757646,2.85609626915538,2.86363054344867,2.6861216702553,2.94230923824026,2.59509376416536,2.58619480041732,2.87303041509343,2.47837202047066,2.97748709100056,2.84786251034789,2.60851188634968,2.50463529290342,2.49922333954574 +Gm1818,0.0932930645988066,0.421352104089269,-0.0944626716360435,0.641902656039996,0.136897599833285,-0.305494383616451,-0.343366178834837,0.297387272317518,0.157330768643983,0.0373605456514099,-0.189607980063028,-0.217344654589522,0.804910679772729,0.954862446712009,0.886564728477351,1.15173932156739,0.634353578234732,0.961365701331866,0.162720038411629,1.18533349936112,0.603586834836596,0.879024740773061,0.533991248028614,0.51705762762772 +Gm6047,0.815232913864097,0.507471845852651,0.669444544817292,0.574596926780508,-0.300515131308165,0.436485065588867,-0.148923701210663,0.376799342836578,1.10532200609534,1.21042443938593,0.765141382543554,0.344016745160763,2.43825419368591,1.49384316980004,1.23504037416729,-0.857135040516131,0.226387048380962,2.01892901444216,1.32696164637775,2.18268231217291,1.0402780195397,1.1216158999805,0.923707125761363,0.727239468510227 +Glis3,2.62324059377296,2.18042205155207,2.15716475329216,1.85412874362064,2.83908192518481,3.21874874625571,2.16844127611195,2.97559491821994,2.41708270523755,2.24647535303657,2.51471567124133,2.30397772004439,3.24341684847221,3.6867162070679,3.55303206237003,3.91007554153203,4.07271570153962,3.54927924331223,4.00174968526909,3.64614418991922,3.52283614811192,3.83708274915956,3.93071266238256,3.93359898323266 +Gm17606,-0.0971689666646833,0.240180454379311,-1.48211136729153,-0.301103759530452,0.045003970140375,-0.0036054376032701,0.326920175750444,-1.07491896474324,-1.04226869098965,-0.380552458793501,0.0543589120694425,0.0222255553530035,-0.464693857828377,-0.7584547081644,-0.800832435547017,0.388961332182196,-0.230306528241971,-1.32697647253997,-0.727661215779074,-1.94247769532696,-1.53123468842283,-0.313804454691895,-0.412287153274894,-0.651506253619336 +Fth-ps2,0.96891258511653,1.86619827971024,-0.0383803748315926,0.728276598032942,3.01671240927532,2.87477596737919,2.34295268590085,1.10830744475604,0.694079350356007,0.881132526121037,2.60752206171402,1.64923098232348,0.28031045446866,0.153180577119185,0.390690247636619,0.121721545287098,2.69539420725975,1.02121773914038,2.88723255061022,-0.318390059799076,0.190801786938765,0.746267503136281,2.3215449045667,2.12166987095665 +Gm12166,1.38046290055166,1.12738610795129,1.86509248835951,1.76056997374244,1.3215257785364,1.24464350641933,1.32123663451963,1.97558889943287,1.94913535308541,0.947012754564286,1.46353047405203,1.401839398902,1.12158188441393,0.877697352669244,0.651298307878063,1.42532595479646,1.28080845051452,1.36927867527609,0.856349673675992,1.52306659892754,1.2657127067369,1.55002839630892,1.73616833855635,0.491527768072856 +1700112D23Rik,-1.20033036178729,-1.7001494307812,-1.25464377011175,-0.956648843786873,-2.11866645437811,-2.03682150404007,-1.91260992358484,-2.38811660379946,-1.92380052807197,-2.93626687953314,-2.16732545977098,-1.21663987909318,-0.0642456469240593,-0.171149051544001,0.275107874696338,0.214824871570766,-0.76465785023841,-1.05219354462635,-0.901526938024862,-0.201187999153209,0.110173582897817,0.0712294840996099,-1.29614223966178,-0.307433413979871 +Eid1,6.26603531467506,5.88744601831136,6.52330961798219,6.13251011644327,5.49585210040195,5.82271343073314,5.74126121157167,6.22634821070281,6.29858785677742,6.14056411891358,5.67814134863452,5.94219208126862,6.84207235762166,6.49938328999542,6.8739748702222,6.44219279299561,5.83268245767957,6.48640948597633,6.21052628894663,6.89856849020156,6.82160380918024,6.52241182345459,5.87241189764579,6.2121731778849 +Col6a5,-0.807341296461273,-1.06939480859526,-1.65505754113707,-2.19051795187724,-1.22076030200296,-2.37316153693115,-1.33774661105214,-0.750088949229283,-1.05377300181524,-1.70847803468079,-0.80041353494683,-0.907844167555904,-5.36968258838447,-4.79713029844419,-5.36968258838447,-5.36968258838447,-3.80378313529244,-4.73954091615713,-4.70811162071205,-5.36968258838447,-5.36968258838447,-5.36968258838447,-4.77456116434042,-5.36968258838447 +Gm7701,0.0960143554073153,-0.574017432178431,0.229369991691841,-0.65793859630812,0.732167047777912,1.02444366839162,0.528410262329206,-0.821149171908306,0.342386943532515,-0.155074971037452,0.508203125131339,0.0484604493796466,-1.23886862720715,-0.0516336135748644,-0.76679406792979,-0.493513793246341,0.747944228294678,0.361361307142718,0.0706540380315942,-0.993901030796576,0.0906040068561171,-1.13410256887593,0.625187052988121,0.377816314159273 +Gcnt4,2.92201002036675,2.9330807812285,2.87421898321798,2.90540276385001,2.82976263423463,2.82527702576021,2.74745940533419,2.76859832102273,2.95480963947783,2.84765543193545,2.98045485006993,2.76195690931026,-0.28117187983137,-0.222266830416882,-0.915338812052658,-0.110106943789425,-0.34491981512875,-0.679937060250695,-1.4279224582613,-0.642060101872385,-1.04858302085891,-0.730205356357216,-0.727399122516779,-0.762949049602065 +Gm6356,-2.00009663909793,-0.82250957108774,-2.13563371150963,-1.18586860049938,-2.6236283523438,-1.59221240726306,-1.76291525054335,-1.64513073989817,-1.21897629284995,-1.20632187431951,-1.9494553563824,-1.67408952587972,-0.590640103065237,-0.300125752484173,0.27240841663185,0.207456037420875,-0.875503018245741,-0.152988348821497,-1.44020928595117,-1.04378377238349,-0.157888132053191,-1.02140371744884,-0.690284423571325,-0.886752080822461 +Hist2h4,3.65482672317324,2.73010900373991,3.14794851119275,3.40478992396969,2.93767090720384,2.94940733548714,3.15573567648013,3.78275414984084,3.60463897140919,3.46581652020607,2.99013109537943,3.16610979597542,4.46510523682391,3.93842664834546,4.18283299100237,3.98746655571051,3.87323371771735,4.21320920369461,4.15901375478345,4.52077995352425,3.94371292943948,4.01930400224916,3.72477345136364,3.70159006742238 +Gm6728,0.363337748006237,-0.277079432774163,0.289117454730357,0.01370269101619,0.129188125357676,-0.0623383834366036,-0.0983797210711938,0.380108654945091,0.575941935806099,-0.316696403718699,-0.304402009027954,-0.511302324223068,0.438360641466301,0.559045446531243,0.513593595069049,-0.274920000945681,0.692399925689528,-0.0538104855537597,0.0212096989928851,0.0895571772910438,0.237953307393579,0.573486105306394,-0.382044821623501,0.265639013269571 +Gm4202,4.79572181537025,4.26814416539472,4.54508534475966,4.44933555847957,5.10738561665376,4.86085839759914,4.51164856433214,4.72824362961004,4.87937147331197,4.24437984700339,4.68803844549048,4.55688378813108,5.56657271792932,5.39712485813603,5.52674514609877,5.52851210309987,5.53620801520095,5.5870222085164,5.44889577876493,5.44236224994296,5.49666220931778,5.22533194165025,5.53325169799743,5.2535348463235 +Gm17509,-0.744375336670557,-0.269767088169468,0.369321628754815,-0.430173727357285,-0.532106405154943,0.244940606826049,-0.210584957823938,0.0135776159874099,0.214357097160103,-0.188539405966618,0.14393410649264,0.129175207136911,-1.1656090841022,-1.05560387884235,-0.229459328976072,-0.744734145662943,-2.04343891077248,-0.243199635118864,-1.64253115523599,-0.206747716292991,-1.13434434922358,-0.380758410816747,-0.883248971295205,-1.16633269502534 +Gm17228,0.919117106025128,0.162845297323903,0.894772257178286,0.932888526476255,2.69555993402805,2.24611189844522,1.81642700181928,1.40030310506875,-0.175770082483004,0.952780567229598,2.0382575571614,1.36253318776432,1.10852349968878,0.445423869758209,0.824033054854585,0.715010365002507,2.59216893666736,1.23269317771974,1.43415156161894,-0.246742018690515,1.38132542544972,0.817915544244842,1.69131032754625,1.88524055733536 +Gm10269,4.41592716616837,3.39852331621957,4.24833234292485,4.27654475233996,3.54998528144574,3.58497307738255,3.73707363592748,4.50648361442581,4.23332890103924,4.19378533134582,3.83643779567702,4.27966203686125,3.29494478326099,3.27758774826882,2.91039443595448,3.23233750339273,2.2874992614342,3.80628772198514,2.78963425922835,3.93122595891279,3.63799815069954,3.53639556493126,2.79361334888192,3.16002385288886 +Gm17084,1.69660320022801,1.97721770429108,1.84384021269118,2.11459415486725,1.85360326486088,1.88045223092337,2.04991106961447,2.00078402059208,2.00879773087725,1.97559856294709,1.98405017180927,2.05836783746291,1.63917849111092,1.77088743187714,1.78451297699619,1.82771814966861,1.63528131611007,1.46530260626892,1.93244013367547,1.61011360261875,2.11085598272572,1.70586693991151,1.4453377332657,1.82204002630424 +Gm20538,3.6948275898924,3.04245711945274,3.5430334566215,3.23139704740621,2.67390078256937,2.83700816301817,2.96326505800108,3.27563758268584,3.41107115729521,3.10282018326587,2.87688272643029,3.26831115695142,4.5368866989655,3.95158205430645,4.49581396378713,4.2126325843026,3.84760973734786,4.38019625428443,3.71245265823871,4.40005687476071,4.33057121575138,4.2772042471131,3.75996928987034,3.89314329140671 +2610021A01Rik,2.53898242984978,2.67562209633976,2.4814072211723,2.82737530268708,2.75716520822882,2.68304915148202,2.62322398384106,2.57600551720842,2.70581415769254,2.89864779458106,2.70188953734679,2.83119330656111,2.45178242287802,2.24382824151653,2.40487856536129,2.75198881715856,2.15566164711605,2.40401054339262,2.03286107726693,2.63408287976801,2.50773082736842,2.61003071721934,2.38137208247816,2.3704498606379 +Gm10039,5.64799043917588,4.50076549750728,4.82888201999394,4.76850328362431,4.71649265929383,4.60584949956097,4.88550904121327,5.00732263783015,4.99933780873307,4.85920264458685,4.68442968547508,4.84278377408592,6.20139555889683,5.20692746672195,5.5798763960871,5.46268597961895,5.4982102568199,6.08383140162141,5.44681272243473,5.72546361057474,5.52252585899925,5.41703758445562,5.51033558594789,5.61118747875704 +Mpc1-ps,3.36601805643537,2.99107650945571,3.05893710085229,3.04586571981855,2.6161455196941,2.38531725718889,2.82168639286416,2.81903384511051,3.33957584761722,2.92249856102232,2.82396303572771,2.97609183387722,4.17310839460223,3.77486377452246,4.2638839731618,4.52688987531803,4.10083555678999,4.05165139414855,3.42328424040685,3.8615361941259,4.10121277394103,4.27257406410395,3.80682768151802,3.80201696082519 +Gm17066,2.72723369397591,2.81430273464422,1.84246077989206,2.72812277101179,3.23927790783259,3.19448029559163,2.97595558606676,2.30973651613,2.29875821161701,2.72809127584986,2.96624602377158,3.15225211931062,2.43708042954108,2.90687609844448,2.35349304344914,2.73478741220108,3.46712212905099,2.84110117735134,2.47670546607002,2.20363023886695,2.76942982046582,2.7484558480969,3.38425287994686,2.93413241335137 +Mtag2,1.58936752131431,1.46214527827045,1.09622434407997,0.728815450745769,1.78077395321123,1.36694399811796,1.68233497672062,1.29542093177825,0.788429501105275,1.08540889131168,0.789482725051303,1.4654708139731,0.41105205530734,1.25916488896918,0.570762160524547,1.10656105836805,0.421596026096883,0.550645562897887,0.289554438525157,-0.175677523379679,0.83910520809866,0.689525040899293,1.31943209766269,1.05927817475215 +Lamtor3,3.48145164687603,3.28492327187768,3.55084156910757,3.48225905875176,3.17383719638275,3.18058948074039,3.34945933231798,3.17151004794153,3.47095769235135,3.68300591081837,3.08045027656628,3.31867883625476,3.92256817273827,3.85051954013059,3.96626022779536,3.68896922141805,3.70488011901999,3.69015828920119,3.83931861047377,3.85340888327293,3.93549896134799,3.81408126091662,3.99605341604987,3.78005661309304 +Gm17484,-0.939645690758571,-0.455171912545275,-1.01704107468237,-0.587792823235563,-0.677878599272277,-1.20716292711296,-1.03867409854877,-0.314384028550577,-0.733035746908373,-0.369640705442382,-0.898757560181285,-0.484690275897051,-0.740452113745394,-1.12267259352247,-1.04632373527036,-2.05403667549009,-1.22979524012279,-1.347673815509,-1.12900323448474,-1.17203491374838,-0.863850764859185,-2.22152956730783,-1.1167577106372,-0.693671375875977 +Tma7,5.08623704595838,4.41601056986983,4.78296350328063,4.80227961340684,4.50779896846975,4.69468502900368,4.91193293027326,4.79840278230092,4.50256254776039,5.00195776048877,4.62575998431498,4.62962676053426,5.25884578357772,4.8741063604482,5.12733860777705,4.9903169434088,4.63592251229688,5.21400946539173,4.54914668881073,5.29250736871441,4.85491448889017,5.02933515231504,4.63199470600598,4.80364343341066 +Gm6548,4.17111378234802,3.91660312716902,4.62891506312538,4.01587536783713,3.83043556478768,4.01423646226838,3.83909963758072,4.31205080437645,4.01545361360673,4.48454312847203,3.81711006511888,3.90561904618351,3.61119334594655,3.57104931381152,3.40472115976611,3.57557854958454,3.15828524055716,3.58126451889543,3.5160654677103,3.96316080383054,3.81206924333125,3.4522285761288,3.21615853437457,3.54310182223917 +Gm9581,3.03945419258957,3.12566016123786,2.41246486959924,2.77092193982967,3.20832649415409,3.3567620537428,3.24308888262394,3.08929634387449,3.07125537859045,2.89554607234517,3.42495660142042,3.18940316712914,3.38095688092965,3.84170941390531,3.55919042375172,3.82475414053661,3.5443408651245,3.4429395676631,3.91628478795464,3.74375742961144,3.90793952869299,3.71806001135744,3.69839010913387,3.44130224377449 +Gm6211,-0.786911740454889,-0.878679949864057,-0.995393314239586,-1.08855114799332,0.463660419310084,1.04657025933854,0.305562578655296,-0.145072198887169,-0.633639809394847,-1.17364834375576,0.216441752432992,-0.0566544455609104,-3.38001323025986,-3.47599085024901,-4.45733527041947,-3.28313848761394,-3.47160888953545,-3.82719359819213,-2.72301951460342,-3.81279837940755,-4.45733527041947,-3.8795503933737,-3.44212358587391,-3.0436597542031 +Gm6467,3.17352581780502,2.89951573695417,2.67482437720314,2.93308533782809,2.46467702269426,2.77654834693766,2.95367478202799,3.08034625633485,3.01301621184047,3.01362138627901,2.78107101666543,3.20689970065453,3.19971008743194,2.44797504487693,3.12218322578023,3.02678916393035,2.75299704134941,2.43164208709983,2.73129182741406,2.94460119823316,2.95724893398171,3.06117713278847,2.84240930538589,3.02125974331118 +Cyp4f17,2.37073856032191,2.88811146337513,2.81246042326099,2.87372750512398,2.79833494160016,2.66951816394468,2.98907545098573,2.8185318273144,2.79112094731136,2.71982858701229,2.86597503646846,2.6105844722703,2.2738737640237,2.4421487534905,2.35741339299852,2.3903442180299,2.59232581823977,2.76306774652173,3.16067103416577,2.55505249823927,2.5414838736088,2.23293101331527,2.7542409239868,2.859221730585 +Gm17191,2.00440238849333,1.80080608658912,2.16966195303188,2.3293381053748,2.17634155685665,1.68809387164095,2.38916085062273,2.01589776290855,1.89018295942599,2.14858084156183,2.30313596784788,2.36285014264892,2.4218857893683,2.12302490935147,2.3190613415959,2.27708758183668,2.45930855209232,2.22213207724855,1.9406237067827,2.44224770319896,2.32308509297469,2.53763203192522,2.12515948117361,2.30271726090196 +Acer2,0.198434753811743,0.242366074732141,0.0118603001730777,-0.184495069042465,-0.61980383284286,0.40043292538177,-0.0815200501393349,0.428397048081205,0.273829672718316,-0.149834643766604,-0.893712527582343,-0.574820823248207,-1.8032350612788,-1.62575537005914,-0.842383811067333,-2.1048727418841,-2.61293490757968,-2.85046859244729,-2.46069475874549,-1.45673943198929,-1.73299482302617,-1.35076659632202,-2.57755467095623,-1.80391688675303 +Lsm5,1.41923885392598,0.893002496117039,1.24654024273406,1.6463262479065,0.916985729372801,0.46436250880574,1.34901102064266,1.0216322342253,1.14788823870503,1.42898263599464,-0.113940638459968,0.89619310889892,1.60525664989826,0.300145942683511,0.996156158074233,0.59954911697046,0.890242844776022,0.928973099502864,-0.534793446002839,1.48563736300406,0.0224556003677354,0.690333070511782,1.03469978571653,0.295956639041504 +A330050F15Rik,0.156603580216553,-0.0380381880044947,0.760215868433782,0.125932207688185,-0.405928998816946,-1.10435466172554,0.0973773141845222,0.607772852594509,0.494911366288812,-0.597698603698253,-0.536528385370967,-0.034669294310463,3.22536209064159,3.08878083183555,3.51857093638179,3.2576500254295,2.57105319095032,2.91815415133001,2.39574237823917,3.74455454157537,3.10932841724622,3.01796321912697,2.33958383061313,2.7165384479056 +Gm8741,2.53986921542434,0.73344143781619,2.54879226993623,2.50204047641407,1.73748789672053,1.92285575302456,2.36023827606592,2.52740267632238,2.6167399193957,1.98224582225628,1.78421540060345,2.42591028698276,2.54874443403953,2.30758332429004,2.09474475709857,1.75385486366163,1.80220963509503,1.29263401742811,1.66008673272966,2.42200158109152,2.62179781235633,2.52322674984103,2.04592704113979,1.60255717094424 +Gm17021,0.12369050219323,0.0120357987096313,-0.0610636089882353,-0.41490824697116,0.736493108816554,0.8353594478729,0.0746206908076048,0.159528131667282,-0.132537594898074,-0.201746895639156,0.3940299929724,0.173466288422988,0.286990475113564,0.749946419890466,0.444742201023193,0.396955338068983,1.10167521882448,0.790227781066533,0.721683300223003,0.264970984936977,0.372364252314388,0.486492474109181,0.980542815963665,1.03725869916469 +Eif3s6-ps2,3.24064155046922,2.88242570086099,3.29152833081986,3.07476572574127,2.73838842591604,2.28576520534898,2.30620932158863,3.27649003316883,3.09800622103041,3.69679980979257,2.49649509711588,2.42186949976673,2.65855012439334,2.70398566392303,3.34059559354346,2.81357343043263,2.71164554131926,2.25765793496246,2.32896875263955,3.44603206652332,3.30629922728627,2.39653741296387,2.31382699283588,2.8672002339655 +H2-Q2,5.35720184731132,4.83485280961474,5.60004468717738,4.75454468518711,4.03514810581253,4.98739218928292,4.73975063119464,5.4657619996579,5.71285494981738,4.81102923023833,4.61571119933649,4.08249240830204,5.30780768459488,4.8337118215828,5.44238802159344,4.81069759611235,4.20956036374892,5.16832224297523,4.36053659197949,5.23765209116067,5.3479388068875,4.84517198567815,4.50374567800753,4.10969016980726 +Gpr62,-1.08381818499942,-1.84008999370064,-0.0213423643425084,-0.836050733883932,-1.82213406914579,-2.34012801432729,-2.17126251884386,-0.503915245443917,-1.10514232860073,-1.36993790365038,-1.86121168064538,-0.983157955501757,1.0142659923795,0.484906024998207,0.934215725530142,0.669060239915255,0.15924855977183,0.36781177627743,0.106879767108535,0.953671264497774,0.849733048703125,0.685933002444309,-0.404984617348,0.384736873541203 +Yy2,-0.178609951777529,-0.0604450264375669,-0.611610094725944,0.211351475550825,0.822782895339138,0.707599747490353,0.344609821933931,0.444864736426272,0.0417695115290853,0.113819599442392,0.916336595682339,0.465403281227358,-0.32873740161227,-0.213618992146596,-0.587887427562991,-1.23877385780796,-0.0774243377430901,-0.0240749531087765,-0.263572392341814,-0.559873309196916,-0.299422137006533,-0.493577982175926,0.226332260050785,-0.0599957628927794 +D17H6S56E-5,-0.0048559908191903,-0.415846588293844,0.722075019356337,-0.0733690148109583,-0.651639887021562,-0.377322263035595,-0.0456121749041682,0.58653868326656,-0.0033888627953162,-0.331273841328966,-0.331932978588817,-0.0919411793939755,0.8148557161093,1.05679990986863,0.773494492146546,0.500586623904753,0.700885661802718,0.548835949860513,0.705200654133691,1.02864528669015,1.5800327486484,1.08763097007572,0.475113885916145,1.3005833111778 +Zfp964,1.69910917608136,1.76436973403854,1.85439247073702,1.71577820565143,1.2473698905176,1.41839767271944,1.46545300902578,1.44903095569046,1.59442172179823,1.34441318096761,1.0692498144096,1.33668912454738,1.27850589628046,0.424940274928203,0.031745981781732,0.603183119568194,0.634157515028072,0.902036380229063,0.79624525530514,1.10432132443881,0.909254699058862,0.205152729785905,0.250967605348849,0.73302752448491 +Sco2,1.3612525235334,1.50810104666594,1.67795055730537,1.75142603798494,0.810526190449082,0.505601539263474,1.64938434825668,1.49293424255714,1.88533694250796,1.46862448275285,0.982266512814963,1.41888610360493,2.6065143260766,1.9907163342044,2.20633946218363,2.27642758114097,2.10940956825871,2.42590322876772,2.2845027924263,2.44609241602578,2.51129216651246,2.05118223577965,2.24914206599306,2.21759038773029 +Cox16,1.97476211362284,1.59268217321321,2.06227048645821,1.95232740440913,2.28135669427525,2.30670010179293,1.98813427639015,2.25225653117646,1.94484757941962,1.88524941394055,2.21293344031374,2.2078955958777,2.58114466900926,2.17596910099782,2.23581138690448,2.07340391937681,2.48642902103502,2.4215620643991,2.29687531771152,2.39664860153955,2.26842854712644,1.92818901302806,2.3032543970976,2.31291815359786 +Prr24,3.49643142401158,3.67261385278583,4.10676970736272,3.53827946599852,3.40943098761322,3.35466083756641,3.35316635147607,3.73825848747543,3.88714862547421,3.97802494347837,3.4955335279994,3.31059744483509,3.24921505698318,3.3536976122056,3.40094512997702,3.396434121695,3.03262445374292,3.35184410887339,3.15090973613,3.52039174499275,3.50224638975408,3.49892286837295,2.96519183840097,3.11551603723957 +Gm4707,-0.273691370471074,-0.022686527843961,-0.530084102081743,-0.415750497900715,0.513664184677529,0.700533605081151,0.875665897796232,-0.560229743594015,0.200063544024827,-0.0120517020725899,0.409023434511305,0.442774942265127,-1.1812560553692,-0.0075662379662562,-1.30604178034428,-0.201497089421805,0.201651002133613,0.348354882168156,0.428681007358927,-1.59399015469138,-0.694927116762069,-0.613589236321264,0.432660097012497,0.0869542769690682 +Gm4604,4.80157434403404,4.0778269108794,5.00331615290467,5.02964208587887,4.56688646835926,4.67964434143374,4.48886314965911,4.85679028433576,5.05876219122867,5.46275882758303,4.8232392685254,4.85912335200007,4.41081777069813,4.08985727223051,4.5685395514343,4.27131081653591,3.72431357755327,4.10182993397621,4.20929556667151,4.55731379674126,4.7838791278029,4.499438102326,4.27444692621447,4.02467745055161 +Mier2,2.98875159010918,3.30689844955855,2.70294646384304,3.40931437865541,3.37968764948244,3.37702735142171,3.53759493655205,2.74208005970588,3.13161463816291,3.29999479730331,3.32889899384138,3.4343830453684,2.36465317493134,3.29501043733596,2.53102466814472,2.75956721779815,2.85190941162751,3.07578413498007,3.20006450260824,2.58652040281994,2.8850161983065,2.7456460525058,3.052249516858,2.79064276187168 +A830073O21Rik,0.701532566819383,1.70145103196966,0.863194893250985,1.22505188746774,1.35265297537216,1.52371394142366,0.91923812935581,1.39745803022598,0.906476766766642,0.38855023246111,1.31942977518853,1.30409953557289,0.716311216627607,1.16965867208808,0.695188826800623,1.02029999258204,1.29353116117941,1.17257669085799,0.956917514123354,1.17706576058161,0.886599098098406,1.55392583926588,1.48277066631519,0.932487903973567 +Ube2d2a,3.78713927915399,3.48499678261233,3.75595613468844,3.52508781966391,3.38242558666581,3.33936729858669,3.1945076482659,3.76243734720327,3.51389834492382,3.5971059955721,3.28146192201805,3.31769105091781,4.1418456039975,3.57921127690252,4.04073657658554,3.58443311771443,3.51717800244646,3.67147987091575,3.41374025886673,3.81923530842197,3.80482729360969,3.71013408591736,3.41182677254821,3.65525552491502 +Tnnc1,0.172331422903892,0.0560988410507453,-0.556782628926383,0.759783717448971,0.298696044142269,0.74700984473781,0.732251862834553,-0.028450804844071,0.422290757135591,0.712781260786578,0.523290663939052,0.636703884447321,0.164504019643722,-0.447455539338648,-0.621836850239544,0.31506301108337,-0.44084465661147,-0.516888639833852,0.0800014589413077,-0.991929103115736,-0.821725310937398,0.262768473356775,0.607135188561527,0.0236247497809148 +Gm4353,1.96000010578394,1.70330318670725,1.31871758241169,1.69960967696479,1.48273887985598,1.38649862951976,1.9661131996554,1.7242394615434,1.40058398983801,1.27950062350754,1.16338073116066,1.80439004022631,2.73065620306469,1.68976820004932,2.02902710766348,1.90020861515558,1.99253749060312,2.03216563639991,2.16421157611245,1.55436674054318,2.14570992181986,1.4367496949617,2.02729664875458,2.23106280585507 +Gm6395,1.72352632750283,1.22239260133576,1.75072598008536,0.700451461767467,1.21123117833923,1.26800086410768,1.58583849971203,1.53640546903885,1.11775375068106,1.34384129392188,1.76107142556443,1.26223013234694,1.6659309459397,1.61130032246398,1.04941841422307,1.62425188416975,1.73517281155531,1.43510856383575,0.908450645343074,1.31202703541045,1.83549523330606,1.71394814347052,1.37643907542456,1.96173944563786 +B930041F14Rik,2.61144950345448,2.12545015938034,2.89289956353574,2.48690751145891,2.4603061182073,2.47958097989434,2.12306946529139,2.69635463008347,2.55759027836434,2.40603511621885,2.32109380875029,2.40305858446117,3.70180576197683,3.44624660376406,3.83565061919612,3.60929703009143,3.40734973049533,3.42620410385867,3.20847477169161,3.70020210100234,3.55418178148354,3.7338033978664,3.51351399669324,3.09851742915819 +Moap1,2.14560610935718,1.90471546491087,2.02526092803734,2.20136757344598,1.88123908503427,1.94906271329873,1.91588178898366,1.8404454996329,2.16587665889488,2.11957599393845,1.80501012173908,1.95765458880182,2.16690348773717,1.89094798191685,2.04186541708356,2.12101518510665,1.8489928078768,2.05071864047471,1.67225843067358,1.91291033905886,2.03586513912598,1.87737069794277,1.8549619530091,1.9191710356159 +Gm17709,-0.117892242420742,-0.425653310432188,0.479991692785191,-0.103827432879195,-0.571470019922842,0.0879907580417329,-0.382401306777694,-0.745924199134473,0.348013027474481,0.0559303873813254,-0.167983773741285,0.302350017758569,0.810987432566326,0.931672237631268,0.401319448904203,-0.0611395391078005,-0.0576579441905419,0.793735561281259,0.699365197056046,0.657765676102938,0.693165799665254,0.657046093079916,0.532857458900417,0.217212332064925 +Gm3788,2.202990779071,1.47538340113454,2.2119138335829,1.28877394533703,1.4006094603672,1.13871132787566,2.02335983971258,1.51675832282083,1.7533000418851,1.23212153326736,1.53900990005423,1.03751561276299,1.26641743586865,0.463162146998412,0.993467940384835,-0.143270720027804,0.661068759613457,1.25043145495994,0.416848252982714,0.987820695785795,1.1575265118076,0.253103862160941,0.0226954608563414,0.0962080133830285 +C2cd4b,4.90973806222128,4.41657458746027,3.94382400618357,4.36338428527532,3.98991687845067,4.40515094152919,4.8070140792067,4.48446972249634,5.15003249492086,4.00684624772703,4.15366363052302,4.29002451234523,6.05626382580635,5.96687659257659,5.51833517482961,5.96474985174928,5.76137411788056,5.76140228778786,6.35006570091842,5.68499845464303,6.38768227164642,6.02604106228403,5.9043542696604,5.88227479711915 +BC037034,2.54111202000509,2.89457199066762,2.09748566047528,2.87256066360905,3.02544377650695,2.98140549189487,2.88740892337214,2.29390175548111,2.46096251142444,2.29247056362879,3.15936989518999,3.01399306569841,2.33970967633207,2.98433363199678,2.11177003862173,2.97216222994276,2.96143812430437,2.51451057196551,3.16067611374224,2.26151230960991,2.6637781296249,2.95925327237533,3.1386780177973,2.93227353685 +Hspa1a,1.33391475520311,4.81010573576496,0.433268103087865,3.32668362498835,2.87802831762311,2.53861679835729,2.55735593069281,0.165499343055306,3.23355808779723,3.24213458181543,2.67948948879028,1.35877513327706,1.28746386121601,3.66328880172314,0.149464465313822,3.06698096902912,2.49779525033353,1.59576713057112,2.49045817715373,-0.969214502794556,3.35120538800492,2.88638324808609,2.24433400567207,1.56109816647369 +Gm17354,0.518459040812103,-0.280193582032489,-0.648208818525563,-0.186496005983596,0.183914761100379,0.423522882695252,-0.215201018198191,0.478142134712478,-0.183832748584877,-0.8328453454363,0.491587683802269,0.0432255708008897,-0.743769665485765,-0.997814827182032,-0.585128490392694,-0.870765985966643,-0.467617894411225,-0.199739029210233,-1.19565018358866,-0.908062288235859,-0.860768778068164,-1.39805648695725,-1.13167279764866,-1.13680558510886 +Gm17257,2.45114578730884,2.13716683326798,2.56010984420136,2.51252023395529,1.55059767480221,2.05235833909358,2.07483605720367,2.11712282448451,2.28146720335883,1.86617089450259,1.83500575243095,2.82199842817426,2.78203720654407,2.0221811054278,2.30636844757255,2.28018859765073,2.79448521165723,2.49927721072866,2.01601282405283,2.4152314318819,2.50649552955846,2.57185175545178,2.34673791968057,1.95445505206665 +E130317F20Rik,2.02448613613215,1.88101318207016,1.89443072731057,1.74724837664283,2.07805643209721,2.00757985250225,1.67538775503488,1.97773162818022,1.91214986986521,1.70663293500912,1.66777231977677,1.58551738293869,2.26656279894276,1.93384707843536,1.95730264784868,1.67248825726047,1.72025976742769,2.12105445055336,1.92707465884115,2.05532902900931,2.02018154613381,1.90771872789899,1.88260367054541,1.63240672917078 +Gm6611,0.237132531733404,0.56454257984914,-0.650558742146814,0.171478609792386,1.58426034304326,2.04254883248562,1.52787886769375,-0.960775071458301,-0.0426540225133283,-0.158920484942503,1.38336028786413,0.634387290354501,-2.0715413141734,0.0667151477591702,-0.549270686115077,-0.658293375967156,1.122778637928,0.212279900362919,1.01591011505203,-2.7085095210432,-0.371363043630398,-0.916579187061216,0.963213373951321,0.820014171095548 +Gm17482,1.32221767007054,1.83701519294044,1.44645124754797,1.31601543194935,1.94823862708792,2.07901571907819,1.66964711032916,1.67920545143058,1.42660312076015,1.13525816813639,1.87277039478345,1.78761772612329,2.78398491206275,2.41213205800187,2.56619911266016,2.08237548382065,2.59622622232424,2.69783675714476,2.66413555884253,2.29853699933672,2.22437340691882,2.04563318976741,2.79082438831576,2.30773063688227 +Peg10,3.69834752799973,3.19580644727543,2.71605521024626,2.68459976695957,4.532524931991,4.17603066635087,3.63078570159194,3.53354344584941,2.80800099795642,2.53868873599479,4.46952941704551,3.38050370542193,-2.98396600416877,-1.8840770527672,-3.52264079343628,-3.04823243245983,-1.8761639392348,-2.40308503157492,-2.0002558131276,-3.67099676159335,-2.91372576591613,-2.65669892502261,-1.31551660785586,-2.81067561659111 +Bend4,0.898344376566933,1.22663171410276,0.885946068001682,0.606179219709132,0.804455820882283,0.9773486442805,1.04296695221878,1.36785993004834,0.755817480647679,0.93027332079451,1.01057960788193,0.94106210376208,0.47068547568363,1.03951047954954,0.391748374833528,0.715915799839603,0.492529025330656,0.364203052971822,0.672692435454869,0.896587891555791,0.634839230397816,0.727068384411226,0.294722078708716,0.752081450630157 +A230065N10Rik,-1.89636486983883,-1.46593892189278,-1.03277766860222,-1.51513640881283,-1.14123275382636,-1.81761293894832,-1.52927406767058,-1.44272532449274,-1.90429443395599,-2.40125111495272,-1.4815081085839,-2.40125111495272,0.63714141768452,0.735339771441056,1.67327047026609,0.0312679946588482,-0.102229091431243,0.02682044536976,-0.434443906324195,1.21519457693062,0.863686373132615,0.579830919680851,0.324838277616589,0.535453057224022 +Gm4540,3.86095448299558,3.02386070331824,3.57573436195918,3.70362926231034,3.4634352494893,2.78232729505573,3.21505297991364,3.54180774259488,3.7504942974828,3.02611218362313,3.21405203038283,3.28245492091136,4.25456300772138,3.94229756164775,4.40817179488182,4.10506534630738,3.99524666573833,3.91302617434478,3.54489287674758,4.07589640876786,4.01944959123909,3.91192318886076,3.29279477464354,4.19032287177136 +Dynlt1a,-0.696987926902596,0.37120550617456,-0.14605768634262,0.43652525861303,0.210553306784679,-0.163913358368088,-0.0670341284731437,-1.23114493738979,-0.418455357964525,0.491136319550579,0.153693149306101,-0.584322277934129,-1.94409564201721,-0.724091847196241,-2.0631386647713,-1.12623880344839,-0.494298098815317,-2.18673385689436,-0.973187594777739,-1.25919143649152,-1.67595992197028,-0.879600698956446,-0.927526279839936,-1.03248079341774 +Kcnb2,0.49279792533012,1.26228732060472,0.681226288010504,0.342301059525798,0.89024581975091,1.33279470024528,0.88950497085251,1.13432548878005,0.198867321505007,0.641622359638875,0.866675421720929,0.804840820481425,2.00925545572048,1.91906724887298,2.05045473167983,1.97166155934625,1.79781777262434,2.01658100421904,2.03609445829692,1.71120936407823,1.88532303515767,1.68422687597923,1.74298270101113,1.82407508892901 +Gm3294,2.35929935703717,2.27206974516684,1.81364995797079,2.37562488479559,3.1812918172877,2.90248966836808,2.92639407148744,1.79861166031976,1.68042045121138,2.21892143694349,2.5171205114082,2.40037048529783,2.78046268961591,2.93041445655519,2.86211673832054,2.66278098682437,3.18199798951777,3.09278110064292,3.49438461997278,2.26636197892744,3.07041966052444,2.94566663474812,3.6849949877575,2.85212478852019 +Zfp804b,-1.46877286478412,-1.28089656575708,-1.17833299742833,-1.83164555476393,-1.61565892877755,-1.52978883559529,-1.18210311008527,-1.23838784642671,-1.06531604558766,-1.05004896531437,-1.88512790554215,-1.74145276685134,-1.39626086744617,-1.27935922974351,-1.88554773402894,-1.59929196183645,-1.03760286922139,-1.52126093771245,-2.36692868334956,-1.2767906549328,-1.14691144359346,-2.1806145676597,-2.1402170646097,-2.04596293103332 +Gm10320,3.83738713868888,2.68550950844523,3.12800280139466,3.35546817926954,3.01720726725943,2.84434407116523,3.25787722496113,3.82052686408322,3.22165547810958,3.10692168992462,2.95949105594076,3.054185995574,4.28026392370145,3.71602533371491,4.14915808744837,3.63625492943121,3.70475410756813,3.99481205018359,3.84134098101773,4.07037431090526,3.95629688605458,3.98451803643226,4.03523377195505,3.93755644408827 +Fancf,0.888303845077433,1.11260072959575,1.97754001630029,1.17792048203422,1.33520547448667,1.83106062299772,0.948799841610443,1.65750327847535,1.4425176586616,0.928160082277612,1.44998154326882,1.51185485727981,2.86179962305762,2.59874886456416,2.76200854674901,2.75862639089276,2.22776012440216,2.63903022574023,1.95028712467014,3.00410892295052,2.22116669698808,2.47422634852664,2.2852947181052,2.47020416681412 +B930094E09Rik,-0.295984564734453,-1.73643877797314,0.483651923516671,-0.403656664483289,-0.582601419850959,-0.504917953757474,0.0961547477151201,0.162474854621086,-0.438752228535723,-1.69287080327117,-1.19482158058038,-0.316767855436754,-0.383272918301146,-0.242973510563646,0.123822895568735,-0.858906078271278,-0.693214708586291,0.249038450373037,0.610253138361994,0.876871914982625,0.151903242657344,0.630714983176132,0.05433842153623,-0.0886047336088458 +Gcom1,3.1236966605521,3.03681314941338,3.25193879093066,3.12762925364729,3.01049794870077,3.09940359706464,2.94247195512511,3.15169224992753,3.0891015278813,3.09516471021047,3.05819542318279,2.97276557440706,3.09771171562789,3.05899264946513,3.19425970193005,3.01127955040448,2.96448485972539,3.14148541465768,2.97888123248284,3.25373068827157,2.97669337511762,2.91821366503375,3.13353628991668,3.0175103624461 +Gm20460,2.33144811549868,2.09797928472975,1.76232631952582,1.89309378440698,2.61866016906864,2.54846279990541,2.42855228172401,2.07517887410721,1.90099032644486,2.00931282639838,2.50197427108102,2.28542681900899,0.027621873527067,0.0379768842721926,0.68804742557471,0.590777179618658,1.02340345646638,1.06303160226316,0.793370684625043,-0.28994309536923,0.747545846140156,0.651921377685364,1.56623509863667,0.787547193658173 +4930515G01Rik,-0.0881599736263617,-0.090666308543282,0.0857822110660438,0.280924177178072,-0.441095326705147,-0.513039298312907,-0.0026798383714519,0.333576240540038,0.525624887367923,-0.711669148140808,-0.988585760912321,-0.0875891904617667,0.541365544206859,0.870701866325597,0.395461507990061,-0.247353205976944,0.464578899646929,0.760934474534198,0.513151530186903,0.797581369318797,0.42436643162446,0.88526514684686,0.346643792031274,0.0309986651957819 +Gm20457,-0.66643150982689,-0.816191042932474,-1.04585771426774,-0.982190373911561,-0.942276097062729,-1.11606323626774,-0.867875273879489,-0.51151631296992,-0.814010852815866,-1.24855012395184,-0.219303409620843,-0.676611244374602,-1.9050254824052,-0.96513139353773,-1.70857261255413,-1.15490383757073,-1.13744888909303,-0.903802644236555,-1.13201291696002,-2.93104429438928,-1.09613809572213,-2.22757772179032,-0.406778850749481,-0.981894196446788 +Dyx1c1,-0.473738866281658,-0.216063906218433,0.295244128189139,0.168763674130649,-0.264776425440675,-0.25299015526219,-0.651475200310059,0.257737007710981,0.44561780578095,0.241823634645427,-0.85749748826682,0.268836047318963,-0.707758703859018,0.40366617703803,0.322775951303097,-0.127084403384434,-0.858286847297465,-0.215278622771142,-0.321188154649989,-0.267956594235952,-0.154443430972923,-0.046629312674064,0.466797769367348,-0.381767059732746 +A530058N18Rik,0.480774761748032,0.626196649712363,0.263724521898386,0.413230254723354,1.18867766792624,1.0455629046159,0.743498106071454,0.616008548452105,0.502631069283661,0.261797312891266,0.944165831711374,0.888568749049641,2.63855855387064,2.56806237221625,2.60299786153797,2.28544229107186,2.45729817231438,2.49982184485036,2.50194808454954,2.64979842170528,2.59717289505799,2.45450904601395,2.47134993877102,2.55216442984633 +1110038B12Rik,1.21018366469458,1.80303809882657,1.68882894914527,1.95971926166407,1.76774622897755,1.30156105754041,1.73068803144126,1.25589918037213,1.77468476567431,1.82798165832764,1.75083615812634,1.90454572251113,0.729609269139053,0.700896018922638,0.0174301395112619,0.897563072925829,1.11207756020388,0.487755450666502,0.74019090064083,0.105431849451214,0.25851545593728,0.285618419612017,0.39453180831381,0.378062243617739 +Gm20529,2.48155217955723,2.31939914413136,1.77853593143155,2.56504328444286,2.33582379924214,2.14810110363005,2.53427856629404,1.59167510463883,2.40883754161772,2.18251775069471,2.12394801421479,2.00413473699597,2.99766336041405,2.57970631589721,2.26167689370939,2.40936880883537,3.01814381149702,2.86092546189933,3.36630029759363,1.39360531304796,2.69359322781117,2.02526666897009,3.07315256251672,3.02987190325454 +Gm20528,-2.28978934997613,-2.27759493563511,-1.84586161324122,-2.2082809238908,-2.44326187388149,-3.15567796354725,-2.47917220887802,-1.67262530182167,-1.76886569887324,-2.05518768779374,-2.72075511762592,-2.07334676312452,-2.8122536116939,-2.80821957587382,-3.16447213426348,-2.52433123888369,-3.5919684213038,-3.18663337798245,-3.10821383707761,-2.79280487075893,-2.7560423808831,-3.32332284618379,-3.54087113423299,-3.17017837096589 +Gm20521,3.78293476683938,4.09032664583932,3.6792178701771,4.06538413215532,4.45121810979355,4.2397524535188,4.39104598161825,3.59168369193699,3.95314916679549,4.08775870451561,4.36554440870228,4.08279271030094,4.149270979592,4.58833524075743,4.10345813434758,4.40981550375168,4.77069329985719,4.40281897334579,4.80451322415392,4.02960731952534,4.43961467630507,4.60038650288783,4.73311651125614,4.6744930526494 +Gm20522,-1.7893049184475,0.313087547454156,-0.0540048624261287,-0.0994239859774977,-0.711167196910168,-1.04257473970027,0.0080854418609926,0.173706352850874,-0.976409014478523,0.336595758070547,-0.883732881997795,-0.854424641379554,-1.09492518360878,-0.242215058876774,-0.761219599026739,-0.225420701183232,-2.6339452941063,-0.396932802710245,-0.440050415283407,-0.748429554319264,-1.19513583470489,-1.63883639198161,-1.0158889296075,-1.79573224075952 +Gm7030,-1.21400789087643,-0.597836270441071,-1.40176362711128,-0.377963255656153,-0.4463743052149,-1.41121340511964,-0.602459838659889,-1.30822898367559,-1.14997018683125,-0.448259962715859,-0.877501859828579,-0.410636402583536,-2.34726002482553,-1.44183377774583,-2.94144811513549,-1.83690342421302,-1.05101372734351,-3.5288861635641,-1.56533121262205,-2.80040369414378,-2.45615094888658,-1.19628414888244,-1.73428686844022,-1.33488532320076 +Gm20499,4.58674530639753,4.104176269596,4.60693196701288,4.3362727303365,3.99802613855858,4.05209280150679,4.05271638004144,4.40315803353315,4.40079157398486,4.38990703776419,4.00231766001262,4.11159514773671,4.4662451879455,4.11340499734799,4.52290532657335,4.28699142450117,3.92617873776961,4.37421262218065,3.99734328547834,4.19678284556318,4.62402270423669,4.42052489838549,3.74164069619813,3.98957730435778 +A930015D03Rik,0.742118604442379,0.465150016275413,0.0335837104273722,0.370891622329668,0.918802358786959,1.30802480388604,0.908507906056529,0.354580434376427,0.336395132242088,0.476838980617917,1.15379592953202,0.619679554368414,0.347602701327443,0.530329424060314,-0.0406450170623027,0.5362246271125,1.15851728294145,0.798776339727093,0.971485938058955,0.292285803679123,0.193136182785653,0.436929949628608,1.1533870538224,0.666673520587363 +Zfp963,1.43789140346574,1.87794210006018,1.6207004033147,1.54625714682295,1.31359631861578,1.26663578742343,1.65141056378216,1.11150090999259,1.81997718774611,1.52554565393358,1.27780048484638,1.78761535395657,2.29980973331979,1.86032322506826,1.44662170419016,1.98813033370467,1.73154515280082,1.60966555128058,1.45628019224442,1.648875043735,1.60579608414355,1.82584566742247,1.3494747912385,1.92373796990166 +Gm20417,2.69360240952672,3.25412807134874,1.93817478339547,3.20451596580764,3.15344665174051,3.23707503492748,3.17419944195339,3.00010928162269,2.31494739816212,2.86251633472471,3.31403752670913,2.88811516860229,2.12147116087568,2.95923981253107,2.00047823068775,2.52760945152242,3.16709817158499,2.10313869721592,2.29141057841371,1.13345988756379,2.40221230093131,1.9208852465471,3.04309219888431,2.80137556843605 +Neat1,1.44466808447372,2.03535376085357,-0.227384162324858,1.57598848980992,3.12831359879586,3.03125751061861,3.1218257729781,0.604682912977611,1.42602811599168,1.69943817124071,2.78618381169564,2.16979720597131,2.42514774727897,3.45638763931897,1.47720118322179,2.77234315625589,4.72451207351773,3.69556098367915,4.78781658202733,1.29429548190675,2.71464655362012,2.79602622961451,4.53997358871317,4.30665670331467 +1500011B03Rik,5.42177641252016,4.99631364419856,5.32323286811806,5.32054302591293,4.81530329003179,4.99287479420722,5.15509762694683,5.15090645324257,5.13611815342739,5.38473781702903,4.89283485537745,5.06102230005585,5.00226359986083,4.70275981152435,5.11377253828137,5.04742425397165,4.6932538624302,5.00823035602531,4.5247601692627,4.79623581433954,5.27867637062907,5.18687091769509,4.4340230040053,4.57455194940427 +Gm20448,-0.423784692994559,0.932750085052754,0.278748813705968,0.195859054916807,-0.0352140683792193,0.276273967906716,0.228381315457123,1.05586031794025,0.274140053053627,0.655436963790511,0.261017310146148,0.0208617873785623,3.67344955598733,3.98469551663511,4.38562839725862,3.79150219831017,3.02919150735,3.28420977677443,3.29320254456958,4.741575170953,4.10609594758171,4.01072540269583,2.95078430913111,3.01239660045087 +Gm20509,0.727716230520943,-0.331323474628813,1.03128610193911,0.95480362450146,-0.444561956424926,0.313182106145034,1.23436745155597,0.563055149456194,-0.0174834467784223,-0.133749909207597,-0.357664070330208,0.291154406929265,0.77491711120506,-0.129604460286126,0.47436681233458,0.513326071023192,0.683045689466409,0.682799783437359,-0.0426631460986369,0.997883771915851,0.140315268382132,0.467365796490994,0.0427504472610182,0.699353960397075 +Gm18284,1.94111788773733,1.37181054159991,2.14507234492251,1.62727629738451,1.86677971872674,1.40292583764675,1.87873218952413,1.33241977150746,1.70555729552133,1.86497473042534,1.62898883524796,1.66186802677661,2.88927443835382,2.09148578109786,2.59132801200713,2.14628791777887,1.54125585367998,2.02492406275442,1.51199506115432,2.84041516439002,2.62240326493079,2.54640495589362,2.04736994112771,2.04184916001819 +Gm20488,-4.73421766013043,-4.67706023089421,-3.55442164505776,-4.18134636280236,-5.06147573453073,-5.02873424794975,-4.44549387169993,-3.86463797436925,-3.37937368145679,-4.63349225619224,-5.08041548620367,-5.61237242395415,-2.57397989131691,-2.00303110921904,-1.92462399364023,-2.87792849381252,-2.24598778917945,-2.10057266151021,-2.61568548306464,-2.28874317779392,-3.42764961233441,-2.38379247090638,-2.1254014016111,-2.90150144316985 +Gm20388,2.46340836933122,2.36238296089804,2.44018253891399,2.45169246916393,2.45913330373677,2.47456215234221,2.45288869193785,2.44069067114636,2.40837630097724,2.4424123838346,2.4822896796385,2.43033669912312,2.38407511813451,2.33161904938343,2.22695652890487,2.37073863831335,2.53241201768014,2.41095133012081,2.63941622770923,2.24219515001753,2.27396088047456,2.37137703376925,2.5909043332805,2.48303067435724 +Malat1,10.5270684483085,11.1226859682516,10.0309698296672,10.9230846086467,11.624898285179,11.4581854764496,11.3665406482618,10.5499251274598,10.4365776494889,10.6379000249486,11.461102381414,11.0537370860659,9.81846079112973,10.6382355703687,9.37332768245281,10.0879701665644,11.2689462589751,10.2930221754141,11.1076203824368,9.28601456904114,10.0341733768816,9.95151369102976,11.0748881101537,10.8336871298121 +Gm20503,2.78488473461985,2.48789604210335,3.02683977862035,2.80219865004123,2.23194695651825,2.4784766454174,2.5789028209333,2.66846053281909,2.73955062159617,2.821011289317,2.32275984063158,2.54764555505985,2.82556507451109,2.4718229347915,2.94643787570735,2.805692443227,2.33695824798178,2.64868097889163,2.33876499985226,2.90816851406483,2.87534597856271,2.63033389746785,2.34592550981442,2.25303677169481 +Gm20532,0.0569350186435189,0.0708106821781489,0.80427576881767,0.0568513031888105,-0.3470526791745,-0.326535981119652,-0.13591888661211,0.289440034747478,-0.0209067807293897,-0.100915074659363,0.226431577201113,0.056063329103158,0.598186901871808,0.587018750282351,0.882398100342458,0.387260858280803,0.294184747504687,0.0897710698130267,0.601879864301043,0.506966222071917,0.721952018025272,0.694860061129699,0.433337046505903,0.345932991728036 +Gm20441,1.60429736467935,1.35205391706039,1.84055566400853,1.32181205228144,1.32251497406595,1.25774442606376,1.32631779011012,1.55627168013403,1.51986204907085,1.90864660229288,1.40952198072146,1.42762196416221,2.36638743469811,2.05341453291003,2.2153930205177,2.07342689927798,2.09803542125981,2.47499127702683,1.88528625328192,2.39827597112694,2.03435590455306,2.46877058176697,1.9394525881547,2.35435556999733 +BC023719,-1.0084376284727,-1.23119355080236,-2.08497889160382,-0.991614699933606,-1.23048639070766,-1.78554609960783,-1.17040898655614,-2.46417636261857,-2.36362153244635,-0.952284491086779,-0.732156607839971,-0.661523104394885,-1.51999416354148,-1.19233955769976,-2.16892315078606,-0.684437022569967,-0.653624862312343,-2.20512717377191,-0.918510111976603,-1.61926768555156,-1.30790610350054,-0.610247825514973,-0.927585494406212,-0.636045333131858 +Gm20479,2.74348985954412,3.31310568264911,2.70376739846593,3.15459793771735,3.53457732441118,3.27051279280094,3.34067373083093,2.7402665075485,2.87734563473647,3.00104291254176,3.48999389234344,3.09257558272113,3.26871174558308,4.06717014363297,3.33882232920517,3.92914600218073,4.28866693055322,3.5925598313724,4.40605833133581,3.51012490495661,3.7183419952159,4.01374313061578,4.57762093985475,4.21937596860075 +A930015D03Rik,0.735585634603146,0.45861704643618,0.0270507405881388,0.364358652490434,0.912269388947726,1.30149183404681,0.901974936217296,0.348047464537193,0.329862162402855,0.470306010778684,1.14726295969279,0.613146584529181,0.341069731488209,0.52379645422108,-0.0471779869015361,0.529691657273266,1.15198431310222,0.79224336988786,0.964952968219722,0.28575283383989,0.18660321294642,0.430396979789375,1.14685408398317,0.66014055074813 +Gm20507,0.327121060957924,0.830057437125009,0.0307548182974078,0.830278822617326,1.19501265588508,0.567550592781873,0.698529040699175,0.0392406963707639,0.482124894917621,0.353819352153376,0.995575740501718,0.700744157612899,-0.0810371567719546,0.507295465977356,0.284087788746875,0.312888451688815,0.820444017912642,0.353844695143137,1.0136109695236,0.461460533240055,0.503871669929448,-0.0619616845278967,0.147549368185373,0.62964735759327 +Zfp141,1.68033625103254,2.1452875954427,2.13022593320393,2.05867091617626,1.97094994160114,1.99420511634375,1.93812547101737,2.0047536979033,2.11558240400511,2.06595787750386,2.00277799182642,2.131183152269,1.64850923325456,1.9248133224779,1.69266659838466,1.81512995377779,1.69529224541343,1.50293615821047,1.67455570539507,1.84959476226404,1.99536378541721,1.60397166769345,1.70967569377819,1.67762797747697 +Gpank1,1.9899922243214,1.81688201873891,1.67169346662419,2.13952942399711,1.2367405566279,1.63210499064281,1.63703092986642,2.03887627868816,1.47270509983443,1.9801942481609,1.65541824969928,2.04908619949599,2.01404222130732,1.81341909346154,2.14854618944602,1.83672296670618,1.77147405872784,1.99523148892628,2.25101501584651,1.95010283525079,2.22023053118513,2.32838484300805,2.05151989332121,2.10853792237677 +Gm20518,3.91670145951408,3.80955987592214,3.90402927631366,3.79603771377277,3.76316625484954,3.79182032092361,3.66812880898131,4.03120066171837,3.80988983158889,3.74344617960245,3.73966867373918,3.75431192591882,4.19616158310519,4.32011776001416,4.3513642938043,4.42861679314645,4.34058066701256,4.28257768787157,4.33948462451261,4.40590300411434,4.23776734109468,4.29720268140479,4.36858370165065,4.36476432426375 +2610524H06Rik,3.98095861679289,3.44511005020468,3.98271468124884,3.72143645039301,3.32875558847932,3.22105834853078,3.16848642308256,3.89149720351034,3.90630245312239,3.84512407818505,3.2694862665058,3.30523741914858,4.34198735265267,3.94687785315693,4.26578752409271,3.92440106876032,3.45717886463042,4.15084420043196,3.76508512757068,3.94181247627456,4.35066809004672,4.09664937089705,3.34671266519012,3.80717484731786 +Gm20400,-1.25048539005779,-0.523066733421762,-0.366963013830703,-0.783145728749987,-1.87401710330367,0.0312650379819051,-0.621476916790504,-0.895519490858039,-0.813190251574311,-0.136927445423954,-1.19984410734227,-1.48784022715229,2.11128287755443,2.1537926620372,2.34319441671832,2.3171882326716,1.869772557285,2.16029591665706,1.29950584336814,1.48974018440945,2.47608736213479,2.70380649702375,1.06205722961596,1.57304275020558 +Gm20394,-0.855106976843244,0.517641088596243,-0.412611525239749,1.41125588475109,1.75555589872996,1.0431398090642,1.64249658149263,-0.745815513502577,0.0787724715862241,0.856952364473211,0.968443058024352,0.422529152466233,-2.27520981537163,0.393516136962216,-0.115970980443505,0.459234114770004,0.786968197974175,-1.20796077317301,1.31626358135258,-0.847757999429102,-0.260937893100637,0.406939577043409,1.33751938965119,0.167795853467549 +Gm20547,0.199318279437724,-0.158816356565073,0.435139109134329,-0.236715932796289,0.145995104484551,-0.237586515540556,-0.858325665868385,-0.020824257125069,-0.0258055645529431,-0.0959045917544099,-0.167090679577659,-0.278248309938855,-0.172850083023098,-0.675406890033058,-0.389896348259811,-0.562047852929702,-0.234410146868213,-0.514548109370496,-1.00329230658009,-0.305229522880506,-0.358506686283052,-0.981959392630774,-0.540525398996875,-1.12240595512711 +Gm20418,4.09423043376209,4.06719983175617,4.17874127991366,4.09211421620757,3.78707699785048,3.65827434808838,4.08717685394637,3.90915126867699,3.86882468368944,4.06066777081727,3.86146512641712,4.00548807143469,4.04820755709176,4.11045355509744,4.12662916727591,4.25990732346735,4.08948551524067,3.96660245334372,3.7595953941449,4.11221016582182,4.23822637610842,4.25294092275467,4.18492345425234,4.22810603957489 +Gm20537,3.20329335409278,2.97040687836107,3.14213651414631,3.12386571019095,3.07410638505596,3.08806463251974,2.96879574220327,3.02371663303781,2.99129940841211,2.93119711100275,2.97535062463014,2.96363474843598,3.16883595277527,3.02809777859882,3.20704160994246,3.04079869652954,3.04758778918938,3.14044057900861,2.8861695205862,2.97599647298327,3.19422560326321,3.04397233356506,2.90969524762288,3.08069590031245 +Gm20422,3.27646575688315,3.50188929310947,3.17956242638404,3.26728402903677,3.13826722575447,3.08641132920795,3.32358815422696,3.1904840679292,3.33162265093792,3.25644109259892,3.14075502185354,3.3112213041412,3.27085598857043,3.05549921126362,2.89491308411881,3.11953218158108,3.08203366080914,3.10464248714791,3.09718185633631,3.02675010757523,3.05210712049176,2.92133956232068,2.99267294048848,3.20615985362913 +Gm20491,-1.25281112736082,-0.455926009033409,-1.3044405195387,-1.24188790473741,0.755351087789643,0.571456029653356,0.0949917528590009,-0.735581130618091,-1.80702132440018,-1.69403379812729,0.700549371345741,-0.602098107520256,-0.985749690238442,-0.892284316057455,-1.35922249740006,-0.0815485270154861,1.30020609344391,0.348622727056522,1.33848393513344,-0.971165491844284,-0.488191154269458,-1.10234260089493,1.39992854476658,0.364699893436314 +Med20,2.09743309980093,2.47963742624391,1.77874663351366,2.48656103082995,2.44637474964852,2.13704415148115,2.6122419547751,2.03545815266108,2.34950900546162,2.36024554391294,2.50231348057584,2.41592453243341,1.94899746303609,2.09495459216783,1.43883809951199,2.18086012121474,2.20910594478008,1.83307140327422,2.14805545629023,1.62269946794525,1.91924736815776,1.91939302909294,1.98584141988893,2.20949471643935 +BC051226,1.43159376472685,1.3019192373685,1.26301690194897,0.779192155635844,1.03376950874281,0.835599148433532,1.37379860570203,0.915602479401948,1.57436072930263,0.801370564482299,1.10344441262671,1.25124484414834,1.76485235968326,1.49225548073375,1.94156518126569,1.1356236200475,1.54933962082147,0.956602594638091,0.862232230412878,2.08040047732962,1.33055193143492,1.23434584707284,1.50468712530865,1.39208632927675 +2210019I11Rik,-1.78901894953361,-0.711839246539227,-1.70672779386385,-1.62954815354519,-1.39034469238928,-1.96016297945077,-1.79913722955241,-2.80615278230025,-1.41069628580238,-2.20794511754431,-1.43900369778215,-1.28617194066392,2.85201898576204,3.34269298008906,3.56150278259185,2.99614729193373,3.00130845463156,3.21748434595711,3.01402114856639,3.31868096361862,3.09964537818629,3.35338651295847,2.56898766921121,3.15202290231046 +Gm20449,0.546366867869668,0.379021600548004,0.751312337027302,0.554485885550027,0.502019475256386,0.449262220876799,0.541951593890782,0.45910197475088,0.426890193064101,0.388234987863527,0.956258583063488,0.538840267183079,0.405361092766465,0.271897537281008,-0.197667044318044,0.443454719278703,0.148202708906267,0.373274498097699,0.149315194916146,0.288323742461926,0.364935803780555,-0.0534076306792675,0.0904987871160166,0.417568529559039 +Gm20427,5.8671881261609,5.67120895865136,5.65208165265032,5.7991322516498,5.62800855470122,5.6030672042988,5.86290590170056,5.61079396304103,5.7497818053785,5.8157392389156,5.75235352879997,5.61010926272334,6.6266869094624,6.19042955024338,6.42311858409522,6.18819837139785,6.44225951943104,6.47503888978764,6.62315446327776,5.96352112998239,6.3848078367944,6.30428032321113,6.5472856385545,6.46997542230583 +Scnm1-ps,2.70713011086145,3.12346207327923,2.63232066410364,3.13566987064372,3.00564329029595,2.84387721807158,3.00635602595706,2.63333137263111,3.01003047400435,3.13228459297849,2.97432616368345,3.02891484032726,2.46087060321102,2.6018374507886,2.39621274145721,2.76375765359951,2.68781475625725,2.50704283892581,2.40596409570776,2.18750287780055,2.51848402830227,2.44923215733126,2.98779770613024,2.44328552382404 +9130230N09Rik,0.177481191013545,0.35335766002117,0.543167720742357,-0.997557174406038,-0.0774115643978232,-0.0827687961693198,-0.405823204509653,-1.23847916608898,-0.632231328716027,-0.0233787269375993,-1.10833793223059,-0.507706983577563,-0.871731042306773,-0.210988946871509,-0.0912355180503048,-0.553694506062308,-0.20341491409885,-0.290850069712923,-0.819233179724126,-0.384722318575376,-0.385402103699647,0.0821712299538679,-0.501972997477984,0.610046024652873 +Metazoa_SRP,4.09827951268081,2.8541145934911,3.41618133321781,2.56921894994762,2.00239633617003,2.29349913294495,3.30776071030465,3.06717224020963,3.54876070973257,3.05125886714408,1.95193774423183,1.86856094553671,5.49265055064509,3.56400733797471,5.36520266528484,5.34305397160628,5.08983153125757,5.37736914712323,4.38262422261121,4.76693827497122,5.72169787345423,5.27566736680525,5.73282514746151,5.34468911545191 +Metazoa_SRP,2.01121043329502,0.917549168730312,1.05608615736116,1.68759239788266,1.65827508021624,1.73824576220267,1.04028296865395,1.35683092660398,1.77348037829072,0.976231546548796,1.29737377477616,1.7744812069292,3.41828577745331,3.42864078819844,3.79871949415112,3.53525856096771,2.78588272610757,3.49706516209788,3.9498533603666,3.66921623478561,3.64692893422175,2.98463555376825,3.09122098632739,3.73131875372463 +AC152453.1,7.36232128960881,7.63193087479102,7.1407353202545,7.04868602677627,6.88026430839546,6.54517659116488,6.94169902444013,7.6404403315496,6.92841206740615,7.06158577588381,7.106605698114,7.20295097634547,7.77019891252252,7.84716136958117,7.33636088509656,7.68985876675289,7.65503367674532,7.6337758352465,7.61142151209024,7.62041674764053,7.6920750370269,7.66203160253649,7.79832315254281,7.79590727906221 +Snora24,3.17371796317485,4.04606590126341,3.10454264579354,3.61932330307344,4.24020557184853,2.74883863848831,3.59214780525266,2.3297400707976,2.19372916236548,3.54484050994898,3.52467720421001,3.55649897345026,3.41096937096606,3.13574010623487,0.582005621212704,3.31644955135433,2.88102764473418,2.68173906508267,2.74898605716245,3.1834969183112,2.76672843283244,3.26415501362774,3.93120031181066,3.61961948053822 +Metazoa_SRP,3.27107966381214,1.81683755252184,2.78162078859794,1.85465329768254,2.54205404055194,2.46134313329569,1.82963151509835,2.47827063797091,3.11035510682909,3.01082559688879,1.79049695682045,2.05710520696911,3.77748473408233,3.01539626375647,4.25891652907181,3.68154147205992,3.56707011028421,3.79896798418557,4.16623682402725,4.27399958925576,3.97483413919937,3.08878064285444,3.8511770493211,3.30409673064519 +Metazoa_SRP,4.5678510657551,3.12515504381995,3.88959959262728,3.29648022982042,3.10043593825533,3.77858472141678,3.59431662675503,3.98169879395376,4.22560667338484,3.35019755341463,2.88260616346202,2.97209077295127,6.10911268743106,4.39804540157924,6.15778570339652,6.07361655552994,5.75402678998215,6.15691768142785,5.12780520070169,5.21686977826805,6.37468562892072,5.8362653187707,6.08535978244982,6.05402135663477 +Metazoa_SRP,2.95256999031524,2.51041095362014,2.25376934138332,2.08374904333465,1.87861232010876,2.46432638231089,2.14827747879125,2.00990955624328,2.13681195421804,2.34320664877933,2.69038937991211,1.85887839213937,4.28065923481262,3.73694432628915,4.22507526669995,3.64503916182268,3.84482228049779,4.17936224062275,3.98160266836974,4.3793821433654,4.75646138887343,3.64525080393367,4.02412331101554,3.77061326658069 +RNaseP_nuc,13.8112643742349,12.0454954894646,13.4946508444253,13.5746802035052,13.491199613504,13.6059687575565,13.1282855133299,13.7132744802895,13.7313531212994,13.3213089635133,13.1802694622449,13.3967239447772,14.0934195088856,13.2933319288187,14.4393114691761,13.8568979595509,13.7296616674226,14.216297709474,13.9485978164746,14.5962228625033,14.0806165625985,13.7252007207962,13.8543515906003,13.6428370407238 +AC159624.1,3.78524012813669,3.88942969801033,2.95917708417434,3.70282024221282,3.59481935410817,3.79365438807377,4.10672097808242,4.11002735017101,3.56217932435949,2.65331224925838,4.12058390110602,3.8925874605204,2.78374306969322,3.06850417376207,3.5447669519916,3.1467949391185,3.77277977468725,2.99907107326687,3.26355922999221,2.79832726808738,2.91752921497981,3.08037863059476,4.12309490166225,4.22850324713143 +Mir5115,3.37057969183883,3.46292540689939,3.0315081346405,2.57906585017321,3.48406961979433,1.97855824461661,5.49827500667376,4.40836862474076,1.89187674960893,5.67645247057637,4.25139747149977,2.89535558449971,3.31150716018502,3.17554971844395,3.70585551183038,3.44513621368825,3.1818406094277,3.82299162893469,4.49311283302048,3.52566133799594,3.73206654602501,2.70390261848822,4.42143617623199,3.31085544187605 +Mir5105,12.764483531914,12.2291895442493,12.7615682859783,11.3730675747838,12.1558356687876,11.8273401932231,12.3814197816997,13.637000279954,12.5414373302851,11.9499674661228,12.964458815567,11.7361104387534,12.9554261736497,12.6189359685817,13.2221105143275,12.3992360640172,12.7421933179715,13.2755692159797,12.8686303560238,13.178269928533,12.9327033601181,12.6948300382981,12.7083116464369,12.6296060360106 +AC115697.1,3.75314228035458,3.85604862423077,3.21938071728881,2.04754464453232,5.23266597876713,5.11190650964196,4.997627522899,5.43902797497368,3.1169786873097,6.12022546845307,4.86619200164003,3.85916890623029,4.09890496292434,4.58676082474307,3.4723653816106,4.026034156594,4.22360795173823,5.23899700915744,5.06478633353327,4.90464574299987,3.17570186066342,4.22981478402017,4.35828803347972,2.57510545460879 +AC161763.1,4.6183211214239,4.04383232178171,3.97716333931731,3.84445753057665,4.75254011653952,4.53858093700431,4.73510414395392,4.0841641109367,3.68762505723383,4.41746120347275,4.47863142180004,4.15236528257433,2.53194835489608,3.23525596456822,2.76831778322561,2.98320168120567,3.24154685555197,3.88269787505896,2.91164919063689,2.5430900761195,2.46415659958719,2.76360886461248,2.46983799928203,3.14117935714565 +AL603664.1,5.69991145530609,6.22639944028391,4.87573988630835,6.12407860986245,7.21779936192069,6.64270161994284,7.10733180708086,5.74756423765076,5.73954679073151,5.90495748155,6.91270087552116,6.61427851390079,4.9449496376098,5.582523066125,5.06248049887182,6.43748667449431,6.763465993184,6.00427498824303,6.53491060128449,4.8608159286259,5.87142132027609,5.80790303411914,6.53037809093925,6.2619518801911 +AL772376.2,3.41809273112003,1.882536390068,3.02224988297399,2.46420231752865,4.12786376331777,3.9569387740149,3.40649486832727,4.02170325940582,4.1343913223402,3.40954708139953,3.20047258037051,3.43459781605701,4.30036312586825,3.41381381838144,4.32633757989299,4.1050043849891,3.52064831625835,3.55937857098519,4.48473090296443,4.11604283448638,3.6552260592931,4.01134075596327,4.05831607392818,3.77051360266804 +AC163349.1,3.06428045398972,3.39916357493628,2.67255585802293,2.94508798710609,3.80543113306812,3.61390462427384,4.02745076672792,2.3393518697601,2.76550631680832,3.77279245662733,3.83396267495461,4.08631802354694,0.809957567891052,1.38250985783134,0.809957567891052,0.809957567891052,1.79568394877507,0.809957567891052,0.809957567891052,0.809957567891052,1.40128058181591,1.38774244493681,2.63899468694505,0.809957567891052 +AL669855.1,5.98804006407881,5.60922213811973,5.74484736585468,5.54005386112513,5.86625036266255,5.82295175488145,5.65528009041652,6.17489832823318,6.47592594765575,5.63089591165173,5.51418081747792,5.51584634119706,5.60314186906834,4.98457057718135,4.65898946986147,5.16175236056178,6.01727253595571,6.14641759463048,5.41792735781892,5.37371172117612,4.81444289029872,4.94691682610747,5.88497837712185,5.21001255439506 +Mir3064,4.63289299400998,6.13901560999726,4.51193458528795,5.80403090787566,6.62637127184622,6.41708564695081,6.27895527837467,5.21540217055263,5.62897724757377,5.74592954059283,6.18663540340252,5.9073857648248,4.75952210357876,4.59266090601796,4.11179424298794,5.16004879211692,5.59876074078286,5.11774675066007,4.90409799468885,3.99926244644,5.07920211950286,5.16224280479546,5.92463921126213,5.85010490617514 +Mir5114,3.48677852826097,2.9175833371672,3.53623438681015,3.10466215783006,3.18964309863057,4.12981492738726,4.25402650784249,3.61096893194938,3.90663483917563,2.65251626444018,2.89870578206309,4.0286192122746,5.39733353088624,3.96559836126504,3.98457153989644,4.10615520628984,4.89592073497935,5.65442535018722,4.95564020607335,4.13461429933489,4.1486301113192,4.24058713500216,4.94867224077985,5.05632900238364 +Gm18588,3.52350508807852,3.70321819538673,3.82388311986996,3.47651940813612,3.11635191355741,2.90601938524473,3.28594945283018,3.04104909985305,3.74501601289667,3.70803798393857,3.47944316738529,3.44450735337167,3.93775734544661,3.48359579005583,3.73597422339242,4.02690422181342,3.15799033664505,3.89823815870017,3.29726330465915,3.38135361086967,3.80960062917841,3.83063983775403,3.27583764746877,3.66474775191347 +Lrch4,2.18169844301027,3.03409555293635,1.98960176360733,2.33740017280962,3.39771215803588,3.25813020422566,3.20604573961925,2.254995305365,2.39756536892698,2.60096569414895,3.39317413718794,2.66741768844179,2.67335322044866,2.60018763418276,2.52877710006592,2.34945873766436,3.17652121906047,2.56442975447061,3.43801140563947,2.40586110566507,2.29941176684875,2.68334038854564,3.07102014760613,2.88612373417645 +Gm20687,-2.99839187916959,-2.89867852535921,-3.51155999533634,-3.23902786625318,-2.37868472029115,-1.98543829047271,-1.1063436523065,-2.44753982817441,-3.02017599851037,-2.60320035364776,-2.13050541207224,-2.31807348196264,-3.68699400981746,-4.0746460104315,-4.79376588158769,-3.56131339270642,-2.93815758093939,-3.10093520156011,-2.37747134457871,-4.2856945240852,-3.77650267734736,-4.06517573559221,-2.76393135882645,-3.45822291220438 +Gm20662,3.59532788485314,3.94377941624343,3.63739467247417,3.80546936895326,3.90701076647517,3.89983038936848,4.04552506772964,3.69577377794626,3.74332220631107,3.88423477515613,4.09137065972891,3.89126628677619,3.31754632226763,3.43287619671262,3.3574072259213,3.53378389448305,3.57658994343989,3.45253354421696,3.69063235981858,3.33857406266234,3.4079022062214,3.5792456076719,3.81376470711419,3.58078006683822 +5730480H06Rik,-0.17444626441066,-0.208101877520995,-0.815604046517245,-0.158976434590852,1.20534282525499,0.658131162719368,0.498056513408489,-0.41152261380427,-0.496469394904232,-0.567183139277624,0.635868841774604,0.710521412408839,-1.42155397952527,-1.04617880651132,-0.350168591120596,-0.746775632224369,0.634978988235031,-0.642777525137128,-0.450645932285803,-1.03285287247895,-1.51719065016074,-0.896391418584822,0.390257654650714,-0.0342918540808993 +Gm20682,-2.20009656215752,-0.543045332653115,-1.10836928094849,-2.04062576616911,-0.229504912714805,0.0684042709586663,-1.02412340349134,-1.08040813983278,-1.8217738984263,-3.19687601762224,-0.802292848149209,-1.28774675458198,-4.17575618538415,-2.87624391034743,-2.01651735045603,-3.00155940257862,-0.742382562408148,-1.90253310147604,-0.730735347177532,-3.53121929437223,-2.84239928017515,-3.18653605662192,-0.504033290389631,-1.88798322443939 +Gm20645,-1.15124558837437,-1.69781308653059,-1.52408196408238,-2.18463640537176,-0.316816726643117,-0.422087030080986,-1.4053871278914,-0.550376866787673,-0.677490673878472,-2.61655939142368,-1.31681544375204,-1.69478621454328,-1.58940790793762,-0.958921321870931,-0.726359388240529,-0.706877611229563,0.0849047396474114,-0.529199335735142,0.203923964439637,-0.849663600479373,-0.834255309420392,-1.28513887023058,0.0252319883665701,0.0555979642765618 +AA465934,1.3572171273186,1.5788728042204,0.4686989760702,1.58430452129911,1.10076644510695,1.19053194703192,1.16365515032623,0.780387777143528,0.868309456025828,1.9063051914636,1.43871380151099,1.15276843618171,0.234640004221297,0.913354649588468,0.741735818091178,-0.0036219034345951,0.38216265601819,0.374233511811843,1.13918579726478,0.25145015010849,-0.720481143301633,0.250803376471702,0.672251344058673,0.529308188913597 +Gm20708,2.10553235289831,1.73606502650282,2.1518780488661,1.9429315060284,2.00566450900836,2.01984087777271,1.82710237406362,1.9948162856529,2.0915700403809,1.99777918364629,2.08958756588575,1.81113625992807,2.29670007322063,2.11220737739138,2.34576033729017,2.21047357351843,2.0083260680761,2.18401843166696,2.05573330261493,2.3327457840221,2.18945509280749,2.09145345229908,2.03407175709059,1.90255806227347 +Gm2350,1.44375664027768,1.25803045164219,1.30965950180533,1.50534362768844,1.58860336611564,1.03074029105052,1.20984439212523,1.51399201718425,1.56877249814859,0.48047272190215,1.28185878446049,1.2040614439929,-0.843680989214838,-0.995448004390388,-1.97371880048801,-0.552966338835523,-0.851409564448325,-2.65726859674982,-1.32060306034863,-0.982122070358025,-1.46645984803981,-1.97842771910114,-1.09389144160877,-1.17360952108427 +Gm20633,-0.290524369392404,0.654257324518399,1.38188608196274,0.161194283340087,-0.498161475559247,-0.0590598957855533,-0.302961625519372,0.811195626805026,0.842439289445247,0.489096453476007,-1.19581387718869,-0.586362144008701,-0.0796505635468812,0.18942110284355,0.796490638503493,-0.100722472768705,-0.365332968794678,-0.0404811835288714,-0.0761585532006839,-0.246276907781249,0.477259538731137,0.788916651848211,-0.442995675315475,-0.405272472608909 +Gm20705,-0.815492350542344,-0.714062362379139,-0.780731344843532,-1.03517406287458,0.989501494662091,0.940892086918446,0.532929215082202,-0.567759484282086,-0.0348485230339441,-0.532310437603911,0.965873617744147,0.435245201577056,-1.88903896619668,-1.01130610483761,-1.50572430060565,-0.56882443928274,0.576862866759633,-0.875196809101889,0.141752468782248,-2.21480460804135,-1.11854555780463,-0.736317331100482,0.183702652918682,-0.0828220320154741 +Gm20699,-0.786450015491425,-1.57326429028033,-2.10663790323515,-0.973021012371507,0.285630258299904,0.165086747270291,-0.323478567692845,-0.228717254821172,-1.37417817804755,-0.51227646084938,0.179452225238,-0.132214538187959,-3.47511134958566,-2.17559907454894,-1.89930356548607,-2.30091456678013,-0.79891036894087,-1.80116247289,-1.50830414095713,-2.83057445857374,-2.46558106473494,-3.47511134958566,-0.864884422943892,-1.78855830717648 +2610019E17Rik,4.39668349551341,4.23174319910656,5.06295990774308,4.73488644631291,4.15948602947501,4.21323420577943,4.04279272107417,4.84033773107468,4.41440576553364,5.21986841551195,4.08554654151459,4.59735706464164,3.21757461565378,2.13658257846056,3.02649279549711,2.40927151957476,3.11172191313361,2.57712309375012,2.30674876382585,2.97998445830507,2.79447354796692,2.62699260397803,2.48275013335006,2.4865460414817 +Gm20671,2.8788245344589,3.10074719877688,2.85820743119605,2.90925604334623,3.10896790538229,3.12342414124577,2.92594693180271,3.20388168774414,2.86681923584406,2.89796693015771,3.05214646267508,2.98576044456597,2.8275561787482,3.00247764289147,2.8875095547786,3.10792289634462,3.05473802968327,3.12629995474936,3.07892479019536,2.98849099753311,2.72182433107645,2.87522855902879,3.1212905945015,3.05940888984061 +Gm20695,2.51569755274395,2.48156341321641,2.5044286956989,2.6835830859808,2.81590758898052,2.73021236365132,2.40770289308291,2.29923340598618,2.43676087135513,2.81592282148597,2.84031459280681,2.46713390395421,2.95172625557749,2.88282481345298,3.03409110383305,3.32909380909957,3.39598460956251,3.01945247874872,2.92413603691044,2.68195329499026,3.00089332563803,3.44180420938844,3.29019778194793,3.15437500386582 +Gm20632,-0.545976208683377,0.190117980763373,0.858960320276911,-0.157955416015906,-0.212319905231134,-0.251864963914469,-0.787333970326332,0.139185544533492,0.450108044880405,0.226628476242609,-0.206348930920727,-0.66609160667242,0.54581986999983,0.131929606808976,0.772568478495175,0.715447332068213,-0.274200324135275,0.181656457225742,-0.643898018020472,0.0406377583141664,0.131901855990726,0.548405624483815,-0.29139026831202,-0.420138621501081 +A430110C17Rik,-1.79310145669192,-1.59694397276586,-1.83255190822894,-2.09193157494598,-0.492635518871775,-0.163612230758476,-1.39914143730222,-0.973771047983771,-2.1277805038283,-1.19807586412244,-0.827199215962493,-0.845659454574418,-2.56517569921334,-1.81303683845231,-2.90595500668656,-1.74731886064452,-1.25947815248508,-1.56097336938003,-1.48507584989665,-1.63464550997192,-2.88410718266529,-2.17712136580381,-1.06203586643704,-2.03875712194698 +Gm20554,2.08762335692778,2.58679681866039,1.94678816876236,2.50235037888094,2.96227150685411,2.86828613155853,2.74309010528703,2.0673566278432,1.99263833471318,2.26138834768611,2.81223327073493,2.58431558932823,-3.0289936951823,-2.4524435196115,-3.94307184156282,-3.48662174800062,-2.51833127208046,-2.53651361409442,-3.57363547443179,-3.01109054258806,-3.40346943296874,-2.95179038266981,-2.71409980276175,-3.02974492959724 +Gm20683,2.94956600143826,3.25591439988322,2.68765649267124,3.21264083760567,3.36194307157264,3.58425538899441,3.43795091678351,2.89200085239079,2.90905835049115,3.15744441813436,3.44424358538186,3.10199545987499,2.97043356843494,2.90620770170227,2.83758111869316,3.08035648355528,3.48768771156546,3.18768392487927,3.49692821260071,2.86176975777402,3.09810525461786,3.17484974950567,3.50202136009487,3.21341651846106 +Gm20707,-1.0038814385439,-0.721269061310949,-1.04333189008092,-0.731746279871548,-1.60339322145601,-1.37379510176834,-1.58128543069646,-0.679094216509581,-0.694172321517883,-0.921584840817673,-1.36686789766005,-2.19210725675063,-1.4040647199062,-1.40058050805137,-1.70284592424611,-1.43854861025722,-1.39352074911665,-0.880067818372497,-1.19316039463856,-1.09105147553963,-1.0917312606639,-1.0103933802231,-0.966453380068822,-0.560618319549167 +B130034C11Rik,-0.509219159201777,-0.469596953049372,-0.281719125094439,-0.493749329381969,-0.677440400712129,-1.6758954078658,-0.218470800702083,-1.15775269995106,-0.344201516468729,-0.901956034068741,-0.730242382891888,-0.466307481196847,-1.5584313925221,-2.37340169085248,-3.09252156200867,-2.49871718308367,-2.68718758500518,-2.27065516592579,-1.70610675726067,-2.24546214994668,-1.65864204361821,-1.23116431337594,-1.65015616596118,-2.25923844967284 +Gm19357,-0.877063630968381,-0.900814566587529,-1.61624197123872,-1.11769961805197,0.236444576471692,0.830890400132786,0.201613127920108,-1.1479463063174,-0.330682532730543,-1.2846268698193,0.120633299967932,-0.364820606464835,-1.83860063403932,-0.699095552244842,-1.67702225316742,-2.54943158534861,-0.0305453989659328,0.258969725176933,0.267274640900004,-1.32069816520567,-1.43187961632966,-2.26360990850478,0.359899167755812,-0.215216177941495 +Eif2c2,1.89600279923227,2.15490477668535,1.817989378805,1.1335907950873,2.51571442796499,2.71746454788646,1.95649879576528,2.23452612671312,1.71210690501063,2.24023049712661,2.15755343115453,1.76807880703794,1.41774494450554,1.55421945609526,1.39942066288949,1.18070795965984,2.1830977939981,2.01203701589475,1.95094002677243,1.21204069014624,0.905048353700041,1.56888652352844,2.12650966348989,1.83538896204032 +Gm5873,1.26351878413307,0.517655422809164,0.613768615917639,-0.31848786930298,-0.364468737335897,0.0025605421909742,0.945135117522559,0.862754777894281,0.0119822417990093,-0.165631941214885,0.108265142273421,0.0248883435782955,2.11668493445689,1.4182510960736,0.782009247702254,1.71350459174158,0.84251473423867,1.99351420604142,2.00219870620758,0.948972359053505,1.73425583128319,1.384224752276,1.66234639605663,2.14915362449057 +Gm20628,-1.35756825387992,-1.45702358092892,-1.66256885457924,-1.16624145713857,-1.22964062782969,-1.46458018121305,-1.19297859939051,-0.799835493209667,-1.0478591368539,-1.27527165615369,-1.48434615718271,-1.45394646284741,-1.46234464927217,-1.17183029869111,-3.0530901735711,-1.79223542559324,-1.74720756445267,-0.842127291687034,-1.8792491520244,-1.74094138935502,-0.941990840761179,-1.47927854965026,-1.21289486034167,-1.46308335054992 +Eif4e3,3.54248505725733,3.30589118315941,3.61791534036649,3.28655054432951,3.46612303280362,3.52324936861035,3.23627813416034,3.55082411114314,3.49948892071731,3.42565062331204,3.35828532199495,3.39937939312089,3.64758472560644,3.58812633314829,3.87554954338154,3.49307749244578,3.45446708150975,3.63835031482169,3.36406728796043,3.84955414860524,3.58429325745818,3.61744215316816,3.36043281419495,3.60659866735452 +Pou5f2,-0.313882836909013,-0.289437479205443,-0.294039289335187,-0.637510875984722,1.28532923445438,1.84173095143516,1.06104928729178,0.656650369765384,-0.522811433003095,-0.987978239033955,1.33289498804758,0.755337751724239,-2.00565784551169,-0.694809532528155,-1.80920497566062,-1.0258988795643,0.437339083743585,-0.190288717807547,0.335676575846809,-2.69268860293627,-1.19677045882862,-3.13092029011657,0.193989764588057,-0.173162900824481 +Rpl41,7.71342530925399,7.22625676237992,7.88946445360192,7.71731324224763,7.46095102581101,7.61086123855362,7.46310477539798,7.69073715380922,7.7543701488966,7.74706738683724,7.4985631366216,7.58742853304447,7.6426097051163,7.33268153930791,7.56571388813274,7.4649071081928,7.18921535523273,7.41551084851264,7.18555328870417,7.6723511242966,7.69914661654498,7.44888869569922,7.23023205623335,7.26723982387902 +Gm20712,0.684455564316133,0.0335826032848973,0.217711786507466,0.370613973963314,1.54707955027033,1.10296770453532,0.980015288821972,0.739426818726955,0.558111064718841,0.608312407004141,0.994790822209158,0.268915376650067,1.56357313756069,1.27468201709341,1.5086145911438,1.22943177221731,1.89259887968458,2.02228456227131,1.7637236341426,1.54793029512439,1.03428507050978,1.56517764078305,1.81936338715909,1.82102189820926 +RP23-190G10.4,2.07545298786404,2.01630662825392,2.03370710364588,2.06635949534849,1.68461336807201,1.80282910112408,1.79821122810303,2.12906628214031,2.08728666086506,1.95733633150124,1.78617363848324,1.90459257760744,1.66568401816818,1.45722178011499,1.2407222468748,1.56433758115161,0.987662056058646,1.31281021386047,1.18011252416209,1.78619643738729,1.28652980604681,1.26020105615972,1.02898291198006,1.35942309755939 +Gm20635,-2.19501469405546,-1.84124389375663,-1.7941866292848,-1.43673552303005,-1.94238977349468,-1.86054482315664,-1.30658146982568,-2.06173893102447,-1.85112312354861,-1.76713461776494,-1.86811566742971,-1.34223030162808,-2.40013656229283,-2.17592363885289,-2.15748481893751,-2.78814828739644,-2.7508242007736,-2.91446485390223,-2.14974321791588,-3.22825989248261,-2.98336674865663,-2.74615228887136,-1.70649672722387,-1.87371798502646 +7SK,1.58567962060893,2.94959127307735,0.978493443732804,2.21626144555266,2.76462449099988,3.06583695408225,2.76165277927511,0.56854578784228,1.84301873987966,2.89370692404601,2.78410748779182,2.20230312250905,1.52660708895511,2.38524466618467,1.18582778148189,2.47462421558387,3.28399712853489,2.17791895517558,2.80304384315771,1.31176847142721,3.01953685116075,2.29216938979733,3.80854483238847,3.39226983731717 +Gm20716,3.41098385628065,3.24737114738845,3.31956963231496,3.34447236506243,3.94164241550192,3.91350020638928,3.56827785793589,3.88755700854662,3.34761000181623,3.51198525327725,3.66596829503195,3.56221774525632,3.37567261658576,3.23451070093317,3.25250524449501,3.39603700632252,3.76515664651124,3.43969432857802,3.45531720380017,3.23981493264168,3.32847843216019,3.45707592824851,3.64314814978557,3.43649499326386 +Hist2h3c1,2.04536554167135,1.96367079912828,1.33598120437714,1.15836637121085,1.91676545376292,1.5482205691909,1.70005797175936,2.13145136750405,1.54252239189253,1.31490009290709,1.3668069924462,2.12072535602,2.8138132360587,2.91357092911204,2.60266910757397,2.55301995765086,2.47046990340359,2.37510140485184,2.17355445084275,3.13997460367404,2.63485249124712,2.27308766742087,2.51463227552472,2.72532748759794 +4931403E22Rik,-1.38863785768891,-1.16748098367857,-0.575573839351914,-1.50783032457253,-0.345046941984525,-0.559006121519735,-0.789709755203927,-1.89522629420267,-1.54202757224947,-1.35497439648444,-0.878156276704123,-0.754951312985398,-1.95579646813681,-1.50216072877482,-0.654988263810085,-2.11438537731838,-2.07706129069553,-1.36973765987946,-2.18593786788716,-2.21550892784505,-1.30581426637477,-1.85103040980559,-1.29677035081752,-1.72702537052373 +AC111044.1,4.60345037209764,3.45185628762789,4.01245354669808,3.95797325438277,4.18677690574198,4.12567578381881,4.08112019183719,3.61788182464377,4.08597610164415,3.58543952424575,4.66637407349299,4.6289350271148,4.34057107747473,3.73321362502658,3.67250961583283,4.37839075720693,4.67193949587579,4.16033750023108,4.21165729244368,4.16552744313944,4.23079188249842,4.00951812951246,5.06084450548116,4.69818430050189 +CAAA01154301.1,0.603734674606817,2.52569297340368,1.43980312558133,1.58497579240025,1.40293426575376,2.10894186745995,1.94222502491693,1.42013003922435,1.25619277334115,1.56155017484458,2.59079688917558,2.06695269868001,0.707179334596929,1.84496890525869,1.10152768624229,1.38195768189783,1.22659294755295,1.48595578898507,1.55994958471659,1.39208354012262,1.39140375499835,1.47274163543916,2.51899096877292,1.07836520396888 +U2,5.71904778599728,5.71716317710543,5.44170932963834,4.77486143091597,5.58259514757289,5.63775908889184,5.08770967886956,5.13496592548947,5.88893599050139,5.50889166972367,4.82153453055768,5.88902483771393,6.60225430981432,6.00120608257577,7.04120254520604,6.94595308327076,6.7929316335972,7.20734674985895,6.62682296747301,7.30086895451917,6.85312903175985,6.02800692988503,6.5804456385408,7.25786633771779 +RP23-83I13.14,-1.20334981738067,-0.118101427784286,-1.59507441334746,-1.18957839692954,0.252708921335601,0.538599530338117,0.102088270665884,-1.52033986820822,-1.35673953194123,-1.90093924826341,-0.0234366754900837,-0.865389578352587,-2.38035066331973,-0.788946751145491,-1.46797585508732,-1.02515359386776,-0.575613536800058,-0.889773745686057,-0.688315361786861,-1.525540831418,-0.634018489788909,-1.01592305096607,-0.524516249729251,-0.874526466055099 +Tmem181c-ps,0.649106395824577,0.760546524425377,0.0037057466498981,-0.62681836078962,0.602612344100685,1.51968100855663,0.895962026614394,-0.37101866579047,-0.192748973327567,-0.212359743903964,1.72365055117135,1.07218474665909,0.621545763631458,1.33195124853745,0.133029317618914,-0.32942967039309,0.460335858296417,1.06029263613106,1.19643951734518,0.193893837105779,0.0617054336857654,0.219133254628914,1.55218140346219,1.62829272653298 +Tomm20,4.06695598852554,4.01141763828665,4.65025842426878,4.20900810863625,3.46810121754194,3.772335207895,3.60901070228868,4.27123274274166,4.41455940086621,4.3221206197345,3.59949137242343,3.85621803347031,4.1315154707387,3.78608853516274,4.34686776332649,4.04582989506312,3.46086784750314,3.935206221603,3.3828340490746,4.18858972426729,4.09093435836024,4.03728719820547,3.53661149493497,3.5815145965572 +AL670114.1,2.65066030679867,2.51529253305492,2.16828279088391,2.48789255028769,2.10272743197751,2.36073923446823,2.43404809181931,2.0875556044723,2.32062673133804,2.57630062709441,2.69440431172342,2.66278225221076,2.91024010488506,1.77477809043062,1.84143505122148,2.16598985886924,2.73639844901108,2.69168494965605,2.22700968655061,1.9254806733795,2.3516967307216,2.34383305520857,2.39353606328453,1.70408847345974 +Hmgcs1,4.4429681645235,4.30954195993601,4.17956242638404,4.20474868404518,4.08691623783004,4.28826498232219,4.27600693170682,4.14952928350297,4.17832459188447,4.00660704644367,4.12973770138375,4.32317432722651,5.34648897949945,4.69124466455083,4.60265185232474,5.1342241324929,5.22427232197377,5.30823016665639,4.96152670175448,4.56414971795824,4.90425444365851,4.88267128721472,5.110353320705,5.01708643742254 +RNASEK,5.52102279268746,5.21065543856565,5.7492602398742,5.30644063277035,5.07273371233263,5.16843944811864,5.01965413778918,5.69101370449209,5.55365965392909,5.37242178886262,5.35433977734504,5.09205215150677,5.77226563006157,5.65396307593837,5.85370593888187,5.50020214307991,5.51420705176285,5.89420056502859,5.54803618312998,5.88986020324392,5.61511173828247,5.51440141402813,5.63613210981194,5.62573827205558 +AC093356.1,1.09636307419117,0.946603541085591,0.98164309288308,0.853270299244146,-0.0179364828708704,0.8272411505136,0.677114778458994,0.577512353899929,1.12987260838818,0.0312728755488974,-0.779784081301537,0.33556965337251,0.781679060883005,0.518511197048132,0.818620351824337,0.607890746447336,0.419487508890551,1.10942525699141,0.841479292654034,0.894710853068071,0.847525275458737,0.310237566569651,0.857486249436453,0.780900387571277 +GM7120,1.28898138500322,0.652973637437499,1.45066426145022,0.82429882343797,1.24447025811346,1.00159334445773,0.754070491564511,1.00842937001824,1.17294096409281,0.965320499504377,1.00974271596527,0.841680844996512,2.25448136276564,1.60967288556389,1.85876099414357,0.807676682862493,1.56274428642174,2.06787071673527,1.58665997031038,2.528902993854,2.24017379291581,1.02676043355338,0.990715417713717,1.1467637179741 +RPP14,3.39144074566131,2.97302131093499,3.80335550470477,3.36036042385636,2.81712998459508,2.91221995038561,3.14975205718977,3.69102623273444,3.16418181587572,3.36607434817983,2.83563770008222,3.07562949927706,3.6850979238224,3.42526844168331,4.13603518194078,3.95717983353752,3.32285291442531,3.66650364854925,3.08374478931488,4.00299064817713,3.87474137885622,3.95223984918163,3.73585640544685,3.34186575274906 +AC128663.1,1.77257463727828,1.94199339576291,1.73629679808845,1.52948186233126,1.78405921543822,1.87531504803283,1.18740381008107,1.80261220115963,1.6879179377233,1.55166027117771,1.79296142856781,1.55280590580023,2.31445600040334,1.29389738061592,2.36083176938914,1.51373963064737,1.71563111408956,2.40028734484183,0.762231717723966,2.27923886235983,2.29517490577205,1.40058012596645,1.14558748390218,1.63994442874177 +Ccdc42b,-0.0098262178260475,0.775449864184264,1.27383729424127,0.985027306185997,-0.258825247824708,0.405842582796483,0.436226013505156,0.748791858056412,1.19457614924367,1.36961119844451,0.812415383160981,0.200136731129785,-1.42028019654847,-2.49760223670807,-0.338363401779953,-0.0650831270965048,-0.519065974261284,-1.43035319450946,-1.04057936080766,-0.795853762663159,-0.899946628587212,-0.513802400155779,-0.892392924796941,-0.581666863444232 +Gm13202,1.98224758065073,1.8054637190461,2.3464329101366,1.93178902933233,1.56921335296956,1.20880322353409,2.09345173537101,2.6738556731949,1.67477189736157,1.52358232464556,1.8536214305983,1.54863305930304,2.0572704741108,2.04079678359514,2.26363361172858,1.34398983169881,1.89707560806054,2.517892888896,2.3440977895493,1.59974167363934,1.85686314003807,2.43309947236753,2.42434728781962,1.68932856500184 +Hist1h2bl,0.660692375692771,0.93257330605316,1.08867702564422,1.53281658396199,1.84731520689229,0.835241840057301,1.14198358868951,1.285710969589,1.13165941828594,1.80168417856829,0.507655637200534,1.38570936234416,2.48898230326119,1.00265162646745,2.18843200439071,0.843571139509638,1.32974827026931,1.95151566815395,1.91822138556011,1.49170444940445,1.85438046043826,2.2593061997956,1.96388270049792,1.96743041892458 +RP23-72M20.2,2.96198229188096,2.85436441972639,2.80796438106292,2.91140111583352,2.93792891883799,3.07526249584145,3.01752997496283,2.76364413431483,2.91948763249756,2.95936396093676,2.9834279657187,2.90147537778121,2.71779886872127,2.66915176757857,2.66742605665984,2.5960804067234,3.06274611207668,2.85316524248862,3.16200695266449,2.443337965251,2.81403587512921,2.80288628229228,3.1406771849619,3.04728354221902 +Zbed6,4.68926920864183,4.94989693861784,4.46905434119849,4.66798156537095,5.47766317353045,5.41123975874774,5.20522046827849,4.83134381362344,4.64100059289938,4.78221085167914,5.35255734652219,5.06049400916828,3.83606913806064,4.36337064593272,3.54034061057729,4.02438044503926,4.76301182457084,4.20129812066485,4.70690227617596,3.65321801079823,3.95896165101861,3.99210254325332,4.66386358667984,4.47812747363108 +FAM103A1,2.57931385665039,1.90537124187935,2.42931904466706,2.42082541991708,1.72486236064112,1.69416974467258,2.4533476804574,1.84802922305377,2.31801754086792,2.65852385295791,2.05519192090879,1.81025930574934,2.64185383843101,2.40069272868153,2.8002687682254,1.7038857767852,2.17469835125728,1.92499529217712,2.21071310231975,2.79374305513563,2.71490721674781,2.55229188303727,2.66374029375751,3.00665124348017 +RP23-334I5.4,2.58191991282571,2.5489525071945,2.79108353674836,2.61273471729719,2.52676774552734,2.58769022588846,2.54965733216203,2.60456636814539,2.57009869567145,2.63856259281784,2.56071166112767,2.37874376780369,1.51167488037421,1.37536937006767,1.22057342085947,1.47157097895335,1.83279758618083,1.73045649933512,1.74349305875325,1.39974330495517,1.09593084767646,1.41368715587132,1.88481618584637,1.69175141002052 +Zfp955a,2.89462205454439,2.59115341697868,2.61659892341706,2.65902647546616,2.12847147495706,2.13223815213403,2.27885165685738,2.45895544928659,2.49557915306293,2.34451316544333,1.69787696514404,2.58173621913177,2.02693632959416,2.22988740247474,2.16119098518208,1.8588942251717,1.87616345917107,1.96085120745668,1.89261418318753,2.63414003112116,2.33751980326081,2.2274859882326,2.10582166998542,2.30149595408448 +AC154460.2,0.979028029785226,1.09229809179877,1.02322954706805,1.17363975122811,1.06934610770621,1.34926331239825,1.26540102488043,1.47691084484969,0.804406672581776,1.26874773979488,1.01336656306825,1.35726698332757,0.837938000340174,0.917945814555758,-0.117885500974793,0.505269516152134,1.0369469843313,0.820404262264591,0.753625338027267,1.22325847695719,0.718121353599105,0.289686534454222,1.09153646950066,0.612453716837833 +Purb,4.6697349080967,4.54475769927569,4.70904106519367,4.51537893841186,4.51970611772108,4.4281769240019,4.38661664587502,4.63943651972059,4.61187160720826,4.50670751983634,4.33743635987001,4.29047256311649,4.68128095624478,4.54456097047454,4.83229295983376,4.70272922158802,4.50348398372342,4.61992980703002,4.19734162025734,4.6973437078381,4.63521673881722,4.57421958175572,4.37788636237683,4.41790547804841 +Gm8210,3.91554185338822,2.98878183519459,4.34866002510749,3.26750437689865,3.49429032774859,2.97012384396667,3.36035306819974,3.81611214191518,4.52993852134412,3.34804042534957,3.43596577485173,3.65118826494523,3.5617141067501,2.46100862112434,3.55785154195532,2.90521344562294,2.90925600082136,2.61834575647663,2.41291369150061,3.46839238727796,3.53971971654249,2.62245549465958,2.92659227490926,2.28475369573213 +AC123935.1,5.2766279655892,4.585878474938,5.25455088111884,4.81680881471775,4.31093343695586,4.65894364030826,4.67975745481895,5.32198670892246,5.34974451711678,5.3055922549649,4.90834671068242,4.97442063514699,4.27766923869203,4.34411939210476,5.21158056938851,4.54728854415415,4.33629846173052,4.60479351315585,3.68591534777789,4.93586417796863,4.90585915443868,4.73301044387216,4.12073633398901,4.13303713115414 +AC239880.1,3.82640866144876,3.53209566258927,3.95846718634257,3.50185379781032,2.86032540205789,3.27860144358713,3.04741375653963,3.38138866563168,3.49329733858721,3.2413307559208,3.21577254506868,3.35925333326024,4.04671228211857,3.86238804726925,4.04856963816227,3.33718406808542,3.02042612310907,3.65325951517933,3.36812465291609,4.08304098226629,3.71600895090218,3.67638693937772,2.79670994867834,3.13426774999682 +AC115807.1,2.09391219162015,2.23690586486082,2.03111617888384,1.91924458532138,2.01634155800956,2.2281871411371,1.86025602456457,1.45280218006675,1.84748048626618,2.0144559005086,2.2790426191433,1.83536122943161,1.96032558752196,2.08056233020322,1.56304838302738,1.84264388473041,2.23189454346641,2.14932954270434,1.78222390321065,1.94276299238911,1.83500294924884,2.2920823721008,1.88226539628218,1.76046171061311 +AC101687.1,0.975805491885715,1.61806866658078,0.545980251900073,0.75612377955348,0.726806461887055,0.485048031027086,0.453570816211509,1.50147802913224,0.0997530141564659,0.0447629282196114,-0.0350411365436121,0.843012588600015,1.94628552951704,1.77620186377373,1.47600195298118,1.22247340314532,1.04912354476448,1.69213176929081,1.6810533187791,1.89062012057521,1.89754632678214,1.63873421480297,0.681548300372067,1.94547960005937 +Fsbp,-0.862930374516331,-0.324993337496701,0.0144682323121388,-1.00244750398068,-0.774695422059815,-0.53460047562522,-0.607549501161494,0.477765269896036,-0.0006720379524849,-0.939073531828323,-0.39320723796742,-0.697961447173785,-0.486289360754309,-0.0945992322861824,-0.853869654639369,-0.863312498541214,-0.86759442426081,-1.28097475058763,-0.63893529348939,-0.235358903422011,-0.767091839774774,-0.804601967332317,-1.75898765430544,-0.214125514381672 +AC241392.1,0.659507183816352,0.760965615793443,0.0156232539785544,0.841735567694737,0.715003046266976,0.7750565441271,0.268204712953974,0.555942216501796,0.300055924339245,0.463143629233047,0.674749683775388,0.447889734026543,-0.502085039536543,-0.315409997397233,-0.762143275070685,-0.0079376050375152,0.222972214212993,0.167866937622786,-0.491503408034766,-0.482338265103954,-0.109909566988879,-1.07714009900041,0.307162789816765,0.119562228875001 +Cecr6,-0.108510448153885,-0.0716854501454929,0.0725882355508918,-0.379289686935697,-0.496114064646454,-0.519502429488383,-0.147781689925584,0.0552958446968055,-0.0832311821975416,-0.226196450838637,-0.342911545012442,-0.906522780026544,0.894579699320134,1.24876904005594,1.29562888895223,0.784529874547102,0.435637905756086,0.858473777759241,0.796968311492642,1.21013057707175,0.943419892627105,0.562722766066528,0.651236723121408,0.786535671417666 +RP24-308M3.1,4.46315171660579,4.15506170663801,4.20962501023733,4.0257092363886,3.88184063824957,4.22125336661706,4.21828451833763,4.40787095674633,4.10569526635774,3.66754702564709,4.25225008027911,4.49717453416061,4.6477611455752,4.31505830022921,4.39422988292486,4.39184356745775,4.29930534991648,4.45772943945135,4.10313730213833,4.34082387835649,4.4188078011665,4.2126299656538,4.54304121980281,4.42547063803062 +U2,3.19063941289283,2.37896007688489,1.06583593646299,2.01560104747325,2.40127848657636,2.19377762348101,2.27054102796151,1.77467905579031,2.25994334870277,1.99514777365311,2.21822712026853,1.9314948438007,4.25667476633327,3.24131613097408,3.65815199844079,4.33801759123887,2.90900377288468,4.10451167697041,3.93030100134624,4.77695721721831,3.62933148504174,2.91509858261442,3.96210184140466,3.86621925500824 +Gm20382,-2.12970893649576,-2.0517606976267,-1.49186099612776,-2.36566599346313,-0.251897973221093,0.490847037553465,-0.398178993131327,-0.623193317730327,-1.59426302610687,-2.57093160726223,-0.448814737250939,-0.575318422786583,-2.13558237179645,-1.7691821251924,-1.56011492663212,-2.02123640855495,-0.253678752267451,-0.854448229063185,-0.553124834134635,-2.46134801364112,-1.72886135408679,-0.982860736700252,0.385345460175113,-2.13613625880778 +AC153939.1,2.39624978879991,1.59045026522478,2.09990526877267,2.12351240519005,1.95456065207314,1.52252070622763,2.02754139798545,2.37324945390397,2.11801635920275,1.96695037158315,2.03120146561235,2.02305404470075,2.90731913641903,2.19877458549314,2.26351822728422,2.24662071304169,2.07560638170106,2.48570224722075,2.18923605055195,2.27204442455755,2.42574457883323,1.97089475256829,2.29303058867827,2.38264895186733 +LAMTOR3,2.79004312878921,2.3595179382928,2.74831043035598,2.8336890499314,2.24128322602775,2.24865987797936,2.28546254706526,2.09971403097422,2.41605433965475,2.6143632721416,2.04578346425917,2.45843893864011,3.29202078415701,2.8614533219578,3.11769023793996,3.26587074672369,2.57413603269775,3.01215587126603,2.86951315510558,3.26162117136699,3.2595173581574,3.14740823773397,2.63159873077941,2.81974133215218 +RP23-167K23.1,0.526282540863563,1.14245416129892,0.881227391579641,1.00983325060863,0.413205297700111,0.560351284771091,0.804000847317532,1.50947766393725,1.23954271449914,1.22798536840181,-0.08985749401432,0.688812831264411,1.23790015603748,1.02151859334817,1.3809297238826,0.191126547400573,0.24251909118848,1.14329137055569,0.595709514676385,1.72983630856027,0.527130675312454,0.876249432342858,0.480868363206998,0.532023412851765 +Gm14403,2.7788958472807,2.84663121650621,3.299590519649,2.44626378186042,2.45220319858961,2.39885143500431,2.87511232147158,3.10395281513764,2.36270028557153,3.20871611679656,2.55612136810197,3.14135628349684,2.80038604057319,3.02361383319427,3.41298339039965,2.94911656514039,2.56925968542458,2.82146164497951,2.75474475145724,3.44705902514556,2.45303610786826,3.06945538369661,2.62706999478187,3.10294613151713 +RP23-74N15.4,-0.940528051501596,0.719687087515589,-2.12034900588357,-1.91737101741266,0.518852845139448,-0.987695512855187,-0.626229596116485,-1.10907059389769,-1.79485888366769,-3.08709205196628,-1.08089338586721,-0.35609014803987,5.97917912143325,5.76251924960122,5.64130757174533,5.37428404007616,5.71702518510917,5.85158396057004,5.76106985198632,5.89333124132424,5.61854594985289,5.34840029795053,5.53227626515661,5.8480478431495 +Zfp131,3.29581020766307,3.0298827315339,2.87920265524636,3.1301079336007,3.23514443247388,3.19273759634377,3.32084898001589,2.3980011799666,3.05463076492213,2.54951768210687,2.98189374542862,3.07883817196793,3.21030123209609,2.95605212158209,2.77631813668576,3.20680772587165,3.15817995635918,2.95949574997221,3.1273968555645,2.82857180661944,3.15436489853849,3.12439769072312,2.90351534892063,3.12463250887746 +Gm4791,-0.667089593663217,-0.667089593663217,-0.667089593663217,-0.157043146965087,-0.667089593663217,-0.0834514176588166,-0.667089593663217,-0.667089593663217,-0.667089593663217,-0.667089593663217,-0.667089593663217,-0.12377162316779,3.17300974813918,3.29773092887636,3.81162362990752,3.93273003020373,2.76628402931278,3.41047747710179,2.99238777748376,3.8543543553479,3.05089561343676,3.6698847330508,3.40575291699256,3.22704131190547 +D430019H16Rik,2.9101221372734,3.00204725256581,3.06205032131213,2.79436046186017,2.68483589420065,2.86361578264872,2.66851963130868,3.48765832778783,3.22158097178431,3.05799217490728,2.77759613984294,2.72946831051865,-0.541570110210859,0.592856129835534,0.0699874525279602,0.713457850299364,-0.495055148673853,0.115901476607461,0.248699444493432,-0.0561029047306354,0.72454449856296,0.955119319232717,0.089517353052766,-0.04919787707321 +LYSMD1,-0.742451682956764,-0.378273690829993,-0.908575992470159,-1.04128180121082,-1.05677913668004,-0.734037423019691,-1.18751659529489,-0.114739950638698,-0.861913210373906,-1.46290984960329,-0.257025526641477,-1.71451653717521,-0.298403059552425,-0.877378532028831,-0.195485480830725,-0.0491319378629032,-0.648314315475971,-1.52862073782659,-0.661755675358525,-0.27968869222869,-0.244288568666374,-0.864161978727109,-0.946872398855104,-0.720242036266702 +Rbm4,3.39742622013799,3.47590890171587,3.29926761156141,3.65181645380292,3.67262374585399,3.79771827997446,3.6810180025274,3.38206796748216,3.38622834256575,3.45658206474174,3.71426816989689,3.62781213690803,3.18106572824632,3.3162598916463,2.92402155162397,3.23957156995141,3.56522604034701,3.41051445579484,3.34618539655904,3.12712251327328,3.4404695861458,3.35691391890996,3.40040227292962,3.30664023042199 +ZFP936,0.413164742581146,0.813068204052746,1.21345582154512,-0.501052091152826,-0.29070457917873,0.281426455672319,0.0443392425696236,0.209079527089111,0.490035446552508,0.438709975723237,-0.916011025260071,-0.40955457148533,-0.169818514791281,0.55851447278606,0.40371567958029,0.359121696086845,-0.431092558678401,0.096808756963929,-0.466617740113534,0.807360437813346,0.369419313323101,0.265458067061007,-1.08453573939517,0.196555677693994 +CT025645.1,4.23148511979442,3.4481893917875,4.73153721736112,4.49646236756991,4.07914126946497,3.83246189936938,4.09399880307478,4.15167976171526,4.41580867933195,4.42944877921934,4.01983690517675,3.95910584548609,3.682034326208,3.22362277327885,3.90536011290493,3.32919428986412,2.72164024626401,3.10768690522472,2.53886288844808,3.76418751291348,3.8030435250823,3.18746536865577,3.15650590385527,2.96230217085201 +AC160982.1,5.13756439739381,0.79366997676605,3.12484630953545,-0.584033868124199,1.91695031498175,2.1411346305034,1.04479612911334,-2.40964703607378,2.24929415943186,1.87188536589039,-1.18457735068896,1.67834267744273,4.6824134659596,-0.849612637772495,2.5993919845934,1.05676819933626,1.26433009507881,1.71397853583496,-0.242666600124026,-0.982195220131254,1.85628482044282,1.73984789481009,1.31875168967502,0.418554904098502 +Ccdc85b,2.50467194361623,2.39927112847637,3.04249210446247,3.14682891300042,3.03466864677458,2.59823547267764,3.04923795869201,3.0544072120596,3.43723210032957,2.77291491652416,3.38344523757895,2.9309607220296,3.17158737146197,3.63939845393068,3.66259461098323,3.7836412419099,3.8338165042462,3.80435999243814,3.69615611986413,3.86173504463614,3.76494102699549,4.15299894218866,4.05617764546029,3.28007395864408 +Edaradd,-3.25815803117879,-2.79066098394373,-3.51726870085709,-4.86982054429084,-3.45767836219244,-3.5753513976795,-2.7026745137719,-3.44253415571786,-3.4243182420717,-3.41166382354126,-4.15479730560415,-3.30905113262002,-0.256427333024988,0.122554278628882,-0.638221689964808,-0.571561782533549,0.534428739036646,0.0522307765906844,0.293552486559347,-0.306570757900202,-0.317046882251886,-0.334767977829775,0.3502613120033,0.29042133313895 +SNORD14,4.75030690981125,6.02737161402524,4.77191719685056,5.23915501562408,5.50470603059458,5.12858525078859,4.78777907861145,4.3509556087419,4.10025618407553,5.83765504948324,5.26997848844639,4.52100549093676,5.12591534538712,4.66741986532075,4.07308677716263,5.12780502863845,5.00939683851025,4.29381409107481,4.96467272600296,4.50173792569928,5.00311289175869,4.85858375908149,5.16063612467866,4.48195789655624 +RP24-538B17.1,0.59122617824407,1.27825936493866,-0.563739696371606,1.07334826727274,1.67859064889392,1.6270400090352,1.24955373347888,0.491796466771033,0.260757473505241,0.452141350671832,1.66035510876242,1.47564211467828,-0.587793127852446,0.497604341583076,-1.06346188682397,-0.0360019958718163,0.843919868172605,-0.152911275937354,1.13305027246093,-0.344009284142911,-0.488619464450716,-0.197040146320437,1.08036189830127,0.850333666639915 +TUBB5,0.892172937630817,0.494801508558579,0.538548114421815,0.590533530092384,0.130551458942295,0.972955224224853,0.502227236883681,0.148367864960054,0.86728243265297,-2.77825059233376,0.595212744901181,0.909966374043464,1.95144676099324,1.27389311017438,0.963906278027598,1.1115531834708,1.40407838026733,1.59454907954428,1.51583577945855,0.373173732488548,1.76348857049679,1.05959244846026,1.25014100401488,1.2197059505989 +WDR49,2.98376909612168,3.15851184752194,3.46769533765708,2.86153182013365,3.34718858719573,3.56567995087007,3.22346096988552,3.38640039619996,3.41737665214651,3.1701772141551,3.35280819438387,3.2349750092939,2.78569881785155,2.63479655300768,2.87099835100079,1.98763934108206,2.57637332905913,2.81646473072782,2.67324093813838,3.25146425502404,2.45936934778227,2.29957143363565,2.48945981718532,2.58689817294672 +AW146154,0.99357928722881,0.450048212033259,0.757427462931897,0.624130501792303,0.475262545721252,0.374707926978059,0.545748906127768,0.369102041809305,-0.0156416168972002,1.03343552442899,-0.157534665129891,0.724501502983977,1.17239276089236,0.475299117764237,0.780575687586269,0.452403167392585,0.766721289410197,0.0075246249282727,0.577461328706754,0.667210649206694,0.810992144202186,0.965709143281711,0.714386657731347,1.08079716173829 +Hist1h2bn,3.56725214962192,2.49478652679854,3.35147560761615,2.76394881235128,2.02619981192491,2.48654320344779,2.7353164678124,3.16068135053621,3.37612070713726,3.312258648712,2.57932800390548,1.82673491322577,4.03447404602281,2.80324081246679,4.0834739553277,3.47268034709493,3.13297427518969,3.68031565331566,3.40794305782707,4.05492598579203,4.11524996612103,4.05414004593792,3.55151229368029,3.53114303347711 +Zfp799,2.66838722394297,2.8850466647195,3.02436802172536,2.61493668215007,2.48600642046211,2.42937200597289,2.3659424819875,2.98862281029335,2.99897494092197,2.65266140186651,2.49994490262518,2.65196433391859,2.78655402274992,2.58151383692058,2.81329515219309,2.63007352673904,2.18243341303151,2.56007569927095,2.26342180787379,3.03458052556255,2.65544682568987,2.52447517030814,2.20277821390523,2.37857537148066 +AC169518.1,1.14050966456746,1.18393857763417,1.22768518349741,2.04344240003173,1.90001374865621,1.99460691414163,2.08229100327436,1.29400058656859,1.55641950172856,2.26270552988243,1.75654453184949,0.966971280247413,-2.08911352325817,-1.10776910308771,-0.77542205476903,-0.914916740452639,-2.08911352325817,-1.45897185103083,-2.08911352325817,-0.661661707315644,-1.49779050933331,-1.51132864621241,-1.49399209921412,-2.08911352325817 +Zfp870,0.57096047080812,0.26088142450173,0.91051481919468,0.316696376154793,0.26669929663614,0.183802370791429,0.341520743613731,0.898685266248771,0.415484992307349,0.283904461014356,0.165202414781948,0.709483152240676,-0.290489641225415,-0.111422555678376,0.244720297165982,-0.196199257883613,0.0080261280113012,0.240731341263179,0.0452921681679963,0.447499991316331,-0.000532670316891,0.0148096066955796,-0.0754927780779351,0.308390001009641 +RP23-142A14.3,5.01359310596359,4.96526190694772,5.20454660002037,4.90076720548979,4.75700704338919,4.89464163233622,4.68073502935508,5.33850423301873,5.16891263649555,4.9213428775703,4.78001034161285,4.68945234015635,4.99032046942871,4.81730460155087,5.0255902541213,4.65158702453864,4.69497816239998,4.83252820822906,4.7974429612451,4.92722555903493,4.77758053868265,4.67368043104107,4.68423163107801,4.76108135723929 +CAAA01217562.1,2.45205781139339,3.45321048200369,2.99647765890393,3.29647034140204,3.10249775026095,3.30233291172404,3.55171859391556,3.32300924111482,2.97055258491159,2.64774257200051,3.30685558145181,2.88809267720323,3.10958974124907,2.65237414684016,2.51106697335659,3.2358918720994,3.58018322489067,3.21400548346442,3.21610985366275,2.9477260469052,2.9421074257166,3.21683390783522,3.19398976458806,3.10875039203737 +Gm14325,2.0201061543117,1.70108554947694,2.06505069048382,2.17391302507705,1.62675558192912,1.72368983509385,1.89504737963963,1.90900426826015,1.95755666622147,2.1526720835576,1.48807673619261,2.26347409426633,1.64535825738026,1.76789881264327,1.8397591790465,1.7864633013781,1.59103333085316,1.56392059449675,1.51239023706025,2.34246978495162,1.94184061884118,1.70667342389321,1.78271150501748,1.99812449426147 +AC240744.1,0.76433808898955,1.00933801098061,0.412842006804921,0.945821220801468,1.12696513118117,1.02425666634146,1.05134237007971,0.761521655277382,0.928007229476676,0.986463699160238,1.10466184762529,0.813024944547948,-0.263295473265565,0.61451638213297,0.0989853706115982,0.510698218387536,0.660121751141785,-0.0637930874669652,0.453872098095816,-0.243216390345807,0.490203121748224,0.144808935660699,0.735741278549005,0.283728016936994 +Zfp748,2.9233606038826,2.60737155572681,3.07062259994447,2.73295289159579,2.38629694146258,2.55979778174174,2.60914063687298,2.98640509412078,2.93646720282267,2.50224819631296,2.29063328696149,2.73262109515312,2.76053780672454,2.48771889378746,2.94101576082153,2.68059776014864,2.22170440608779,2.64580921735484,2.24936542995293,2.85811711005119,2.8638747207933,2.29255876271437,2.45867792596192,2.25523204105276 +Fignl2,-0.967066181751719,0.503950439376267,-0.407732680713206,-0.136651708287574,-0.0742098922440393,-0.267690114283976,-0.0467687073487166,-0.425483098962147,-0.610164239466004,-0.66597670961132,-0.164717713322105,-0.0022760338073464,-0.710162266282655,-0.0772871342445254,-0.276921092844168,-0.266736820231023,-0.553728464306619,-0.993052910367911,0.16737120783607,-0.519205723354087,-0.608855488270987,-0.809901139478548,-0.119729517023773,-0.0822958395511981 +AL589742.1,4.70016019613672,3.5754210554171,4.81254958621874,4.37715725898481,4.20094707534443,3.7871099569694,3.93338081499572,4.25043721215364,4.71092538137755,4.24681514048608,3.86456200561899,4.33216209743061,4.73443204616321,4.40812906709039,4.57262993725501,4.41839927619251,4.18324811417178,4.15379160236372,4.23896000740555,4.33106725882148,4.51658041631443,4.45045007252349,4.14245734825622,4.40488780750608 +COX17,3.09434633002133,2.46807671274101,2.90690065935646,2.78413623149246,2.53417819011711,2.50293568215095,2.83001049172615,2.99404676215145,2.87889793659691,2.93677815461561,2.66937583766011,2.84194771788873,3.20254369915738,2.91138435011374,3.0472462056091,2.93944299171774,2.59062060269672,2.91396992242835,2.62500028617474,3.15029163694957,3.12185405055617,2.94552954053707,2.69108475939102,2.92183975778108 +AC107669.1,3.90178867814252,3.24391512838585,4.16942941514479,3.81761690048477,3.03679020445785,4.03078489494292,3.39418736801531,3.93707792788014,3.8472165860655,3.94676914536062,3.64374549514981,3.90878622458303,4.5557177183817,4.20931786314238,4.46250962868125,4.19687118581892,3.84620479983769,4.10135420620556,4.32322102200717,4.79424125183372,4.36614323274168,4.07297822313332,4.13834380907211,3.85882312909561 +MIA1,2.68308289889822,2.8107112192917,2.76242559206684,2.73788181566793,2.83815050051908,2.80551942244118,2.9615581901606,2.46878143031037,2.8900743529134,2.66682260467053,2.92815192601028,2.58159504175533,3.05285401897885,3.21638959485447,2.9408743075054,3.09391729556918,3.0289300166603,2.9117131187199,3.31471005372639,2.82599411751308,3.12222147053606,3.2321894717898,3.05192346409076,2.90847635859979 +Noc2l,3.65616506731171,3.67857638175166,3.27033148125204,3.54629980890191,3.8435926547901,3.91230340363579,3.92666961850633,3.19241412078895,3.58372515042119,3.65366544769263,3.96768082639411,3.70945623703008,3.71359019040887,3.91977843496066,3.3816252561502,3.8752179840107,4.04478848552642,3.87801218322469,4.46117812499834,3.63760684715778,3.67722403576134,3.88511130531913,4.25294541355055,4.15220428222632 +Gm12350,4.4329874531913,3.92749893972739,4.21992254088919,3.89633532397018,3.97255511868823,3.95820875235898,3.90042042490234,4.162226343674,3.96941080006273,4.03307832464708,4.41065571687774,4.25597524061819,4.43941230955851,4.10829189144342,4.59708968741706,4.41478848215882,4.66692012285071,4.91562971702102,4.37583994387248,4.80433447602139,4.45775642459643,4.1238199687507,4.86991138439273,4.22081374163104 +AL807777.1,7.29347320499549,6.69155392434882,7.76484070475363,7.36612585359305,7.09513578925649,7.10965823051207,6.97638817444043,7.66644491016389,7.55716359232799,7.47994848813219,7.11033026176787,7.1564669475905,6.52737478575684,6.18402619128486,6.71157212848568,6.24557571647142,6.1339667384869,6.22580260025694,6.05061712641496,6.76234911220895,6.68821588711808,6.49851788903692,5.87071643589025,5.9516018462868 +Dynlt1f,1.99264205608536,1.73164216294149,2.5132370897541,2.42074838172618,1.65833019577831,1.64471794618531,1.86565496782763,2.07790367475175,2.32223736128923,2.0777174300698,1.44050042098501,2.11151573939209,2.64714487685427,2.12190159549769,1.74253632656709,2.11507145122298,1.44533820183329,1.31408729970903,1.31376232186884,1.80768934199034,1.91992474951544,1.32070017734757,0.558175497605143,1.7872232197662 +Rnaset2a,2.61188217393575,1.96029186913028,3.14988459427613,1.93563125236962,1.33707658062372,2.30245867542747,2.02440728486072,2.37432153075521,2.75812467535184,2.0726539257255,2.29573831163813,2.26900507606199,2.70117745420032,2.07746846920691,2.80065525297884,2.26794019086228,2.11152739101545,2.56350083170804,1.7233629851817,2.84925696064183,2.59160513008876,2.72811462035046,2.21820297423766,2.17867455922362 +AC129188.1,3.16733563859727,3.34472314318258,3.36351261291329,3.22350201699043,3.78594059576661,3.76429576829958,3.35823492517981,3.6701462293702,3.16098472834868,3.48857959286949,3.36926526307882,3.22832246343379,3.27311765034749,3.31669520867409,3.38100627693009,3.26329372194405,3.38666369888302,3.17898545708691,3.64748563917517,3.62150783544966,3.30744398265591,3.31108697059156,3.52202767964175,3.4124296790856 +Vmn2r29,-1.34574372777092,-1.43062862347354,-0.808448602556307,-1.51900586114152,-0.223185416393535,-0.543929630793125,-0.617184418184563,-1.3897384241696,-0.919750106355446,-1.57565827321119,-1.93396479524876,-1.42750834147402,-0.666991252798529,-0.837074918541838,-1.23026921168831,-0.928582292980397,-0.344513951884235,-1.20445788790576,-0.932223463536466,-0.508801617428541,-0.584329433592407,-1.68349765679862,-1.01104758812119,-0.464289878577506 +Snurf,5.6647927080352,5.21200469830669,5.78293917899316,5.5818586149437,5.31691621549535,5.40018288032331,5.5514620498303,5.58702215462564,5.49151690336077,5.76182520257338,5.21160587989261,5.64184969594921,5.71171298187451,5.51310160947838,5.77847117891414,5.74273287111458,5.26440554324874,5.63670889835477,5.66381569169129,5.35714596037901,6.03814680455603,5.88345531350697,5.57961423506995,5.68304388520505 +AC055766.1,1.55982528899542,1.26265355573596,1.30506109330145,1.01531145472003,1.2397015716434,1.17572933897977,1.27260856887472,1.10187594360977,1.56965296754822,1.02496347880427,1.36868300920827,1.56694967727435,1.3739178728283,0.90429085010848,1.82343199178911,1.24096009065373,1.09644258637178,1.05842247063453,1.43734826110768,1.39361394089438,1.54120780835323,1.21382077840291,0.828154654355799,1.00748365589659 +AC167359.1,1.16218054258188,1.77572692640049,1.83573180191247,1.45461522590505,2.09532297063131,0.991036512664725,1.15206226256308,1.29140465030486,1.14206966827253,1.47450726665839,1.7484043501467,1.54150403495158,2.31923087685383,2.06092020863831,1.17621776774728,2.05112513755683,2.16144863996227,2.55265964810091,1.68590329735483,2.42661555064627,2.4514584074406,1.97534644706698,1.38003974672364,2.123225091532 +4930579G22Rik,0.0602040474542193,0.107105350187488,0.0058906391297571,-0.0533012890003287,0.0654478762954874,-0.148511303239723,0.108361417038355,0.150648184319195,-0.0927613648992726,0.188333032390338,0.567738720643899,0.601667601156186,0.296867575011965,0.941487099026757,0.799011557822873,0.461119672278736,0.0636670972491299,0.473486921867953,0.133347825397904,0.682188051628976,0.485519281592416,0.502394889137511,0.750061519632038,0.0713832915096241 +FAM48A,3.10173032874194,3.77656503075951,2.86865148698253,3.5533403108286,3.949048547774,3.85435805479381,3.87052579230499,2.94824507684326,3.30152803877564,3.4962282102414,3.97715670826387,3.74768388715956,2.16522141219296,2.4505388806609,1.73149673180995,2.47223307305416,2.76851497792252,2.23890422170941,2.72761477446252,1.8456669120443,2.22855036211157,2.32768811004403,2.67558146887274,2.86477499543496 +Nim1,0.882316065996975,1.14006152046971,0.981480992941484,1.04972594046227,0.766447147757306,0.597386487316324,0.79942027509351,0.613512908389406,0.855624256808057,1.2012749806727,0.533698212577433,0.62968846578599,0.348609827773853,0.699786904448358,0.33781955785643,0.509908319088622,0.0524105453609778,0.161317380188163,0.37123842053634,0.295165207157793,0.395751567259398,0.579992209582343,0.4570259839704,0.813192536235188 +Zfp97,0.967953981857702,0.702150826366371,1.28862819358311,0.741086719327012,0.20333174995535,0.297924915440768,-0.444968179413112,0.88812270451059,0.986034184347087,1.12723981265863,0.449591917247111,-0.0975785555818032,0.443934638168833,0.179025000580547,0.692917701611713,0.381327358300573,0.141579194781871,0.38246349672609,-0.687602757550756,0.32972758352942,0.517636527592859,0.403195061434765,-0.173066316936206,-0.849091349782283 +Hist4h4,2.99449264379323,1.81592948898155,2.85438229686921,2.91087701964674,1.95259079253998,1.96709438454226,1.9779918233011,3.09558118535351,2.95740288014078,2.79879574440977,2.06923630288587,2.50146870840425,3.33948645251912,2.37972809694461,3.31367958864194,2.87384722537168,1.99170495636249,3.05718738829839,2.33970568313809,3.53169787882623,3.10914951343743,3.03992423539871,2.14281797529066,2.20304338922281 +SYNE1,3.76677435342025,4.07954333618339,3.91476480305688,3.89554609635229,4.15243257829897,4.22583374646221,4.19320967258698,4.00625801882763,3.83531001299959,3.86064523964912,4.33360140140781,3.97796999741809,3.17024689951728,3.59091921165147,3.29514637576559,3.67904023848896,3.97789200055894,3.71736140170646,3.71762055701158,3.3286194920741,3.19389145253371,3.59715871810089,3.78572530093382,3.88288943033087 +RP23-440J15.7,0.895391175920725,0.903146002414498,0.491183511964184,0.70052579261738,1.18424562202706,0.986197335480997,1.15910409977286,0.655448935784414,0.56263134229602,0.642871804269503,0.943658026477901,0.969426828619011,0.147451158535007,0.148967570789797,-0.173952347095105,0.207342021656836,0.823304986783985,0.128773034112555,0.473931780174287,-0.486911314645236,0.0412138857281517,0.361821005394542,0.767769892404921,0.424879515160902 +PIK3C2G,4.96949328522453,4.91961569617273,4.81535659732138,4.74316713418077,5.28087688451441,5.42509346149124,5.19631232029275,5.08223420144946,4.82255973930722,5.1204161926391,5.34328826115986,5.17092505819164,1.51009725446337,1.50284095032845,0.603986778561345,1.06194484012737,2.40662329006297,1.81549173690051,1.82417623706667,1.5747179835128,1.91009840517162,1.66973622976115,2.23046266707446,0.825809369396754 +4932415L08RIK,0.31953611770255,0.299556761314792,0.059040987477569,0.720104510750148,0.479898076103861,0.454391508934851,0.44567920002694,-0.0386154685922819,0.503220186984769,-0.182418904084983,0.144927747775494,0.243159787141337,0.620517159377833,0.672333840543873,0.104808926064614,0.134802673738335,-0.0040212475650371,0.0716222710361412,0.420517333345254,0.357378399969928,0.798912609729444,0.347844101466054,-0.0476469474987162,0.318332548350835 +VKORC1,5.6952749754369,5.21167243688184,5.99255601053733,5.37006031634918,5.42497200283395,5.19226728010785,4.8892934269398,5.70900069934207,5.56087648962291,5.5335557794278,5.47898788971341,5.48198134246262,6.01372724600936,5.81045119952847,5.87796049181641,5.51877613612856,5.47657844807638,5.89704091986561,5.52861821738491,5.91343702680519,5.66954998964247,5.56962013166932,5.53922849193277,5.56258408291612 +Kcnj11,6.0412571682549,6.30966095726606,6.42457480399966,6.0961927667326,5.95320287976564,6.27324058211114,6.0771036162188,6.45493525052599,6.23419735386963,6.07329514331711,5.93879370523444,6.07600539496662,5.58921584390426,5.99846066144642,5.62829777300152,5.80028745631635,5.55472221205872,5.65056965891603,5.85513395108496,5.87889489159264,5.73793749920873,5.91036644426704,5.80924770869391,5.61837229030553 +CT025701.2,2.82749039052658,2.45833551418155,2.76642894179691,2.58662606872049,2.39941055098248,2.73912628937225,2.50907513722733,2.41905200706305,2.65681431960519,2.59891731643639,2.42689939800233,2.71479441957025,2.86355455888583,2.52134572793471,2.59967252065382,2.19605759833254,2.52985599266287,2.65530702211494,2.61830542360621,2.13470275675181,2.54708369262309,2.4188601006166,2.55790697895853,2.64369761955062 +Cmtm4,5.16391905915807,5.08594928548279,5.29107363796726,5.0401239822354,4.99795761274347,5.11959162803196,4.92437012532416,5.34345136014957,5.17707158587967,5.07739409500398,4.89131572559964,5.04356801189596,5.43836968051247,5.4200915381077,5.60952916994707,5.47158598463228,5.34037981255483,5.45813878006001,5.27050783084472,5.82308812589842,5.45874211713214,5.44505486849114,5.26113418468803,5.37383477791036 +Ptrhd1,1.2605905787894,0.784708262936549,1.16266068970179,0.789082512005509,0.282361695292715,0.324783585532708,0.634076843012812,1.36570356664051,0.981831027346984,1.20120485112235,0.909886978060301,0.569546844543249,1.34571698519007,1.48606887878619,1.94550193362585,1.32569705839428,1.10790883200393,1.52554612482242,1.39703923629225,1.46922818387248,1.34724209151542,1.45239564874368,1.13349224760216,1.04107617941525 +H1f0,5.77551994839507,5.86461300463118,6.16204575133052,5.68571607846,5.38638802147354,5.42415760155084,5.58855444046134,6.19552268244367,5.93665743498514,5.83309448431682,5.5481307828886,5.66976224541817,6.4813877977248,6.45064057210387,6.76566282182228,6.54093156180006,6.29758760300594,6.3570321257921,6.27726877029627,6.57968152280332,6.6692971488778,6.65952415839127,6.30111826435191,6.35717426331335 +Gm5480,5.1774745860179,4.5649762331488,5.16144762458813,5.02506819412854,4.39805924535831,4.49678208151132,4.60220727407644,4.73976706402672,5.06077544917198,5.2339075722007,4.47095766502547,4.88279087703529,5.26203410232779,4.82934382204325,4.93643021147281,4.97020691865551,4.48634989901089,4.90702840938689,4.75651828373154,5.16952433114546,5.11362074194429,5.23006179534685,4.39973201970505,4.66159808960921 +1500002C15Rik,1.75980237352741,1.99173089882051,2.2117647694578,1.90454081634991,1.48068558949486,1.53235375437925,1.62471626686283,2.05426146725047,1.81465788648634,2.1550431282425,1.53035285973197,2.0107331025038,1.97687220889089,2.49925992897758,1.63475332979257,2.20791531480737,1.59858769577434,1.8391955863986,2.15320703150547,2.33540466513561,2.04351320516164,1.7897647383072,1.61133404842391,1.74981142637947 +AC124681.2,3.63163677005133,3.13235810056107,3.49753963157898,3.57840484319313,3.47243798341198,3.14463031713931,3.07187438732903,3.03042496458487,3.73602222074094,3.25228891393709,3.38606919197251,3.20426019053116,4.11299084191749,3.88645236662687,3.9315287469166,3.8027102544087,3.75540497864766,4.07255272855409,3.94483019582781,4.08966014049108,4.04821156107298,3.66098133320034,3.45299373052066,3.9524324035686 +U4,4.9482886479356,5.17015704700624,5.03011060063309,4.37124799822239,4.36688397476071,4.16159145706429,5.15998502419955,5.21657421829471,5.36140117508637,4.23270507272167,4.43883199471505,4.92666050267093,5.33804213318708,4.55872211038447,5.86078419934245,5.59122283697305,5.08114701803203,6.16353170253077,5.03105036741325,5.82201708305602,5.46050074919418,5.11646133335516,5.32692550657575,5.63262788700913 +AC123954.1,2.44350020594617,2.07489096828771,2.65374925135058,2.16230989978943,1.88398194080724,1.88931445737326,1.66812689089784,2.06988819884861,2.53767028102995,2.45751897353443,1.76633277646065,2.2893011577723,2.64545441966852,2.24015876976064,2.58498922055332,2.4430966499511,2.24872230705999,2.60593523292209,1.82537299784943,2.55874628281842,2.67347223185779,2.23129708575361,2.04247836878328,2.5149253689034 +Dynlt1b,1.59160916379219,0.990684644847184,1.67489204837054,1.79792245281754,0.517651493585713,1.33776055795583,1.62908133259239,1.64232691337193,1.6167399193957,0.79036886534046,1.51196278354163,1.15271874798736,0.848374683273357,1.50872211930169,1.3289663872396,-0.80639228367447,0.167071078874409,0.714774479480956,-0.246273310663953,1.56803381953571,0.843065147210425,0.907564909929015,0.629637860161767,1.05702479284551 +AP1G1,4.46273923823783,3.86732169772532,4.22621150679261,4.12900951419376,4.22277118309016,4.23032274571355,3.94109348743201,4.53653314345993,4.265656140021,3.92371021043176,4.05013185616552,4.33289984222269,4.03904071351723,3.48060282765099,3.86779332376149,3.54457143967919,3.73541805932744,3.94003273293982,3.80942347633203,3.92395104006774,3.73453767385788,3.6846694221334,3.49031917583234,3.81404432021887 +SNORD14,4.34180348622648,5.69508860372205,4.05150626087933,5.04314393094652,5.16723595145344,4.63392563623901,5.05563622525232,4.01233450519323,3.41110742203642,5.04532211469165,4.551572016774,4.06611811034123,5.07306658860952,4.72868286145317,3.86691899180166,5.12780502863845,5.32095274917839,4.46550288953969,4.69821335770607,4.32953300436137,5.00311289175869,5.11207011879325,4.96104064921907,4.48195789655624 +U1,1.87678755856801,3.6499795482333,2.30477220851946,2.38195184883811,1.76282843157537,2.24383998764647,2.8272118407873,3.08104725527724,3.31758897434151,3.20965631835935,2.28989429382974,2.72532806171939,3.46805928941844,2.02745107945482,3.32215525320165,2.83818686849679,3.74421106049299,3.75862119206702,2.88749722883273,2.5521096282422,3.35106017683605,3.0356469573348,3.44367952471036,3.28443528894859 +AC112683.1,2.3952075559655,2.31518311091242,2.35892971677566,2.35043609202568,2.19673550363767,1.94557582952464,1.81003672876829,2.21497793922293,2.68766403500681,1.33011735732322,2.2162185004296,2.38502782141778,2.98993767586815,2.59270519193419,2.27775854624036,2.42411208920818,2.10430902336589,2.8643724261558,2.4871518482267,2.84478542812298,2.38116854723929,2.54594682634111,1.76822040258939,2.17405546310905 +GPR45,-2.64729664316904,-1.908235647794,-1.78370944193243,-3.15218288828293,-2.2035880757196,-3.15218288828293,-2.28020584100078,-3.15218288828293,-2.28629024679391,-3.15218288828293,-3.15218288828293,-3.15218288828293,-0.568297949580948,-0.184990190183824,0.420176844631873,-0.4177389581413,-0.369384186707903,-0.231393466876812,-0.511507089073274,-0.550691591184428,-0.81503641087013,-0.470033495867895,-0.0379831670922401,-1.23624751501909 +RBM4B,2.69655840186804,2.8233325835491,2.48077117606338,2.81328762255648,3.09454161898552,3.1998391715184,3.03624517152874,2.69501636021157,2.60673830508327,2.66819196314052,3.09403396176835,2.88277659783622,2.39761428753962,2.56056852649313,2.02204813783274,2.37082558188393,2.98586707034856,2.70626078364076,2.95509080344794,2.3629461973811,2.59397125976114,2.43709374799158,2.91374020402224,2.77027005876237 +AC241392.2,-0.640758633110086,0.39107569713963,-0.33332737064952,0.263976935817533,0.883167462708002,0.663985960508589,0.385267159238736,0.0493577660637916,-0.207460446745162,-0.215457713022067,0.621541438363863,0.341363775637609,-0.479833269350796,-0.542757694618005,-1.10519954782563,-0.79649007005847,0.102101447059121,-0.333053604397259,-0.0122523019548,-1.1114809806462,-0.786192452822215,-0.823133760342717,0.410017060190946,-0.0773383846993103 +AC162391.1,3.85040420057986,3.40518242991111,3.83570600729752,3.51141534831965,3.4475871215707,3.50167542378953,3.77451788213401,3.72078250889667,3.72349596503861,3.51651956449781,3.58295806530535,3.70765414864383,3.63925847218223,3.04064787327179,3.29385876130709,3.10327739110975,3.18779170987925,3.40151860776061,3.53239656063898,3.23670507951895,3.36119127343051,3.49189489569784,3.57363014587599,3.26641797077069 +Gm4944,1.94468243076402,2.1919433375002,2.42788557028794,2.052915173717,1.83309144198472,1.85556977406351,2.01633981815377,2.44803867447905,2.34321482350737,2.16750781258509,1.81029312626374,1.95895807694104,1.82255609507783,1.93659049025425,1.85380491544873,2.01752376651764,1.86248849057221,1.92470858200942,1.56714044504619,2.24991459426158,2.0570233062148,1.90015221104029,1.56146858740595,1.80350958296641 +MOAP1,3.85328382183327,3.69826301172129,3.99886021859107,4.00502443305456,3.6880153093206,3.80282790110011,3.66408613904561,3.63797380339829,3.97212489516462,4.02004936266963,3.55788805762682,3.67188296243461,4.15352349645561,3.63515921326452,4.07368017670236,4.14083200572842,3.72452102263982,4.00343526157589,3.51099786071448,3.80863309703152,4.03606377800294,3.77016624221053,3.81386885871845,3.86138219274898 +Cdkn2d,2.81097854660303,2.53858955136093,2.51702662947678,2.7325674851436,2.49444280159311,2.79653064899421,2.6152005965847,2.61987806187705,2.55649505542955,2.71048449207938,2.54088662780438,2.47108724578273,2.70639976944278,2.94230870598937,3.26777347108065,3.04162904900656,2.56844940712113,2.72472288681585,2.79142212832618,3.2296493436672,2.75413270318514,3.17823817260105,2.47179299662147,2.34458766200831 +AC114588.1,4.40322108390743,4.01956651071736,4.36284394072445,4.03010778100254,3.84265260762499,3.91784342057917,3.94431854886829,4.3259338068319,4.30983544209892,4.06846992651604,3.74657783611679,3.96039197066658,4.38808096769881,4.0671044799091,4.19498396983737,4.10576913933102,3.94636124523252,4.10232608122689,3.82620578914566,4.32251220058904,4.01795171186243,4.1143780251926,4.01542442357484,3.95837928267755 +AC113287.1,6.60899023791797,6.2393762602936,6.89438570560506,6.52155753986192,6.29780289191391,6.40143446801801,6.40049428019149,6.51464058553755,6.49575078624929,6.7104377343048,6.48055029247517,6.45540746011011,6.84043185978044,6.29152704943281,6.89298885508014,6.947464752068,6.66169529847384,6.84336734979103,6.45427142298695,6.6778391289224,6.91361935669083,6.875526874804,6.83783214533607,6.58803747849935 +PRICKLE4,-1.33644320868595,-0.498391669484431,-0.510645730513202,-0.503573742165007,-1.28661169628548,-1.58500966743124,-0.672414862390158,-0.406483576449201,-1.35993775692608,-1.51112732964209,-1.42560785857499,-1.30759190922499,-0.558387827254581,-1.61335930912871,-1.70857526225799,-0.520085134566664,-1.40002609478327,-1.26054856851683,-1.18389249705428,-0.879494613891024,-0.805372408816258,-0.348123822208357,-0.795114239119496,-1.69893902403831 +Gm7694,-0.888829672730125,-0.336700173126052,-0.644403733708821,-1.26256716669862,0.154608136096131,0.250896818017815,0.0872061445825449,-0.334423011060122,-0.804082675798235,-0.432671413406775,-0.325874935686674,-0.173611561265724,-4.29988484855936,-2.73985045025808,-3.3067454341563,-3.12568806575383,-2.73398539546732,-2.39739256933495,-2.56556909274331,-3.21142108717634,-2.7022292404385,-3.7220999715136,-3.2846731640138,-2.61333180615018 +AC140392.1,1.50247577203062,1.59798920270007,1.70559472350613,1.32773658970716,0.934977267706277,1.03035605677518,1.51162411728865,1.71156858498468,1.06463585478312,1.23161126902554,0.91413877783118,1.66847142286236,2.72981340144034,1.54539514524082,2.66593618887888,1.97536926679135,2.02455055609882,2.30356758785311,2.26596788203322,2.04518893815537,2.52226224563363,1.9371279145598,2.42224799544364,2.28747476587002 +RP24-170A20.3,1.99505051873903,2.02870900250346,2.02382041947316,1.95729733628571,1.90965363827521,1.88601763203479,2.07118027777279,2.02634940659779,2.16251918755434,2.01564029347389,1.84086733436211,2.0727247907654,2.2585314371212,2.17867520204365,2.30855331388711,2.23518924569985,1.97557278120746,1.84089493937104,2.15443608988823,2.0791930034812,2.21075655373306,2.17056959749412,2.10505835146181,2.19691946265206 +Zfp960,0.072206239563376,0.588962017729372,0.788659843480952,-0.138486105500016,0.0798474446867126,-0.256697116901898,0.059568909196803,0.569486007417343,0.707776333612496,0.82640053022382,0.424195506119234,0.349644611983868,0.222159010810671,-0.0041141095908157,0.602592727508474,-0.0146285484138846,-1.10042769466498,-0.660923263774023,-0.331607837103151,0.634563417382391,0.148001165462762,0.203092535989391,-0.0482299495609724,0.170348842744542 +Psmb9,0.767448453844831,0.942014280804358,1.28512540500787,1.16416625633402,0.731757277587139,0.348291519691606,0.366739499595234,0.855294424516939,0.91865810023946,1.2173987873701,0.816074155470253,0.686884888550534,0.526706618511607,0.77513082204092,0.731104360118473,1.23817062816457,0.739355112530033,0.284962089652953,0.705990574443874,0.816096560831619,0.370313651548952,1.15540271780156,0.577674616664878,0.231758217128495 +RP23-377G8.1,-1.25727158162911,-0.983935836949071,-1.27112063651552,-0.926791392171693,-0.326393538355141,0.20738529317274,-0.477014189024858,-1.11015670587626,-1.57117463285305,-1.26581723134962,-0.602539135180826,-0.980690359664495,-0.998382630532834,-1.89597514815733,-1.72583971995191,-0.942533623855581,-0.109400446429178,-0.832672866882957,-0.312355527074849,-1.73148696455095,-0.69773762595087,-1.59502551065682,-0.687580472572119,-0.3758177324357 +SLC12A6,3.40635586417348,3.69891770241531,3.43560568172959,3.47209235980876,3.64442751673959,3.58021577262747,3.43381819886232,3.68613621747849,3.52326710077477,3.48885842078452,3.59726305900811,3.64777279835451,2.83286490512359,3.39867189710488,3.00777438437463,3.21131981138119,3.21377905267391,3.08484712087563,3.01870296391693,3.22072146324911,2.87842914795347,3.12272678810551,3.07654149621743,3.26240889567446 +ERDR1,0.249450695561195,0.742999214912569,-1.16157943962926,1.20316967962367,1.45907438593461,1.05126479253899,1.60772803273769,-0.275068163138607,0.311618790214081,1.23783010489953,1.27015176017169,0.265955780498169,-1.89308467910997,0.828328113931654,-0.732508817161054,-0.0975337763681999,0.532125127366032,0.165310659981186,0.990051792187243,-1.88551599496785,0.574185861233204,0.451029148653803,1.19834583976903,0.507560973345744 +Tmem181c-ps,0.575358345268994,0.771515829195054,-0.0553522099288541,0.492938459345125,1.11473487155424,1.52689510803071,1.44645798531998,-0.17597015355413,-0.501579447672462,-0.145099821377534,1.63996948153192,1.02000482564212,0.925089543812003,1.24507801108618,-1.12016357442218,0.870684066967409,2.06902598377585,1.09079930746188,2.04635201325715,-0.411554514780324,0.487508523148992,0.774850987583775,2.16331202801841,1.9338924983886 +ZFP873,0.0832622159858987,0.423303095755155,0.562031773973467,-0.415024207599749,-0.213934191798809,0.43079033988007,-0.27557950676265,0.298583985826501,-0.138640212257448,0.211391200922017,0.100609862893175,0.426695579235854,0.387665214825635,-0.242215058876774,0.684649907473964,-0.955413594594965,-0.147229743630079,0.370054749900807,-0.568731957766224,0.193182890595644,0.563079057924823,-0.527258364560845,-0.182891649356093,0.248042370079801 +Hist1h2bm,2.60292447702002,2.37029752244288,3.496241206111,3.29647291084011,1.93952829802389,2.1971170105439,2.37155358929375,3.23639068384297,3.40501503707369,2.99086948672207,2.20481373715736,2.49814216278471,3.38313331022542,2.99554676928741,2.9720599248041,2.98042259584722,1.59182031850863,3.3251541599348,3.04212414777047,3.92433636991597,3.77693234502266,3.46950772016617,2.58194620259387,2.25117258415673 +AC113480.1,9.25727867400795,8.62198802459978,9.08536884280926,9.08806305331357,8.84416633052166,8.94800984666302,8.66666342289519,9.09314969559125,9.2254207908712,9.33727544791556,8.78760510437684,9.10369589620009,9.12360679230287,8.797323394833,9.16636360787694,8.78090695486687,8.13602334882628,8.76709809522586,8.34955362260036,9.10098228648857,9.11924316439059,8.93043535543358,8.46276177408681,8.67240055196486 +Tmem151b,1.01689923460287,1.44892294971652,1.20388069780033,1.02192082646968,0.930150317914053,0.660211900933205,1.17296570671765,1.26617996632063,1.18090765459995,0.77816634288952,0.608568478614518,1.02842353245776,1.63825410058111,1.68953474633633,2.27147925980112,1.84565941315255,0.902082622600271,1.48984425813656,1.50632052134193,1.60653593508352,1.57872053650877,1.90875117929572,0.865631873555942,1.1511375274742 +Zfp955b,2.02639664000465,2.23071295402223,1.94554229435176,2.17704041495817,2.33820881817823,2.12258211033757,2.0132076759312,2.13879517991426,2.14965001607733,1.87579328086433,2.04163913996368,2.1491067167495,2.06322869243271,1.81142648589887,2.13243096823318,2.11922557379279,2.21096022008154,1.79872513256869,1.55240212656092,2.12829011101571,2.10539642005833,1.77873883343346,1.99074867669293,2.23278767950543 +Gm4636,1.76536189886931,1.99729042416241,1.61610969010267,1.56644328962621,1.24175949775476,0.831725602897419,1.35046299562937,1.69558646583867,1.6881186226464,2.00542451939778,1.28632768016132,1.29644844923232,0.939972210032186,1.16627160131889,1.00071858395975,0.898638131588064,0.882251496566695,0.881993059741564,0.793436492911129,1.03645182162212,0.775439266355811,0.521526585808795,0.522722381753856,0.858516679047681 +AC130841.1,-0.804233894927482,-1.3978604770246,-0.984221421049527,-0.639892176705701,-1.03179898450355,-0.665921325436247,-0.667254594220153,-1.12033815150386,-1.08402044917421,-1.78167278025638,-0.72587084064052,-0.543269463011731,-0.366381404067966,-0.782683249604978,-1.06106563544149,-1.15851050883037,-0.867816781024808,-1.05451240174313,-0.753189006814579,-0.794033330593645,-0.56305149931946,-1.06772655528905,-0.474839803602505,-1.16672971027985 +mmu-mir-29b-2,1.26456893613076,2.12985644141453,1.32233199923224,1.87301922297891,2.68898576665028,2.40941209969456,2.20560626408438,1.88194036946559,1.52171670387532,1.52588734004629,2.42080392149094,1.98806606779108,1.83724292838312,2.54063317445139,2.0256003702554,2.25152809673805,3.37780007209255,2.31358596346255,2.93488316779039,2.05100185920499,2.25577296189897,2.40009920156521,3.1463483453648,2.97435796829283 +AC137525.1,1.77947821635823,2.18030575208356,2.12884078726374,2.21650753577194,1.56538772081892,1.18325738630845,1.22308680204579,2.07485015656797,1.56847817256575,2.20753323522125,1.89871326710671,1.75131554141709,2.42289271251011,2.45999470492751,2.43143403734598,2.37115103422041,2.22080533052295,1.99747173024378,2.45841687596972,3.00055944456214,2.43651216924892,2.54930214437599,1.77929051247522,2.19867410250067 +AC113484.1,-1.5848738692079,-0.767682588466662,-0.405130597884779,-1.17070227659436,0.0976664582012918,0.0796646044214191,-0.161780086393953,-0.825024607292247,-1.76667887938002,-1.59233032498683,-0.0119317352768902,-0.968250367307784,-1.44605091906743,-1.77990384260279,-1.40129465750641,-1.51031734735849,-0.127159869458529,-1.46080004856457,-0.46234072802626,-2.13308167649201,-1.54626157016354,-2.25155094255852,-0.363675397347241,-2.14685797621817 +Rps19-ps6,6.36381177404978,5.31329781112668,6.3816614834327,6.25865663315727,6.12639838880921,5.98045580133073,5.7430068062205,6.30046012949625,6.24955207842172,6.24670991439074,6.00971624009073,6.04598738011111,5.54864474863065,5.27627165385471,5.94521414857209,5.21003912960213,5.08667017642679,5.31710728232839,5.14325956061732,5.45076016197139,5.40297245718448,5.37041861395628,4.85938298925292,4.85963873880804 +RP23-155H5.3,0.74448952024638,1.80506255303514,0.377270898958647,1.50813215652041,1.41403868239345,1.35211640209325,1.67141079420961,0.620526625445409,1.04716187506759,1.39686745244382,1.64236178572946,1.60169082550742,0.176338559103653,0.743277276002723,-0.0662820787588545,0.619322546571317,0.873049280095824,0.280754301319001,1.42672193509407,-0.575937916116896,0.357024830848187,0.540567031933005,0.401744134841183,0.70532140522734 +CT572998.1,0.35339190411869,1.19675861135292,-0.253541802768692,0.727269812531561,1.10772767158616,0.83546759162921,0.994578566868069,-0.0371926864467609,0.683896310470733,0.797742760766713,0.693471681970614,0.61646501189367,-0.048015573052032,0.30177820307883,-0.942047432390188,0.36216179528964,0.310364966308207,0.34999311210499,0.505226999758602,-0.881549884648645,0.241055066035178,-0.181335553926207,0.612068771397833,0.590830385264017 +AC137123.1,3.3213808420252,3.07267641717698,3.70158571504205,2.99825164863232,2.58742920870616,2.71387605854629,2.38475556136167,2.96506209048661,3.24850381309173,2.91587059034955,2.33402676177911,2.53568326908802,3.3019713873085,2.88546776335676,3.18963772393492,2.81842957752018,2.53004670281495,3.14431110778426,2.80286704343308,3.48619041682177,3.03346396001451,2.50592630168831,2.55670670485212,2.85105508417431 +AC124475.1,0.508777819202977,0.906476148491633,1.02856101985257,-0.0084282097851303,0.692643711782929,0.497598255672197,0.450982660178154,1.22048901619472,0.438570825065326,0.0300793657772945,0.294994196271225,0.981774146866131,0.204648495626937,0.665485854745234,0.377599831348965,0.21280767452362,0.848640467555435,0.914651457798701,0.757790340136224,0.489608243721027,0.15590929289204,0.250208255434613,0.297612394959617,0.93195935988278 +RP23-175C13.6,-1.45361909026563,-0.560042154647738,-0.765449202803043,-1.19702143178313,1.08233413188001,1.45567294446488,-0.263238059678935,0.0014903032653056,-0.527114321396815,-1.071314037719,0.615605380461059,-0.723497255339626,-1.55072545277531,-2.05549520299463,-2.04765508905439,-0.815202600173117,0.154751208640107,-0.954098616239264,-0.128665114935352,-2.62804749293492,-1.29469058772592,-2.62804749293492,-0.281857099964867,-0.340274531990162 +AL672276.1,1.55861487529963,1.59823708145203,1.92430140502844,1.98306466180112,1.62295792899169,0.8510988993212,1.24817105719585,1.02445786481243,1.23659174480606,2.05612462231589,1.33759165160952,0.873426700708522,1.6995661498979,1.82025095496284,2.08266849892613,1.37890712440485,1.071121049257,1.59902236489933,1.16427741030468,2.01136576049555,1.93583794433168,2.07539514815464,0.0001293805233407,1.43253392793772 +AC154486.1,0.596447006453579,0.402705588607013,0.103303829219235,0.437958569720274,1.48930329596126,0.826422862936605,0.410131316932115,0.859010519550611,0.571880863340168,-0.32075747618463,0.784217062538333,0.96378701437842,0.168046020351916,0.0968461858137801,0.0246315853382471,0.675833370707657,0.85799597222533,0.151190180660397,0.649758165881687,-0.140821144491841,0.316477936099298,0.19803833334242,0.680873443560706,0.79061091844905 +AC163623.1,-0.0185737849654677,0.172000106351125,1.06358289438471,1.12059086027305,-0.0860217101085767,-0.0376070317773942,0.370099997691967,0.545983790737048,1.30634278486885,1.01506518703785,-0.0556016727754802,-0.0642756650883498,0.198321225882883,-0.267935992176424,0.246817129002979,0.611736020840028,-0.0607088862860259,-0.476283840582981,-0.39661020630272,-0.439460717011217,0.58469992453949,0.48309733877121,-0.436863647180892,0.0591118841869183 +AL593853.1,0.606380678652565,0.955412811382342,1.2555245539971,0.913108981789125,0.805022544505776,1.01695558768288,0.986427889899324,0.943355399342473,0.375127941947183,0.508919670671771,0.810993518816183,0.958793950337813,0.906090991346458,0.0454834431607754,0.612385027047206,0.111201420968563,0.672890513583623,0.580859787114052,0.569781336602349,1.05798020805108,0.0932886963501879,0.605337443874702,0.863728513169985,0.680606707844117 +AC122487.1,-0.394702873631004,-0.634533520371778,-0.619985942157125,-0.0492302767830297,-0.322811722487439,-0.783928027088225,-0.288619440552205,-0.179381103790401,-0.139914357891707,-0.403685919929073,-0.663367739529219,0.0008441197844411,-0.554662889094209,-1.01864689425894,-1.11386284738822,-0.952928916451152,-0.391239823836093,0.134868569542936,-1.34463922020169,-0.535948521770475,-0.583134099379809,-0.618988000965037,-0.490514751505493,-1.5735720986999 +AC127433.1,-2.07951693941209,-1.83818860578292,-0.593234606458833,-1.55308622542456,-1.44283453990907,-1.05865551118539,-0.39726575601966,-0.608272904109863,-1.38932106410884,-1.28421863081825,-0.350414499391109,-1.98436070426977,-0.160218653568251,0.0793051453486611,-0.113842884582448,-0.508996679645731,-0.5577869317688,0.0223905081262938,-0.330756926543486,-0.140522585502177,-0.28268974773801,-0.49003910020334,0.49734730708545,-0.0572200197060488 +AC163357.1,0.892227955836793,1.47797927296905,0.7012420453816,1.09172578588502,1.45672495468657,1.13075101125534,1.41578606019547,0.917194547308084,1.15952003452645,0.882760322413631,1.72404944717237,1.45776345007394,1.10386971342919,1.31147614023982,1.15382824917492,1.03114731658237,1.00538998251707,1.12224752016362,0.737643608390601,1.08630711829634,1.97903125433814,1.5122067908557,1.63513473095005,1.27788693861278 +AC172623.1,-0.368000908792002,-0.975238745042857,-1.08002794393589,-0.523469625222508,-0.820701760783658,-0.767747037485447,-0.408243395931117,-0.721512371096863,-0.907248884817325,-0.569935072921077,-0.650643293456239,-0.274581769190468,-0.460381617279297,-0.302476044378972,-2.16265716262265,-0.78896572505457,-1.35407784401533,-0.557039561698281,-0.474250663806007,-1.1082516702778,-0.548035425333356,-0.742579948389803,-0.33068142795279,-0.316119200285149 +AC122821.1,-2.02498342024264,-1.28199169735357,-1.0898619545362,-1.62532236527637,-1.50657319998056,-1.56011700624105,-2.22409659061938,-2.28932573584547,-2.04804680760862,-1.67232482193877,-2.13757827930771,-1.27862280365954,-3.39025759855592,-2.02926233298123,-4.22409459790308,-1.60782198545212,-2.50546497826212,-3.73723795958499,-2.30510462378404,-3.37703518584108,-2.4673405243708,-2.12233760936857,-2.9754498827296,-2.88855162851976 +AC134615.1,1.61370503419627,1.73128637331651,1.93073210293286,1.75181158077816,1.83152378587774,1.84112526742637,1.5706307940445,1.98712888211499,1.62231989727376,1.69101209040823,1.77547424046812,1.51864718327699,1.28227404077177,1.70829053318844,1.50430866365989,1.40688729656758,1.42791277579952,1.49790778954765,1.65008561576852,1.41506888904444,1.26640415454406,1.51072270762413,1.59055037601896,1.49691054440118 +AC170188.1,0.635670902707141,1.1892799837419,1.63102441800437,0.886510171642595,0.92989963273012,1.02645457511419,1.4650120858905,1.28226870428326,1.37929789876036,1.47437870678764,1.18100566072932,1.1690641608468,1.59893671749804,1.74208323499537,1.69493533102545,1.43278183441823,1.3809850054368,1.74338135682918,1.62113394623982,1.35978913237686,1.79728174703771,1.24815681900682,1.29830784409257,1.3124146786863 +AC156618.1,0.310687361856045,0.930686147146739,-0.0873529181768211,0.73513714835753,0.444906356971669,0.391362550711178,0.851582776233191,0.0736110124624351,0.286697115776909,0.567791513066519,0.247989592941823,0.203077358674203,-1.16584316918062,0.114185253267727,0.0419706527921944,0.241234094483116,-0.0702087432563512,-0.285108487038102,-0.686027008881627,-0.0058901640171421,0.251231302381595,-0.28605640650749,0.633963577511674,0.083696727345365 +AC126552.1,-1.25260829228623,-1.25542657946589,-1.23407262775507,-0.962991655329436,-0.900549839285901,-0.83772631692965,-0.612027182825243,-1.13024454374411,-1.61466662254575,-1.13043078842606,-0.863422874195666,-0.798361226703915,-4.62323144066269,-4.6876473575922,-5.26019964753248,-3.44735475477068,-4.6847371846629,-4.63005797530515,-4.14676033517746,-3.55845117348757,-4.25066936268177,-3.68962828253821,-4.66507822348843,-4.1833439831364 +AC140326.1,0.831349930719213,1.9598631675011,0.673848628136219,1.60923763484013,2.52776025984959,2.39319234678099,2.48841092589546,0.306922661480389,1.32790006971105,1.71177490828902,2.44839987483288,1.79743976412737,0.326278885537504,1.3949539469381,-0.121745565133889,0.993263968679073,2.0756245140606,1.36568255963513,1.57399759464892,-0.61283640642252,0.355950817239573,1.45473477565713,1.80069594817307,1.9527505638064 +AC087229.1,1.75122146335763,1.44162870861521,1.98869655897463,1.76757431432066,1.25433648158348,1.7028002120531,1.26628895238086,1.67198981573488,1.68878278279026,2.47287103743901,1.4598004485928,1.28856443774653,2.01919063047561,1.42667558908615,1.94142871026555,1.53384468063561,1.63390269497654,2.18943832203706,1.95718098174935,1.77439444401964,2.0821570576906,1.93396171875036,1.77937048889142,2.20694476496492 +AC142103.1,1.95005709054895,1.83502180192703,2.03353634089842,0.748572920577452,1.06685420325791,1.88274960592189,1.87497753831602,1.98470383230618,1.9839836099685,0.770751329423907,0.662594256642634,1.83851038996829,2.53887662434864,2.68961507484494,2.05174258698422,1.33217474736537,1.00497378435377,1.85014210322897,2.09440614430467,2.78253276187457,1.86601999246794,1.52529171798741,1.25131835460189,1.90954068207215 +AC158662.2,1.81680443507092,1.95213281429364,1.31995878897131,2.34019814033574,2.7922813944791,2.31127108774301,2.58511125641734,0.985230626661611,1.83757623418757,2.31329758026034,2.54024522202601,2.68517003241127,1.60220007442288,2.71658454151984,1.68963015819139,2.56995047701169,2.87629322467526,2.04195205860499,2.75484678801811,1.82821223143905,2.43786610365492,2.54109341748659,2.78346688360926,2.77667050477549 +AL732311.1,1.56404930095872,2.35628772318632,2.75269001804009,2.2928217961664,1.93481833527636,1.46242166333437,1.81545190222136,1.91275231759957,2.22927478947514,2.36118169499,1.87556114248712,1.84035235076898,1.182636574073,1.23143023807106,0.847410239505512,1.1453067114313,1.75192111414693,0.819911846777297,1.3813618380072,1.08701411398878,1.52540017223052,1.04410361942953,1.57590984793527,1.00418622995224 +AC140457.2,2.36700470796571,2.72961419470334,2.28114054430768,2.26012539588198,2.76797904585352,2.81052265091283,2.70331004302389,2.77704570191507,2.32732376508838,2.09260699954954,2.55676264553379,2.92143108546213,3.89297590073051,4.02567103853786,3.48608652296204,3.76765975766422,3.38251043782166,3.8494438392455,3.66507682473857,4.16397939121152,4.08669115441755,3.58209976088264,3.55104762110216,3.86762249773265 +CT010439.1,4.29454297097507,3.93729710917043,4.70332176979688,4.30170846493653,3.70285022038175,4.02193052744947,3.89753975548695,4.52058686749579,4.55384015015592,4.38642949569766,3.69806707648941,4.12996896789376,4.14131329789087,3.92929373512905,4.50726928081545,4.02257458995305,3.60482580765202,4.19949020106886,3.68865337363614,4.45335010705643,4.42180215044919,4.20726290926648,3.76154254382007,3.6133370332374 +AC118255.2,-1.64562612795207,-1.83194367576355,-2.26336094802245,-1.76481859483569,-1.28760699132109,-1.58120134318094,-0.817327660566804,-0.653554919286248,-1.79901584251263,-1.35035997795004,-1.04347161116318,-1.54496589845441,-1.07098526429738,-1.34621452902857,-0.911976534073247,-2.7257522312452,-0.677664375749658,-1.99745673482633,-1.01245387523845,-1.17042364625725,-0.359031138331259,-0.918866979417161,-1.06661428641825,-1.07174707387845 +AC099934.1,1.75973051078864,2.23735233199459,2.08500964289065,2.08196604469806,1.93283110862406,1.7789449932106,2.08290680738999,1.58900672688262,1.91703592609951,1.80128555199478,2.19478696899678,1.84350626225026,1.9609360264863,2.26807165559843,1.99610505235363,1.85415773855965,2.28744708646587,2.05777116284146,2.53133017001638,1.71793603209052,2.04132183501901,2.01435137517755,2.0908771852273,2.15684135285947 +AL663030.1,2.66011483876913,2.20589020926149,2.78287091878039,2.69729026816406,2.53483613249988,2.98340930648413,2.94241443321643,2.42483656325503,2.78921966168235,2.6908602815679,2.61804274827364,2.435349168237,3.07424521614745,2.64842771358705,2.78686396761742,2.55340827656991,2.14283169947787,2.94990781470784,2.34405323252113,2.52783755796314,2.1534540264052,2.31170043426777,2.45074731260969,2.85371224904922 +ENSMUSG00000055283,0.814089716816278,1.05647740479348,0.87780546627049,0.230868973234116,0.812445944612448,-0.144348606890324,0.134325690210816,0.781061368562822,0.320124183117311,0.0145392254631632,0.804976807084041,-0.0602862324709411,1.6878930664264,1.57035581183719,2.18808673973815,2.01333366106703,1.27246628214286,1.49883683128632,1.30235734024059,1.83160266859946,1.6244878642933,2.0080353885475,1.12454684738266,1.19260597240688 +AC133646.1,0.214954480791661,0.521195505536634,0.719710044508017,0.231188769568703,0.355528567290255,-0.0350390499553783,0.740193378719894,0.415319316148972,0.307017657743282,0.454531712295096,-0.182685296789697,0.524684093577895,0.895066076163581,0.646614136393737,1.06640815421283,0.961490079316954,0.689769605716298,1.00549586216147,0.890991138759562,0.184503624215633,0.802334357508271,0.858638340506195,0.675457349773905,0.715004359726314 +AL627184.1,-1.09429147452782,-0.517438222874388,-0.72313482054885,-2.05127708603658,-0.675372403199081,-0.343164152082494,-0.430263128232034,-0.531941784502043,-1.04156307618417,-1.49034449120373,-1.01592842024086,-1.06544017506687,-0.656438983668307,-0.120840111672776,-0.660054492415981,-0.346347929518129,0.0205429696950503,-0.162883872963085,0.254152844487889,0.0279329384795675,-0.49901565158495,-1.47298248898054,-0.620206602955309,-0.819487189895528 +AC123724.1,1.2930898234447,1.94909153054709,1.6523974342494,0.706284435541383,0.642885264850258,1.07066630024836,1.10677413392324,1.65477795232816,1.88174116342914,1.69350973985838,1.00038379511532,1.23279565816855,2.291761262925,1.92019633324791,2.36771915791949,2.26825040505289,1.96914037434513,1.85628581211148,1.78468460205564,2.11810864030166,2.27068098224973,2.05373004522051,1.98413156078669,1.92110553446154 +AC207128.2,0.922685137373351,0.825779177299443,1.40831921178436,1.00840190487419,0.428277659976385,0.288521177392938,0.518651008022442,1.27258935775846,1.60311576996487,0.944646149682109,0.382651886516739,0.390978306585721,0.785028715000315,0.271817704404357,0.432556717713136,0.784233892180703,0.843703135171794,1.15593126818824,0.506448145335356,0.570073934192743,0.479151587533117,0.628306483582524,0.975794645107609,0.846727254437894 +CT030159.1,0.346754586610134,1.92639557396955,0.942914382488518,1.35317854599184,1.24986253516322,1.03198827685576,1.37563087590364,2.04809373381637,1.53145819381564,1.1781153578464,1.79532985954115,1.45743867215443,1.01270113361561,2.01857370914064,1.5944045141512,1.69789955357174,0.554638789216454,1.34411866045668,1.16254657724735,2.51814773292338,1.59948264605414,1.12767329212588,0.439025509728619,0.60854614464067 +AC107704.2,-0.0561843476599539,-0.569131904174433,-0.863196595957528,-0.217770091562315,0.376766426949134,0.323222620688644,0.0889948091860475,1.04431446264533,-0.351947568176821,-0.371558338753217,0.179849662919288,0.0533459773836447,-1.50691797162623,-1.14051772502217,0.066825105123574,-0.667153212472998,-0.138348673278886,-0.647924290945801,-0.754166938904161,-0.790406105470183,-0.320335862879682,-0.238997982438878,0.0120090788961702,-1.00521200159007 +AC163677.1,2.71155646959531,2.82231945751576,2.78932174675297,2.49871190043519,2.48110483876316,2.49756038022314,2.47224142347823,2.75083771656021,2.7244728456257,2.3597446285014,2.35758469672798,2.61537134539153,2.28400778467349,2.16121382289463,2.33304496413518,2.25818895636658,2.33503311504076,2.34748351217902,2.0548938554961,2.10178023770674,2.46358329385181,2.2321223410358,2.19686950265898,2.44372875064884 +AC131759.1,-0.479265937100149,-0.671687032460389,0.335699248831759,-1.2531295279474,-0.647487178610501,-0.945885149756266,-0.709132493574341,-0.259846633960818,-0.437463540831136,-1.09337170768688,-0.541963706014371,-0.509652929320218,-1.19923146402526,-0.675768045688466,-1.48372190885945,-1.210441634176,-1.08186667202678,-1.74046846456316,-1.47598030783782,-0.795843462973336,-1.45823793216783,-1.20121109127431,-1.44944191641919,-1.05981450636334 +AL731663.1,-2.07654860846785,-2.05969402107112,-2.11660525289677,-1.96575819896869,-2.49103685453951,-2.35990540949347,-1.95077717460449,-1.64566435944618,-2.36828056328982,-2.11064581814566,-2.09120588048598,-2.16470252202598,-1.86803995258213,-1.60041206925833,-1.57729262066798,-1.97157299828056,-1.90845849918594,-1.7285321054353,-2.25785802895365,-1.76640244430289,-1.78841565489253,-1.90166105574575,-2.01215999675619,-1.54586921851248 +AL833775.3,0.109137303756821,1.05391899766762,1.28319156446173,1.1159493949779,0.991432058140127,0.62065951088443,0.194849880103688,0.916129244435773,0.556252985328681,0.198143627188323,0.337143719636094,0.118975532995515,-0.0048048700020124,0.309453639203588,0.224687503798557,0.801606475264264,0.639187101926485,0.302207569555539,0.323503119948541,-0.406115689470087,0.642289308852843,0.423641641892978,0.372417814155828,-0.0056107994596834 +AC115727.1,-0.677517515357231,-0.204519633487871,-0.423614616085812,-0.563250045506701,0.507295439920222,0.81251568221795,-0.217779768297081,-0.328484465259621,-0.468540968933156,-0.289572505655183,0.147061027707402,-0.0143340378768708,0.141370111976527,0.521441857055351,-0.404535932808058,-0.0329963554118635,1.14853286659941,0.658568756856064,1.00712374666544,-0.568493028405274,0.016216110887181,0.429921448244052,0.686440840722118,0.983378838682284 +AC120136.1,0.858113988802023,1.00840472122904,0.782833351659902,0.030091521140756,0.719032333037905,0.742709026621332,0.376841272350468,0.471561280592351,0.992069385666691,0.625441261820459,0.135832476960743,1.05072335832297,1.65069683522352,1.1968094275571,2.18769054529298,1.98717127302599,1.81770180488585,2.1625981743534,1.72558384376827,2.40005813948317,1.97492018963392,1.18468840908285,1.61308093857082,2.25801935209688 +AC158975.1,2.8330870882435,2.64902710684712,2.75922008381261,2.54560708801256,2.78530969958761,3.02995247876955,2.53555247707193,3.00163099906322,2.58186222284298,1.93063105567626,2.5210275573927,2.77115191447202,2.78731634694428,2.62443860022464,3.04597668386255,2.67454723265578,2.98816066243622,3.16387788323421,3.03588746927141,2.76187047295387,2.63465742773348,2.4744054285054,2.86985600856239,3.0555268572827 +AC140071.1,0.249034121345632,0.292463034412339,-0.331378183922785,0.446240440929678,1.20566193301239,1.30104072208128,0.171043715412814,0.642326913371926,-0.0584415619435332,0.565414448566428,1.28855292068852,0.425910286982756,-0.536859786717684,0.569985115434111,-1.40478128238041,-0.389223627606286,1.20173990612109,-0.0597996450738815,0.301415042915076,-0.675300867860871,-0.505595051839068,-0.0924350900709855,0.133610654710691,0.476861060575682 +AC102739.1,0.805141726578918,1.3349796067923,0.986549060231674,1.20971900586954,1.07031249793222,0.681420481788408,0.727291086781352,0.967410888916216,0.930175350574671,1.1000939675695,0.756710741677824,0.755807800638044,1.58438033667749,1.5418690660792,0.935107963067064,1.45812695386103,1.55045582930857,1.17364520325621,0.806539563762526,1.62918279333758,1.35555782848202,1.55728421346495,1.04422084929989,1.6317738623478 +RP23-268C9.3,-1.42265419464121,-0.792158262719586,-2.30850363438937,-1.17488674352573,-1.06463505801024,-0.979901486708572,-0.222533915552762,-1.04743928453965,-1.21137655042285,-1.70877391329217,-1.01006835826398,-1.08469395561313,-1.98981280508912,-1.12324259571771,-1.36604163752171,-1.08561164186616,-1.00077610009509,-2.00302820404422,-1.71016987211135,-1.74484520867854,-1.07616556876565,-1.5238557564215,-1.84793996168588,-1.563176332847 +AC125223.2,-0.921951254210858,-0.658715944137076,-1.91987251153436,-1.33242576511681,0.645677491947646,0.30864881741362,-0.44755415701014,-0.875811627599654,-1.37164199139676,-1.0216105782173,-0.207022096909056,-0.105594060389356,-1.40401700347795,-1.38803287388062,-1.64683566951338,-1.57780531791362,0.230454383482406,-1.42087284316947,-0.655845489651287,-1.98143133345858,-0.901491660395719,-1.13994358190598,-0.556230847689585,-1.50570536393845 +AC130210.1,3.44860724653089,3.44137081359391,3.86181352652791,3.74673428226138,2.5967926243996,3.06901959954706,2.95879433751831,3.66020346372834,3.3491949798162,3.39041901651937,3.21438581131638,3.12420528671161,3.57622033189261,3.27504954822527,3.86150510547628,3.27045906669372,2.80484917668989,3.55771221980164,2.44686718213276,3.53740242199867,3.87191353035897,3.54790128338962,2.67356849941138,2.83458529819962 +AC153506.1,2.46703687849725,2.82545146014223,3.21781156809852,2.62162700847242,1.94665713819504,2.30100863549089,2.21947494612385,3.15441641400601,3.00023664127645,2.71837326176569,1.9587317329028,2.38195413843696,2.48827276713431,2.5923545638264,2.74696883678853,2.60394688220193,1.82917476723348,2.50242095884581,2.08281188755857,2.85408686370838,2.65395097810886,2.57485514365666,1.97815319192432,2.0786171886225 +AC163747.1,-1.51396036806294,-0.442283981625342,0.328378315204905,0.0997267077640425,-0.714760776915994,-0.523155743262844,-0.746712388481411,-0.936172685431446,-0.121605596689199,0.0936961582522624,-0.660194077169737,-0.734819674518888,-1.63993852399488,-2.34575837947518,-1.75129501554604,-2.62370434772724,-1.17944265429123,-1.22736935577567,-1.59278704382959,-2.23863903826261,-0.989956322232835,-1.75653143465136,-1.7218934877345,-2.25024713524955 +AC140190.1,0.634389597671498,0.750125448978427,1.05102856360613,0.296748728511389,0.464488481883192,0.26944302577246,0.0263001003411663,0.568288811116659,0.60893021300423,1.0011222100255,0.787379196382365,1.0097089221839,1.12185926319584,0.612137237755958,0.20598563952777,0.280237336109732,0.398368445397851,0.641862781122585,0.812323581006162,0.4857906494945,0.393914023653028,1.02110595803919,0.756335428717728,0.412368114782538 +AC101790.1,0.281561619500574,0.142754741112468,0.38413372480628,0.409295947280979,-0.198673584822181,-0.443578203018326,-0.233505033373765,0.624314872971415,-0.482450995604446,-0.141944683514455,0.403921610346448,0.0991674011400829,0.20700971050958,0.524424926574813,0.468990409085573,0.623124786472579,0.285171860772232,0.134293217574837,0.0986158479030241,1.0919501333117,0.417402036807326,-0.0639896375488076,-0.491090103473592,0.259029319493429 +CT030259.1,-2.43781927443818,-1.71886021182646,-2.18350086041298,-2.42482245639696,-2.49129026886828,-1.8318294909037,-2.1698824759087,-2.3085951667152,-2.45793014874754,-2.12549255036167,-2.22219638360169,-2.05849578206848,-1.58451514791145,-1.27688801127103,-1.96529073971566,-2.88490353119561,-1.73727791702002,-1.39194220471908,-1.91409651966524,-1.01088825009328,-1.81266738569057,-1.34509405203706,-1.58014417003232,-0.519347992096114 +AC117663.1,1.11518669477288,1.22976813523649,0.996434598119241,1.35755099045979,1.37391735355141,0.921764442391825,1.49280970033161,0.84791104702182,1.2072498717245,1.18513830714413,1.55936546363196,1.27365755067682,0.446232926965267,0.192187765269,0.382700824812767,0.606976146357989,0.591379701944596,0.340700478705641,1.18338336451974,0.627585714741419,0.148365027220064,0.375699808969181,1.20752251230949,0.35691952025886 +CT030736.1,2.25636371995171,2.34615510768791,2.18789702821612,1.91915659329263,2.18543955673127,2.22408899728329,1.92716877577064,2.62324807109869,2.3833797212823,2.12320531227871,1.53655624905546,1.90397255347062,2.50610500594205,2.99992853385014,2.80346753620033,2.45000849154847,2.24828508310148,2.20098481123886,2.24468069887924,3.22136898096482,2.72512742148016,2.63089041929859,2.16871256179798,2.38768519991607 +AC025794.1,3.56042189756414,4.09970148740271,3.48655628641456,4.19794432708162,4.13235946879652,3.39731844525325,4.01394507492454,3.40081876121794,3.88332661561448,4.04258123221223,3.87480393049591,3.86705565631589,2.83591383324609,3.31815638869531,2.27522824372718,3.35492959733031,3.16460359074962,2.85344334779881,3.04425218208009,2.17923664231104,3.22748831575729,2.87167618399822,3.10937274046673,3.09831330625093 +AC122546.1,-1.69259672750859,-1.31624088005573,-1.019045468178,-1.06201490256485,-0.440218490355731,-1.86374075742575,-1.55699900879354,-1.15309508479708,-1.71270760181794,-0.536094170890375,-1.21964836429928,-1.31327323513889,-0.53554639323664,-0.453884825966546,-0.0958966178204101,0.221547425069342,0.626429999276879,-0.0887938438585256,0.443652641460943,0.0129663664889306,-1.33110987332241,-0.879430823023488,-0.319061660137256,0.225874554833478 +AC128663.2,-1.57587975211927,-1.24414235481603,-3.56048285171417,-2.22557901477308,-2.83980674688256,-2.76212328078907,-1.7114630992278,-2.09473047241051,-3.13510168501017,-2.96075313061697,-2.26204757558878,-1.52245694460192,-3.24179202241392,-3.36892189976339,-3.93581688366162,-3.75475951525915,-3.62417357099845,-3.86170725586606,-4.26738533039225,-3.84049253668166,-3.10800587712733,-3.3583849330704,-3.91374461351912,-3.01302092480083 +CT025673.1,2.22934094796533,3.0378287017766,3.0676688814803,3.26412093384967,2.95079734443293,2.40370502851546,3.09663542709505,2.25475918151031,3.16496698052274,3.08407535731486,2.86165061570975,2.55703831739337,2.4063017679908,2.82608725609177,2.05487674758901,3.09750766627048,2.81767421294564,2.46323554564481,2.47205440407035,2.07722205427061,2.6010985956254,2.82455247127451,2.71164136377535,2.64325555050039 +9330159N05RIK,-1.76544283257434,-1.4603679474885,-1.86955811806145,-2.42760568350679,-1.75497829139066,-0.212560038878763,-1.67282844029214,-1.99823412861521,-1.49677865728138,-1.96523250415323,-0.879755514221428,-1.77471221936005,-1.42425510170301,-1.28602615335726,-1.26524637147888,-1.66185341258266,-0.886834216681667,-1.55785530549541,-0.971214742061294,-1.79224064879975,-1.77822483681544,-1.2721368168228,-0.417740110785176,-1.03277251404747 +AC147048.1,0.219705517746019,-0.0013480448276175,0.500982239102234,0.0593841627437508,-0.254151095445992,-0.6461830958251,-0.881911366776996,-1.03791426296711,-0.140837259236308,0.082914872185512,-0.471980870239295,-0.382496260750047,-3.96453272026093,-3.96453272026093,-3.96453272026093,-3.96453272026093,-3.96453272026093,-3.96453272026093,-3.96453272026093,-3.96453272026093,-3.96453272026093,-3.96453272026093,-3.96453272026093,-3.96453272026093 +AC092094.1,1.66308746774561,2.14322904626702,1.95531918455511,1.99109885039837,1.63606995287345,1.65465241091839,1.56948358601687,2.15672752255059,1.59244043125168,1.58517503730099,1.62461696164596,1.88815290092662,1.6767698925809,2.10979561303432,1.90108264197176,1.63200632529136,1.96248303972942,1.90787220504633,1.91526760982591,2.20950067474138,1.76782699206815,1.93609728279332,1.93585446497541,2.06277785152601 +AC112688.1,-1.81279617239832,-1.5572018777311,-2.08605012657096,-1.79644332143529,-1.12550392372996,-1.53933909749263,-1.02989496816285,-1.29434650610211,-2.03379419649569,-1.50567060437971,-1.52311926105824,-1.05106783883737,-1.85870197139987,-1.80534595501217,-1.82601217418987,-1.37442040181236,-0.885274278892342,-1.27227994813616,-1.06239860945117,-1.74196655203186,-1.41310497997638,-2.01964661672628,-1.43633445258725,-1.32214138292021 +RP23-397L11.2,2.15921059149906,2.10079263233898,2.10163441779807,1.83417600835949,2.06719415237251,2.19078571591301,1.81711869931927,2.29525805882216,2.04612867789598,1.69676712087908,1.95728669279925,1.81540264923221,1.15768687253624,1.08320940412389,0.883836057109242,0.623124786472579,1.14234178916598,1.2203363039246,0.805619266547052,0.603864137034975,0.944989120026843,0.649026128153134,0.895630296832599,1.10002778656459 +AC158114.1,-1.2612151564898,-0.68275709895001,-1.57841025699597,-0.954336081796795,0.309679596885065,0.0317335225531989,-0.0296373635336966,-1.52521795769149,-1.56029916656589,-0.831394886973936,0.306347453273464,-0.234544610956143,-1.48984513235674,-0.666513834127199,-1.18855928704847,-1.02362414633551,0.396828579858578,-0.732568723165444,0.551755548202657,-1.62156449872735,-1.52565725092656,-1.16183740753629,0.222781022000031,0.214383929725603 +CT033751.2,1.12716028508143,1.04958884824068,0.338425246496594,1.53179891480492,1.17417771840586,1.60893536133485,1.69346002985966,0.460122950543407,0.693487354412504,0.496937084836871,1.29725683524348,1.52834207342074,0.497484862490606,0.723155904903456,-0.0617150958034089,0.459016444306527,0.587059543293109,0.805581695114745,1.52442990707442,0.421720142037311,0.288144865042202,0.0469242974070684,0.977504110014854,0.496699358080999 +AL935177.3,1.65294041268764,1.65358863579862,1.93656533924035,1.65073543851443,1.39693409136229,1.4070548774149,1.24382867440045,1.79851931071297,1.79798772618261,1.68718876168381,1.43125136136262,1.60413361355053,1.58674954976741,1.42915725825723,1.6313967468663,1.49524134809078,1.08272100612403,1.278009309284,0.967828120399862,1.60960366944887,1.60375705961569,1.56644781028917,1.0746945356964,1.21029895507768 +AC130654.1,0.0627383309094802,0.280758755419224,0.251425927021116,-0.158875836728139,0.405347625584404,0.177262490689333,0.345751319253523,0.218860792022502,0.333307531402644,0.556088052144811,0.250508386994235,0.430078338834322,-2.32673314766982,-2.83150289788914,-2.8236627839489,-3.40405518782942,-2.41832880694541,-3.40405518782942,-2.742484220157,-3.40405518782942,-2.81273217390456,-3.40405518782942,-2.80893376378537,-2.32719952343334 +AC107641.1,3.06152978299162,3.59605242832629,2.68687128065267,3.37647542542168,4.64404511857972,4.2535074715622,3.88555595335421,2.9776728914519,3.21828967384748,3.26369714469074,3.96088009868734,3.9072379066241,3.87135471416829,4.42335834663075,4.15499516427346,4.44054593005438,4.8468840533461,4.12337599066663,4.33329202335729,4.16167435563062,4.40010489565836,4.49757993778103,4.66558737579415,4.52039892187053 +AC148089.1,-1.9892466808025,-1.39373937577394,-4.36501308710112,-1.48502495626554,-0.375885815186749,-0.783695408582369,-1.43118483688789,-1.19216615789828,-1.22530852649284,-1.81542405100043,-1.26401604932792,-1.39051973486357,-2.07653503436919,-2.58438343726938,-2.37531623870911,-2.11101892472021,-1.14272844880005,-2.09179000319301,-1.59565574540865,-2.2342718177174,-3.35548280225041,-2.06037166211879,-1.53167835946864,-1.23308863401216 +AC118017.1,-2.35337032724562,-2.43825522294824,-4.09398257852899,-2.52663246061622,-1.978269415169,-1.88850391324402,-1.47496310216753,-3.19554107351547,-2.77889162182873,-1.84918698212287,-2.27639650589902,-2.65436727669027,-5.13287390878658,-3.16094852906697,-3.81918244029744,-5.13287390878658,-4.557411445917,-5.13287390878658,-3.16606670015806,-4.48833701777466,-5.13287390878658,-4.14365378002435,-5.13287390878658,-3.4463208663774 +AC109138.2,-3.23137656711009,-1.00264685116916,-1.88326794519855,-1.4450084770128,-1.58921600963492,-1.32185034751155,-2.0409955365234,-1.08943190336708,-1.94020443946236,-2.84907151456346,-1.73889624730349,-1.60979630330145,-2.71864069412863,-2.11384270519262,-1.71699465751679,-2.59296007701758,-1.62300626820436,-3.00354616981598,-1.12380086038431,-3.31734120839636,-2.80814936165852,-2.42200513322709,-1.3792888621596,-2.11803200883463 +AARSD1,2.72463254153757,1.93426381096742,2.31554503832971,2.66280569476467,2.33551920952909,2.3255654497865,2.50955956911789,1.98995198500988,2.47142773892598,2.26708656823787,2.34232189716728,2.0238611440462,2.84473065275737,2.84777816685224,2.86226700248289,2.868553589206,2.86568750406386,2.84634614529696,2.82072422217065,2.93191879523739,2.97523594228299,2.98606280436196,2.98643583653715,2.93962700406745 +AC151836.1,-1.00608503161206,-0.242975173401935,0.189004715333346,-0.166997498655643,-0.311205031277769,-0.131272939968901,-0.193965741208998,0.438803917093312,0.258792088720191,0.91965360102421,0.420807765735413,-0.0717091879166473,-3.12779399142223,-1.8282817163855,-1.55198620732264,-3.12779399142223,-3.12779399142223,-2.49765231919489,-2.46622302374981,-3.12779399142223,-2.11826370657151,-2.13857386266,-3.12779399142223,-2.05093832702614 +RP23-91L18.4,1.42254775448311,1.38360058275486,1.40852080103286,1.12843950033636,0.730072180258238,1.10009107064286,1.39062563145515,1.78069902122324,1.15342245892656,1.71952635653149,1.50955865927823,1.4878393242195,2.01036030937893,1.90589609882056,1.72991206751683,1.70097801009339,1.67929911708765,2.00788354846814,1.56971818377179,1.63653576898221,1.96122572838319,2.04047711332091,1.94087574043276,1.83504685164835 +AC149052.1,-0.756249538179879,-0.775867410249319,-1.17552192980139,-0.938935740143275,0.708091674407981,0.501862155435519,0.448335149960728,-0.802525416377172,-0.356741125189916,-0.38771495743797,0.520349542295985,-0.082281522113447,-2.3617552354909,-0.760747120371614,-1.88968067621354,-1.06493245534901,0.415531009313083,-0.844817214854539,0.619867552110786,-1.91817824175793,-1.71177303372886,-2.06511967458936,0.227695505701991,-0.387962080407282 +AC119846.1,0.213720251153931,0.925460301165987,0.919283153107414,0.581176594622236,0.704726968243042,0.553870891883307,0.201418481365273,1.42225871447988,0.667663800163905,0.463869629028382,0.817040958220814,1.17176659636611,0.642764417127095,1.29032481256419,0.696722739774539,0.865166825155367,0.730039792065593,1.42042371833209,0.648806828710054,1.05238321877743,0.405051954161022,1.10404206274477,0.353885031170727,1.19290658186234 +AC148988.1,-2.04161291768823,-0.576896938196323,-3.46171575621661,-2.27756997465561,0.897934052029968,-0.377761133948779,0.0980452179286022,-3.46171575621661,-1.84999221506384,-1.90498230100069,-1.41864289200995,-1.74511927634083,-2.82474754934682,-2.16220348117989,-3.46171575621661,-2.28751897341109,-1.16269373269514,-2.394466714018,-1.29473532026686,-2.8171788652047,-3.46171575621661,-2.47249562745439,-1.85650644430548,-2.38486009182053 +AC132233.1,-0.301327431481644,0.106761642216736,-0.517079576118388,-0.462913175384005,-1.43294487552488,-0.710111627966609,-0.922694036919499,-0.152841902547051,-0.409850264500616,-1.1980872912279,-1.12321759446893,-1.26174022108031,-0.58240551997362,-0.49756450634176,-0.855355015457435,-1.63771509220641,-1.18775419622881,-1.26379817945119,-1.70926758277519,-0.436765090882118,-0.691296444034672,-1.18249062212331,-0.139774351055816,-0.878517497730845 +AC113059.1,-0.481861481632278,-1.48292255689821,-1.31240100299685,-1.22869657940733,-0.680333533960105,-0.750983405309852,-0.752316674093759,-0.739589982026316,-1.87938927866042,-1.28534899147699,-1.16802930510179,-0.946928596775515,-0.237865055776174,-0.546765636807646,-0.525382573858092,-0.970333809376116,-0.690486812342247,-0.394131237454978,-0.552933918182614,-0.777992790532411,-0.818301117863661,-1.68181670325931,-1.10884863500838,-0.614491690168793 +RP23-463F7.10,-2.021260826497,-1.57883006907922,-1.78454946304254,-2.20394702846039,-1.65573084882295,-1.67373270260283,-1.24584344767951,-1.86702714092993,-2.39178329492231,-2.18176861961394,-1.94046746222384,-1.07854909170623,-1.08420063933092,-0.795279324348466,-0.969458771427509,-1.76775091646579,-1.48264264048758,-1.49168938332306,-1.35554250210894,-0.941444653061434,-1.12605667965757,-1.33420958815962,-0.858795063593386,-0.962366938519351 +mmu-mir-1839,2.39305954223664,2.74190119523753,2.12804006640377,2.36446537002116,2.56297520465675,2.16331933378285,2.56898666800114,1.91913596039828,1.87629970467574,2.32982907731664,2.6101863634339,2.35017441447032,2.81452187588381,2.50154897409573,2.34440221392679,2.19419508958379,3.04155922732697,2.70382534672278,2.72914592650033,2.15130746770342,2.65103290190338,2.5881396493934,3.03987123488661,2.80249001118303 +AC162936.1,-0.803430239421573,-0.225027646018931,-0.740842421744243,-0.137667834870583,-0.0120936318800136,-0.229564945582872,-0.0988192316279455,0.172925901833138,-0.722765269459402,-0.140454899054052,-0.516951287803322,-0.182234044643968,-0.740890257640953,0.185763838753429,-0.475636002556759,-0.576638160374182,0.509475817363932,-0.19265668739547,-0.483659711696571,-0.154700652672031,-0.445219545940842,-0.0812331747666852,-0.384045069734869,-0.741700066021731 +AC136746.1,-0.51456372769511,0.467159073858591,0.22341061944375,0.296886100123321,0.81517537056503,0.449386320775078,0.290407587059089,1.03651363599459,-0.0593608949086726,-0.052936302157502,0.318567330272192,0.304127947379621,0.468464696046615,0.287044623207849,0.464602131251838,-0.514951579493545,0.322515101763623,0.676883309157648,0.689600462309834,0.594255028024247,0.228181963289625,0.302346761155545,0.690704195795368,0.598133467713456 +AC130214.1,1.07785575065404,1.63303155017839,1.40263197383089,1.39874708114343,1.90026164853377,1.71708345188837,1.7822154925955,1.51465861872522,1.55713909006976,1.82239487370364,1.74934304360435,1.33594544888697,1.51713850467782,1.74718236157344,1.48688787686856,1.62247045679187,1.724676628548,1.30724097801012,1.45424717846023,1.83544027498458,1.33174718341873,1.50400794780216,1.7070830842189,1.54353935996293 +AC125399.1,0.454618789802162,1.49561730057105,1.10126301247733,0.657289997216142,0.237240328210963,1.02929721163608,0.630812166588211,1.54002437460925,0.432106254517102,0.825741336576288,0.963903485613211,1.44494290735089,0.306635727602326,0.0037064628527594,-0.823402083670851,0.454271886713724,-0.1585572897132,0.136129531748122,0.362288825839578,0.818749064950448,0.20005292525281,-0.566522187165716,-0.114335752231972,-0.221158178896147 +CT033755.1,-2.93295425195124,-3.41056279778042,-3.27202580914957,-2.51878265933769,-1.75400938156028,-2.10466681879507,-2.32822346401364,-3.95008808471788,-3.50538222132344,-2.94041070773016,-2.0521364722903,-2.55363075958154,-3.2214495995271,-1.94142117707876,-3.11106980635915,-2.04400965697629,-1.18027139066721,-1.54247514643221,-1.81042111076959,-4.26407698416594,-3.08766345424052,-3.33804251018359,-1.07313513450667,-2.08041193500558 +AC140333.2,-1.71286369794139,-0.166028016737979,-0.226581364988135,-0.894139771791884,-1.1902827611023,-1.69150476314462,-1.21190037421937,-0.675074765039464,-0.846851644974165,-0.725688432431737,-0.832045918280457,-1.61770746279907,-2.61120128100841,-1.13478883614585,-1.52928448623989,-1.63830717609197,-1.38950129764654,-2.01457444447236,-2.2315004452676,-1.75639144910668,-1.67425139889703,-1.24677366865476,-1.49500449379964,-1.77258794790417 +CAAA01201205.1,0.65052224828499,0.688912322575667,1.02034358886796,0.692565602247726,0.964194591454588,0.91723406026224,0.915775645719242,0.788513152086566,0.860010662667903,0.369713358325954,0.253593465979079,0.35817240566088,0.817878309688789,0.63717238686806,0.957538442911728,0.990421349973995,0.918470944088652,0.606003312112674,0.424431228903337,0.838193567374689,1.10658906592154,1.13327996952098,0.47453592384053,0.846893962613337 +AC122247.1,1.70099929750451,2.0420373005794,2.79647721172495,2.60573486643213,1.30689048552557,1.32322262068864,1.58691551627341,2.04431446264533,2.48146839344072,2.7927853282834,1.25294011555561,1.35521308080198,2.46993848275203,2.68667439851813,3.06553047490917,3.01109305771764,1.576242256016,2.29040557879599,1.80327226124131,2.91672689410389,3.11963762520849,2.55003356694422,2.27737746015226,2.43041648608551 +C630016N16RIK,0.898029973722036,1.44829842771692,1.55493580259699,1.12498760020386,1.548146297833,1.16446879704283,1.61786015293718,1.03659836096968,1.30320928335298,1.39829009138026,1.7186208413305,1.48878924751619,0.358355612855979,0.974673946835133,0.723480558374809,1.05242914636835,1.30489639002941,0.959916527537483,1.63156532760871,0.560045264422395,0.787898625289256,0.961966372482458,1.5686115893961,1.18269081367114 +AC162692.1,-1.95463351723317,-1.96692977600619,-1.56901195477493,-1.7390322528236,-1.44693597093812,-1.6384624797324,-1.10158219356928,-1.70690065097291,-2.20941079361784,-1.67145160429473,-1.41840442905163,-2.08742642051887,-1.99868025635288,-1.22803801134653,-1.7535992238526,-1.85104409724148,-1.8813154643544,-1.62993458184956,-1.80173373690554,-2.13712133749606,-1.61875532242477,-1.65358400840347,-1.41589342849541,-2.32860878822231 +RP23-58L22.2,-0.913609414281112,-0.674146102358308,-0.0511772011911187,-0.254882289465726,-0.473244391480903,-0.993349598700698,-0.159597824104277,0.0910021240605052,-0.253608759943917,-0.416099667264848,-0.144822290717092,-0.67080486750578,-1.49341928226655,-0.940713334574758,-0.767748767248937,-1.48593878209482,-2.09876795852175,-1.64923266064605,-1.43662842175888,-1.34777885317505,-0.973065473755561,-1.63555456845527,-2.05454642104052,-1.36643324018424 +Tnfsf12,0.82803670081399,0.872310870177958,1.23834870436223,1.19495827543616,1.03242894043787,1.02854840567071,0.576196643831133,0.755536105629902,1.36481322775891,1.27875756301205,0.900860741405876,0.746417845752209,1.29701462233011,1.36816308248904,1.89193397512023,1.44455847546001,1.03440590603775,1.01742691220937,1.56039186558094,1.20084213880521,1.73872472853393,1.56019946127355,1.60094058468141,1.19440363313092 +AC020971.1,-3.38908288212539,-3.29139029754457,-2.57601886378839,-3.03716432005369,-3.55425621704193,-2.55945114595621,-2.56078441474012,-2.71678731093024,-3.07420596154696,-3.09381673212336,-3.60033290401738,-3.92680928834827,-3.95624149257329,-3.67148038850444,-3.65370891983203,-4.11483040175486,-3.34438374470257,-4.24114696826064,-3.14402339022448,-3.71127389616272,-4.04575016010319,-4.33442321834804,-4.30324280453438,-3.20040009938488 +AC144852.1,-2.85190306391724,-0.980231552251292,-2.28138476210502,-1.41986614439865,-1.84845653535548,-1.49865473170387,-1.73121724528671,-2.56016176455033,-2.43204675300258,-2.69684232805223,-1.80856809261238,-1.869036829022,-2.08116055679796,-2.52424548048719,-2.67534864710792,-3.49084871269441,-2.10395142373914,-2.39182241159183,-2.69823828687141,-2.73291362343861,-3.33168859029094,-2.51192417118156,-2.05481856885817,-2.55124474760706 +Zfp87,2.75011989288085,2.78330589003911,2.77346156065855,2.7176701837345,2.62378787295764,2.55075164674122,2.62242082602801,2.80485725957444,2.93838697388777,2.67785857326225,2.42439344572416,2.74746442420021,3.05082210389269,2.5986140611999,2.86131551553998,2.6154888196103,2.71371011345154,2.6930545908154,2.57437494904448,2.51852641685152,3.06370919511359,2.89950855218459,2.36908511960151,2.68606446748103 +AL606962.1,-2.36577652743304,-0.181352441281616,-0.569996619710317,-1.30411846879892,-0.155185151167278,-0.390959579410135,-0.463908604946408,0.250208329853701,-0.560261373963403,-1.37860126192339,-0.967972813424723,-0.253446437143155,0.0873185371653422,0.26638562271238,-0.496256337838305,-0.076768748880035,0.630779227968299,0.210473298616519,0.35997859152522,0.0310499957376775,-0.323618199469689,-0.454733582251321,0.0449188168190764,0.610650736476157 +RP23-161F5.4,-0.838238092220933,-0.826043677879916,-1.86707343567813,-0.821788547831725,0.616309296957006,0.843979831307398,0.482590567652275,-0.348558103758262,-0.863769933935695,-0.892707471121453,0.308019111697375,0.0618881647889054,-3.94515429006827,-4.44992404028759,-5.02247633022788,-5.02247633022788,-3.23555578941238,-5.02247633022788,-5.02247633022788,-4.37793943921596,-4.43115331630302,-4.44469145318212,-4.42735490618382,-4.38582452819797 +AC099930.1,0.523923696175637,0.741080000804428,0.940562662110271,0.314197224098018,0.217174121131815,-0.0109110137632569,0.201419912834861,0.498327770678287,0.231466768742605,0.759590360858584,0.34025323796943,0.33157924565656,1.64172894533149,2.00034082263321,2.10852608224268,1.79464576858371,1.02409624390765,1.48940997217373,1.50212712532592,1.48106754080675,2.19460731502934,2.12800489152759,1.05152285869047,1.57557711288475 +AL732557.1,0.845962797739414,0.960970319616211,1.37599825886485,1.34925279044076,0.174366781481005,1.00198690121755,0.581043200742527,1.08211741677309,1.60418151820032,1.74222899185348,0.850462892550645,0.843090968706169,0.538226955967137,0.795546395309607,0.56420140999188,0.826149328777345,0.707741138649152,0.582405827053471,0.722594733063317,1.46697916157629,0.701457191897593,0.763155548086301,0.71193172034915,0.9236484668918 +AC125204.2,-1.80395833480041,-1.77832667624983,-1.98394586092246,-2.24751005036286,-2.13725836484737,-1.29378343087706,-1.98169466882881,-1.36648627775026,-1.90792871138316,-2.46161404027388,-1.57551289716749,-2.05186141973915,-4.74960038757701,-4.74960038757701,-4.74960038757701,-4.74960038757701,-4.17413792470743,-4.74960038757701,-4.74960038757701,-4.1050634965651,-4.74960038757701,-4.74960038757701,-4.74960038757701,-4.74960038757701 +AC087901.1,0.718072878201794,0.946029054730246,0.452420928310121,0.757415507307927,0.792702241290168,0.537687635524137,0.83543721629549,1.26239448994314,0.692067858056798,0.531113376267637,0.892968886769449,1.07127046396374,0.716603322273959,0.50555744405727,0.617560889805491,0.827207318835696,0.631777348310759,0.469816312748374,0.811917857159055,0.398098061639121,0.760092310295303,0.323880295660977,0.373260936425701,0.451524452173386 +AC170752.1,0.824993054804129,1.49001775128337,0.999080039790043,1.14084925206274,1.0643210472546,1.391813170326,1.38142585138847,0.809061161826225,0.895822873832053,1.50653082897271,0.942879622812713,1.16126337774116,0.639542502917625,0.734654845339294,0.672232300127617,0.756515286432024,0.701231313796659,0.935182729984145,1.13432228190512,0.756277922285631,1.01638389625214,0.375615631442255,0.798590072878075,0.869645627713344 +AC142191.1,0.23854554569985,0.0010610856555821,0.451867294911772,0.272857587643974,-0.29888522088562,-0.174237102060959,-0.246762819572848,0.386959237978171,0.140541371230995,-0.0539373416484823,-0.536482947039045,0.193932066883324,-4.87085334350111,-3.57134106846439,-4.29046093962058,-4.87085334350111,-4.87085334350111,-4.24071167127377,-4.87085334350111,-4.87085334350111,-3.86132305865039,-4.87085334350111,-4.87085334350111,-4.87085334350111 +RP23-206J9.5,-0.217542152820864,0.530316780912032,0.429102069854301,-0.541160188233224,0.0073344653614436,-1.48971106036258,-0.0413487760348149,0.507118571629284,0.11289300975345,-0.25966545868232,-0.360646508347085,-0.216971369656269,-0.520776442051081,-1.02862484495127,0.178717985194471,0.284987044531479,-1.02233395396752,-0.709521050913052,0.187432446106489,0.73936839123269,-0.0927232892597609,-0.0204289670712904,-0.325013876587122,0.41119184262588 +RP24-218M19.2,0.242716400032331,0.191942853094287,0.682611097946985,-0.389499642392721,0.0372581019115639,-0.460583187363102,-0.535734436476792,0.147287599060918,0.291436686485536,-0.81112769078519,0.244674248830668,-0.559446108705474,-0.33560157847058,0.18786183986621,-0.0905205459702994,-0.52533669585198,-0.631670712878488,-0.506107774324783,-0.13865505902324,0.0677864225813408,-0.765058935961907,-0.212379819909007,-0.433140465262843,-0.0684598774486002 +AC117232.1,-0.0367490937730859,-0.455578753291678,-0.591508861695847,-0.290111643705361,-0.581663807421932,-0.203078809431551,-0.890990047383304,-0.732277308837692,-1.30491347917365,-1.37090941882837,-0.894091299048056,-0.602810962625924,-2.24466636290382,-2.35938349109478,-2.66575635172845,-2.48469898332598,-2.35411303906528,-2.2566369661681,-1.69208855750298,-0.811778485317269,-1.3217492887187,-1.86696543214952,-1.31270537316145,-1.21589009729233 +mmu-let-7d,1.00882198314079,1.94425425157096,0.735568028968158,1.38073925829965,1.07473050437825,0.960400731836262,1.61230096272605,0.472120240821193,1.57531904159471,1.09389735712524,1.19951593722495,1.26791882775348,0.268774579304507,1.01627220052695,0.651876928332733,1.02663024784948,0.522813863527734,0.25152270801944,0.484233176185824,-0.188754221166953,0.789132710238447,0.266594452228023,0.23916464212039,1.31569235895824 +AC132945.1,1.22962994262777,1.05738922095033,0.839950683586783,1.07931408160447,1.33839144885114,1.21201086743661,1.34056962115912,0.880560422387655,1.1800818548587,1.11832471706224,1.4325790102355,1.26129931847234,0.994545159136317,0.843244224797894,1.03666417832363,0.973381916109896,1.14612143348741,1.3187626426406,1.12211297784177,0.827518064482347,0.773568909270404,0.990187512987246,1.05713086157496,1.01985179500753 +AC130216.2,0.289955640743741,0.746035439577517,0.997568929705885,0.513500285176446,-0.102823405589875,0.0813592869912489,-0.0817719798731005,0.483850134407259,0.414989264739494,0.459540374602977,-0.113641470478696,0.310691923712733,1.04444827368862,0.61940692917793,1.11481576890415,0.782802499812333,0.223029447014733,0.839690954993344,-0.000911228236516,0.597098993413451,0.813886815761986,0.973959072097711,-0.0241422903871038,0.610154408673251 +RP23-175C13.3,-1.92639848874847,-1.28413531405341,-1.64851998097594,-1.7107972243389,0.391621764712714,0.848738834107548,-0.577976923123921,-0.585692860008129,-0.971947132005,-2.44597134018279,0.0424207014529125,-0.287901220336856,-1.97044522786818,-1.86044002260833,-3.83378210374997,-2.36395836255445,-0.311926479188643,-1.98610294730801,-0.689754871535267,-3.32571074624747,-3.08081760242149,-2.84360314263622,-0.578695766959301,-1.37656064830498 +mmu-mir-410,1.68298777284528,2.31574389320436,0.92979573985922,2.3342580032814,2.8254122624423,2.27131512757394,2.70557332083704,1.20798535115137,1.4394711060755,2.03840045521816,2.68094369268604,2.46655001656034,2.14890075290843,2.36864419378699,1.51206381622061,2.13925003784581,3.10732488459589,1.89028788139757,3.16583410014345,1.21305425791996,1.75752708415466,2.19178755771196,3.1701139789911,2.92562146822029 +AC123687.1,1.94139199060388,2.24141462391686,1.44818748760251,2.13127051894747,2.48597135776833,2.16920225078073,2.68272263334017,1.58245673741122,1.85928640333478,1.99353833873637,2.3517078845806,2.46730283247062,0.494275416032303,1.77742101290207,0.124994877771719,1.7564517528995,2.07400758753097,1.1946031510372,1.94853681525869,0.0563078215019668,1.23931761702337,1.13106458689339,2.14679994600199,1.81333984812979 +AC167018.1,-2.3991098115274,-1.4398699334271,-0.373594825621796,-1.8939455212573,-0.600810886793493,-1.57289710976334,-0.877443158579523,-1.19485011481817,-0.533273767711209,-1.06624105173606,-0.854988450062815,-1.80919119094491,-0.990683407835094,-0.15720655588072,-0.397868548236955,-0.33549034268604,-0.355098809319747,-0.449613433595649,-0.747071831077261,0.0387905253116561,-0.924837193259362,-0.191232899678312,-0.542104918129284,-1.09237176829559 +AC159900.1,0.562274991531422,0.191431088811868,-0.217759081761084,-0.211588599315826,-0.868074232005279,-0.434586797880394,0.40872236888396,1.12793721667994,0.0644356833738698,0.361415073580278,0.163384651927449,0.286589615646173,-0.157690535393685,-0.629494435436388,-1.60828040075294,-1.07284444868681,-0.0403257433952054,-0.173348254833519,-0.434439379206249,-0.899671341111085,-0.780469394218655,-1.03084845016173,-0.578662015227982,-0.487619067263119 +AC122127.1,-0.0766611659100245,0.353955880122681,0.891011649012877,0.631308624229584,0.0595369018832654,-0.433216660402109,0.0783251792718827,-0.694228826713152,0.351437064840825,0.777907584954011,0.32353475850172,0.0376782041814419,-0.208499852060064,0.236070300253814,-0.534759614231863,-0.13744119618161,-0.454809991248426,0.21435579904902,-0.930355333855868,-0.473895094744997,0.0469751407908547,-0.127271757646223,-0.703648319286125,0.166521928471315 +AL731670.1,1.64062811715635,1.48658368541219,1.57102000691512,1.50462179337189,1.36961259740804,1.39285549866476,1.41726212208373,1.53779784725367,1.52143156892121,1.35076571120708,1.36126226562002,1.49489514311614,1.56331796906982,1.37014085939426,1.45177197182575,1.39906279561941,1.64468877294782,1.70277224311664,1.73099160086082,1.52055217275508,1.46714676463295,1.46099719018472,1.74317242193667,1.56955070613954 +AC152453.2,1.50037781324108,1.70377216854281,1.36432050244904,1.37180240496401,1.17181582071616,1.32868907920003,1.52903413405714,2.05878393886933,1.41955578991744,1.24741287866193,1.31961026299226,1.71744594760958,1.94196582938084,1.54434441203583,1.87026152624215,1.38926802156423,1.40110951609841,1.40319688306569,1.42777067533468,1.42777441555504,1.67035371148217,1.61886758162343,1.69285298709567,1.5357310481835 +WI1-2736D10.2,-0.923239089262535,-1.03409456972895,-0.624991939770078,-0.907769259442727,-1.712600015579,-1.92010087867435,-1.15310564573673,-0.991585850398585,-1.16478639141349,-0.95477171610512,-1.76125902097187,-1.49465077082321,-1.37531168075072,-1.21253460666691,-1.09896141597247,-1.10294684015731,-1.65093319142113,-1.06539720300424,-1.74420026955887,-1.23981661513572,-0.610221043303667,-0.936229154150672,-1.74074350297991,-0.70424099024459 +AC027184.1,1.87497913995373,1.40529532577325,2.16387402578644,1.79194453641558,1.69785106228862,1.47447645420013,1.30901712838442,2.2028299998798,2.04048554397545,1.74337477527068,1.40934419217841,1.62818351569258,2.39013756476047,2.12422616995488,2.47423530828226,2.38774013375599,2.0477248205656,2.03188204688052,1.48726027116582,2.52920300688904,2.04349456892499,2.09179244375309,1.30417170476021,1.96223881943173 +AC152063.2,5.68321663514087,5.79713015315365,5.20149420659444,5.67724540375642,6.25134066564128,6.04646244836893,6.04927080138722,5.2296422452892,5.4323155035939,5.58501933200113,6.13989982257026,5.95345486578713,5.54308777482219,5.6408492370025,5.03578943521023,5.45163497430089,6.07688977638243,5.60860838857882,5.78298576523128,5.18511362717128,5.41072476793088,5.45284459957581,6.06046423047673,5.86535408847509 +AC136008.1,-1.66734547567367,-1.05723734618577,-1.24898249066973,-1.19800009011627,-2.20383306147462,-1.32365264639715,-1.56597885643196,-0.708158950086783,-1.63383594147666,-0.972974429172642,-1.22021737546762,-1.81381553692673,-4.38345381474929,-4.44786973167879,-5.02042202161908,-3.84622523881355,-5.02042202161908,-5.02042202161908,-5.02042202161908,-4.37588513060716,-4.42909900769422,-5.02042202161908,-5.02042202161908,-5.02042202161908 +AC148328.1,-2.75826313409708,-2.39247065743187,-2.59752656766321,-2.45227211635979,-2.68782308535746,-3.6364178979208,-3.13552958205717,-2.67789210746082,-3.13946121692407,-3.6364178979208,-3.6364178979208,-3.6364178979208,-0.415180038125428,-1.08268341289863,-0.741439800297227,-1.38242373553988,-1.07532382616,-0.614881204975078,-1.46943746197105,-0.789300617106564,-0.812763684230376,-1.33177647293846,-0.910328505351489,-0.80821595774852 +AC171206.1,-3.90039718745984,-3.42578893895875,-3.69797331021814,-3.28273067175972,-3.94877125450934,-4.18371080789269,-4.08816773743673,-3.83874175735998,-4.09950471612393,-3.48167328799009,-3.59127272424427,-3.87735078385162,-3.72696768201655,-4.79343483493418,-4.77566336626178,-4.51136605227288,-4.9784396738383,-4.33728865433131,-4.59837977870404,-4.30438201199718,-3.74872330493977,-5.77614008589157,-4.41916982168374,-5.07880717224462 +AC165433.1,-1.45560906217612,-1.81204510790749,-1.1628945503154,-1.60686756557659,-1.17321325457324,-1.31729649268488,-1.39110893091276,-1.47463265765891,-1.33048357023429,-1.85166207885203,-2.52337543150944,-1.70351214711486,-1.36285858231548,-2.62062146512098,-1.82774111574816,-1.80988567607901,-2.42271485250593,-1.83335215715944,-1.76057531574307,-1.34430587790744,-2.21652830333298,-1.95950146243946,-2.79604180304159,-1.81810487752849 +AC147047.2,0.608967880677178,0.0153412985800558,-0.278723393203039,-0.511061004149845,0.161566387966288,-0.532158578789958,0.673468011940537,0.497551653554743,-1.17723847450889,-1.35779400433752,-1.1116044867146,0.796633642367931,1.7113543197869,0.877697352669244,0.352136140163172,0.0958449375121457,1.49461398687177,1.10413261802329,-0.169693736149672,1.40654163250802,0.8501502762852,0.891905780948345,1.01252051849853,1.25958546822733 +AC164597.1,-1.95678795077789,-1.16732927317493,-0.78581192577177,-1.21596430343177,-1.99362795227843,-1.09876729967545,-1.68493680471762,-1.80708195800312,-1.57371755413402,-1.61874307689078,-1.80143296578129,-1.76912218908713,-1.00747209448403,-1.23662199144524,-1.00837233910464,-0.952733654455102,-1.07114184458329,-1.3229674966778,-1.05628825016913,-0.987776026417953,-1.02675318911531,-0.601053016134412,-1.35121004770846,-1.77050555046552 +RP23-73F23.2,1.73969612062414,1.84680829244687,1.56095734679666,1.63627723529713,1.28998437648283,0.878924909508494,1.36349837423892,1.63915427883965,1.78824984400941,1.81302713003429,1.19184572990783,1.34243586189564,1.10916507338679,1.05291143470515,1.09974508820969,0.855022815663868,0.882632311837802,0.981299148648045,0.638125662793946,1.048320003848,0.724047830898894,0.653489609866478,0.703094715000796,0.817646442581762 +AC139673.1,0.40281056207553,0.250019413266797,0.106379391856143,-0.554175049433232,-0.168497610330119,-0.375998473425466,-0.178022057445087,1.02376641781447,0.52793605401736,-0.254845143397938,-0.499758626494402,-0.472015632332128,-0.254353437969137,-0.762201840869327,0.030678508503486,-0.288837328320157,-0.106830786172244,-0.26960840679296,-0.576024282072546,0.0586598063974298,0.280822722989353,-0.238190065718732,-0.058590872505178,0.040314746723163 +B230322F03RIK,1.87103368909195,1.3543344903122,1.87018812577089,1.37641748289749,1.34839360551964,1.50850225152248,1.70684021561164,2.26423231826924,1.49941296072005,1.99189258733784,1.50277562126575,1.53771629892633,1.94168866991495,2.23756573272341,2.06285909176356,2.06228444410033,1.63361517663686,2.16082666503066,1.55497208284395,2.24324973071789,2.36483342610344,2.1174640870239,1.69025882419612,1.71758795717145 +AC122808.1,1.04755689641653,1.15854063052182,1.89624701093005,1.12130985788079,0.306822373200755,0.150659181180108,1.09323375651169,1.37159827724036,1.59963269513628,1.3556849041748,1.12871637846036,1.74314283397804,1.29155332227263,0.982652741241158,0.490054217072931,0.126999460082684,0.838931565706557,0.981874560471744,0.193862728470683,1.01810959663134,0.617850310521284,0.923060303518883,0.0406707434411676,0.631184522647858 +AC159277.1,2.74967484467506,2.76851507235208,2.83485858932181,2.70295734624842,2.76096350269568,2.75333860131406,2.71786910566104,2.75516346436195,2.71462400309361,2.74789417642476,2.77156277143938,2.64470301199741,2.82496293435091,2.97493213148759,2.90496625724998,2.98258899709142,3.02915274226836,2.91334358003027,3.12719640453508,2.83859120538147,2.90479232113466,3.0449013746583,3.05959769619297,2.92472741043851 +AC102398.1,0.251394090663066,0.0244434896314392,0.0120080730603476,0.140613932089338,0.620519780132945,0.550821893112242,0.327017142835091,0.217524186274436,-0.236378389282196,-0.0126262578603762,0.209068136861703,0.103493318121896,-0.676579306670697,-0.0509311534412484,-0.824446314086542,-0.438309301973279,-1.0851461296998,-1.1392844289007,-0.961881085898544,-0.316858045699373,-0.398730303509352,-0.126112411052623,-1.03355774268703,-0.531550158168068 +AC158751.1,-0.279094361375592,0.536478562940323,0.262721981748123,0.437944585214411,-0.692128589056764,-0.119997554205715,0.241088957881723,-0.0007258063988422,0.228645170030844,0.698927747608223,-0.407720511428022,-0.165820737803524,0.274354486916485,0.45610297333835,0.432616128855041,0.658405331058376,-0.142332914426522,0.25655094686968,0.337424204184136,0.405936427935312,0.968853955118375,0.171757530341208,-0.233681405099645,0.0875420911255267 +RP23-223E24.1,2.59673678328997,2.72994682252703,2.62612631704689,2.66605437788774,2.64728351280514,2.59553850119567,3.0169722000367,2.48513687090928,2.69757414737872,2.85720544796836,2.9064461963367,2.91927604850367,2.59640030046226,2.82295970766364,2.64802554002323,2.82368207541422,2.80495161333191,2.9349849469285,3.15219633890325,2.68594090623843,2.85174516586046,3.04761805216883,2.87623039830564,2.5598223202436 +mmu-mir-706,-0.290770913755685,-0.247342000688978,-1.29041606432949,-0.559597608814732,0.550841938793381,0.382785317022179,0.0393668725639011,0.259376401862152,-0.314896898624881,-0.970805065480621,0.325263953526344,-1.16541098598499,-1.23191604884938,-1.5484687218617,-0.625416003957744,-1.99181873511212,0.0382912639276058,-0.825030555620362,-1.17766047519022,-1.21510590296219,-1.04540008694039,-2.94260922453555,-0.406194380390627,-0.692192161409037 +AC159323.1,-2.99232678433071,-2.59528398519244,-2.71444827655818,-2.60011467237715,-3.10576892284178,-2.48358175175941,-2.32847002131992,-2.38475475766136,-2.72366260903775,-3.51189963576503,-2.1066394659778,-3.00159617111642,-3.56351571163993,-3.0513253427433,-3.90429501911314,-2.88873736433902,-3.33244265785833,-3.57761052398833,-3.51329559458421,-3.5479709311514,-3.0051087885718,-3.68817246923075,-3.65106568415873,-2.8969565657885 +AC116801.1,0.335942554211243,-0.541678239159566,-0.236129171434519,0.420498440491873,0.150135855260697,-0.0615906019840511,0.521811633202083,0.557706870396943,0.0830054801784932,-0.790463028567652,0.484986677380621,-0.687850337646414,-1.0715019203646,-0.329888735545923,-0.447730752797189,-0.708450050939315,-0.971745655199865,-0.485443112107246,-0.117990396805702,0.0884510847988787,-0.573943384395616,-0.605544871696979,-0.565147368646979,-0.842730822751515 +AC133578.2,-0.662146076482598,-0.270739556774743,-0.102948199224472,-0.562131556738978,-0.495653252266232,0.201004342989403,-0.12939901369556,-0.120838196035156,-0.565236023522942,-0.237641159002127,-0.597150134120424,-0.456785266350336,-2.54412185342088,-1.70908231223384,-2.32389112030992,-2.3873553386383,-1.92291151244387,-2.04079008783008,-1.10438006687356,-2.15796763179257,-1.60592006351361,-2.50051484331922,-2.2847387828655,-2.17774766093561 +AC087541.3,-2.10844268456607,-1.80336779948023,-1.72282112210783,-1.98997725527773,-2.22188482307714,-1.51226408118026,-1.58607651940814,-1.42337177424525,-1.83977850927311,-1.31253177678439,-2.55314583924143,-1.54013389994252,-2.67963161187529,-2.16744124297866,-2.43697986851998,-2.78337381068629,-2.61768244100131,-2.49648525957813,-2.62941149481957,-2.13524050079148,-2.77526828251075,-2.80428836946611,-3.58100701890254,-2.68028333018425 +AC136453.1,0.311989526072273,0.331845316898607,0.763825205633889,0.407822991644899,0.675064359257796,0.443547550331641,0.380854749091545,0.955018241680696,0.517794043596746,0.730713425542024,0.211830965961763,-0.333088751594265,-0.865809225470928,-0.412173486108936,-0.563276652729668,-1.02439813465249,-0.574437238674896,-0.87902462442603,0.0877022980879699,-0.422232231737956,0.463663408592342,-0.111223848608425,-0.206783108151633,0.157897479662609 +AC144818.1,-3.12508000882573,-1.94749294081554,-3.68850221854394,-1.79741807428087,-1.30403484631795,-0.718190732976267,-1.08201521265815,-3.74206248711103,-2.19857523995692,-1.33667352275875,-0.453850356387363,-1.70722528636828,-3.66254020462523,-2.15870839648227,-2.98581694300588,-1.70814297262131,-1.41744924481575,-2.02628532758691,-0.453366658109664,-3.65497152048311,-2.11478559987528,-2.31570857494273,-1.27299230387524,-1.07906207408613 +CT030702.1,2.42290151048866,2.28708352958942,2.40958417603762,2.39562422388357,2.24353574875293,2.26444539585776,2.33735055437378,2.41325951792006,2.40634079085814,2.45439725972029,2.30034913296392,2.30517738214762,2.10934290102596,2.2260605113186,2.25360314986483,2.24083114584719,2.15873921229529,2.11125330899344,2.33556842244758,2.05053644202687,2.09995274879689,2.26754503913567,2.22104472251951,2.14259276628745 +AC171500.2,0.0600841724896337,-0.0928835405347073,0.22610036477097,-0.233646284465207,0.13018278352437,-1.05954716451469,-0.446397816895626,0.323121954983122,0.0690322438599473,-0.18885478081543,-0.302795745610861,-0.132260278029442,-1.01767568333077,-0.505494034053906,-0.368319785654094,-0.362482618181721,-1.75704619244654,-0.544268453524074,-0.957875451559745,-0.374845498743873,-0.0382502647780409,-1.07498618133444,-0.781032071866438,-1.22786627579574 +RP23-271G7.2,-1.49237721794619,-1.08853169267309,-1.07554161227706,-0.91568843368871,1.42646608426146,1.21423880472054,0.444286857554061,0.261078258986655,-1.34997090061162,-0.75593061342819,0.895304531900118,0.382697316848339,-1.19103707616178,-1.16471963451614,-3.30551964952888,-1.77694428305969,-0.330591928921875,-0.49304469526325,-0.536162307836412,-3.30551964952888,-2.71419663560403,-1.73494828453461,-0.372363195778802,-0.72237341210465 +RP23-206J9.3,2.70669925978465,2.62078770965666,2.56830286519085,2.65513599387618,2.43970739531344,2.48819963070554,2.39566062166879,2.53122927540314,2.74955954896764,2.65556770736937,2.29895754626705,2.60490022166871,2.88735626797542,2.4015774452132,2.72885871590694,2.52998592253971,2.52628999511397,2.58129623409313,2.42698853382842,2.35199837527152,2.78563872198321,2.67633074115852,2.30264086138657,2.51306527949713 +AC154378.1,-0.904800611898645,-0.302463667961689,-1.45160855229842,-0.439452333406297,-0.202620724663241,-0.0027855632001467,-0.188870505066033,-0.0791442110758689,0.0051383524836765,-1.87566985770229,-0.090888497340917,-0.545591530751048,-1.29254893630441,-0.416116196937415,-0.580079080981622,-0.731673296016685,-0.130572543790889,-0.0524592219249413,-0.0480420827237458,-0.565518122776019,-1.16032140571764,-0.358154929672601,-0.26742363772209,-0.239691973033786 +AC154274.1,-0.909056232039634,-0.989080677092706,-1.61292189542783,-0.893348655558901,-1.26665921280797,-1.01776278244249,-1.4088817894014,-1.0892858487822,-0.993712931594619,-1.71254374188435,-1.4973283109016,-1.56439381014719,-2.34554568641224,-2.4815031281533,-2.94844130949591,-3.08793599517952,-2.11447263263064,-1.44965782371941,-3.14869346563002,-2.33000090592371,-2.92877587277604,-1.82038312547178,-2.92196981429537,-2.14833203009216 +AL669964.1,-0.657178761730915,-0.160787605036511,-0.530163763158314,-0.485829710660067,0.530222070730337,0.26455812750657,-0.287774695963247,-0.295490632847455,0.19193730609941,0.227846772670778,-0.419210217222215,-0.200164342531246,-0.400274846261852,-0.514630965734711,-0.888344744249547,-1.25936806226825,-0.690598657493818,-2.02423883659986,-0.678951442263202,-0.883877649178808,-0.405987073369844,-0.821506326260607,-0.0080075958951726,-0.741279374764452 +AC121264.1,-1.51633143948069,-0.520178830326273,-2.56840470754663,-0.298566857194889,-0.348516653578439,-0.623675095056164,-0.210137394469867,-2.26765993830381,-0.762765397949427,-0.921305846911211,-0.35933471846726,-1.14890797006934,-4.20499277357492,-2.23306739385531,-2.4074487047562,-2.39214788081312,-1.90597075005344,-3.57485110134758,-1.70561039557535,-3.1165290121919,-2.19072085130393,-2.89601022369891,-1.72075215537903,-1.76198710473575 +AC133162.1,-0.0469705725374903,0.0652819982892092,1.36473377806435,0.633258927954327,0.142952770373109,0.428843379375625,0.268768730064746,1.05216478471336,0.624118452922397,0.200454136437477,-0.0188270972841851,-0.224532043044126,1.22140166646501,1.06893226019381,0.704927942186399,0.994514137770206,-0.0700392235719134,0.413360399067128,0.768821418099721,1.86695935456778,0.910142649877773,0.366532584812366,0.215503115238188,0.430527688490838 +AC159313.1,1.22467079581164,1.40880618714319,1.9373962465299,1.52512916763482,1.13928412145557,1.42666896738166,1.24629932607145,1.38611644393524,1.51113417564862,1.39005080931815,1.20038821626132,1.4776199283954,0.891590443471695,1.65750983786026,1.79573560345414,1.11571971836732,1.366715993641,1.40294632054095,0.832938043449213,1.51971050004615,1.08049458590605,1.57969934915212,0.891450377034,0.637042099492732 +AC121599.1,-1.30003023636607,-0.886407257385628,-1.02397436061974,-0.844629286222498,-0.85995306317544,-0.990954107302271,-0.847469060385665,-1.0671256849068,-1.02881413491882,-1.29727612904161,-0.802808936784799,-0.61083062648997,-1.29669522960173,-1.37990319894848,-1.45066605703821,-0.988691430509861,-1.41734900474715,-1.09113828058525,-1.33332582046541,-1.48498295046109,-1.51971950926842,-1.32064964794566,-1.18688846540716,-0.74195180847946 +AC153591.1,-0.684368957452666,-0.330598157153832,-1.16948985123455,-0.670947498047799,0.271154041446735,0.438292078279719,0.59267548877774,-2.24863199287884,-0.57307917476548,-0.518091569959703,-0.0412734501793885,-0.213794792136091,-2.80607791726284,-2.23352562732255,-2.80607791726284,-1.63188113445731,-2.23061545439325,-2.1759362450355,-1.69263860490782,-2.80607791726284,-1.47272101205383,-2.80607791726284,-2.80607791726284,-2.16942611523293 +AC160757.1,1.11360446072224,1.51350792219384,0.831502743455219,1.37165769811544,2.13663007517098,2.17429796460744,2.19274594451107,0.519764636111716,0.34958637299289,1.87467858078207,2.0201421791485,1.47281354186983,0.814384038613275,1.01847706516854,-0.831046037082505,1.05956141422794,1.92342113573079,0.708851590353649,2.26193324207035,0.74457050364021,0.416800392508327,0.160097217141791,1.62153777516654,1.43242082762073 +AC157610.1,0.371127035674786,0.572265597680503,0.0093927309644568,0.816732375573375,1.00745255409212,0.361064100473737,0.996907892549507,1.45653262048188,0.621086369906485,1.44061924741632,0.544219160796084,1.24683060974951,2.05120693367348,1.83155839622077,1.67347235816248,2.17904744471287,2.36661691978468,2.22654718827207,2.30976996274636,2.33581321271244,1.49739990081261,1.15216630009683,2.3319385634368,2.13097855465206 +AL670673.1,-1.67179943300929,-0.416946743933931,-1.43916727182235,-0.507382012578092,0.644485710715121,0.942394894388593,0.307904837118167,-0.910835447740034,-0.635910063424353,-1.01377921465109,0.402996501293381,-0.327272209716666,-1.88753615872654,-0.633039609620381,-1.50422149313551,-1.04777139957331,-0.0794809236531474,-0.606402015993268,-0.0197614525591483,-1.36963368989289,-2.2922352771035,-1.50983522797224,0.310963643068597,0.0020836550629602 +AC154660.1,0.682869745608631,0.755908473171963,0.497106883600088,0.789885250995048,1.19769630897917,0.88210154837655,0.759457540688758,0.803279667658284,0.644720050956129,0.259575144316264,0.782460987796529,0.634203639025906,-0.147658736161001,0.264444650090144,0.0950450726914598,0.205764211071738,0.236576371329361,-0.340145778532921,0.121797830676158,0.190413572706304,-0.0482934011581682,-0.26036731510187,0.137812928139326,0.334546631432891 +AC129021.3,-1.70157357631094,-1.59221628210602,-2.21605750044114,-1.49648426057222,-1.9564663317223,-0.739734461458772,-1.58479055378092,-2.03104255734419,-1.79450083827993,-1.90243349426208,-1.5552507631293,-1.28323192348748,-2.42153910323604,-2.09004371419599,-2.2917583837938,-4.16186993107996,-1.49888374822366,-2.43719682267588,-2.36588600499879,-3.16351990895344,-2.1487371774751,-2.71214705867998,-1.83875227537857,-2.5774954220536 +AC157650.1,-1.1162299704868,0.212419430926986,-1.05873142989173,-0.281112805039272,-0.630710353739377,0.573687476112335,0.3954126256126,-0.535095383246105,-0.265714936823456,0.252200927525285,-0.105387041048392,-0.12590585293807,-2.63062027228934,-1.41598004786218,-3.12754990856842,-1.27542320283738,-2.14204285935691,-2.64069327025034,-2.25091943654853,-1.57720104306522,-1.8869918915116,-1.26619265993569,-1.68518451252093,-0.87974037227667 +AC113309.1,1.44220685959669,1.22009469988345,1.09703165851349,1.43351432833758,1.27807023730173,1.2430344148207,1.29772808579844,1.4740976459995,1.25711977513895,0.814647246818548,1.22041500299185,1.61298071525207,1.78136041216276,1.24498182143288,0.970822554226769,1.16557699187777,0.914980503843788,1.56572250000386,1.10515701035802,1.82787740284413,0.916751851439701,0.534979086386745,0.837031451983911,1.55284783350512 +AC133578.3,-0.359524118026428,0.208600718473006,0.378450229112433,-0.0490279632332644,0.0084143806510463,0.579337358271032,0.247538915472969,0.59968468320258,-0.305497155561501,-0.0420704488199704,-0.120606023782844,-0.0497945052401938,-2.33312865405661,-1.37531645634637,-1.56090543336682,-2.72114037916022,-1.36765657895014,-1.97649266172131,-0.729611067462405,-1.40259846481518,-1.53318454010616,-2.26591590907712,-3.23450406108386,-1.80671007679024 +AC126942.1,1.01799784756243,1.34740703169323,0.974128233846271,1.67855788676799,1.75968919838284,1.51750960843245,1.47100731102911,0.834031757325831,1.12176597236749,1.50679854230983,1.7774347910992,1.5823153314747,-0.434739648199148,-0.313595124764398,-0.689651243384731,-0.26355951859703,0.190076423107464,-0.246770941572438,-0.0955805494676234,-0.582314778444171,-0.546412717541775,-0.478005426776492,0.185423966747975,-0.08198603163759 +AC121774.1,-0.690264446970384,-1.11775255783187,0.301671502437998,0.11837656467756,-0.560965977235294,-0.303377264715279,-0.792575551294287,-0.0228643699824986,0.0776904601897266,-0.50693313977507,0.132787242889209,-0.263161543818996,-2.39244598835174,-1.90973363021007,-2.15607656002221,-1.65692313574955,-1.68284748769586,-2.83962635628401,-2.01274515261093,-1.16447982989222,-1.648817607574,-2.16078547863534,-2.45455634396579,-1.35596728061847 +AC163108.1,1.03083736282033,0.989528765079715,0.618818920109491,0.713157868295184,0.0538021093958501,0.639717556540036,0.439047492373453,0.966839021871757,0.975050510475341,0.350445538994194,0.0627043225254471,0.568908348342439,0.351014961579685,0.298582300025615,0.136174443689576,0.071222064478601,-0.166307799474052,-0.389969593303376,-0.811376636709926,0.432456789897949,-0.20652026749652,0.57594355369885,-0.477424287077011,-0.867753345870318 +RP23-291E6.5,4.89870687486309,4.14310998158589,4.56044678837554,4.04350998419283,4.2663884322541,4.08698265813949,3.91090955357595,4.46241584095187,3.96792266162464,4.19464125493728,3.8571980846928,3.76663013973525,4.74310967656625,4.39181363230295,4.71217968834662,4.32589145750462,4.2748804878926,4.72454958356168,4.09347520531038,4.91611843488544,4.66850093985451,4.60333367420052,4.45680092036354,4.60153520804822 +RP24-215A14.2,0.844689466755692,0.4468312505873,0.613067836687747,0.666704265372218,1.01220252578301,0.569158543152015,0.349910946237806,0.676665708919051,0.597927566423124,0.321167854310306,0.599121888676873,0.717791638606973,0.959157628597979,1.22678551192178,0.744177478359389,0.786236705096383,0.992688861437017,0.854595656352874,1.10609246667168,1.28026687786761,0.453504695896586,0.95061432275238,1.00073509450816,0.578141040727284 +AC102195.1,-0.145524145978374,0.393003871890831,0.66753987235862,-0.131752725527247,-1.13982867095067,-0.40282847405364,0.0767759148716115,0.229690764123187,0.805650170879398,0.56298785665924,0.162036398714402,0.3961616344009,1.38322500404067,1.15072714983707,1.71647151530542,1.48995674372752,0.966537602697664,1.53000466899421,1.19162636464717,1.2165986598063,1.37263978282366,1.33501378256803,0.533309421673045,1.32303091256225 +B230377A18RIK,1.24292426864633,0.594949198308162,1.90734257786861,0.984202689622735,-0.106031756595334,0.696708912322165,1.14586696020057,0.31529407672348,0.8435617717694,0.665947588755506,1.23443864433993,1.58456772614472,1.08958345665161,0.518761256465121,1.06677155371497,1.36194829724502,-0.0561393054555913,1.74409997019802,1.57098508722779,-0.194586942605105,1.71699877867158,0.944912279776259,0.57148006882075,1.31466541362911 +RP24-422F20.2,-0.635018605339528,-0.211205174040665,0.179286330431012,-0.235357550373262,-0.116608385077446,-0.610575130497702,-0.737329709663431,0.0934695559218888,-0.209024983924057,0.131481328165934,0.290239876367111,-0.526512756078319,-1.12604413414856,-0.277931300486715,-0.841012187675935,-0.54991796867892,-0.853428115119698,-0.986450626558011,-0.773846387670837,-0.263097862058185,-1.59357176594315,-0.526368210471479,-0.48136573313041,-0.831375949456258 +AC150685.1,2.12950352382637,1.91042804794711,2.07883772990584,2.01534910002049,1.56618638313434,1.71285703573833,1.77634616606078,1.90070256548465,1.74430322951636,1.48738801287313,1.21252955763236,1.80728438009466,2.28077009492927,1.9466662937477,2.52217905439369,2.05329840113263,1.9651219606277,2.01245864953871,2.07733653384804,1.86225287575081,2.32442984380228,1.9913070173652,2.0895372598276,1.47563559004231 +CT030166.1,0.692196480938981,1.17422962202973,0.127151989094745,0.708902511348299,0.93108370082038,1.07358377334813,0.750233008084771,0.806822202179928,0.826899772033696,0.769002768864899,1.04449751084357,0.686212433176214,-1.36104499557044,-0.977737236173312,-1.49674177632328,-1.08032571607084,-0.578545299497716,-0.923393241326695,-0.751906088497002,-1.09781265345818,-1.22839872874916,-1.26278054185738,-0.393709978426386,-0.724483596863521 +AC154013.1,-0.215479331319104,0.56058424414343,1.5651867544097,0.361209452938374,-0.106433134105273,0.553027643859302,0.214974658854302,1.06672628264957,0.893525741634665,1.10354041694304,0.736182704181648,0.326361352694525,0.555263175800182,1.32975923700962,0.959350717075686,0.225372399479114,0.647579217742987,0.539277194891476,-0.294306007085754,0.700903604891684,0.795032450788624,1.41114978222399,0.455618855294093,1.27522745411538 +AC183097.2,-1.62614663146984,-2.22707115041484,-1.48371981449462,-1.37592293023921,-2.70010430167631,-1.80962486674651,-1.58867446266963,-1.52122693497278,-1.60101587586632,-2.42738692992156,-1.59578959034146,-2.06503704727467,-2.36938111198867,-1.70903367596034,-1.81846582685358,-4.02414807893649,-3.05068471638761,-2.50298131578107,-3.46402910592598,-1.64972197572632,-2.3746906480516,-2.31019088533301,-2.58811793510026,-2.16073100241651 +AL670236.2,-0.563425006414693,-0.449320845008538,-0.209862121428789,-0.942853080974796,-0.880407974645772,-0.566019884505436,-0.915239423197356,-0.448451308014677,-1.040970138964,-0.823679073338046,-0.2405728665379,-1.02678577698677,-0.645985154176506,-0.760341273649365,-0.79732285546967,-0.419986239285086,-0.641340103873818,-1.34814589543875,-0.849577910217461,-1.52256530757024,-0.544678376164837,-0.435721149130281,-0.341290992035836,-0.708725157650097 +AC108401.2,1.84507533516753,2.60180044141522,3.01648724513899,2.24075637482735,1.79830436124926,1.9512098219916,1.83838813889837,2.49826220815125,2.51297444557448,2.2630002849405,1.82127327111237,1.94261190804887,1.86920383277216,2.33665476270732,2.17560443652275,1.76473990951417,1.40051989564845,1.56914299692694,1.55535009195864,2.03255815189001,2.20806836473341,1.93373021778261,1.18682893307793,1.63976008697966 +AL807833.1,-1.8113558573007,-1.70992586913749,-1.77659485160188,-1.26181419432198,-1.58105491298219,-1.21517725391489,-2.18787453424105,-2.04414715334156,-2.89590022232831,-2.01114552887959,-1.73724844539128,-1.60139290834486,-1.71524693748074,-2.51850222635098,-1.85094371823358,-2.48628698342092,-1.41707270950345,-2.19939843231276,-2.3323246675542,-3.65459498517081,-2.47818145524538,-1.73218083785883,-1.68890494954096,-1.85612620734355 +AC122821.2,0.0391212260492526,0.492689450686284,0.501905642129333,0.66957185315221,1.3043134411007,0.738497293516996,0.959418700452255,0.702282811098727,-0.0989598432691805,-0.143985366025942,1.08635953130304,1.00391137399362,0.355399743428057,0.537148229849922,-0.532694195066079,-0.135375777015825,0.499702424051246,-0.311966881153905,0.475684102451186,-0.104043046529426,-0.604018078999227,0.359598322605871,0.244050602304868,-0.0449793869842836 +AC154731.1,1.04789883766788,2.25507302746019,0.292564005061205,1.80292843614962,2.53580122698245,2.04558729118442,2.35570411489218,-0.014097949905854,1.57977247747985,1.90629458446789,2.05873945699588,2.09456336616701,-0.178757873244427,1.57435895654441,-0.649041449780293,1.17129127869764,1.81068065395075,0.574539023892119,1.21731084136575,-0.580068692712501,1.21421173137933,0.956944703199432,1.6018944152016,1.46240784183142 +AC124336.1,-0.24664968893143,-0.934864735509847,-1.02668376222394,-0.165165144517568,-0.255740002001268,-0.954165664909859,0.2475663110002,-1.01941438140466,-1.056362208661,-1.44214132817115,-0.386339388555289,-0.522335064816679,-1.12186644288692,-1.11838223103209,-1.25110566069073,-1.59749960285705,-0.849250423858058,-0.714980949657898,-1.2433640596691,-0.808853198520351,-1.58939407468151,-0.621518967907127,-0.57700976798637,-0.582142555446573 +AC119880.1,0.151444086431281,0.413004168165085,1.193500381924,0.168125879564839,0.439754868771701,0.34126911728339,0.412272481027432,0.671762552962967,0.858167621574673,1.16590746958229,0.212092393298035,0.297634328676983,0.231777694500598,0.282481697126564,0.0424544572496424,0.271566439998734,-0.0373367413065084,0.244474242651698,0.199145609436134,0.283235915646656,0.0081259112228324,0.400832998930423,0.17771995224576,0.322454239930449 +AC149055.1,0.866719374803548,1.66906837373139,1.12406420382238,0.730503474055552,1.10710186023837,1.11151786394381,0.991869441077943,1.15719444608342,0.687393629621511,0.955723104149489,1.03273765132154,1.11363462278149,0.539959051590277,0.83194898125555,0.459292460118629,0.766072331951394,1.1661869597818,0.721310241276457,1.17512495796585,0.828861856515295,0.330354618750315,0.74793653450552,1.00904654852674,1.35635145288727 +AC160759.1,-0.414322854070533,0.613068858241067,1.18857073225017,0.578694862056983,-0.0720122971686308,0.113355559135397,0.2200529236708,0.382757668833684,0.415407942587276,0.630709697528737,-0.025284793285711,0.0059194061087781,0.431148599426212,0.498083130400883,0.445538275851113,0.304152278945334,-0.113888279724372,-0.222190302575884,-0.149413461159505,-0.857957388307826,-0.0735580548459055,0.582662346015036,-1.18487994845803,0.0381126798031193 +AC133183.2,-1.53199826902874,-1.81087425769587,-0.869591946172561,-1.10754848252726,-1.14788457236834,-1.05549497886022,-1.61307172223224,-1.37932000930387,-1.55598851510788,-1.56353089587133,-1.38567545584711,-1.56238526124881,-4.05872486884637,-4.69569307571617,-4.69569307571617,-4.69569307571617,-4.12023061284658,-4.06555140348883,-4.69569307571617,-4.69569307571617,-4.69569307571617,-4.69569307571617,-4.10057165167211,-4.69569307571617 +AC123795.1,-2.1996717472856,-1.29590906789942,-2.72668719359282,-2.00971217735331,-0.977915782563977,-1.28664974809741,-0.294740632086078,-3.96294741837833,-3.25934297775002,-2.20865479358367,-0.502914275131387,-0.915456014552605,-4.41501968008777,-4.91978943030709,-5.49234172024738,-4.78894326832898,-3.70542117943189,-5.49234172024738,-5.49234172024738,-5.49234172024738,-4.90101870632252,-5.49234172024738,-4.89722029620333,-5.49234172024738 +AC121821.1,3.42782870543661,3.0946114200438,3.99931274454934,3.77813404487087,3.37117277828079,3.25111710372728,3.06730638039726,3.64010798264939,3.84627093404135,3.76453173204698,2.88002784803216,3.55257447461712,3.50872114642292,3.02825345079432,3.81313926873017,3.40147437031998,3.65887072598778,3.71104266513799,3.38940168560048,4.04293762996419,3.69134937628569,3.04391437390775,3.32389858295306,3.25727427790843 +AC107744.1,0.066045352965429,1.2397018674601,-0.266762595385121,1.24982449094807,0.956395094352463,0.704925545162096,1.23302781124103,-0.465652084560982,0.569200066713364,0.71337294205619,1.14764348649638,1.05524672664076,0.0672400642355129,0.333283866759835,-0.614215195769071,0.530160741615213,0.65757463394663,0.237487755796962,0.873295924083962,-0.38568181697749,0.86048307048692,0.257446160820887,0.933745289380818,0.542553397121015 +RP24-414A22.2,-2.53067451693066,-0.820284101579656,-0.466746354962632,-0.595119148601567,-1.09276089687031,-1.70808436157655,-1.90166604366336,-1.07556512339972,-1.13590311292286,-0.572940739755111,-0.681097812536385,-1.00736395176209,-2.29087351637226,-1.41314065501318,-1.13159292039539,-0.840498701398376,-1.91818237878446,-1.00973937363899,-2.59166360724493,-0.857985638785713,-0.78173295954978,-0.816948943190935,-2.36493995591027,-0.667489060274435 +AC121499.1,-2.32083375051297,-1.09317636089976,-1.77395634915875,-1.90666215789942,-1.21926141503002,-1.59941777970829,-1.71610296257537,-1.46226754808543,-1.1567888131313,-1.7469043376389,-1.73460994294815,-1.59875440590173,-2.37990628216678,-1.08212184897092,-1.98555793052142,-2.24627722866355,-1.99747135021811,-2.62254449704394,-2.32968616511107,-1.34065075662915,-2.96313646853059,-2.14337204942121,-2.27373557381157,-2.38055800047575 +AC131756.1,-0.0548177192714216,0.196187123355691,0.161491587100669,-0.37348769424505,0.351400076142195,0.167505018005909,0.0057563759472826,0.169529117227838,-0.235193301342797,0.343933980361249,-0.220387574649089,-0.188855546734474,-0.365242762337405,-0.022488315302076,-0.0015311539580739,0.389550257873387,-0.294066275961621,0.434934784907294,-1.11005776890812,-0.771576778917519,-0.153495017486479,-0.0084801319089024,-0.730674584566595,-0.140160805359904 +AC115752.1,2.16086036756573,2.43372311041127,2.52890139144109,2.22118771816514,1.67142289441469,1.79155706822722,2.05685036756445,2.22093161477327,2.32634400881313,2.14620114319948,1.76444281415724,1.87977375433868,2.46656679769519,2.13380967431753,2.19137137682198,2.47536452570032,1.95733762156,2.07311403075595,2.0954990280677,2.51836268513948,2.50054129109323,2.61963756397301,1.84711990759357,2.07044394733746 +AC129605.1,2.56341460683928,1.60814631778296,1.3241719020875,0.397025953106534,1.54049331237916,1.96446774283067,1.68824866946973,1.56028566945818,1.39414680157665,0.304886898343208,0.994270822502919,1.90043962656229,1.85916592029079,1.11545594954288,1.17203682070193,-0.376512398501646,-0.178938603357417,0.338345890173469,0.418360754443762,1.2077700583643,0.730859561848848,-0.67416557837933,-0.756875998507325,0.141576289002149 +AC159256.1,-1.282865682812,-0.452740429932486,-1.33717909113646,-0.842313090170336,-0.865154030958843,-1.11971869907382,-0.781887050656903,-0.654304375403982,-1.18894957563136,-0.807652664894475,-1.14129962778453,-0.887318689396554,-0.792463619656069,-0.21896308952768,-0.544058172443345,-0.56833434476044,-0.695404419589774,-0.99607314889709,-0.916058284626797,-0.41387994606005,-0.914192108976315,-0.466648129278339,-0.903812760779259,-0.979276015447027 +AC164431.1,-1.80165265463831,-0.643521374893822,-0.96558420366379,0.250240165186453,-0.386757225841523,-1.4479620689454,-0.937602609003943,-0.298422019808705,-0.948939587691134,0.252418348931581,-1.57172222201433,-0.271898274823305,-0.310149004935309,0.208252009875285,0.127361784140353,0.500965383413835,0.113547398289651,-0.91943154026005,-0.727299947408725,-0.291165840060779,-0.205278232442549,0.534699844662866,-0.127824063877953,0.224479562581823 +AC122273.1,-0.122196036092529,-0.0128387418876137,0.0309078639756222,-0.0407114916786675,0.14237421089889,0.410878532441978,0.55030674172662,0.0972232670468017,-0.363743338243486,0.134908115117945,0.0875724944549882,0.120608510682803,0.0187552385057432,0.139440043570685,0.401857587533969,-0.694525403906239,-0.403831676100677,0.0015033672206763,0.159129995426666,0.573849928247009,-0.462236629089528,-0.718939804456064,-0.259374735160165,-0.842885173940777 +AC102484.1,0.657637435632536,0.975843040186514,0.0905527427113131,0.635148236283563,0.723278288140717,0.574406954559394,0.701515050312222,0.680103805890761,0.153259389032042,0.355151921336149,-0.330384535735345,0.429498646390049,-0.920899904971915,-0.753820266693922,-2.31469760021601,-2.05040028622712,-1.8683937440792,-0.863587658485321,-0.938580697702568,-1.34855183149759,-1.7035829366338,-1.86264479609477,-0.955199758010075,-1.08394811119914 +AC165080.1,1.38729803669527,1.4364127802434,1.93713408235268,1.89359119703302,1.48653402972433,1.35764262126792,1.54312593632303,1.7415698521626,1.60767750000188,2.1154955963968,1.68248295444672,1.48637321719825,-0.233741509622887,0.122859718660226,0.0134275677669833,0.98958082385673,-0.583652765546433,-0.250746055585714,0.0785693710851576,0.111002217785851,0.50922534731772,1.00526297212038,-0.0172567765235033,0.162072225017286 +AC119212.1,-0.865574919879088,-0.761385350005452,-0.163041413178561,-0.947994805802957,-1.05599569390761,-1.55721769594992,-0.700985265389677,-0.627617796679508,-0.22552380455285,-1.00464721787263,-1.3629537399102,-0.0868203379364436,0.285863087829079,0.497907448534818,0.387097424082944,0.139349343812974,-0.187851619198619,0.523330816791685,-0.557549313083816,0.695481889479417,0.321440560465859,0.283606786820703,0.117486641021198,0.492959233240521 +AC093341.1,-0.0243664521669564,0.34705378086395,0.392976666910813,-0.973926735109583,-2.11382874485362,-0.367908848576519,-0.0373832352228054,0.435512078782615,0.20255334979848,-0.260250251778738,-0.811864658767877,-0.563406821412414,-3.97510109804954,-3.31255702988261,-4.61206930491933,-4.61206930491933,-3.62634292403532,-4.61206930491933,-3.95049833724691,-3.96753241390742,-4.61206930491933,-4.61206930491933,-4.01694788087528,-4.61206930491933 +AC108434.1,1.62408372677041,1.49686148372655,0.679827232612343,1.74543480122041,1.52185133213685,1.67722176643938,1.99348779253808,1.54040431785826,1.70474869673258,1.12012509676778,1.53075354526645,1.84550717440873,1.4619362893172,2.02915959262312,1.84503863834543,1.14127726382415,1.30174142326695,1.73675271490819,1.94385425449541,1.48091945419173,1.56680706180996,1.72242767046688,1.94022217771152,2.15524675096417 +AL845483.1,-1.37515927828475,-1.00570774846064,-1.40238112407569,-0.987138485617278,-0.660365215097521,-0.429109215933743,-1.9931450815627,-1.08665391868459,-1.20134818212092,0.0131169723003035,-1.15975040864229,-0.833664692299615,-4.46976802851135,-3.89721573857106,-4.46976802851135,-3.29557124570582,-4.46976802851135,-3.83962635628401,-4.46976802851135,-4.46976802851135,-4.46976802851135,-4.46976802851135,-4.46976802851135,-4.46976802851135 +AC148981.1,-0.0012273999251875,0.674746970518439,1.30719215734639,0.502231201175154,0.870276273632167,0.562034755570272,0.806999443038099,1.04145746958867,0.733382375205345,1.19224702130779,0.84422531431801,1.13583853945724,-0.138191138193406,0.25082888388943,0.465423840435829,-0.0552704464194882,0.495773683874593,-0.0808788917068117,0.264878364634383,0.280968736273378,-0.112168828051068,0.213175132815548,0.206713043919274,-0.217836464812339 +AL928696.1,-1.80039336352537,-1.15813018883031,-1.76563235782656,-2.0200750758576,-2.19901983122527,-1.29164833095407,-0.94734203986148,-0.971796315995095,-1.93418709544954,-2.00018303510426,-1.6212606599315,-1.23208457890181,-1.24977684977015,-1.41377009312435,-1.83998122445825,-1.30418232661475,-2.14050923705299,-1.26663268946167,-1.9454357560163,-1.98288118378827,-1.18393063519442,-0.915417776023199,-1.94197898943734,-1.70502314498316 +AC137970.1,-1.73702737376181,-1.40214425281524,-0.923963355424813,-1.28797297656887,-2.06916163106394,-1.82451724258486,-1.62654082660449,-0.977901703731919,-1.42215045318338,-0.70766333319676,-1.04867867686316,-1.77146551033305,-1.87686768649337,-1.85055024484772,-2.99821084545741,-1.5588311502489,-2.20442971904498,-1.42345130206719,-2.25703450404442,-1.38985896276197,-2.65799335465147,-2.00755042330818,-2.6511872961708,-1.87754951196759 +AC124446.1,0.151960166750007,0.143672482306626,0.612222239483661,0.283163599982987,1.80527055018581,2.02560913312583,0.99155349539076,0.728893918690907,0.240761035506842,-0.142188618333376,1.49365242535502,0.685841959823217,-0.660302710260291,0.200841603808752,-1.11430238720124,-1.9356420483989,1.19174650721551,0.49109679819298,0.776324179807566,-1.88434801216069,-0.924698722694478,-1.40081068306809,1.23223260454114,0.709794342900327 +AC116484.1,0.924518812013109,1.33159983510093,1.00347395373122,1.44803813266147,0.83278075868991,1.16180404680321,0.911740838554803,1.22284365772667,1.06731073694103,0.710866921928119,1.1780238832376,0.810291475803744,1.19606055025312,1.20022605302163,1.25680692418069,1.48038071290382,1.59737665641495,1.21645315865357,1.47905786253276,1.43417966867386,1.56236514550906,1.18062781348955,1.23000845425427,0.790631004829845 +AL691450.2,0.187349546238721,0.287062900049098,1.04993970457741,0.514960423231691,0.309823700005805,-0.191398302036509,0.176392573196077,0.825031696068645,0.882350684658525,0.582541071760552,0.478491862415991,-0.687981344172408,-0.774187456832221,0.586807808742462,0.385093139144651,-0.375571967298104,-1.20269047917589,-0.088683416189943,-0.0214364241101556,1.13521238610032,0.148729617352893,-0.204617023507612,-0.359379741005905,-0.272481486796064 +AC102860.1,0.305226860908435,0.957724628581859,0.0023346483561819,0.716775321946236,1.32263249357326,1.01516818129489,1.33443552634958,-0.0437275031043804,0.18047314268764,1.02872474480328,1.14044059978575,0.822471551909855,-0.897734518123325,0.490386123121261,-0.724783182401297,0.280736651491605,0.49894454321449,0.293598831931148,0.40854592258174,-0.337408930396024,-0.250640339268469,-0.0911115307460599,0.428051913431835,0.40272243161487 +AC118733.2,-0.394822068429093,-0.160384976204015,-0.307646549499149,-0.445280619747493,-1.12620469618901,-1.04279584949362,-0.856539537506523,-0.378051161490238,-1.05524544957763,-0.661610367518446,-0.957536533778826,-0.649951904017167,-0.912823041055482,-0.570068594020152,0.0633031740591978,-0.332148740580898,-1.32542323273325,-0.420342959967606,-0.736950117442444,-0.473020931432416,-1.02363374428049,-0.73629127984571,-1.01421832961296,-1.70850988299088 +RP23-463F7.8,5.11323261652058,4.67689973426266,5.5296233325113,5.18295400786459,4.76093720991954,4.8809764371766,4.63817254353606,5.24333217664086,5.0684585103313,5.00257963740493,4.81236924197956,4.82984134071895,4.9099324893797,4.27518145486146,4.81030305114039,4.44902672568945,4.41806441600512,4.54267488217712,4.38893360542606,4.88119502306174,4.90876016032281,4.55392668118112,4.13580612324117,4.09135847078983 +AC147987.1,0.892818205772482,0.981039922213362,0.962859259922685,0.693445303148783,0.840432582777288,1.25692711348184,0.71622445717492,1.22054300121313,0.850958942714832,0.69057637632454,0.670850265983566,0.817060819642065,1.58370053914039,1.38591007859071,1.09695779237064,1.57017240782481,1.45705763819348,1.44596538140479,1.72472466290316,1.51286462330802,1.3354974104101,1.32284698972355,1.67681832501078,1.19210508289689 +AC123608.1,-2.81820600169631,-1.75573592002328,-2.44905841916677,-2.35762371706746,-2.07951165207597,-2.25893558144277,-2.00405567545496,-3.00602743430737,-2.84188280884128,-2.55656633329782,-2.46678992272659,-2.56389280430564,-2.00015391815913,-1.78810955745339,-2.53069780624193,-2.64358824363005,-1.61949131454556,-2.32845349751759,-2.39523242175491,-2.43766261239001,-2.73601451274856,-2.61167330691376,-2.05732129028152,-1.94612235439284 +RP24-414A22.6,2.43147358763791,2.00391417980529,2.29211529679724,2.21066874375322,2.34626628027039,2.2403137797438,2.32927113551646,2.41814827208578,2.39863146199921,2.16935681784157,2.23271348060725,2.20986274137288,1.74279646493345,1.75109435061731,1.85008674299654,1.86873903512453,1.77090184338222,1.69172709156575,1.71862778354466,1.44619592440341,1.82915651057474,1.85271107332715,1.89378701112253,1.79171224608742 +AC102862.2,-1.02396260527884,-1.84980220134483,-1.47703398274752,-1.06179134428911,0.212590298366462,-0.155890479206788,-0.373016360650645,-0.977822978667637,-0.898887862196447,-0.88321633347949,-0.654697841732746,-1.26806043152729,-4.54442088718318,-4.54442088718318,-4.54442088718318,-4.54442088718318,-2.97852143409114,-4.54442088718318,-3.88284991951075,-4.54442088718318,-4.54442088718318,-4.54442088718318,-4.54442088718318,-3.90776908515327 +AC113320.1,0.878108143196212,0.840308358337375,0.865324888243794,0.804207657453983,0.693250664743321,0.361278635941499,0.0150625563782529,0.749079186954835,1.21216155436077,0.858818718391532,0.776141652419452,0.938583331934211,1.29583018615777,0.680952689785251,1.13765458610946,1.34730101513967,0.689328637852024,1.41528416773642,0.465387962600775,1.65094327754643,0.734430508139808,0.695990248644726,0.995333954301999,1.17418439222729 +AC121960.1,-3.54179201182388,-3.50451709764141,-4.04667825693777,-3.53663181023964,-2.31333267378705,-2.04965969891437,-2.87979970468355,-3.48923233255378,-3.54972157594104,-4.04667825693777,-2.82160857155295,-3.50336028644234,0.652518048953123,0.799698440820166,0.463730479591857,0.943753215692784,2.6043946479437,1.81037127812304,2.55320010432983,0.286034808688432,0.644004784991833,0.687375678808229,2.24058268713783,2.26102471200047 diff --git a/data/qpcr_example.csv b/data/qpcr_example.csv new file mode 100644 index 0000000..5c5f5ce --- /dev/null +++ b/data/qpcr_example.csv @@ -0,0 +1,10 @@ +Participant ID,1,1,2,2,3,3,4,5,5,6,6,7,7,8,8,9,10,11 +Replicate,1,2,1,2,1,2,1,1,2,1,2,1,2,1,2,1,1,1 +Group,Group 1,Group 1,Group 1,Group 1,Group 1,Group 1,Group 1,Group 1,Group 1,Group 2,Group 2,Group 2,Group 2,Group 2,Group 2,Group 2,Group 1,Group 2 +12,0.1521,0.1157,0.2137,0.2373,,0.1287,0.2434,0.3844,0.5509,0.1456,0.1192,0.2279,0.2544,0.1478,0.165,0.2433,0.0757,0.169 +16,0.2682,0.235,0.522,0.5362,0.2034,0.1663,0.5834,0.7298,0.5026,0.1357,0.1508,0.357,0.3393,0.2616,0.2432,0.2816,0.1228,0.2285 +20,0.2328,0.2364,0.7227,0.6,0.2074,0.1887,0.6815,0.6507,0.7113,0.1493,0.1641,0.4117,,0.3647,0.2158,0.2677,0.1582,0.2619 +24,0.1691,0.1394,0.4334,0.4078,0.1752,0.2141,0.4122,0.5008,0.5088,0.1237,0.1432,0.3894,,0.2779,0.2997,0.2772,0.1534,0.3343 +28,0.078,0.065,0.1708,0.1662,0.1165,0.145,0.1788,0.2429,0.2548,0.0888,0.0764,0.1327,0.1392,0.1387,0.103,0.1846,0.0791, +32,0.0546,0.062,0.1118,0.111,0.1157,0.088,0.1201,0.1236,0.115,0.0656,0.0867,0.1163,0.1133,0.0948,0.1096,0.1236,0.0582,0.1021 +36 ,0.0784,0.0719,0.1551,0.1334,0.1091,0.1146,0.1724,0.1765,0.2084,0.1214,,0.1048,0.1442,0.2728,0.2212,0.2097,0.072,0.1603 diff --git a/notebooks/live_cell_tutorial.ipynb b/notebooks/live_cell_tutorial.ipynb index ae805fa..841ae47 100644 --- a/notebooks/live_cell_tutorial.ipynb +++ b/notebooks/live_cell_tutorial.ipynb @@ -113,7 +113,8 @@ "- poly2 (linear + quadratic terms)\n", "- moving_average (need to provide number of window steps)\n", "\n", - "As measurements are every 10 mins, we'll use a moving_average window of 240 (24 hour moving average window)." + "As measurements are every 10 mins, we'll use a moving_average window of 240 (24 hour moving average window).\n", + "The helper returns a matplotlib figure along with temporary PDF and CSV paths so you can download both the plot and the detrended traces." ] }, { @@ -123,7 +124,12 @@ "metadata": {}, "outputs": [], "source": [ - "fig, tmp_path = dataset.plot_group_data(\"group1\", method=\"moving_average\", window=240, plot_style=\"line\")" + "fig, tmp_path, csv_path = dataset.plot_group_data(\n", + " \"group1\",\n", + " method=\"moving_average\",\n", + " window=240,\n", + " plot_style=\"line\",\n", + ")" ] }, { diff --git a/notebooks/omics_tutorial.ipynb b/notebooks/omics_tutorial.ipynb index 6739159..9a006e3 100644 --- a/notebooks/omics_tutorial.ipynb +++ b/notebooks/omics_tutorial.ipynb @@ -72,8 +72,9 @@ "import matplotlib.pyplot as plt\n", "import numpy as np\n", "import pandas as pd\n", - "from cosinor_lite.datasets import OmicsDataset\n", - "from cosinor_lite.differential_rhytmicity_omics import DifferentialRhythmicity, OmicsHeatmap, TimeSeriesExample\n", + "\n", + "from cosinor_lite.omics_dataset import OmicsDataset\n", + "from cosinor_lite.omics_differential_rhytmicity import DifferentialRhythmicity, OmicsHeatmap, TimeSeriesExample\n", "\n", "plt.rcParams.update(\n", " {\n", @@ -210,8 +211,9 @@ " t_cond1=t_cond1,\n", " t_cond2=t_cond2,\n", " deduplicate_on_init=True,\n", + " log2_transform=False,\n", ")\n", - "rna_data.expression_histogram()" + "fig = rna_data.expression_histogram()" ] }, { @@ -231,7 +233,7 @@ "metadata": {}, "outputs": [], "source": [ - "rna_data.replicate_scatterplot(sample1=\"ZT_0_a_1\", sample2=\"ZT_0_a_2\")" + "fig = rna_data.replicate_scatterplot(sample1=\"ZT_0_a_1\", sample2=\"ZT_0_a_2\")" ] }, { @@ -239,7 +241,7 @@ "id": "13", "metadata": {}, "source": [ - "In some cases this may reveal that measurements below a certain threshold look visually less correlated between samples. Here we will defines genes as non-expressed using the threshold of <0, as used in the original 2017 article." + "In some cases this may reveal that measurements below a certain threshold look visually less correlated between samples. Here we will defines genes as non-expressed using a mean expression cut-off of 0 and requiring at least two detected measurements per condition, matching the original 2017 article." ] }, { @@ -249,7 +251,7 @@ "metadata": {}, "outputs": [], "source": [ - "rna_data.add_is_expressed(mean_min=0)" + "rna_data.add_is_expressed(mean_min=0, num_detected_min=2)" ] }, { @@ -302,7 +304,7 @@ " cond2_label=\"Beta cells\",\n", " show_unexpressed=False,\n", ")\n", - "heatmap.plot_heatmap()" + "fig = heatmap.plot_heatmap()" ] }, { @@ -332,12 +334,16 @@ " cond2_label=\"Beta cells\",\n", ")\n", "\n", - "# example.plot_time_series(\"Scg2\", xticks=np.arange(0, 25, 4))\n", - "# example.plot_time_series(\"Upk3a\", xticks=np.arange(0, 25, 4))\n", - "# example.plot_time_series(\"Kcnk3\", xticks=np.arange(0, 25, 4))\n", - "\n", - "example.plot_time_series(\"Ntrk1\", xticks=np.arange(0, 25, 4))" + "example.plot_time_series(\"Arntl\", xticks=np.arange(0, 25, 4))" ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "21", + "metadata": {}, + "outputs": [], + "source": [] } ], "metadata": { diff --git a/run.sh b/run.sh index 85ca410..ab49125 100755 --- a/run.sh +++ b/run.sh @@ -26,7 +26,7 @@ function test:quick { # execute tests against the installed package; assumes the wheel is already installed function test:ci { - INSTALLED_PKG_DIR="$(python -c 'import cosinor_lite; print(cosinor_lite.__path__[0])')" + INSTALLED_PKG_DIR="$(uv run python -c 'import cosinor_lite; print(cosinor_lite.__path__[0])')" # in CI, we must calculate the coverage for the installed package, not the src/ folder COVERAGE_DIR="$INSTALLED_PKG_DIR" run-tests } @@ -47,7 +47,7 @@ function run-tests { } function serve-coverage-report { - python -m http.server 8000 \ + uv run python -m http.server 8000 \ --bind 127.0.0.1 \ --directory "$THIS_DIR/test-reports/htmlcov/" } diff --git a/src/cosinor_lite/livecell_dataset.py b/src/cosinor_lite/livecell_dataset.py index 45bcbb5..8a0b537 100644 --- a/src/cosinor_lite/livecell_dataset.py +++ b/src/cosinor_lite/livecell_dataset.py @@ -50,7 +50,7 @@ class LiveCellDataset: poly2_trend(x, y): Fits a second-order polynomial trend to the data. moving_average_trend(x, y, window): Computes a moving average trend. get_trend(x, y, method, window): Applies the specified detrending method. - plot_group_data(group, method, window, m, plot_style): Plots time series data for the specified group. + plot_group_data(group, method, window, m, plot_style): Plots time series data for the specified group and exports detrended values. """ @@ -247,7 +247,7 @@ def moving_average_trend( y_series = pd.Series(y) ma_fit = y_series.rolling(window=window, center=True).mean().to_numpy() good = np.isfinite(x) & np.isfinite(ma_fit) - y_detrended = y[good] - ma_fit[good] + np.mean(y[good]) + y_detrended = y[good] - ma_fit[good] # + np.mean(y[good]) return x[good], ma_fit[good], y_detrended def get_trend( @@ -301,14 +301,14 @@ def get_trend( msg = f"Unknown detrending method: {method}" raise ValueError(msg) - def plot_group_data( + def plot_group_data( # noqa: PLR0915 self, group: str, method: str = "linear", window: int = 5, m: int = 5, plot_style: str = "scatter", - ) -> tuple[plt.Figure, str]: + ) -> tuple[plt.Figure, str, str]: """ Plots data for a specified group, with options for trend fitting and plot style. @@ -332,6 +332,8 @@ def plot_group_data( The matplotlib Figure object containing the plots. tmp_path : str The path to the saved temporary PDF file of the figure. + csv_path : str + The path to a temporary CSV containing detrended data in input-like layout. Raises ------ @@ -340,32 +342,39 @@ def plot_group_data( """ if group == "group1": - ids, _replicates, data = self.get_group1_ids_replicates_data() + ids, replicates, data = self.get_group1_ids_replicates_data() color = self.color_group1 group_label = self.group1_label elif group == "group2": - ids, _replicates, data = self.get_group2_ids_replicates_data() + ids, replicates, data = self.get_group2_ids_replicates_data() color = self.color_group2 group_label = self.group2_label else: msg = "group must be 'group1' or 'group2'" raise ValueError(msg) - n_group = len(np.unique(ids)) + ids_array = np.array(ids) + replicates_array = np.array(replicates) + n_group = len(np.unique(ids_array)) n_cols = m n_rows = int(np.ceil(n_group / n_cols)) - study_list = np.unique(ids).tolist() + study_list = np.unique(ids_array).tolist() fig = plt.figure(figsize=(5 * n_cols / 2.54, 5 * n_rows / 2.54)) + detrended_matrix = np.full_like(data, np.nan, dtype=float) + for i, id_curr in enumerate(study_list): - mask = np.array(ids) == id_curr + mask = ids_array == id_curr n_reps = int(np.sum(mask)) ax = fig.add_subplot(n_rows, n_cols, i + 1) + col_indices = np.where(mask)[0] + for j in range(n_reps): x = self.time - y = data[:, mask][:, j] + col_idx = col_indices[j] + y = data[:, col_idx] if plot_style == "scatter": ax.scatter(x, y, s=4, alpha=0.8, color=color) @@ -376,12 +385,18 @@ def plot_group_data( x_fit = x[valid_mask] y_fit = y[valid_mask] - x_processed, trend, _y_detrended = self.get_trend( + x_processed, trend, y_detrended = self.get_trend( x_fit, y_fit, method=method, window=window, ) + detrended_full = np.full_like(x, np.nan, dtype=float) + for x_val, y_val in zip(x_processed, y_detrended, strict=False): + idx_candidates = np.where(np.isclose(x, x_val))[0] + if idx_candidates.size: + detrended_full[idx_candidates[0]] = y_val + detrended_matrix[:, col_idx] = detrended_full if method != "none": ax.plot( x_processed, @@ -403,4 +418,23 @@ def plot_group_data( fig.savefig(tmp_path) - return fig, tmp_path + csv_fd, csv_path = tempfile.mkstemp(suffix=".csv") + os.close(csv_fd) + + column_labels = [f"col_{i + 1}" for i in range(detrended_matrix.shape[1])] + table_rows = [ + np.array(ids_array, dtype=object), + np.array(replicates_array, dtype=object), + np.array([group_label] * detrended_matrix.shape[1], dtype=object), + ] + table_rows.extend(detrended_matrix.astype(object)) + index_labels = [ + "participant_id", + "replicate", + "group", + *[float(t) for t in self.time], + ] + export_df = pd.DataFrame(table_rows, index=index_labels, columns=column_labels) + export_df.to_csv(csv_path, index=True, header=False, na_rep="") + + return fig, tmp_path, csv_path diff --git a/src/cosinor_lite/omics_dataset.py b/src/cosinor_lite/omics_dataset.py index 57d6aa7..24be69c 100644 --- a/src/cosinor_lite/omics_dataset.py +++ b/src/cosinor_lite/omics_dataset.py @@ -47,6 +47,8 @@ class OmicsDataset: Display label for condition 2, by default ``"cond2"``. deduplicate_on_init : bool, optional Whether to deduplicate genes immediately after initialization, by default ``False``. + log2_transform : bool, optional + Whether to apply a log2(x + 1) transform to expression columns on init, by default ``False``. """ @@ -60,6 +62,7 @@ class OmicsDataset: cond2_label: str = "cond2" deduplicate_on_init: bool = False + log2_transform: bool = False @field_validator("t_cond1", "t_cond2", mode="before") @classmethod @@ -115,12 +118,21 @@ def _check_columns(self) -> Self: def __post_init__(self) -> None: """Populate derived columns and optionally deduplicate entries.""" + if self.log2_transform: + self._apply_log2_transform() self.add_detected_timepoint_counts() self.add_mean_expression() self.add_number_detected() if self.deduplicate_on_init: self.deduplicate_genes() + def _apply_log2_transform(self) -> None: + """Apply a log2(x + 1) transform to measurement columns.""" + measurement_cols = self.columns_cond1 + self.columns_cond2 + numeric = self.df[measurement_cols].apply(pd.to_numeric, errors="coerce") + transformed = np.log2(numeric + 1.0) + self.df.loc[:, measurement_cols] = transformed + def detected_timepoint_counts(self, cond: str) -> list[int]: """ Count detected time points per gene for the requested condition. @@ -165,8 +177,8 @@ def add_detected_timepoint_counts(self) -> None: def add_mean_expression(self) -> None: """Compute mean expression for both conditions and store in the DataFrame.""" - self.df["mean_cond1"] = self.df[self.columns_cond1].mean(axis=1) - self.df["mean_cond2"] = self.df[self.columns_cond2].mean(axis=1) + self.df["mean_cond1"] = self.df[self.columns_cond1].mean(axis=1, skipna=True) + self.df["mean_cond2"] = self.df[self.columns_cond2].mean(axis=1, skipna=True) def add_number_detected(self) -> None: """Store the count of non-null measurements for each condition.""" @@ -247,7 +259,7 @@ def expression_histogram(self, bins: int = 20) -> plt.Figure: """ print(plt.rcParams["font.size"]) - fig = plt.figure(figsize=(6 / 2.54, 12 / 2.54)) + fig = plt.figure(figsize=(8 / 2.54, 12 / 2.54)) plt.subplot(2, 1, 1) plt.hist(self.df["mean_cond1"].to_numpy().flatten(), bins=bins) plt.xlabel("Mean Expression") diff --git a/src/cosinor_lite/omics_differential_rhytmicity.py b/src/cosinor_lite/omics_differential_rhytmicity.py index 1cba7b8..8f4f5dc 100644 --- a/src/cosinor_lite/omics_differential_rhytmicity.py +++ b/src/cosinor_lite/omics_differential_rhytmicity.py @@ -588,7 +588,6 @@ def rhythmic_genes_expressed_cond1(self) -> pd.DataFrame: mask: pd.Series = (df["is_expressed_cond1"]) & ~(df["is_expressed_cond2"]) df_to_analyse: pd.DataFrame = df[mask].reset_index(drop=True) - model_ids: list[int] = [model.name for model in MODELS_ONE_CONDITION] rows: list[dict] = [] for gene, row in tqdm( df_to_analyse.set_index("Genes").iterrows(), @@ -604,20 +603,18 @@ def rhythmic_genes_expressed_cond1(self) -> pd.DataFrame: if float(np.nanmax(weights)) < self.BIC_cutoff: best_result = M0() chosen_model_biw: float = np.nan - model: int = 0 + chosen_model: int = 0 else: pick: int = int(np.nanargmax(weights)) best_result = results[pick] chosen_model_biw = float(weights[pick]) - model = int(best_result.name) - weight_columns = _weight_mapping(model_ids, weights) + chosen_model = [1, 3][pick] rows.append( { "gene": gene, - "model": model, + "model": chosen_model, "chosen_model_bicw": chosen_model_biw, - # "weight": weights[pick], - **weight_columns, + **{f"w_model{model_id}": weights[i] for i, model_id in enumerate([1, 3])}, "alpha_phase": getattr(best_result, "phase", np.nan), "alpha_amp": getattr(best_result, "amp", np.nan), "beta_phase": np.nan, @@ -644,7 +641,6 @@ def rhythmic_genes_expressed_cond2(self) -> pd.DataFrame: mask: pd.Series = ~(df["is_expressed_cond1"]) & (df["is_expressed_cond2"]) df_to_analyse: pd.DataFrame = df[mask].reset_index(drop=True) - model_ids: list[int] = [model.name for model in MODELS_ONE_CONDITION] rows: list[dict] = [] for gene, row in tqdm( df_to_analyse.set_index("Genes").iterrows(), @@ -660,20 +656,18 @@ def rhythmic_genes_expressed_cond2(self) -> pd.DataFrame: if float(np.nanmax(weights)) < self.BIC_cutoff: best_result = M0() chosen_model_biw: float = np.nan - model: int = 0 + chosen_model: int = 0 else: pick: int = int(np.nanargmax(weights)) best_result = results[pick] chosen_model_biw = float(weights[pick]) - model = int(best_result.name) - weight_columns = _weight_mapping(model_ids, weights) + chosen_model = [1, 2][pick] rows.append( { "gene": gene, - "model": model, + "model": chosen_model, "chosen_model_bicw": chosen_model_biw, - # "weight": weights[pick], - **weight_columns, + **{f"w_model{model_id}": weights[i] for i, model_id in enumerate([1, 2])}, "alpha_phase": np.nan, "alpha_amp": np.nan, "beta_phase": getattr(best_result, "phase", np.nan), @@ -852,7 +846,6 @@ def timepoint_means( Raises ------ - ValueError If the number of columns differs from the number of time labels provided. """ @@ -860,14 +853,17 @@ def timepoint_means( text: str = f"Length of columns ({len(columns)}) must match length of times ({len(times)})" raise ValueError(text) - values: np.ndarray = df[columns].to_numpy() - unique_times: np.ndarray = np.unique(times) + values: np.ndarray = df[columns].apply(pd.to_numeric, errors="coerce").to_numpy(dtype=float) - result: np.ndarray = np.column_stack( - [values[:, times == t].mean(axis=1) for t in unique_times], - ) + times_arr: np.ndarray = np.asarray(times) + unique_times: np.ndarray = pd.unique(times_arr) - return result + with np.errstate(all="ignore"): + means: np.ndarray = np.column_stack( + [np.nanmean(values[:, times_arr == t], axis=1) for t in unique_times], + ) + + return means def get_z_score(self, arr: np.ndarray) -> np.ndarray: """ @@ -884,10 +880,25 @@ def get_z_score(self, arr: np.ndarray) -> np.ndarray: Z-score normalized matrix preserving the original shape. """ - means: np.ndarray = np.mean(arr, axis=1, keepdims=True) - stds: np.ndarray = np.std(arr, axis=1, keepdims=True) - safe_stds: np.ndarray = np.where(stds == 0, 1, stds) - return (arr - means) / safe_stds + a: np.ndarray = np.asarray(arr, dtype=float) + + row_all_nan: np.ndarray = np.asarray( + np.isnan(a).all(axis=1, keepdims=True), + dtype=bool, + ) + + mu: np.ndarray = np.nanmean(a, axis=1, keepdims=True) + sd: np.ndarray = np.nanstd(a, axis=1, ddof=0, keepdims=True) + + sd = np.where(sd == 0.0, 1.0, sd) + + mu = np.where(row_all_nan, 0.0, mu) + sd = np.where(row_all_nan, 1.0, sd) + + z: np.ndarray = (a - mu) / sd + z = np.where(row_all_nan, np.nan, z) + + return z def plot_heatmap(self, cmap: str = "bwr") -> plt.Figure: # noqa: PLR0915 """ @@ -970,7 +981,7 @@ def plot_heatmap(self, cmap: str = "bwr") -> plt.Figure: # noqa: PLR0915 vmin=vmin_global, vmax=vmax_global, rasterized=False, - interpolation="none", + interpolation="nearest", ) axes[0, 0].set_title("Alpha cells") @@ -997,7 +1008,7 @@ def plot_heatmap(self, cmap: str = "bwr") -> plt.Figure: # noqa: PLR0915 vmin=vmin_global, vmax=vmax_global, rasterized=False, - interpolation="none", + interpolation="nearest", ) axes[1, 0].set_xticks([]) axes[1, 0].set_yticks([]) @@ -1021,7 +1032,7 @@ def plot_heatmap(self, cmap: str = "bwr") -> plt.Figure: # noqa: PLR0915 vmin=vmin_global, vmax=vmax_global, rasterized=False, - interpolation="none", + interpolation="nearest", ) axes[2, 0].set_xticks([]) axes[2, 0].set_yticks([]) @@ -1045,7 +1056,7 @@ def plot_heatmap(self, cmap: str = "bwr") -> plt.Figure: # noqa: PLR0915 vmin=vmin_global, vmax=vmax_global, rasterized=False, - interpolation="none", + interpolation="nearest", ) axes[3, 0].set_xticks([]) axes[3, 0].set_yticks([]) @@ -1070,7 +1081,7 @@ def plot_heatmap(self, cmap: str = "bwr") -> plt.Figure: # noqa: PLR0915 vmin=vmin_global, vmax=vmax_global, rasterized=False, - interpolation="none", + interpolation="nearest", ) axes[4, 0].set_xticks([]) axes[4, 0].set_yticks([]) @@ -1095,7 +1106,7 @@ def plot_heatmap(self, cmap: str = "bwr") -> plt.Figure: # noqa: PLR0915 vmin=vmin_global, vmax=vmax_global, rasterized=False, - interpolation="none", + interpolation="nearest", ) axes[5, 0].set_xticks(range(len(t_unique)), t_unique) @@ -1122,7 +1133,7 @@ def plot_heatmap(self, cmap: str = "bwr") -> plt.Figure: # noqa: PLR0915 vmin=vmin_global, vmax=vmax_global, rasterized=False, - interpolation="none", + interpolation="nearest", ) axes[0, 1].set_title("Beta cells") @@ -1138,7 +1149,7 @@ def plot_heatmap(self, cmap: str = "bwr") -> plt.Figure: # noqa: PLR0915 vmin=vmin_global, vmax=vmax_global, rasterized=False, - interpolation="none", + interpolation="nearest", ) axes[1, 1].set_xticks([]) @@ -1155,7 +1166,7 @@ def plot_heatmap(self, cmap: str = "bwr") -> plt.Figure: # noqa: PLR0915 vmin=vmin_global, vmax=vmax_global, rasterized=False, - interpolation="none", + interpolation="nearest", ) axes[2, 1].set_xticks([]) @@ -1170,7 +1181,7 @@ def plot_heatmap(self, cmap: str = "bwr") -> plt.Figure: # noqa: PLR0915 vmin=vmin_global, vmax=vmax_global, rasterized=False, - interpolation="none", + interpolation="nearest", ) axes[3, 1].set_xticks([]) @@ -1185,7 +1196,7 @@ def plot_heatmap(self, cmap: str = "bwr") -> plt.Figure: # noqa: PLR0915 vmin=vmin_global, vmax=vmax_global, rasterized=False, - interpolation="none", + interpolation="nearest", ) axes[4, 1].set_xticks([]) @@ -1200,7 +1211,7 @@ def plot_heatmap(self, cmap: str = "bwr") -> plt.Figure: # noqa: PLR0915 vmin=vmin_global, vmax=vmax_global, rasterized=False, - interpolation="none", + interpolation="nearest", ) axes[5, 1].set_xticks(range(len(t_unique)), t_unique) @@ -1297,7 +1308,13 @@ def _check_columns(self) -> Self: raise ValueError(text) return self - def plot_time_series(self, gene: str, xticks: np.ndarray | None = None) -> None: + def plot_time_series( + self, + gene: str, + xticks: np.ndarray | None = None, + *, + show: bool = True, + ) -> plt.Figure: """ Visualize observed expression values with corresponding model fits. @@ -1307,6 +1324,8 @@ def plot_time_series(self, gene: str, xticks: np.ndarray | None = None) -> None: Gene identifier to visualize. xticks : numpy.ndarray | None, optional Custom x-axis tick positions, by default ``None`` for automatic values. + show : bool, optional + Whether to display the figure immediately, by default ``True``. Raises ------ @@ -1352,28 +1371,33 @@ def plot_time_series(self, gene: str, xticks: np.ndarray | None = None) -> None: self.t_cond2, model, ) - plt.figure(figsize=(12 / 2.54, 6 / 2.54)) - plt.subplot(1, 2, 1) - plt.scatter(self.t_cond1, alpha_vec, s=4) - plt.plot(t_test, y_test_cond1) - plt.ylabel("Expression Level") - plt.xticks(xticks) - - plt.title(f"Time Series for {gene}") - plt.xlabel("Time (h)") - plt.subplot(1, 2, 2) - plt.scatter(self.t_cond2, beta_vec, s=4, color="r") - plt.plot(t_test, y_test_cond2, color="r") - plt.title(f"Time Series for {gene}") - plt.xlabel("Time (h)") - - plt.xticks(xticks) - plt.xlim( - xticks[0] - 0.05 * (xticks[-1] - xticks[0]), - xticks[-1] + 0.05 * (xticks[-1] - xticks[0]), - ) - plt.tight_layout() - plt.show() + fig, axes = plt.subplots(1, 2, figsize=(12 / 2.54, 6 / 2.54)) + ax_alpha, ax_beta = axes + + ax_alpha.scatter(self.t_cond1, alpha_vec, s=4) + ax_alpha.plot(t_test, y_test_cond1) + ax_alpha.set_ylabel("Expression Level") + ax_alpha.set_xticks(xticks) + ax_alpha.set_title(f"{gene}- {self.cond1_label}") + ax_alpha.set_xlabel("Time (h)") + + ax_beta.scatter(self.t_cond2, beta_vec, s=4, color="r") + ax_beta.plot(t_test, y_test_cond2, color="r") + ax_beta.set_title(f"{gene}: {self.cond2_label}") + ax_beta.set_xlabel("Time (h)") + ax_beta.set_xticks(xticks) + + for ax in axes: + ax.set_xlim( + xticks[0] - 0.05 * (xticks[-1] - xticks[0]), + xticks[-1] + 0.05 * (xticks[-1] - xticks[0]), + ) + + fig.tight_layout() + if show: + fig.show() + + return fig def get_test_function_expressed_both( self, diff --git a/tests/unit_tests/test_livecell_dataset.py b/tests/unit_tests/test_livecell_dataset.py index 2ffb67a..108c957 100644 --- a/tests/unit_tests/test_livecell_dataset.py +++ b/tests/unit_tests/test_livecell_dataset.py @@ -141,9 +141,14 @@ def test_get_trend_invalid_method(bioluminescence_dataset: LiveCellDataset) -> N @pytest.mark.parametrize("group", ["group1", "group2"]) def test_plot_group_data(bioluminescence_dataset: LiveCellDataset, group: str) -> None: - fig, tmp_path = bioluminescence_dataset.plot_group_data(group=group, method="linear", plot_style="scatter") + fig, tmp_path, csv_path = bioluminescence_dataset.plot_group_data( + group=group, + method="linear", + plot_style="scatter", + ) assert hasattr(fig, "savefig") # noqa: S101 assert tmp_path.endswith(".pdf") # noqa: S101 + assert csv_path.endswith(".csv") # noqa: S101 def test_plot_group_data_invalid_group(bioluminescence_dataset: LiveCellDataset) -> None: diff --git a/tests/unit_tests/test_omics_dataset.py b/tests/unit_tests/test_omics_dataset.py index c28e7a5..52926c1 100644 --- a/tests/unit_tests/test_omics_dataset.py +++ b/tests/unit_tests/test_omics_dataset.py @@ -83,3 +83,43 @@ def test_replicate_scatterplot_title_matches_correlations(omics_dataset: OmicsDa assert figure.axes[0].get_title() == expected_title # noqa: S101 finally: plt.close(figure) + + +def test_log2_transform_applies_to_measurements(omics_dataset: OmicsDataset) -> None: + dataset = omics_dataset + measurement_cols = dataset.columns_cond1 + dataset.columns_cond2 + transformed = OmicsDataset( + df=dataset.df.copy(), + columns_cond1=list(dataset.columns_cond1), + columns_cond2=list(dataset.columns_cond2), + t_cond1=dataset.t_cond1.copy(), + t_cond2=dataset.t_cond2.copy(), + cond1_label=dataset.cond1_label, + cond2_label=dataset.cond2_label, + log2_transform=True, + ) + + expected = np.log2(dataset.df[measurement_cols].astype(float) + 1.0) + actual = transformed.df[measurement_cols] + + assert np.allclose(actual.to_numpy(), expected.to_numpy(), equal_nan=True) # noqa: S101 + + +def test_add_is_expressed_respects_num_detected_min(omics_dataset: OmicsDataset) -> None: + dataset = omics_dataset + # Force known counts by zeroing some entries + df_copy = dataset.df.copy() + cond1_cols = dataset.columns_cond1 + df_copy.loc[:, cond1_cols] = np.nan + df_copy.loc[:, cond1_cols[:1]] = 10.0 + + test_ds = OmicsDataset( + df=df_copy, + columns_cond1=list(dataset.columns_cond1), + columns_cond2=list(dataset.columns_cond2), + t_cond1=dataset.t_cond1.copy(), + t_cond2=dataset.t_cond2.copy(), + ) + test_ds.add_is_expressed(num_detected_min=2) + + assert not test_ds.df["is_expressed_cond1"].any() # noqa: S101 diff --git a/tests/unit_tests/test_omics_differential_rhytmicity.py b/tests/unit_tests/test_omics_differential_rhytmicity.py index b0f0623..096eb11 100644 --- a/tests/unit_tests/test_omics_differential_rhytmicity.py +++ b/tests/unit_tests/test_omics_differential_rhytmicity.py @@ -327,3 +327,10 @@ def test_time_series_example_conditional_predictions(time_series_example: TimeSe def test_time_series_example_plot_time_series_missing_gene(time_series_example: TimeSeriesExample) -> None: with pytest.raises(ValueError, match="not found"): time_series_example.plot_time_series("missing_gene") + + +def test_time_series_example_plot_time_series_returns_figure(time_series_example: TimeSeriesExample) -> None: + fig = time_series_example.plot_time_series("gene_both", show=False) + + assert isinstance(fig, plt.Figure) # noqa: S101 + plt.close(fig)