This notebook guides through the majority of analyses reported in our study on the neurobiology of interpersonal neural synchrony (INS). The main analyses rely on the Neuroimaging Meta-Analysis Research Environment (NiMARE) 0.0.12 and were performed in a Python 3.8.8 environment on a macOS 12.3.1 system. Custom functions are located in /src
, see README. The python-based JuSpyce toolbox is included in this repository as it is not on pip yet. Resting-state functional connectivity analyses and gene-category enrichment analyses were conducted separately in a MATLAB (2021a) environment. For description of output files, see data README.
Dependencies:
See pyproject.toml file. We use the matlab-python engine which is easiest installed by running python setup.py install
in a terminal from {matlabroot}/extern/engines/python
. Requires Matlab with Parallel Processing toolbox, ABAnnotate, and SPM12.
Table of content:
from src.ipynb_toc import make_ipynb_toc
make_ipynb_toc('./MAsync_analyses.ipynb')
# libraries
import warnings
warnings.simplefilter(action='ignore', category=FutureWarning)
import sys
from os.path import join, abspath, dirname
from glob import glob
import scipy as sp
import scipy.cluster.hierarchy as spc
import numpy as np
import pandas as pd
import matlab.engine
import matplotlib.pyplot as plt
from seaborn import regplot, clustermap, heatmap, histplot, kdeplot
from abagen import get_expression_data
from statsmodels.stats.multitest import fdrcorrection
from nilearn.image import load_img, math_img, index_img, iter_img
from nilearn.plotting import plot_connectome
from nilearn.datasets import load_mni152_gm_template
from nilearn.input_data import NiftiLabelsMasker
from nimare.dataset import Dataset
from nimare.decode.discrete import BrainMapDecoder
from nimare.meta.cbma.ale import ALE, SCALE
from nimare.transforms import p_to_z
from IPython.display import display
from tqdm.auto import tqdm
from joblib import Parallel, delayed
# custom meta-analysis & co scripts
from src.ale import ale
from src.loeo import loeo, contributions
from src.fsn import fsn
from src.overlap import rel_abs_distributions, distribution_null_test
from src.fnirs import fnirs_result, fnirs_permute, rand_fnirs_coords, rand_nimare_coords
from src.neurosynth import download_neurosynth, create_neurosynth_topic_maps
# custom helper functions
from src.utils_io import csv_to_nimare_ds, fnirs_to_nimare_dataset
from src.utils_plot import plot_gb, plot_surf
from src.utils_image import get_size_of_rois, correlate_volumes_via_atlas, get_cluster_stats
# Included development version of the JuSpyce toolbox
from src.juspyce.api import JuSpyce
# working directory
cp = abspath('MAsync_main.ipynb')
wd = join(dirname(cp), 'data')
# NiMARE ALE settings
n_perm = 5000 # run N = 5000 permutations
v_thr = 0.001 # voxel-level threshold p < 0.001
n_core = -1 # '-1' for all available CPU cores
# Parcellation atlases used throughout the analyses (Schaefer 2018 - 100 cortical parcels + Tian 2021 16 subcortical)
atlas100 = load_img(join(wd, 'atlases', 'Schaefer100-7_2mm.nii.gz'))
atlas116 = load_img(join(wd, 'atlases', 'Schaefer100-7_TianS1_2mm.nii.gz'))
The Python package you are importing, AtlasReader, is licensed under the BSD-3 license; however, the atlases it uses are separately licensed under more restrictive frameworks. By using AtlasReader, you agree to abide by the license terms of the individual atlases. Information on these terms can be found online at: https://github.com/miykael/atlasreader/tree/master/atlasreader/data
## 1. INS fMRI studies
# If multiple contrasts per study are given, concatenate data into one experiment.
ds = csv_to_nimare_ds(file =join(wd, 'datasets', 'fmri_coordinates.csv'), # spreadsheed with study info
exp_var='publication', # column indicating experiment names
n_var ='n', # column indicating sample sizes
con_var='contrasts', # column indicating contrast names
spa_var='space', # column indicating coordinate space
x_var ='x', y_var='y', z_var='z', # columns indicating coordinates
single_contrasts=False) # concatenate contrasts per experiment
## 2. INS fNIRS studies
# spreadsheet with fnirs results
fnirs_df = pd.read_csv(join(wd, 'datasets', 'fnirs_coordinates.csv'))
fnirs_df_sel = fnirs_df[fnirs_df.selected==1]
# load studies into nimare dataset
ds_fnirs = fnirs_to_nimare_dataset(fnirs_df, False)
ds_fnirs_sel = fnirs_to_nimare_dataset(fnirs_df_sel, False)
## 2. BrainMap database ('Normal Mapping' AND 'Activations only')
# downloaded via Sleuth 3.0.4 on 24th Jan 2022 and converted to NiMARE database
ds_brainmap = Dataset.load(join(wd, 'datasets', 'brainmap_NormMapActOnly_2022-01-24.pkl.gz'))
## 3. Neurosynth database
# Use this code to download neurosynth database, requires biopython, will skip if already downloaded
ds_neurosynth = download_neurosynth(save_path=join(wd, 'datasets', 'neurosynth'), version=7, abstract=False,
email='leondlotter@gmail.com', vocab='LDA200', overwrite=False)
INFO: Converting TAL coordinates from Silbert 2014 to MNI. INFO: Converting TAL coordinates from Stephens 2010 to MNI. INFO: Converting TAL coordinates from Wang 2021 to MNI. INFO: Concatenating coordinates over multiple contrasts per study. INFO: Imported data from 22 studies, 740 participants, and 313 foci as 22 unique contrasts into NiMARE dataset. INFO: Importing 69 fNIRS experiments. INFO: Concatenating coordinates over multiple contrasts per study. INFO: Imported data from 60 studies, 3463.0 participants, and 226 foci as 60 unique contrasts into NiMARE dataset. INFO: Importing 55 fNIRS experiments. INFO: Concatenating coordinates over multiple contrasts per study. INFO: Imported data from 46 studies, 2137.0 participants, and 174 foci as 46 unique contrasts into NiMARE dataset. INFO: Downloading Neurosynth database...
Downloading data-neurosynth_version-7_coordinates.tsv.gz File exists and overwrite is False. Skipping. Downloading data-neurosynth_version-7_metadata.tsv.gz File exists and overwrite is False. Skipping. Downloading data-neurosynth_version-7_vocab-LDA200_keys.tsv File exists and overwrite is False. Skipping. Downloading data-neurosynth_version-7_vocab-LDA200_metadata.json File exists and overwrite is False. Skipping. Downloading data-neurosynth_version-7_vocab-LDA200_source-abstract_type-weight_features.npz File exists and overwrite is False. Skipping. Downloading data-neurosynth_version-7_vocab-LDA200_vocabulary.txt
INFO: Loading existing NiMARE dataset from /Users/llotter/MAsync/project/data/datasets/neurosynth/neurosynth_dataset.pkl.gz
File exists and overwrite is False. Skipping. [{'coordinates': '/Users/llotter/MAsync/project/data/datasets/neurosynth/neurosynth/data-neurosynth_version-7_coordinates.tsv.gz', 'features': [{'features': '/Users/llotter/MAsync/project/data/datasets/neurosynth/neurosynth/data-neurosynth_version-7_vocab-LDA200_source-abstract_type-weight_features.npz', 'keys': '/Users/llotter/MAsync/project/data/datasets/neurosynth/neurosynth/data-neurosynth_version-7_vocab-LDA200_keys.tsv', 'metadata': '/Users/llotter/MAsync/project/data/datasets/neurosynth/neurosynth/data-neurosynth_version-7_vocab-LDA200_metadata.json', 'vocabulary': '/Users/llotter/MAsync/project/data/datasets/neurosynth/neurosynth/data-neurosynth_version-7_vocab-LDA200_vocabulary.txt'}], 'metadata': '/Users/llotter/MAsync/project/data/datasets/neurosynth/neurosynth/data-neurosynth_version-7_metadata.tsv.gz'}]
INFO: Finished. Returning NiMARE dataset
Dataset(14371 experiments, space='mni152_2mm')
The main ALE analysis in this study. We included coordinates from all fMRI studies that assessed interpersonal neural synchrony using correlational approaches and reported coordinates in standardized 3D space.
Extracted coordinates are stored in a csv file and read into a NiMARE database. Coordinates reported in Talairach space are transformed to MNI space using the Lancaster-transform as implemented in NiMARE (Lancaster et al., 2007). The function to calculate ALEs (Turkeltaub et al. 2002, 2012, Eickhoff et al., 2012) takes a NiMARE database or a Sleuth text-file as input and follows the NiMARE ALE workflow. Activation maps for each experiment are modeled in MNI152 space at 2mm isotropic resolution. As recommended (Eickhoff et al., 2016), the ALE map is thresholded at p < .001 (uncorrected) at voxel-level and p < .05 (FWE-corrected) at cluster-level. Cluster-significance is determined by comparison of resulting cluster masses with a null-distribution of maximum cluster masses generated by random relocation of foci within a gray matter template. NiMARE logp-, z- and ALE-maps as well as thresholded & binarized volumes, and cluster information tables are stored. The cluster corrected maps output by NiMARE were thresholded at one-sided p < 0.05 (equaling logp > 1.3 or z > 1.65 for logp or z maps, respectively).
Results indicate two clusters showing meta-analytic consistency across included studies located (1) at posterior superior/medial temporal gyrus, often considered as a part of the right temporoparietal junction (rTPJ), and (2) at the right anterior superior temporal gyrus (rSTG). Using a more lenient voxel-level threshold, these clusters gain in size and a third cluster located at the right insula emerge. The rTPJ cluster remains robust when excluding studies using 'pseudo'-hyperscanning (then N = 15).
_ = ale(data =ds, # NiMARE dataset
work_dir=join(wd, 'ale'), pref='ale_', # path and prefix of stored files
vox_thr =v_thr, # voxel-level threshold
cluster ='mass', # cluster inference based on cluster mass
n_perm =n_perm, # number of iterations for FWE correction
n_core =n_core, # number of computing cores to use
glassbrain_title='Main ALE, vp < 0.001', # title of results plot
print_histogram=True)
INFO: Calculating ALE on 22 experiments with 22 contrasts, 740 subjects and 313 foci. INFO: Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations.
0%| | 0/5000 [00:00<?, ?it/s]
INFO: Cluster mass threshold based on null distribution of maximum values: > 0.30115
INFO: ALE completed, significant clusters found. Results saved to: /Users/llotter/MAsync/project/data/ale
We repeat the ALE analysis with a more lenient voxel-threshold of p < .01 to increase sensitivity for potential weak effects.
_ = ale(data=ds, work_dir=join(wd, 'ale'), pref='ale01_', vox_thr=0.01, cluster='mass',
n_perm=n_perm, n_core=n_core, glassbrain_title='Main ALE, vp < 0.01', print_histogram=True)
INFO: Calculating ALE on 22 experiments with 22 contrasts, 740 subjects and 313 foci. INFO: Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations.
0%| | 0/5000 [00:00<?, ?it/s]
WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing INFO: Cluster mass threshold based on null distribution of maximum values: > 0.90363
INFO: ALE completed, significant clusters found. Results saved to: /Users/llotter/MAsync/project/data/ale
# get ids of 'real' hyperscanning experiments
ds_ids = ds.ids
ds_ids_pseudo, ds_ids_real = list(), list()
for id in ds_ids:
if 'pseudo' in id: ds_ids_pseudo.append(id)
else: ds_ids_real.append(id)
print(f'N(hyperscanning) = {len(ds_ids_real)}, N(pseudo-hyperscanning) = {len(ds_ids_pseudo)}')
# new dataset
ds_nopseudo = ds.slice(ds_ids_real)
# run ALE
_ = ale(data=ds_nopseudo, work_dir=join(wd, 'ale'), pref='aleNoPseudo_', vox_thr=v_thr, cluster='mass',
n_perm=n_perm, n_core=n_core,
glassbrain_title=f'Main ALE w/o pseudo-hyperscanning studies, n = {len(ds_ids_real)}, vp < 0.001')
N(hyperscanning) = 15, N(pseudo-hyperscanning) = 7
INFO:src.ale:Calculating ALE on 15 experiments with 15 contrasts, 610 subjects and 189 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations.
The Python package you are importing, AtlasReader, is licensed under the BSD-3 license; however, the atlases it uses are separately licensed under more restrictive frameworks. By using AtlasReader, you agree to abide by the license terms of the individual atlases. Information on these terms can be found online at: https://github.com/miykael/atlasreader/tree/master/atlasreader/data
INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [13:49<00:00, 6.03it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/ale
# z-scored unthresholded ALE-map
ale_z = load_img(join(wd, 'ale', 'ale_z.nii.gz'))
# binarized thresholded ALE map
ale_bin = load_img(join(wd, 'ale', 'ale_thresh_bin.nii.gz'))
# binarized rTPJ-cluster, vp < .001
ale_rTPJ_bin = index_img(join(wd, 'ale', 'ale_thresh_4d.nii.gz'), 0)
# binarized rSTG-cluster, vp < .001
ale_rSTG_bin = index_img(join(wd, 'ale', 'ale_thresh_4d.nii.gz'), 1)
# parcellate z-score map and save as csv
parcellater = NiftiLabelsMasker(atlas116)
ale_z_parc = parcellater.fit_transform(ale_z)
ale_z_parc = pd.Series(ale_z_parc[0,:], name='ALE z')
ale_z_parc.to_csv(join(wd, 'ale', 'ale_z_parc.csv'), index=None)
We control our findings for the influence of single experiments or studies by systematically rerunning the main ALE analysis while excluding one experiment at a time (LOEO). To evaluate the results, we calculate the conjunction between all binary cluster maps resulting from the LOEO ALEs. Conjunction maps are calculated by simple element-wise multiplication of the thresholded and binarized 3D volumes (Nichols et al, 2005).
Only the rTPJ cluster proofed stable against the influence of single experiments.
# Custom function performing N(experiments) ALEs, while leaving out one experiment at a time.
# voxel-level p < 0.001
loeo_res, _ = loeo(ds=ds, v_thr=v_thr, n_perm=n_perm, n_core=n_core, # ALE settings
save_dir=join(wd, 'loeo'), prefix='loeo_', # path and prefix for stored files
conj_save=join(wd, 'loeo', 'loeo_conjunction.nii.gz')) # path for stored conjunction volume
INFO:src.loeo: Calculate ALE without experiment: 1 Anders 2011-pseudo: predict perciever's from sender's activity INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 728 subjects and 306 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [15:47<00:00, 5.27it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 2 Bilek 2015 1-(dyad-ISC during interaction > no interaction) > random-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 714 subjects and 311 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [15:47<00:00, 5.28it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 3 Bilek 2015 2-(dyad-ISC during interaction > no interaction) > random-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 690 subjects and 312 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [15:53<00:00, 5.25it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 4 Dikker 2014-pseudo: speaker/listener-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 730 subjects and 312 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [15:51<00:00, 5.26it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 5 Koike 2016 1 3 + 2019b-2016 1 dyad-ISC during mutual gaze after JA (same partner) INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 676 subjects and 293 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [15:44<00:00, 5.29it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 6 Koike 2016 2-dyad-ISC during mutual gaze without JA task INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 710 subjects and 312 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [15:46<00:00, 5.28it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 7 Koike 2019a-dyad-ISC during mutual gaze with live video > delayed video INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 712 subjects and 307 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [15:45<00:00, 5.29it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 8 Kostorz 2020-pseudo: intructor-observer-ISC across conditions > 0 INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 711 subjects and 286 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [15:51<00:00, 5.25it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 9 Liu 2021a + 2021b-pseudo: speaker/listener-ISC, 0 sec time-lag INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 707 subjects and 300 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [19:45<00:00, 4.22it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 10 Miyata 2021-dyad-ISC during imitation > random-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 708 subjects and 307 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [40:30<00:00, 2.06it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 11 Saito 2010-dyad-ISC during JA > random-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 702 subjects and 310 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [33:05<00:00, 2.52it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 12 Salazar 2021-dyad-ISC during JAct > random-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 696 subjects and 305 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [25:06<00:00, 3.32it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 13 Shaw 2018-dyad-ISC during ultimatum game > control task INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 702 subjects and 301 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [21:09<00:00, 3.94it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 14 Shaw 2020-dyad-ISC during coop/comp > random-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 686 subjects and 289 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [21:48<00:00, 3.82it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 15 Silbert 2014-pseudo: speaker/listener-ISC > random-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 726 subjects and 291 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [21:52<00:00, 3.81it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 16 Smirnov 2019-pseudo: speaker/listener-ISC > random correlation INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 722 subjects and 279 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [17:20<00:00, 4.81it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 17 Spiegelhalder 2014-dyad-ISC during speak/listen > control, no time-lag INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 718 subjects and 304 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [17:17<00:00, 4.82it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 18 Spilakova 2020-dyad-ISC during cooperation > random-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 702 subjects and 284 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [17:10<00:00, 4.85it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 19 Stephens 2010-pseudo: speaker-listener-ISC > listener-listener-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 726 subjects and 293 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [26:17<00:00, 3.17it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 20 Wang 2021-dyad-ISC during cooperation INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 674 subjects and 304 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [25:47<00:00, 3.23it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 21 Xie 2020-dyad-ISC during collaborative drawing > random-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 704 subjects and 271 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [24:11<00:00, 3.45it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 22 Yoshioka 2021-task-dependent dyad-ISC during JA > random-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 696 subjects and 296 foci. INFO:src.ale:Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [20:20<00:00, 4.10it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo:Conjunction volume saved to: /Users/leonlotter/MAsync/project/data/loeo/loeo_conjunction.nii.gz
# voxel-level p < 0.01
loeo01_res, _ = loeo(ds=ds, v_thr=0.01, n_perm=n_perm, n_core=n_core,
save_dir=join(wd, 'loeo'), prefix='loeo01_',
conj_save=join(wd, 'loeo', 'loeo01_conjunction.nii.gz'))
INFO:src.loeo: Calculate ALE without experiment: 1 Anders 2011-pseudo: predict perciever's from sender's activity INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 728 subjects and 306 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [21:20<00:00, 3.90it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 2 Bilek 2015 1-(dyad-ISC during interaction > no interaction) > random-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 714 subjects and 311 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [21:33<00:00, 3.87it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 3 Bilek 2015 2-(dyad-ISC during interaction > no interaction) > random-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 690 subjects and 312 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [22:00<00:00, 3.79it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 4 Dikker 2014-pseudo: speaker/listener-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 730 subjects and 312 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [22:00<00:00, 3.79it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 5 Koike 2016 1 3 + 2019b-2016 1 dyad-ISC during mutual gaze after JA (same partner) INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 676 subjects and 293 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [22:13<00:00, 3.75it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 6 Koike 2016 2-dyad-ISC during mutual gaze without JA task INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 710 subjects and 312 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [22:14<00:00, 3.75it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 7 Koike 2019a-dyad-ISC during mutual gaze with live video > delayed video INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 712 subjects and 307 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [22:10<00:00, 3.76it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 8 Kostorz 2020-pseudo: intructor-observer-ISC across conditions > 0 INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 711 subjects and 286 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [22:02<00:00, 3.78it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 9 Liu 2021a + 2021b-pseudo: speaker/listener-ISC, 0 sec time-lag INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 707 subjects and 300 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [22:20<00:00, 3.73it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 10 Miyata 2021-dyad-ISC during imitation > random-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 708 subjects and 307 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [22:24<00:00, 3.72it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 11 Saito 2010-dyad-ISC during JA > random-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 702 subjects and 310 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [22:32<00:00, 3.70it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 12 Salazar 2021-dyad-ISC during JAct > random-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 696 subjects and 305 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [22:24<00:00, 3.72it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 13 Shaw 2018-dyad-ISC during ultimatum game > control task INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 702 subjects and 301 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [22:19<00:00, 3.73it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 14 Shaw 2020-dyad-ISC during coop/comp > random-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 686 subjects and 289 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [22:12<00:00, 3.75it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 15 Silbert 2014-pseudo: speaker/listener-ISC > random-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 726 subjects and 291 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [22:46<00:00, 3.66it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 16 Smirnov 2019-pseudo: speaker/listener-ISC > random correlation INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 722 subjects and 279 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [22:45<00:00, 3.66it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 17 Spiegelhalder 2014-dyad-ISC during speak/listen > control, no time-lag INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 718 subjects and 304 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [22:46<00:00, 3.66it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 18 Spilakova 2020-dyad-ISC during cooperation > random-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 702 subjects and 284 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [22:19<00:00, 3.73it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 19 Stephens 2010-pseudo: speaker-listener-ISC > listener-listener-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 726 subjects and 293 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [22:49<00:00, 3.65it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 20 Wang 2021-dyad-ISC during cooperation INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 674 subjects and 304 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [22:47<00:00, 3.66it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 21 Xie 2020-dyad-ISC during collaborative drawing > random-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 704 subjects and 271 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [21:58<00:00, 3.79it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo: Calculate ALE without experiment: 22 Yoshioka 2021-task-dependent dyad-ISC during JA > random-ISC INFO:src.ale:Calculating ALE on 21 experiments with 21 contrasts, 696 subjects and 296 foci. INFO:src.ale:Thresholding: voxel-level p < 0.01 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. INFO:nimare.correct:Using correction method implemented in Estimator: nimare.meta.cbma.ale.ALE.correct_fwe_montecarlo. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [22:41<00:00, 3.67it/s] INFO:nimare.meta.cbma.base:Using null distribution for voxel-level FWE correction. INFO:src.ale:ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/loeo INFO:src.loeo:Conjunction volume saved to: /Users/leonlotter/MAsync/project/data/loeo/loeo01_conjunction.nii.gz
# Plot LOEO conjunction volume
plot_gb(join(wd, 'loeo', 'loeo_conjunction.nii.gz'), title='LOEO conjunction, vp < 0.001')
plot_gb(join(wd, 'loeo', 'loeo01_conjunction.nii.gz'), title='LOEO conjunction, vp < 0.01')
Following Eickhoff et al. (2016), we assess the average contribution of each experiment to the resulting ALE clusters based on the LOEO ALEs. For each experiment, we calculate the ratio of the averaged ALE values within the clusters with and without the current experiment.
Results show that 12 of 22 experiments (~55%) contributed relevantly to the rTPJ cluster with a maximum contribution of ~16%.
# custom function to calculate experiment-wise contributions (in percent) to a given cluster
# voxel-level p < 0.001
ale_contributions = contributions(
ale_ALL =join(wd, 'ale', 'ale_stat.nii.gz'), # ALE value volume, all experiments included
ale_EXP =[join(wd, 'loeo', f'loeo_{i+1}_stat.nii.gz') for i in range(len(ds.ids))], # list of ALE value volumes from LOEO analyses
cl_masks=[ale_rTPJ_bin, ale_rSTG_bin], # binarized cluster(s)
exp_ids =ds.ids) # list of experiment IDs
ale_contributions.to_csv(join(wd, 'loeo', 'loeo_contributions.csv'), float_format='%f', index=False) # save table
# custom function to calculate experiment-wise contributions (in percent) to a given cluster
# voxel-level p < 0.01
ale01_contributions = contributions(
ale_ALL =join(wd, 'ale', 'ale01_stat.nii.gz'),
ale_EXP =[join(wd, 'loeo', f'loeo01_{i+1}_stat.nii.gz') for i in range(len(ds.ids))],
cl_masks=[index_img(join(wd, 'ale', 'ale01_thresh_4d.nii.gz'), i) for i in range(3)],
exp_ids =ds.ids)
ale01_contributions.to_csv(join(wd, 'loeo', 'loeo01_contributions.csv'), float_format='%f', index=False) # save table
# print results for vp < 0.001
n_contributed = len(ale_contributions[ale_contributions['cl1_contr_prc'] > 0.5]) # nr of contributing studies
print(f'{n_contributed}/{len(ale_contributions)} studies contributed to the rTPJ cluster more then .5 % (vp < 0.001).')
display(ale_contributions.sort_values(by='cl1_contr_prc', ascending=False).head(n_contributed)) # print table
# print results for vp < 0.01
n_contributed01 = len(ale01_contributions[ale01_contributions['cl1_contr_prc'] > 0.5]) # nr of contributing studies
print(f'{n_contributed01}/{len(ale01_contributions)} studies contributed to the rTPJ cluster more then .5 % (vp < 0.01).')
display(ale01_contributions.sort_values(by='cl1_contr_prc', ascending=False).head(n_contributed01)) # print table
INFO: Calculated experiment-wise contributions of 22 experiments to 2 clusters. INFO: Calculated experiment-wise contributions of 22 experiments to 3 clusters.
12/22 studies contributed to the rTPJ cluster more then .5 % (vp < 0.001).
ID | cl1_exp_sum | cl1_all_sum | cl1_contr_prc | cl2_exp_sum | cl2_all_sum | cl2_contr_prc | |
---|---|---|---|---|---|---|---|
17 | Spilakova 2020-dyad-ISC during cooperation > r... | 0.016312 | 0.019418 | 15.992473 | 0.012928 | 0.016553 | 21.897491 |
4 | Koike 2016 1 3 + 2019b-2016 1 dyad-ISC during ... | 0.016952 | 0.019418 | 12.699213 | 0.016552 | 0.016553 | 0.003694 |
14 | Silbert 2014-pseudo: speaker/listener-ISC > ra... | 0.017373 | 0.019418 | 10.527254 | 0.016498 | 0.016553 | 0.331036 |
2 | Bilek 2015 2-(dyad-ISC during interaction > no... | 0.017615 | 0.019418 | 9.282396 | 0.016553 | 0.016553 | 0.000000 |
7 | Kostorz 2020-pseudo: intructor-observer-ISC ac... | 0.017686 | 0.019418 | 8.917800 | 0.016553 | 0.016553 | 0.000000 |
16 | Spiegelhalder 2014-dyad-ISC during speak/liste... | 0.017771 | 0.019418 | 8.480579 | 0.016444 | 0.016553 | 0.654737 |
18 | Stephens 2010-pseudo: speaker-listener-ISC > l... | 0.017781 | 0.019418 | 8.427356 | 0.016550 | 0.016553 | 0.012664 |
13 | Shaw 2020-dyad-ISC during coop/comp > random-ISC | 0.017904 | 0.019418 | 7.794962 | 0.013166 | 0.016553 | 20.459273 |
1 | Bilek 2015 1-(dyad-ISC during interaction > no... | 0.018324 | 0.019418 | 5.632402 | 0.016553 | 0.016553 | 0.000000 |
20 | Xie 2020-dyad-ISC during collaborative drawing... | 0.018447 | 0.019418 | 4.998588 | 0.016551 | 0.016553 | 0.010282 |
21 | Yoshioka 2021-task-dependent dyad-ISC during J... | 0.018742 | 0.019418 | 3.476642 | 0.014097 | 0.016553 | 14.836369 |
5 | Koike 2016 2-dyad-ISC during mutual gaze witho... | 0.018935 | 0.019418 | 2.485389 | 0.016553 | 0.016553 | 0.000000 |
14/22 studies contributed to the rTPJ cluster more then .5 % (vp < 0.01).
ID | cl1_exp_sum | cl1_all_sum | cl1_contr_prc | cl2_exp_sum | cl2_all_sum | cl2_contr_prc | cl3_exp_sum | cl3_all_sum | cl3_contr_prc | |
---|---|---|---|---|---|---|---|---|---|---|
4 | Koike 2016 1 3 + 2019b-2016 1 dyad-ISC during ... | 0.012272 | 0.014141 | 13.220166 | 0.012303 | 0.012307 | 0.032895 | 0.010350 | 0.011676 | 11.354190 |
21 | Yoshioka 2021-task-dependent dyad-ISC during J... | 0.012414 | 0.014141 | 12.214360 | 0.010924 | 0.012307 | 11.238437 | 0.007659 | 0.011676 | 34.403727 |
7 | Kostorz 2020-pseudo: intructor-observer-ISC ac... | 0.012624 | 0.014141 | 10.726745 | 0.012307 | 0.012307 | 0.000061 | 0.011676 | 0.011676 | 0.000179 |
17 | Spilakova 2020-dyad-ISC during cooperation > r... | 0.012715 | 0.014141 | 10.085893 | 0.010969 | 0.012307 | 10.873340 | 0.011676 | 0.011676 | 0.000000 |
14 | Silbert 2014-pseudo: speaker/listener-ISC > ra... | 0.012756 | 0.014141 | 9.797097 | 0.011291 | 0.012307 | 8.255332 | 0.010102 | 0.011676 | 13.477965 |
20 | Xie 2020-dyad-ISC during collaborative drawing... | 0.012814 | 0.014141 | 9.387480 | 0.012296 | 0.012307 | 0.089687 | 0.011676 | 0.011676 | 0.000000 |
18 | Stephens 2010-pseudo: speaker-listener-ISC > l... | 0.013237 | 0.014141 | 6.392534 | 0.011316 | 0.012307 | 8.050933 | 0.010257 | 0.011676 | 12.154432 |
2 | Bilek 2015 2-(dyad-ISC during interaction > no... | 0.013341 | 0.014141 | 5.659829 | 0.012307 | 0.012307 | 0.000000 | 0.011676 | 0.011676 | 0.000000 |
16 | Spiegelhalder 2014-dyad-ISC during speak/liste... | 0.013379 | 0.014141 | 5.386384 | 0.012131 | 0.012307 | 1.431073 | 0.011676 | 0.011676 | 0.000000 |
13 | Shaw 2020-dyad-ISC during coop/comp > random-ISC | 0.013426 | 0.014141 | 5.057441 | 0.011087 | 0.012307 | 9.916141 | 0.011676 | 0.011676 | 0.000000 |
1 | Bilek 2015 1-(dyad-ISC during interaction > no... | 0.013563 | 0.014141 | 4.084907 | 0.012307 | 0.012307 | 0.000000 | 0.011676 | 0.011676 | 0.000000 |
5 | Koike 2016 2-dyad-ISC during mutual gaze witho... | 0.013654 | 0.014141 | 3.443847 | 0.012307 | 0.012307 | 0.000000 | 0.011676 | 0.011676 | 0.000000 |
19 | Wang 2021-dyad-ISC during cooperation | 0.013857 | 0.014141 | 2.012061 | 0.010709 | 0.012307 | 12.984589 | 0.011676 | 0.011676 | 0.000000 |
9 | Miyata 2021-dyad-ISC during imitation > random... | 0.013897 | 0.014141 | 1.724723 | 0.012307 | 0.012307 | 0.000000 | 0.011676 | 0.011676 | 0.000000 |
Acar et al. (2018) proposed a method to assess ALE results for the influence of the "file drawer effect" by adding a number of noise experiments to the original sets of coordinates and evaluating their influence on a certain significant cluster. Properties of noise studies (sample-sizes, number of coordinates) are drawn from the "true" dataset. Noise foci are sampled outside of the brain quadrant where the "true" clusters (rTPJ, rSTG) are located to reduce the chance of noise foci contributing to the clusters. The FSN is approximated by iteratively testing the inclusion of low and high numbers of noise studies starting at predefined points ("fsn_range") that we determined from the number of contributing studies (12 and 98, the latter would result in a minimum contribution of 12/(98+22) = 10% of studies when noise studies are included).
Results show a FSN of 66 for the rTPJ cluster, meaning that up to approximately 66 experiments reporting coordinates in different brain locations can be added to the ALE analysis before the rTPJ cluster looses significance. For the rSTG cluster, the FSN was below the defined minimum of 12 additional studies. Considering the very low chance that more than 66 INS fMRI studies would "remain in the file drawer", this result indicates robustness of the rTPJ finding against publication bias.
# custom python implementation of the FSN-method by Acar et al. Only results volumes of the final run are stored.
# warning regarding "pixdim" (fetching of template for MNI coordinate sampling) has no influence on result
fsn_tab, _, ds_noise = fsn(ds =ds, # 'true' NiMARE dataset
cl_true =[ale_rTPJ_bin, ale_rSTG_bin], # true clusters to check on
fsn_range=[12, 98], # starting points to search for exact FSN
save_dir =join(wd, 'fsn'),
pref ='fsn_', # path and prefix for stored files
n_perm =n_perm,
v_thr =v_thr,
cluster ='mass', # ALE settings
seed =987654321) # seed to make noise study generation reproducible
INFO: Cluster 1: INFO: Generating noise studies while excluding cluster brain quadrant. /Applications/Anaconda/anaconda3/lib/python3.8/site-packages/pandas/core/missing.py:94: FutureWarning: elementwise comparison failed; returning scalar instead, but in the future will perform elementwise comparison mask |= arr == x INFO: FSN step 1: Add minimum 12 noise studies. INFO: Calculating ALE on 34 experiments with 34 contrasts, 1109 subjects and 497 foci. INFO: Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [24:55<00:00, 3.34it/s] INFO: ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/fsn INFO: Cluster significant, proceed. INFO: FSN step 2: Add maximum 98 noise studies. INFO: Calculating ALE on 120 experiments with 120 contrasts, 4065 subjects and 1678 foci. INFO: Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [1:08:01<00:00, 1.23it/s] INFO: ALE completed, no significant clusters! NiMARE results saved to: /Users/leonlotter/MAsync/project/data/fsn INFO: Cluster not significant, proceed. INFO: FSN step 3.0: Add 55 noise studies. INFO: Calculating ALE on 77 experiments with 77 contrasts, 2612 subjects and 1089 foci. INFO: Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [49:58<00:00, 1.67it/s] INFO: ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/fsn INFO: Cluster significant. INFO: New min FSN = 55, new max FSN = 98, new N = 76. INFO: FSN step 3.1: Add 76 noise studies. INFO: Calculating ALE on 98 experiments with 98 contrasts, 3340 subjects and 1378 foci. INFO: Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [2:30:34<00:00, 1.81s/it] INFO: ALE completed, no significant clusters! NiMARE results saved to: /Users/leonlotter/MAsync/project/data/fsn INFO: Cluster not significant. INFO: New min FSN = 55, new max FSN = 76, new N = 65. INFO: FSN step 3.2: Add 65 noise studies. INFO: Calculating ALE on 87 experiments with 87 contrasts, 2947 subjects and 1207 foci. INFO: Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [50:54<00:00, 1.64it/s] INFO: ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/fsn INFO: Cluster significant. INFO: New min FSN = 65, new max FSN = 76, new N = 70. INFO: FSN step 3.3: Add 70 noise studies. INFO: Calculating ALE on 92 experiments with 92 contrasts, 3140 subjects and 1265 foci. INFO: Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [1:00:53<00:00, 1.37it/s] INFO: ALE completed, no significant clusters! NiMARE results saved to: /Users/leonlotter/MAsync/project/data/fsn INFO: Cluster not significant. INFO: New min FSN = 65, new max FSN = 70, new N = 67. INFO: FSN step 3.4: Add 67 noise studies. INFO: Calculating ALE on 89 experiments with 89 contrasts, 2991 subjects and 1243 foci. INFO: Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [1:01:52<00:00, 1.35it/s] INFO: ALE completed, no significant clusters! NiMARE results saved to: /Users/leonlotter/MAsync/project/data/fsn INFO: Cluster not significant. INFO: New min FSN = 65, new max FSN = 67, new N = 66. INFO: FSN step 3.5: Add 66 noise studies. INFO: Calculating ALE on 88 experiments with 88 contrasts, 2973 subjects and 1231 foci. INFO: Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [1:07:15<00:00, 1.24it/s] INFO: ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/fsn INFO: Cluster significant. INFO: New min FSN = 66, new max FSN = 67, new N = 66. INFO: Looping out after 6 iterations, FSN exactly determined for the given set of noise studies. INFO: Cluster 1: FSN finished: FSN (~)= 66 (min = {m_}, max = {M_}) INFO: Cluster 2: INFO: Generating noise studies while excluding cluster brain quadrant. INFO: FSN step 1: Add minimum 12 noise studies. INFO: Calculating ALE on 34 experiments with 34 contrasts, 1109 subjects and 497 foci. INFO: Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. 0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [28:08<00:00, 2.96it/s] INFO: ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/fsn INFO: FSN finished: Cluster not significant, indicative of low robustness.
# show and save result and plot rTPJ volumes with FSN noise studies added
fsn_tab.to_csv(join(wd, 'fsn', 'fsn_result.csv'), index=False) # save table
ds_noise.save(join(wd, 'fsn', 'ds_noise_studies.pkl.gz')) # save noise dataset
plot_gb(join(wd, 'fsn', 'fsn_cl1_z.nii.gz'), # print unthresholded volume
title='FSN rTPJ, {} noise studies added; unthresholded'.format(fsn_tab.appr_fsn[0]))
plot_gb(join(wd, 'fsn', 'fsn_cl1_thresh_bin.nii.gz'), # print thresholded volume
title='FSN rTPJ, {} noise studies added; thresholded'.format(fsn_tab.appr_fsn[0]))
fsn_tab.head() # print results
cluster | appr_fsn | min_fsn | max_fsn | |
---|---|---|---|---|
0 | cl1 | 66 | 66 | 66 |
1 | cl2 | < 12 | < 12 | < 12 |
For fNIRS studies, no standardized results reporting system and no meta-analytic analyses techniques exist. To approximate a meta-analytic evaluation of fNIRS INS findings, we:
By using a relatively coarse parcellation, we make sure not to overestimate the spatial resolution of fNIRS data, especially considering the added spatial uncertainty due to post-hoc reconstruction of channel coordinates without detailed information on head shape, size and probe positioning.
69 fNIRS experiments were included in this analysis. Descriptively, INS results point mainly towards frontal, and secondary right temporoparietal locations. The permutation test indicated left prefrontal and right temporo-parietal regions as those with the highest fNIRS index (INS/total channel ratio weighted by subject number).
# get fnirs results
fnirs_res, fnirs_vols, fnirs_coord = fnirs_result(
data =fnirs_df, # table with results, column names are fixed (see script)
atlas =atlas100, # atlas, Schaefer 100 cortical parcels
labels=pd.read_csv(join(wd, 'atlases', 'Schaefer100-7_2mm.csv'))) # parcel labels with fixed columns names 'idx' & 'label'
# save
fnirs_res.to_csv(join(wd, 'fnirs', 'fnirs_atlas_result.csv'), index=False)
fnirs_coord.to_csv(join(wd, 'fnirs', 'fnirs_coordinates_nearest.csv'), index=False)
fnirs_vols['n_ch_sync'].to_filename(join(wd, 'fnirs', 'fnirs_atlas_syncChannels.nii.gz'))
fnirs_vols['n_ch_ratio_sub_all'].to_filename(join(wd, 'fnirs', 'fnirs_atlas_ratioSyncAllChannelsSubj.nii.gz'))
fnirs_vols['n_ch_ratio_exp_all'].to_filename(join(wd, 'fnirs', 'fnirs_atlas_ratioSyncAllChannelsExps.nii.gz'))
# show result
display(fnirs_res[['region', 'n_ch_sync', 'n_ch_all', 'ch_ratio', 'ch_ratio_sub_all']].head(10))
INFO: Loaded fNIRS data, kept 1937 rows with coordinate information from 69 experiments. INFO: Finding nearest atlas region for each coordinate. Maximum distance = 4.12. INFO: Extracting parcel-wise results... INFO: Creating volumes...
region | n_ch_sync | n_ch_all | ch_ratio | ch_ratio_sub_all | |
---|---|---|---|---|---|
12 | LH_Default_PFC_2 | 11.0 | 56 | 0.196429 | 433.125000 |
34 | RH_Default_PFCdPFCm_2 | 17.0 | 114 | 0.149123 | 420.228070 |
31 | LH_Default_PFC_4 | 21.0 | 113 | 0.185841 | 389.893805 |
35 | RH_Cont_PFCl_3 | 12.0 | 87 | 0.137931 | 380.137931 |
27 | RH_SalVentAttn_TempOccPar_1 | 5.0 | 35 | 0.142857 | 306.428571 |
45 | RH_Default_PFCdPFCm_1 | 6.0 | 38 | 0.157895 | 291.157895 |
17 | RH_Cont_Par_2 | 9.0 | 64 | 0.140625 | 283.359375 |
24 | RH_Cont_PFCl_2 | 7.0 | 63 | 0.111111 | 282.777778 |
46 | RH_Vis_3 | 4.0 | 19 | 0.210526 | 281.894737 |
4 | LH_SalVentAttn_PFCl_1 | 10.0 | 76 | 0.131579 | 268.684211 |
# the fnirs_result function returns a df (fnirs_coord) with the relevant experiment data and atlas parcels assigned to
# each coordinate. We will permute these parcels and extract parcel-wise counts after each iteration
fnirs_perm_data, fnirs_perm_p, fnirs_perm_q = fnirs_permute(
fnirs_coord_df=fnirs_coord,
region_indices=fnirs_res.region_idx.reset_index(drop=True).to_list(),
n_perm=1000,
seed=42)
# save
# results table
fnirs_res_perm = pd.concat([fnirs_res.reset_index(drop=True), pd.DataFrame(fnirs_perm_p), pd.DataFrame(fnirs_perm_q)], axis=1)
fnirs_res_perm.to_csv(join(wd, 'fnirs', 'fnirs_atlas_result_perm.csv'), index=False)
# permuted data
for key in fnirs_perm_data:
fnirs_perm_data[key].to_csv(join(wd, 'fnirs', f'fnirs_atlas_{key}.csv'))
0%| | 0/1000 [00:00<?, ?it/s]
# plot channel ratio weighted by subjects, red vertical line indicates p < .05
# reload data
fnirs_res_perm = pd.read_csv(join(wd, 'fnirs', 'fnirs_atlas_result_perm.csv'))
fnirs_perm_data = dict(perm_ch_ratio_sub_all=pd.read_csv(join(wd, 'fnirs', 'fnirs_atlas_perm_ch_ratio_sub_all.csv'), index_col=0))
# plot
fig, axes = plt.subplots(4,10, figsize=(20,8))
axes = axes.ravel()
for i, region_idx in enumerate(fnirs_res.region_idx.reset_index(drop=True)[:40]):
# plot histogram
histplot(fnirs_perm_data['perm_ch_ratio_sub_all'].loc[region_idx,:], kde=True, ax=axes[i])
# plot line
axes[i].axvline(
x=fnirs_res_perm[fnirs_res_perm.region_idx==region_idx]['ch_ratio_sub_all'].values,
c='red' if fnirs_res_perm[fnirs_res_perm.region_idx==region_idx]['p_ch_ratio_sub_all'].values < .05 else 'blue')
axes[i].annotate(f"{fnirs_res_perm[fnirs_res_perm.region_idx==region_idx]['p_ch_ratio_sub_all'].values[0]:.03f}",
xy=(1,0.9), xycoords='axes fraction', ha='right',
c='red' if fnirs_res_perm[fnirs_res_perm.region_idx==region_idx]['p_ch_ratio_sub_all'].values < .05 else 'blue')
# plot title
axes[i].set(title=fnirs_res.region.reset_index(drop=True)[i], xlabel=None, ylabel=None)
fig.supxlabel('sync/all channel ratio weighted by total subject number')
fig.supylabel('value count')
plt.tight_layout()
plt.show()
plt.close()
# plot surfaces with results
test = ' | '.join([f'(a=={i})' for i in fnirs_res_perm.query('p_n_ch_sync < 0.05').region_idx.to_list()])
plot_surf(fnirs_vols['n_ch_sync'], title='fNIRS: Number of channels showing INS per parcel', interp='nearest',
overlay=math_img(f'np.where({test}, 1, 0)', a=atlas100))
test = ' | '.join([f'(a=={i})' for i in fnirs_res_perm.query('p_ch_ratio_sub_all < 0.05').region_idx.to_list()])
plot_surf(fnirs_vols['n_ch_ratio_sub_all'], title='fNIRS: Ratio of channels showing INS per parcel vs all channels weighted by N(subjects)',
overlay=math_img(f'np.where({test}, 1, 0)', a=atlas100), interp='nearest',)
Secondary, we perform an explorative ALE on combined fMRI and fNIRS data. Note, that this is clearly to be considered explorative as the ALE method is not designed for use with fNIRS data, nor generally with data not covering the whole brain. To reduce overestimation of the spatial precision of fNIRS data, we convolve all fNIRS coordinates with a FWHM = 10mm Gaussian distribution, independent of the actual sample size. From 69 fNIRS experiments, 60 reported at least one significant INS coordinate, resulting in 82 (22 + 60) combined fNIRS+fMRI experiments.
From this analysis, three frontal clusters emerge in addition to the remaining rTPJ cluster. The fNIRS-driven clusters are located in the bilateral superior frontal gyri and in the right middle frontal gyrus.
# set fnirs sample sizes to n = 10 (corresponding to 10mm FWHM)
ds_fnirs.metadata.sample_sizes = [[10]] * len(ds_fnirs.metadata)
# merge datasets
ds_fmri_fnirs = ds.merge(ds_fnirs)
/Users/llotter/opt/anaconda3/envs/masync/lib/python3.8/site-packages/nimare/dataset.py:331: FutureWarning: The frame.append method is deprecated and will be removed from pandas in a future version. Use pandas.concat instead. WARNING: Not applying transforms to coordinates in unrecognized space 'mni152_2mm'
# run ale
_ = ale(data=ds_fmri_fnirs, work_dir=join(wd, 'ale'), pref='aleFNIRS_', vox_thr=0.001, cluster='mass',
n_perm=n_perm, n_core=n_core, glassbrain_title='fMRI+fNIRS ALE, vp < 0.001', print_histogram=True)
INFO: Calculating ALE on 82 experiments with 82 contrasts, 1340 subjects and 539 foci. INFO: Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations.
0%| | 0/5000 [00:00<?, ?it/s]
WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing INFO: Cluster mass threshold based on null distribution of maximum values: > 0.41328
INFO: ALE completed, significant clusters found. Results saved to: /Users/llotter/MAsync/project/data/ale
Like for the fMRI ALE, we assess the contribution of single experiments to the combined fMRI+fNIRS ALE. This time, we only estimate the unthresholded ALE maps excluding one experiment at a time without performing cluster correction.
# get experiment ids
exps_ds_fmri_fnirs = ds_fmri_fnirs.ids
# get ALE estimator
fit_ale = ALE()
# iterate over experiments
loeoFNIRS = list()
for i, exp in enumerate(exps_ds_fmri_fnirs):
print(f'Calculate ALE without experiment: {i+1} {exp}')
# remove current experiment from ds
ds_x = ds_fmri_fnirs.slice(np.delete(exps_ds_fmri_fnirs, i))
# estimate map
ale_x = fit_ale.fit(ds_x)
ale_map = ale_x.get_map('stat')
# collect map
loeoFNIRS.append(ale_map)
# calculate contribution to fMRI-fNIRS ALE clusters
aleFNIRS_contributions = contributions(
ale_ALL =join(wd, 'ale', 'aleFNIRS_stat.nii.gz'), # ALE value volume, all experiments included
ale_EXP =loeoFNIRS , # list of ALE value volumes from fNIRS LOEO analyses
cl_masks=[img for img in iter_img(join(wd, 'ale', 'aleFNIRS_thresh_4d.nii.gz'))], # binarized clusters
exp_ids =exps_ds_fmri_fnirs) # list of experiment IDs
aleFNIRS_contributions.to_csv(join(wd, 'fnirs', 'fnirs_ale_contributions.csv'), float_format='%f', index=False) # save table
Calculate ALE without experiment: 1 Anders 2011-pseudo: predict perciever's from sender's activity Calculate ALE without experiment: 2 Balconi 2017-ISC post pos feedback > ISC pre pos feedback Calculate ALE without experiment: 3 Balconi 2018-ISC pre neg feedback/ control > ISC post neg feedback Calculate ALE without experiment: 4 Balconi 2019-ISC after material gift </> ISC after experiential gift Calculate ALE without experiment: 5 Bilek 2015 1-(dyad-ISC during interaction > no interaction) > random-ISC Calculate ALE without experiment: 6 Bilek 2015 2-(dyad-ISC during interaction > no interaction) > random-ISC Calculate ALE without experiment: 7 Canigueral 2021-prediction of partner's ISC from rTPJ during shared > private conditions Calculate ALE without experiment: 8 Chen 2020 1-female dyad ISC during deception > rest Calculate ALE without experiment: 9 Chen 2020 2-male dyad ISC during deception > rest Calculate ALE without experiment: 10 Cheng 2015-ISC synchronize > press faster/ rest in all participants Calculate ALE without experiment: 11 Cheng 2019-ISC during interpersonal coordination > rest Calculate ALE without experiment: 12 Cheng 2021-ISC during trust interaction > rest Calculate ALE without experiment: 13 Cui 2012-ISC synchronize > press faster/ rest Calculate ALE without experiment: 14 Dikker 2014-pseudo: speaker/listener-ISC Calculate ALE without experiment: 15 Duan 2020 1-ISC during problem solving in lovers > rest Calculate ALE without experiment: 16 Feng 2020-ISC during simultaneous button press > rest Calculate ALE without experiment: 17 Fronda & Balconi 2020-ISC during affective > social/informative gestures Calculate ALE without experiment: 18 Hou 2020-watching/listening to violinist > rest Calculate ALE without experiment: 19 Hu 2017-ISC synchronize > rest Calculate ALE without experiment: 20 Koide & Shimada 2018-ISC player-observer while playing > control Calculate ALE without experiment: 21 Koike 2016 1 3 + 2019b-2016 1 dyad-ISC during mutual gaze after JA (same partner) Calculate ALE without experiment: 22 Koike 2016 2-dyad-ISC during mutual gaze without JA task Calculate ALE without experiment: 23 Koike 2019a-dyad-ISC during mutual gaze with live video > delayed video Calculate ALE without experiment: 24 Kostorz 2020-pseudo: intructor-observer-ISC across conditions > 0 Calculate ALE without experiment: 25 Li Ya 2021-ISC during cooperation after emotional movie > random-ISC Calculate ALE without experiment: 26 Li Yu 2021-ISC during cooperation > independence Calculate ALE without experiment: 27 Li Z 2021-speaker-listener ISC modulated by noise level Calculate ALE without experiment: 28 Liu 2021a + 2021b-pseudo: speaker/listener-ISC, 0 sec time-lag Calculate ALE without experiment: 29 Liu J 2019-ISC during face-to-face teaching > rest Calculate ALE without experiment: 30 Liu N 2016-ISC during coop/comp > rest Calculate ALE without experiment: 31 Liu T 2017-ISC during coop/comp > random ISC Calculate ALE without experiment: 32 Liu W 2019 -ISC same > different syntactic structures / ISC eye-contact > no eye contact Calculate ALE without experiment: 33 Liu Y 2017-speaker-listener ISC > 0 Calculate ALE without experiment: 34 Long 2021a + Long 2021b-ISC in communication mode x topic interaction Calculate ALE without experiment: 35 Lu 2019a 1-ISC during pos feedback after brainstorming > rest Calculate ALE without experiment: 36 Lu 2019a 2-ISC during neg feedback after brainstorming > rest Calculate ALE without experiment: 37 Lu 2019a 3 + Lu & Hao 2019-ISC after brainstorming > rest Calculate ALE without experiment: 38 Lu 2019b 1-ISC during cooperative AUT > rest Calculate ALE without experiment: 39 Lu 2020a-ISC during brainstorming > male & mixed dyads Calculate ALE without experiment: 40 Lu 2020b-ISC during turn taking > normal/virtual communication Calculate ALE without experiment: 41 Miyata 2021-dyad-ISC during imitation > random-ISC Calculate ALE without experiment: 42 Nozawa 2016-(dyad-ISC during word-chain game > control) > random-ISC Calculate ALE without experiment: 43 Nozawa 2019-ISC during teaching/learning after synchronized > independent movement Calculate ALE without experiment: 44 Pan 2017 1-dyad-ISC during joint button press > rest Calculate ALE without experiment: 45 Pan 2018 1-dyad-ISC during interactive learning > rest Calculate ALE without experiment: 46 Pan 2018 2-dyad-ISC during interactive learning > rest Calculate ALE without experiment: 47 Pan 2020-interactive learning > rest Calculate ALE without experiment: 48 Pan 2021-ISC during teaching > rest Calculate ALE without experiment: 49 Pinti 2021-predict guesser's from informer's activity Calculate ALE without experiment: 50 Quinones-Camacho 2021-HC-dyad-ISC during communication > random-ISC Calculate ALE without experiment: 51 Saito 2010-dyad-ISC during JA > random-ISC Calculate ALE without experiment: 52 Salazar 2021-dyad-ISC during JAct > random-ISC Calculate ALE without experiment: 53 Shaw 2018-dyad-ISC during ultimatum game > control task Calculate ALE without experiment: 54 Shaw 2020-dyad-ISC during coop/comp > random-ISC Calculate ALE without experiment: 55 Silbert 2014-pseudo: speaker/listener-ISC > random-ISC Calculate ALE without experiment: 56 Smirnov 2019-pseudo: speaker/listener-ISC > random correlation Calculate ALE without experiment: 57 Spiegelhalder 2014-dyad-ISC during speak/listen > control, no time-lag Calculate ALE without experiment: 58 Spilakova 2020-dyad-ISC during cooperation > random-ISC Calculate ALE without experiment: 59 Stephens 2010-pseudo: speaker-listener-ISC > listener-listener-ISC Calculate ALE without experiment: 60 Sun 2020 2-ISC during cooperation > rest Calculate ALE without experiment: 61 Sun 2021-ISC interaction of student-student vs teacher-student x task condition Calculate ALE without experiment: 62 Tang 2016 1-dyad ISC during ultimatum game > rest Calculate ALE without experiment: 63 Tang 2016 2-dyad ISC during ultimatum game > rest Calculate ALE without experiment: 64 Wang 2019-ISC during cooperation with pain feedback > rest Calculate ALE without experiment: 65 Wang 2021-dyad-ISC during cooperation Calculate ALE without experiment: 66 Xie 2020-dyad-ISC during collaborative drawing > random-ISC Calculate ALE without experiment: 67 Xue 2018 1-ISC in high-low creativity dyads during brainstorming > rest Calculate ALE without experiment: 68 Xue 2018 3-ISC in low-low creativity dyads during brainstorming > rest Calculate ALE without experiment: 69 Yang 2020-within-group ISC interaction of bonding/no-bonding x attack/defend Calculate ALE without experiment: 70 Yoshioka 2021-task-dependent dyad-ISC during JA > random-ISC Calculate ALE without experiment: 71 Zhang M 2017a + 2017b-ISC during "deception" > "honesty" Calculate ALE without experiment: 72 Zhang M 2020 + 2021a-ISC during cooperation > rest Calculate ALE without experiment: 73 Zhang M 2021b-ISC during group > individual decision making Calculate ALE without experiment: 74 Zhang R 2021 1-ISC during cooperation with stress > random ISC Calculate ALE without experiment: 75 Zhang R 2021 2-ISC during cooperation without stress > random ISC Calculate ALE without experiment: 76 Zhang Y 2020 1-ISC during psychological counseling by expert > rest Calculate ALE without experiment: 77 Zhang Y 2020 2-ISC during psychological counseling by novice > rest Calculate ALE without experiment: 78 Zhao 2017-ISC during joint tapping > 0 Calculate ALE without experiment: 79 Zhao 2021 1-ISC during decision making after stress > rest Calculate ALE without experiment: 80 Zhao 2021 2-ISC during decision making without stress > rest Calculate ALE without experiment: 81 Zheng 2018 + 2020 1-ISC during live teaching > prerecorded video teaching Calculate ALE without experiment: 82 Zhu 2021 1-(dyad-ISC during elaborated feedback > rest) > random-ISC
INFO: Calculated experiment-wise contributions of 82 experiments to 4 clusters.
In this analysis, we restrict fNIRS studies to those explicitly contrasting interaction conditions vs rest or control conditions, or randomization. I.e., excluding experiments assessing for example INS "pre- vs post-social feedback" or "video-based vs in-person-learning".
The results, now including 55 fNIRS and 68 combined fNIRS+fMRI experiments, indicate general correspondence to the analyses including all fNIRS data.
## DESCRIPTIVE
# get fnirs results
fnirs_res_sel, fnirs_vols_sel, fnirs_coord_sel = fnirs_result(
data =fnirs_df_sel,
atlas =atlas100,
labels=pd.read_csv(join(wd, 'atlases', 'Schaefer100-7_2mm.csv')))
# save
fnirs_res_sel.to_csv(join(wd, 'fnirs', 'fnirs_atlas_result_sel.csv'), index=False)
fnirs_coord_sel.to_csv(join(wd, 'fnirs', 'fnirs_coordinates_nearest_sel.csv'), index=False)
fnirs_vols_sel['n_ch_sync'].to_filename(join(wd, 'fnirs', 'fnirs_atlas_syncChannels_sel.nii.gz'))
fnirs_vols_sel['n_ch_ratio_sub_all'].to_filename(join(wd, 'fnirs', 'fnirs_atlas_ratioSyncAllChannelsSubj_sel.nii.gz'))
fnirs_vols_sel['n_ch_ratio_exp_all'].to_filename(join(wd, 'fnirs', 'fnirs_atlas_ratioSyncAllChannelsExps_sel.nii.gz'))
INFO: Loaded fNIRS data, kept 1583 rows with coordinate information from 55 experiments. INFO: Finding nearest atlas region for each coordinate. Maximum distance = 4.12. INFO: Extracting parcel-wise results... INFO: Creating volumes...
## PERMUTATION
fnirs_perm_sel_data, fnirs_perm_sel_p, fnirs_perm_sel_q = fnirs_permute(
fnirs_coord_df=fnirs_coord_sel,
region_indices=fnirs_res_sel.region_idx.reset_index(drop=True).to_list(),
n_perm=1000,
seed=42)
# save
# results table (overwrite)
fnirs_res_sel_perm = pd.concat([fnirs_res_sel.reset_index(drop=True), pd.DataFrame(fnirs_perm_sel_p), pd.DataFrame(fnirs_perm_sel_q)], axis=1)
fnirs_res_sel_perm.to_csv(join(wd, 'fnirs', 'fnirs_atlas_result_sel.csv'), index=False)
# permuted data
for key in fnirs_perm_sel_data:
fnirs_perm_sel_data[key].to_csv(join(wd, 'fnirs', f'fnirs_atlas_sel_{key}.csv'))
# show and plot
# show result
display(fnirs_res_sel_perm[['region', 'p_n_ch_sync', 'p_ch_ratio_sub_all', 'p_ch_ratio_exp_all']].head(10))
# plot on fsLR surface
test = ' | '.join([f'(a=={i})' for i in fnirs_res_sel_perm.query('p_n_ch_sync < 0.05').region_idx.to_list()])
plot_surf(fnirs_vols_sel['n_ch_sync'], title='fNIRS-selected: Number of channels showing INS per parcel', interp='nearest',
overlay=math_img(f'np.where({test}, 1, 0)', a=atlas100))
test = ' | '.join([f'(a=={i})' for i in fnirs_res_sel_perm.query('p_ch_ratio_sub_all < 0.05').region_idx.to_list()])
plot_surf(fnirs_vols_sel['n_ch_ratio_sub_all'], title='fNIRS-selected: Ratio of channels showing INS per parcel vs all channels weighted by N(subjects)',
overlay=math_img(f'np.where({test}, 1, 0)', a=atlas100), interp='nearest',)
0%| | 0/1000 [00:00<?, ?it/s]
region | p_n_ch_sync | p_ch_ratio_sub_all | p_ch_ratio_exp_all | |
---|---|---|---|---|
0 | LH_Default_PFC_4 | 0.008 | 0.027 | 0.051 |
1 | RH_Cont_PFCl_3 | 0.205 | 0.063 | 0.130 |
2 | RH_Default_PFCdPFCm_1 | 0.147 | 0.008 | 0.015 |
3 | RH_Default_PFCdPFCm_2 | 0.357 | 0.207 | 0.384 |
4 | LH_Default_PFC_2 | 0.246 | 0.052 | 0.048 |
5 | LH_SalVentAttn_PFCl_1 | 0.315 | 0.217 | 0.306 |
6 | RH_Cont_PFCl_2 | 0.465 | 0.153 | 0.210 |
7 | LH_Cont_PFCl_1 | 0.386 | 0.144 | 0.176 |
8 | RH_Cont_PFCl_1 | 0.544 | 0.804 | 0.843 |
9 | RH_SalVentAttn_TempOccPar_1 | 0.313 | 0.112 | 0.143 |
## FMRI+FNIRS ALE
# set fnirs sample sizes to n = 10 (corresponding to 10mm FWHM)
ds_fnirs_sel.metadata.sample_sizes = [[10]] * len(ds_fnirs_sel.metadata)
# merge datasets
ds_fmri_fnirs_sel = ds.merge(ds_fnirs_sel)
# run ale
_ = ale(data=ds_fmri_fnirs_sel, work_dir=join(wd, 'ale'), pref='aleFNIRSSEL_', vox_thr=0.001, cluster='mass',
n_perm=n_perm, n_core=n_core, glassbrain_title='fMRI+fNIRS ALE (selected), vp < 0.001')
/Applications/Anaconda/anaconda3/envs/masync/lib/python3.8/site-packages/nimare/dataset.py:327: FutureWarning: The frame.append method is deprecated and will be removed from pandas in a future version. Use pandas.concat instead. new_df = df1.append(df2, ignore_index=True, sort=False) WARNING: Not applying transforms to coordinates in unrecognized space 'mni152_2mm' INFO: Calculating ALE on 68 experiments with 68 contrasts, 1200 subjects and 487 foci. INFO: Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations. 100%|██████████| 5000/5000 [41:52<00:00, 1.99it/s] INFO: ALE completed, significant clusters found. Results saved to: /Users/leonlotter/MAsync/project/data/ale
To incorporate the spatial uncertainty of fNIRS data, we iteratively repeat (n = 1000) the fNIRS permutation analysis while randomizing fNIRS coordinates within a fixed-width sphere (radius 1cm) and a strongly constrained cortical template. To evaluate the result, we estimate, for each fNIRS index, the percentages of iterations in which a parcel is significant and the average p values per parcel.
# number of iterations
n_rand = 1000
# atlas labels
labels = pd.read_csv(join(wd, 'atlases', 'Schaefer100-7_2mm.csv'))
# mask to randomize coordinates in
mask_fnirs = load_img(join(wd, 'atlases', 'MNI152NLin6Asym_2mm_cortexmask_constrained.nii.gz'))
# make function for parallelization
def rand_permute_fnirs(i):
# permute coordinates
fnirs_rand_df = rand_fnirs_coords(fnirs_df=fnirs_df, mask=mask_fnirs, radius=5, verbose=False, seed=i)
# get "real" fnirs results for randomized coordinates
fnirs_rand_res, fnirs_rand_coord = fnirs_result(data=fnirs_rand_df, atlas=atlas100, labels=labels, volumes=False, verbose=False)
# fNIRS permutation analysis
_, fnirs_rand_perm_p, fnirs_rand_perm_q = fnirs_permute(
fnirs_coord_df=fnirs_rand_coord,
region_indices=fnirs_rand_res.region_idx.reset_index(drop=True).to_list(),
n_perm=1000,
seed=42,
verbose=False)
return pd.concat([fnirs_rand_res.reset_index(drop=True), pd.DataFrame(fnirs_rand_perm_p), pd.DataFrame(fnirs_rand_perm_q)], axis=1)
# run in parallel and collect results in dict
fnirs_rand_res_perm = Parallel(n_jobs=n_core)(delayed(rand_permute_fnirs)(i) for i in tqdm(range(n_rand)))
fnirs_rand_res_perm = dict(zip(list(range(n_rand)), fnirs_rand_res_perm))
0%| | 0/1000 [00:00<?, ?it/s]
The Python package you are importing, AtlasReader, is licensed under the BSD-3 license; however, the atlases it uses are separately licensed under more restrictive frameworks. By using AtlasReader, you agree to abide by the license terms of the individual atlases. Information on these terms can be found online at: https://github.com/miykael/atlasreader/tree/master/atlasreader/data The Python package you are importing, AtlasReader, is licensed under the BSD-3 license; however, the atlases it uses are separately licensed under more restrictive frameworks. By using AtlasReader, you agree to abide by the license terms of the individual atlases. Information on these terms can be found online at: https://github.com/miykael/atlasreader/tree/master/atlasreader/data The Python package you are importing, AtlasReader, is licensed under the BSD-3 license; however, the atlases it uses are separately licensed under more restrictive frameworks. By using AtlasReader, you agree to abide by the license terms of the individual atlases. Information on these terms can be found online at: https://github.com/miykael/atlasreader/tree/master/atlasreader/data The Python package you are importing, AtlasReader, is licensed under the BSD-3 license; however, the atlases it uses are separately licensed under more restrictive frameworks. By using AtlasReader, you agree to abide by the license terms of the individual atlases. Information on these terms can be found online at: https://github.com/miykael/atlasreader/tree/master/atlasreader/data The Python package you are importing, AtlasReader, is licensed under the BSD-3 license; however, the atlases it uses are separately licensed under more restrictive frameworks. By using AtlasReader, you agree to abide by the license terms of the individual atlases. Information on these terms can be found online at: https://github.com/miykael/atlasreader/tree/master/atlasreader/data The Python package you are importing, AtlasReader, is licensed under the BSD-3 license; however, the atlases it uses are separately licensed under more restrictive frameworks. By using AtlasReader, you agree to abide by the license terms of the individual atlases. Information on these terms can be found online at: https://github.com/miykael/atlasreader/tree/master/atlasreader/data The Python package you are importing, AtlasReader, is licensed under the BSD-3 license; however, the atlases it uses are separately licensed under more restrictive frameworks. By using AtlasReader, you agree to abide by the license terms of the individual atlases. Information on these terms can be found online at: https://github.com/miykael/atlasreader/tree/master/atlasreader/data The Python package you are importing, AtlasReader, is licensed under the BSD-3 license; however, the atlases it uses are separately licensed under more restrictive frameworks. By using AtlasReader, you agree to abide by the license terms of the individual atlases. Information on these terms can be found online at: https://github.com/miykael/atlasreader/tree/master/atlasreader/data
WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing
# Collect data
# reload original fNIRS permutation result
fnirs_rand_res_perm_df = pd.read_csv(join(wd, 'fnirs', 'fnirs_atlas_result.csv'))
# iterate atlas regions
for region_idx in fnirs_rand_res_perm_df.region_idx:
fnirs_rand_res_perm_collect = dict(
p_n_ch_sync=list(), p_ch_ratio_sub_all=list(), p_ch_ratio_exp_all=list()
)
# iterate coord randomization results
for i in fnirs_rand_res_perm:
for k in fnirs_rand_res_perm_collect:
p = fnirs_rand_res_perm[i].loc[fnirs_rand_res_perm[i].region_idx==region_idx, k].values
fnirs_rand_res_perm_collect[k].append(p[0] if len(p)>0 else np.nan)
for k in fnirs_rand_res_perm_collect:
# mean p values
fnirs_rand_res_perm_df.\
loc[fnirs_rand_res_perm_df.region_idx==region_idx, k+'_rand_mean'] = np.nanmean(fnirs_rand_res_perm_collect[k])
# centage of < 0.05 p values
fnirs_rand_res_perm_df.\
loc[fnirs_rand_res_perm_df.region_idx==region_idx, k+'_rand_perc'] = \
np.sum(np.array(fnirs_rand_res_perm_collect[k]) < 0.05) / len(fnirs_rand_res_perm)
# show & save (overwrite)
display(fnirs_rand_res_perm_df.sort_values('p_ch_ratio_sub_all', ascending=True)\
[['region', 'p_ch_ratio_sub_all', 'p_ch_ratio_sub_all_rand_mean', 'p_ch_ratio_sub_all_rand_perc']])
fnirs_rand_res_perm_df.to_csv(join(wd, 'fnirs', 'fnirs_atlas_result.csv'), index=False)
region | p_ch_ratio_sub_all | p_ch_ratio_sub_all_rand_mean | p_ch_ratio_sub_all_rand_perc | |
---|---|---|---|---|
8 | RH_Vis_3 | 0.014 | 0.103350 | 0.481 |
0 | LH_Default_PFC_2 | 0.018 | 0.148546 | 0.181 |
22 | LH_DorsAttn_Post_6 | 0.047 | 0.186990 | 0.114 |
4 | RH_SalVentAttn_TempOccPar_1 | 0.048 | 0.314382 | 0.079 |
6 | RH_Default_PFCdPFCm_1 | 0.076 | 0.360202 | 0.027 |
... | ... | ... | ... | ... |
45 | LH_SomMot_3 | 0.999 | 0.863380 | 0.000 |
15 | LH_Default_PFC_5 | 0.999 | 0.994939 | 0.000 |
68 | RH_Cont_pCun_1 | 0.999 | 0.933326 | 0.005 |
55 | LH_DorsAttn_PrCv_1 | 0.999 | 0.789687 | 0.000 |
69 | LH_SalVentAttn_Med_1 | 0.999 | 0.999000 | 0.000 |
70 rows × 4 columns
# Collect data
# reload original fNIRS permutation result
fnirs_rand_res_perm_df = pd.read_csv(join(wd, 'fnirs', 'fnirs_atlas_result.csv'))
# iterate atlas regions
for region_idx in fnirs_rand_res_perm_df.region_idx:
fnirs_rand_res_perm_collect = dict(
p_n_ch_sync=list(), p_ch_ratio_sub_all=list(), p_ch_ratio_exp_all=list()
)
# iterate coord randomization results
for i in fnirs_rand_res_perm:
for k in fnirs_rand_res_perm_collect:
p = fnirs_rand_res_perm[i].loc[fnirs_rand_res_perm[i].region_idx==region_idx, k].values
fnirs_rand_res_perm_collect[k].append(p[0] if len(p)>0 else np.nan)
for k in fnirs_rand_res_perm_collect:
# mean p values
fnirs_rand_res_perm_df.\
loc[fnirs_rand_res_perm_df.region_idx==region_idx, k+'_rand_mean'] = np.nanmean(fnirs_rand_res_perm_collect[k])
# median p values
fnirs_rand_res_perm_df.\
loc[fnirs_rand_res_perm_df.region_idx==region_idx, k+'_rand_median'] = np.nanmedian(fnirs_rand_res_perm_collect[k])
# centage of < 0.05 p values
fnirs_rand_res_perm_df.\
loc[fnirs_rand_res_perm_df.region_idx==region_idx, k+'_rand_perc'] = \
np.sum(np.array(fnirs_rand_res_perm_collect[k]) < 0.05) / len(fnirs_rand_res_perm)
# show & save (overwrite)
display(fnirs_rand_res_perm_df.sort_values('p_ch_ratio_sub_all', ascending=True)\
[['region'] + [c for c in fnirs_rand_res_perm_df if c.startswith('p_ch_ratio_sub_all')]])
fnirs_rand_res_perm_df.to_csv(join(wd, 'fnirs', 'fnirs_atlas_result.csv'), index=False)
region | p_ch_ratio_sub_all | p_ch_ratio_sub_all_rand_mean | p_ch_ratio_sub_all_rand_perc | p_ch_ratio_sub_all_rand_median | |
---|---|---|---|---|---|
8 | RH_Vis_3 | 0.014 | 0.103350 | 0.481 | 0.0520 |
0 | LH_Default_PFC_2 | 0.018 | 0.148546 | 0.181 | 0.1160 |
22 | LH_DorsAttn_Post_6 | 0.047 | 0.186990 | 0.114 | 0.1490 |
4 | RH_SalVentAttn_TempOccPar_1 | 0.048 | 0.314382 | 0.079 | 0.2800 |
6 | RH_Default_PFCdPFCm_1 | 0.076 | 0.360202 | 0.027 | 0.3175 |
... | ... | ... | ... | ... | ... |
45 | LH_SomMot_3 | 0.999 | 0.863380 | 0.000 | 0.8860 |
15 | LH_Default_PFC_5 | 0.999 | 0.994939 | 0.000 | 0.9970 |
68 | RH_Cont_pCun_1 | 0.999 | 0.933326 | 0.005 | 0.9990 |
55 | LH_DorsAttn_PrCv_1 | 0.999 | 0.789687 | 0.000 | 0.8030 |
69 | LH_SalVentAttn_Med_1 | 0.999 | 0.999000 | 0.000 | 0.9990 |
70 rows × 5 columns
As, above we also recalculate the fNIRS-fMRI-ALE with randomized coordinates. As thresholding the ALE map every time using the non-parametric permutation-based method would exaggerate computation time, we use the cluster mass threshold from the original analysis (> 0.41). To evaluate the result, we estimate the percentages of iterations in which we find significant clusters within the original clusters (without randomization of coordinates).
While the left SFG cluster is robust against spatial iteration of the coordinates, the right prefrontal clusters are more sensitive.
## PERFORM RANDOMIZATION
# number of iterations
n_rand = 1000
# cluster mass threshold from joint fMRI-fNIRS-ALE
cluster_thresh = 0.41
# make fMRI dataset for merging to avoid 'space' warning (has no effect on result)
ds_formerge = ds.copy()
ds_formerge.coordinates['space'] = 'MNI'
# mask to randomize coordinates in
mask_fnirs = load_img(join(wd, 'atlases', 'MNI152NLin6Asym_2mm_cortexmask_constrained.nii.gz'))
# get clusters of main fNIRS+fMRI ALE
ale_fnirs_idx = load_img(join(wd, 'ale', 'aleFNIRS_thresh_idx.nii.gz'))
ale_fnirs_idx_data = ale_fnirs_idx.get_fdata()
n_clusters = int(np.max(ale_fnirs_idx_data))
# permute coordinates and save coverage of cluster in original fMRI+fNIRS ALE
def rand_fnirs_ale(i):
warnings.simplefilter(action='ignore', category=FutureWarning)
# prepare ALE
fit_ale = ALE()
# randomize coordinates, radius is 5 as it has to be multiplied with 2mm voxel-size
ds_fnirs_rand = ds_fnirs.copy()
ds_fnirs_rand = rand_nimare_coords(ds_fnirs_rand, mask=mask_fnirs, radius=5, verbose=False, seed=42+i)
ds_fnirs_rand.coordinates['space'] = 'MNI'
# merge datasets
ds_fmri_fnirs_rand = ds_formerge.merge(ds_fnirs_rand)
# perform ALE
aleFNIRS_rand_res = fit_ale.fit(ds_fmri_fnirs_rand)
# voxel threshold
aleFNIRS_rand_vthresh = math_img(f"stat * (z > {p_to_z(v_thr, tail='one')})",
stat=aleFNIRS_rand_res.get_map('stat'),
z=aleFNIRS_rand_res.get_map('z'))
# label clusters, get cluster masses
img_labels, clust_labels, _, clust_masses = get_cluster_stats(aleFNIRS_rand_vthresh)
# get significant clusters
clust_labels = clust_labels[clust_masses > cluster_thresh]
aleFNIRS_rand_cthresh = np.zeros(aleFNIRS_rand_vthresh.shape)
for c in clust_labels:
aleFNIRS_rand_cthresh[img_labels==c] = 1
# check overlap
cluster_check = np.unique(aleFNIRS_rand_cthresh * ale_fnirs_idx_data)
cluster_check = cluster_check[cluster_check!=0]
# return result
return [1 if c in cluster_check else 0 for c in np.arange(1,n_clusters+1)]
# run in parallel and collect results
fnirs_rand_res = Parallel(n_jobs=n_core)(delayed(rand_fnirs_ale)(i) for i in tqdm(range(n_rand)))
# display result
fnirs_rand_res_df = pd.DataFrame(data=fnirs_rand_res, index=None,
columns=[f'cl{i}' for i in range(1, n_clusters+1)])
fnirs_rand_res_df.to_csv(join(wd, 'fnirs', 'fnirs_ale_randomization.csv'), index=False)
display(fnirs_rand_res_df.mean(axis=0))
0%| | 0/1000 [00:00<?, ?it/s]
WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing WARNING:duecredit.utils:Assuming non interactive session since isatty found missing
The Python package you are importing, AtlasReader, is licensed under the BSD-3 license; however, the atlases it uses are separately licensed under more restrictive frameworks. By using AtlasReader, you agree to abide by the license terms of the individual atlases. Information on these terms can be found online at: https://github.com/miykael/atlasreader/tree/master/atlasreader/data The Python package you are importing, AtlasReader, is licensed under the BSD-3 license; however, the atlases it uses are separately licensed under more restrictive frameworks. By using AtlasReader, you agree to abide by the license terms of the individual atlases. Information on these terms can be found online at: https://github.com/miykael/atlasreader/tree/master/atlasreader/data The Python package you are importing, AtlasReader, is licensed under the BSD-3 license; however, the atlases it uses are separately licensed under more restrictive frameworks. By using AtlasReader, you agree to abide by the license terms of the individual atlases. Information on these terms can be found online at: https://github.com/miykael/atlasreader/tree/master/atlasreader/data The Python package you are importing, AtlasReader, is licensed under the BSD-3 license; however, the atlases it uses are separately licensed under more restrictive frameworks. By using AtlasReader, you agree to abide by the license terms of the individual atlases. Information on these terms can be found online at: https://github.com/miykael/atlasreader/tree/master/atlasreader/data The Python package you are importing, AtlasReader, is licensed under the BSD-3 license; however, the atlases it uses are separately licensed under more restrictive frameworks. By using AtlasReader, you agree to abide by the license terms of the individual atlases. Information on these terms can be found online at: https://github.com/miykael/atlasreader/tree/master/atlasreader/data The Python package you are importing, AtlasReader, is licensed under the BSD-3 license; however, the atlases it uses are separately licensed under more restrictive frameworks. By using AtlasReader, you agree to abide by the license terms of the individual atlases. Information on these terms can be found online at: https://github.com/miykael/atlasreader/tree/master/atlasreader/data The Python package you are importing, AtlasReader, is licensed under the BSD-3 license; however, the atlases it uses are separately licensed under more restrictive frameworks. By using AtlasReader, you agree to abide by the license terms of the individual atlases. Information on these terms can be found online at: https://github.com/miykael/atlasreader/tree/master/atlasreader/data The Python package you are importing, AtlasReader, is licensed under the BSD-3 license; however, the atlases it uses are separately licensed under more restrictive frameworks. By using AtlasReader, you agree to abide by the license terms of the individual atlases. Information on these terms can be found online at: https://github.com/miykael/atlasreader/tree/master/atlasreader/data
cl1 1.000 cl2 1.000 cl3 1.000 cl4 0.891 dtype: float64
Using only the rTPJ cluster as seed (as the rSTG cluster proofed unstable), we calculate a network of task-related co-activation based on the BrainMap database (Eickhoff et al., 2011).
We search the BrainMap database ("normal mapping" + "activation only") for studies reporting at least one peak within the ALE cluster and perform a single ALE on these coordinates (settings as above, voxel-level threshold p < 0.001).
We find a task-related network with mainly cortical clusters located in bilateral TPJ-related regions, left & right insulae and dlPFCs, SMA, right IPL, and subcortical regions.
# Select studies with >= 1 coordinate in rTPJ ROI
ids_brainmap_ale_rTPJ = ds_brainmap.get_studies_by_mask(ale_rTPJ_bin)
ds_brainmap_ale_rTPJ = ds_brainmap.slice(ids_brainmap_ale_rTPJ)
print(f'{len(ids_brainmap_ale_rTPJ)}/{len(ds_brainmap.ids)} studies report at least one '
'coordinate in ALE rTPJ cluster.')
146/3098 studies report at least one coordinate in ALE rTPJ cluster.
# run MACM ALE
_ = ale(data=ds_brainmap_ale_rTPJ, work_dir=join(wd, 'macm'), pref='macm_rTPJ_',
vox_thr=v_thr, n_perm=n_perm, n_core=n_core, print_glassbrain=False, cluster='mass',
print_histogram=True)
INFO: Calculating ALE on 144 experiments with 146 contrasts, 2387 subjects and 7652 foci. INFO: Thresholding: voxel-level p < 0.001 uncorrected, cluster-level p < 0.05 FWE-corrected, based on cluster mass with 5000 permutations.
0%| | 0/5000 [00:00<?, ?it/s]
INFO: Cluster mass threshold based on null distribution of maximum values: > 1.93712
INFO: ALE completed, significant clusters found. Results saved to: /Users/llotter/MAsync/project/data/macm
# MACM roi labels based on cluster list and image (below)
macm_rTPJ_labels = pd.DataFrame(['rTPJ', 'lTPJ', 'lPFCIns', 'rPFCIns', 'SMA',
'lTh', 'lIPL', 'rTh', 'rIPL', 'lPrec', 'rMCC'])
macm_rTPJ_labels.to_csv(join(wd, 'macm', 'macm_rTPJ_thresh_labels.csv'),
index=False, header=None)
# load results for following analyses
macm_rTPJ_idx = load_img(join(wd, 'macm', 'macm_rTPJ_thresh_idx.nii.gz'))
macm_rTPJ_bin = load_img(join(wd, 'macm', 'macm_rTPJ_thresh_bin.nii.gz'))
macm_rTPJ_z = load_img(join(wd, 'macm', 'macm_rTPJ_z.nii.gz'))
# save for RSFC analyses with CONN (see below) - we remove the smallest cluster (16 voxels)
macm_rTPJ_idx_RSFC = math_img('np.where(macm_idx==11, 0, macm_idx)', macm_idx=macm_rTPJ_idx)
macm_rTPJ_idx_RSFC.to_filename(join(wd, 'rsfc', 'macm_rTPJ_idx_forCONN.nii'))
macm_rTPJ_labels.loc[0:9,:].to_csv(join(wd, 'rsfc', 'macm_rTPJ_idx_forCONN.txt'),
index=False, header=None)
# plot MACM result - glassbrain
plot_gb(macm_rTPJ_idx, title='MACM, seed = rTPJ cluster', col='videen_style')
# - surface with fNIRS results
plot_surf(fnirs_vols['n_ch_ratio_sub_all'], title='fNIRS: Number of channels showing INS per parcel',
overlay=macm_rTPJ_bin, interp='nearest', cmap='inferno')
# show cluster list
pd.read_csv(join(wd, 'macm', 'macm_rTPJ_thresh_stat_clusters.csv')).drop(['talairach_gyrus', 'talairach_ba'], axis=1)
cluster_id | peak_x | peak_y | peak_z | cluster_mean | volume_mm | aal | |
---|---|---|---|---|---|---|---|
0 | 1.0 | 60.0 | -48.0 | 16.0 | 0.085033 | 28576.0 | 39.39% Temporal_Mid_R; 18.20% Temporal_Sup_R; ... |
1 | 2.0 | -58.0 | -42.0 | 22.0 | 0.066208 | 26280.0 | 35.43% Temporal_Mid_L; 17.08% SupraMarginal_L;... |
2 | 3.0 | -32.0 | 20.0 | 2.0 | 0.068140 | 22456.0 | 24.90% Frontal_Inf_Tri_L; 21.66% Insula_L; 18.... |
3 | 4.0 | 36.0 | 20.0 | -2.0 | 0.069300 | 19760.0 | 22.43% Frontal_Inf_Oper_R; 19.64% Insula_R; 19... |
4 | 5.0 | -4.0 | 12.0 | 48.0 | 0.070320 | 11416.0 | 32.94% Supp_Motor_Area_L; 24.04% Supp_Motor_Ar... |
5 | 6.0 | -10.0 | -18.0 | 4.0 | 0.065970 | 5672.0 | 54.72% Thalamus_L; 16.50% no_label; 14.10% Hip... |
6 | 7.0 | -34.0 | -50.0 | 46.0 | 0.061559 | 5448.0 | 64.32% Parietal_Inf_L; 27.02% Parietal_Sup_L; ... |
7 | 8.0 | 10.0 | -16.0 | 6.0 | 0.060695 | 4664.0 | 49.40% Thalamus_R; 24.19% no_label; 17.67% Pal... |
8 | 9.0 | 32.0 | -58.0 | 48.0 | 0.060978 | 2872.0 | 37.33% Parietal_Inf_R; 31.20% Angular_R; 30.08... |
9 | 10.0 | -2.0 | -56.0 | 34.0 | 0.063224 | 1520.0 | 50.53% Precuneus_L; 31.58% Cingulate_Post_L; 1... |
10 | 11.0 | 2.0 | 0.0 | 40.0 | 0.053125 | 16.0 | 100.00% Cingulate_Mid_R |
We evaluate whether the ALE and MACM results emerged from a spatial "activation" pattern that is present in both sets of coordinates (ALE: fMRI INS studies, MACM: studies spatially associated with the ALE cluster) but, due to a lack of power, did not result in further significant clusters in case of the primary ALE. For this, we correlate both unthresholded & z-transformed volumes spatially using spearman correlations. We first parcellate the volumes using the Schaefer/Tian 216 ROIs atlas. For visualization, we plot a scatter plot and mark all points (= atlas ROIs) that show an overlap with MACM clusters of at least 5% of each cluster's size.
We see (as expected) a general spatial correlation between ALE and MACM z-volumes, driven not only by higher ALE values in the rTPJ region (blue) but also by lTPJ (orange), lInsPFC (green) and rInsPFC (red) ROIs.
# load atlas and macm result
atlas_labels = pd.read_csv(join(wd, 'atlases', 'Schaefer100-7_TianS1_2mm.csv'), names=['idx', 'label', 'color'])
# MARKER COLORS FOR SCATTER PLOT
cl_info = get_size_of_rois(macm_rTPJ_idx) # get macm cluster indices and sizes
colors = ['tab:blue', 'tab:orange', 'tab:green', 'tab:red', 'tab:purple', 'tab:brown',
'tab:pink', 'tab:olive', 'tab:cyan', 'yellow', 'black'] # cluster marker colors
atlas_labels['color'] = 'lightgrey' # non-cluster marker colors
# iterate over macm clusters
for i_cl in cl_info['idx']:
cl_dat = macm_rTPJ_idx.get_fdata() # get cluster data
cl_parcel = (cl_dat==i_cl) * atlas116.get_fdata() # intersect current cluster with atlas
cl_size = cl_info['size'][cl_info['idx'] == i_cl].values[0] # size of current cluster
cl_parcel_sizes = get_size_of_rois(cl_parcel) # sizes of parcel-cluster intersections
# keep parcel-cluster intersections that make at least 10% of cluster size
cl_parcel_thr = cl_parcel_sizes[cl_parcel_sizes['size'] >= cl_size * 0.10]
# set color for all parcels overlapping with the current cluster
atlas_labels['color'][atlas_labels['idx'].isin(cl_parcel_thr['idx'])] = colors[int(i_cl)-1]
# CORRELATION AND SCATTER PLOT
# calculate spearman correlation between unthresholded MACM & ALE z maps and plot
_, cor_df = correlate_volumes_via_atlas(x_img=ale_z,
y_img=macm_rTPJ_z,
atlas=atlas116, method='spearman', colors=atlas_labels['color'])
cor_df.to_csv(join(wd, 'macm', 'cor_macm_ale.csv'), index=False) # save parcel-wise values
Spearman`s r = 0.34
When calculating MACM analyses using the ALE algorithm, the result is not adjusted for the base rate of voxel-wise activation. The SCALE (Specific Co-Activation Likelihood Estimation; Langner et al., 2014) approach deals with this issue by generating a null-distribution reflecting the baseline probability of activation at any given voxel.
We use it as addition to the MACM-ALE analysis as the current implementation of SCALE in NiMARE does not offer multiple comparison correction. Therefore, we will display the resulting map thresholded at uncorrected voxel-level p > 0.05 for visual comparison to the MACM-ALE-derived clusters. The baseline coordinates are drawn from the BrainMap database via Sleuth ("normal mapping", "Activations").
The left TPJ region seems to be the region most uniquely connected to the rTPJ.
# get all BrainMap coordinates
scale_xyz = ds_brainmap.coordinates[['x', 'y', 'z']].values
# run scale
scale = SCALE(xyz=scale_xyz, n_iters=n_perm)
scale_res = scale.fit(ds_brainmap_ale_rTPJ)
scale_res.save_maps(output_dir=join(wd, 'macm'), prefix='scale_rTPJ_')
0%| | 0/5000 [00:00<?, ?it/s]INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. INFO:numexpr.utils:NumExpr defaulting to 4 threads. 100%|██████████| 5000/5000 [1:28:52<00:00, 1.07s/it]
# plot SCALE result, note: no multiple comparison correction implemented,
# thresholded at uncorrected voxel-level p < 0.001
plot_gb(join(wd, 'macm', 'scale_rTPJ_logp.nii.gz'), title='SCALE, seed = rTPJ cluster', thresh=3)
We perform ROI-to-ROI resting-state functional connectivity (RSFC) analyses on HCP data using the CONN toolbox in MATLAB. Here is the CONN batch script.
Sample: N = 120 unrelated subjects evenly drawn from each age group and gender. N = 115 after exclusion of subjects exceeding motion cut-offs.
Data: S900 ICA-FIX denoised volumetric data; improved image reconstruction algorithm ("r277"); concatenated first two resting-state sessions (30 min); voxel-size 2x2x2 m^3.
Further processing: Resample to 3mm isotropic resolution; Linear detrending & bandpass filtering (0.01 - 0.08 Hz); Semipartial correlations between averaged time series of each MACM cluster.
Statistics: Two-sided one-sample t-test on r-to-z-transformed semipartial correlation coefficients representing each functional (directed) connection between the 10 MACM ROIs. Alpha-level: Bonferroni-corrected p < 0.05 to estimate the strongest connections within the co-activation network.
We see strong functional connections between the large MACM ROIs. Especially bilateral TPJs and IPLs seem to be connected with each other, in line with the SCALE result.
# load CONN result and motion data
conn_res = sp.io.loadmat(join(wd, 'rsfc', 'rsfc_macm_rTPJ_semipartial.mat'))
fwd = pd.read_csv(join(wd, 'rsfc', 'fwd.csv'))
# get connectivity data
z_all = conn_res.get('Z') # get data
z_all = z_all[:, :, (fwd['Exclude_motion']==1).to_list()] # get n=115 subjects below motion cut-offs
# get ROI coordinates
coord = np.concatenate(conn_res.get('xyz'))
coord = [c[0] for c in coord]
coord = np.array(coord)
# get ROI labels
labels = np.concatenate(conn_res.get('names'))
labels = [l[0] for l in labels]
# calculate positive-sided one-sample t-test against zero per connection
z_p, z_t = np.ones(z_all.shape[:2]), np.ones(z_all.shape[:2])
for r in range(z_p.shape[0]):
for c in range(z_p.shape[1]):
t, p = sp.stats.ttest_1samp(z_all[r, c, :], 0, alternative='two-sided')
z_p[r, c], z_t[r, c] = p, t
# get mean z-value per connection across subjects
z = np.mean(z_all, 2)
# remove z-connections below Bonferroni-corrected p < 0.05
z_thresh = np.where((z_p < 0.05/90) & (z_t > 0), z, 'nan').astype(float)
# save matrix
pd.DataFrame(z_thresh).to_csv(join(wd, 'rsfc', 'rsfc_cormat.csv'), index=None, header=labels)
pd.DataFrame(z).to_csv(join(wd, 'rsfc', 'rsfc_cormat_nothresh.csv'), index=None, header=labels)
# plot FC matrix and connectome on glass brain
# warnings point at plotting functions, no influence on data
heatmap(pd.DataFrame(z_thresh, columns=labels, index=labels), cmap='red_transparent_full_alpha_range')
p = plot_connectome(z_thresh, coord, display_mode='lyrz', colorbar=True,
title='Semipartial ROI-to-ROI correlations within MACM network')
p.add_contours(macm_rTPJ_bin, filled=True, alpha=0.3, colors=['c'])
p.add_contours(macm_rTPJ_bin, colors=['k'], linewidths=0.1)
/Applications/Anaconda/anaconda3/lib/python3.8/site-packages/nilearn/plotting/displays.py:101: UserWarning: No contour levels were found within the data range. im = getattr(ax, type)(data_2d.copy(),
We assess associations between ALE results and functional domains reported in the literature based on the Neurosynth database. Version 7 of the Neurosynth database consists of over 14000 imaging studies with respective coordinates. From text information of all studies, 200 "topics" of clustering word-families are generated using Latent Dirichlet Allocation (LDA; see Poldrack et al., 2012). From these 200 topics we excluded 109 topics representing too general, solely anatomical, or disease-related features. Each study in the database has one values associating it with each of the selected topics. We use two approaches:
ROI-decoding: Based on the rTPJ roi, we use the topics in the same way as BrainMap behavioral domains are used when estimating reverse and forward inference via the BrainMap database.
Whole-brain-decoding: Based on the unthresholded ALE z-map, we look for spatial associations to topic-maps generated from the Neurosynth database
We calculate reverse and forward inference estimates for the rTPJ ROI and the MACM network following the BrainMap approach (e.g., Laird et al., 2009).
In the forward inference approach, the functional profile of a ROI is determined by identifying LDA topics for which the probability of finding activation in the respective ROI is significantly higher than the overall (a priori) chance across the entire database: P(Activation|Topic) > P(Activation). Binominal tests with FDR correction are used to assess significance.
In the reverse inference approach, the functional profile is determined by identifying the most likely LDA topic, given activation in a particular ROI: P(Topic|Activation). This probability is derived from P(Activation|Topic) using Bayes' rule, significance is assessed using chi-squared tests (FDR-corrected).
# load selected LDA topics
topics_selected = pd.read_csv(join(wd, 'datasets', 'neurosynth', 'neurosynth_LDA200_selected.txt'),
header=None)
topics_selected = ['LDA200_abstract_weight__'+t for t in topics_selected[0]]
# Prepare decoder
decoder = BrainMapDecoder(correction='fdr_bh',
frequency_threshold=0.001,
u=0.05,
features=topics_selected)
# Select studies with >= 1 coordinate in rTPJ ROI
ids_neurosynth_ale_rTPJ = ds_neurosynth.get_studies_by_mask(ale_rTPJ_bin)
print(f'{len(ids_neurosynth_ale_rTPJ)}/{len(ds_neurosynth.ids)} studies report at least one '
'coordinate in ALE rTPJ cluster.')
# Run decoding
decoder.fit(ds_neurosynth)
topics_roi_rTPJ_res = decoder.transform(ids=ids_neurosynth_ale_rTPJ)
# Save & print
topics_roi_rTPJ_res.to_csv(join(wd, 'context', 'topics_roi_ale_rTPJ.csv'))
topics_roi_rTPJ_res[topics_roi_rTPJ_res['pReverse' and 'pForward'] < 0.05].sort_values(by='pReverse')
772/14371 studies report at least one coordinate in ALE rTPJ cluster.
pForward | zForward | likelihoodForward | pReverse | zReverse | probReverse | |
---|---|---|---|---|---|---|
Term | ||||||
LDA200_abstract_weight__145_mind_mental_social | 6.749179e-08 | 5.397723 | 1.905402 | 9.580990e-12 | 6.812661 | 0.019152 |
LDA200_abstract_weight__143_action_actions_observation | 2.060854e-04 | 3.711438 | 1.558843 | 1.060306e-07 | 5.316073 | 0.018295 |
LDA200_abstract_weight__82_motion_mt_moving | 1.826280e-05 | 4.285135 | 1.836549 | 1.558766e-07 | 5.245479 | 0.014204 |
LDA200_abstract_weight__115_face_faces_fusiform | 4.757364e-02 | 1.981157 | 1.342473 | 1.084701e-02 | 2.547589 | 0.015285 |
LDA200_abstract_weight__154_social_interactions_interaction | 1.196150e-02 | 2.513278 | 1.429263 | 1.235608e-02 | 2.501808 | 0.017319 |
LDA200_abstract_weight__138_real_virtual_reality | 2.738830e-02 | -2.205939 | 1.543060 | 2.095536e-02 | 2.308788 | 0.008993 |
LDA200_abstract_weight__99_detection_novelty_oddball | 2.530164e-02 | -2.236766 | 1.706328 | 7.190542e-02 | 1.799716 | 0.006984 |
We calculate spatial correlations between the unthresholded ALE-z/ MACM-z maps and generated LDA topic maps. Instead of correlating voxel-wise values, we calculate spearman correlations for parcellated data according to a functionally defined whole-brain atlas (116 ROIs; Schaefer et al., 2018; Tian et al., 2020) as the overall number of voxels probably exceeds the degrees of freedom present in the data. We then estimate positive-sided p-values by generating 10000 null maps for each topic map using JuSpyce (see below in the biological contextualization section).
## Create LDA-topic maps
# Use this code to create LDA topic maps, will skip existing files - ALREADY CREATED
#create_neurosynth_topic_maps(ds_neurosynth, estimator='mkdachi2', topics=topics_selected,
# save_path=join(wd, 'context', 'topic_maps'), topic_thresh=0.001,
# sample_size=10, maps=['z_desc-specificity'], overwrite=False)
# Load topic maps
topic_maps = glob(join(wd, 'context', 'topic_maps', 'neurosynth_topic_*_z_desc-specificity.nii.gz')) # topic maps
# initialize JuSpyce
juspyce_topics = JuSpyce(
x=topic_maps, # list of topic map volumes
y=ale_z_parc.T, # parcellated ALE z volume
data_space='MNI152',
parcellation=atlas116, # whole-brain atlas
parcellation_space='MNI152',
standardize=False, # no further z-standardization
drop_nan=False, # we should have no nan parcels, but don't drop them if they exist
n_proc=8).fit()
# calculate spearman correlations between ALE z volume and each topic
juspyce_topics.predict(method='spearman', r_to_z=True)
# use brainsmash variogram method (Burt et al., 2020) to estimate p-values with one-sided p-values
# testing for positive correlations
juspyce_topics.permute_maps('spearman', permute='X', seed=42, n_perm=10000,
p_tail={'spearman':'upper'})
# apply FDR correction
juspyce_topics.correct_p(mc_method='fdr_bh')
# collect the data
topics_wholebrain_res = pd.concat(
[juspyce_topics.predictions['spearman'],
juspyce_topics.p_predictions['spearman'],
juspyce_topics.p_predictions['spearman-fdr_bh']],
axis=0).T
topics_wholebrain_res.columns = ['zr', 'p', 'q']
topics_wholebrain_res.sort_values(('p'), inplace=True)
# save and show
topics_wholebrain_res.to_csv(join(wd, 'context', 'topics_wholebrain.csv'))
display(topics_wholebrain_res.head(20))
INFO: Checking input data for x (should be, e.g., PET data): INFO: Input type: list, assuming imaging data.
Parcellating imaging data (8 proc): 0%| | 0/91 [00:00<?, ?it/s]
INFO: Got 'x' data for 91 x 116 parcels. INFO: Checking input data for y (should be, e.g., subject data): INFO: Input type: Series, assuming parcellated data with shape (1, n_parcels). INFO: Got 'y' data for 1 x 116 parcels.
Predicting (spearman, 8 proc): 0%| | 0/1 [00:00<?, ?it/s]
INFO: No null maps found. INFO: Generating null maps for 'X' data (n = 5000, null_method = 'variogram', method = 'spearman', n_proc = 8). INFO: Loading parcellation (parc_space = 'MNI152'). INFO: Null map generation: Assuming n = 91 data vector(s) for n = 116 parcels. INFO: Calculating distance matrix/matrices (space = 'MNI152').
Generating null maps (8 proc): 0%| | 0/91 [00:00<?, ?it/s]
INFO: Null data generation finished.
Null predictions (spearman, 8 proc): 0%| | 0/5000 [00:00<?, ?it/s]
INFO: Calculating exact p-values (tails = {'spearman': 'upper'}).
zr | p | q | |
---|---|---|---|
neurosynth_topic_143_action_actions_observation_1170_z_desc-specificity.nii.gz | 0.635662 | 0.0002 | 0.004550 |
neurosynth_topic_97_adaptation_selective_stimulus_2734_z_desc-specificity.nii.gz | 0.635808 | 0.0002 | 0.004550 |
neurosynth_topic_64_attention_attentional_visual_2723_z_desc-specificity.nii.gz | 0.817035 | 0.0002 | 0.004550 |
neurosynth_topic_108_visual_auditory_sensory_1497_z_desc-specificity.nii.gz | 0.605920 | 0.0002 | 0.004550 |
neurosynth_topic_19_illusion_physical_perceived_376_z_desc-specificity.nii.gz | 0.534267 | 0.0004 | 0.006825 |
neurosynth_topic_18_color_shape_shapes_478_z_desc-specificity.nii.gz | 0.554157 | 0.0006 | 0.006825 |
neurosynth_topic_82_motion_mt_moving_771_z_desc-specificity.nii.gz | 0.544867 | 0.0006 | 0.006825 |
neurosynth_topic_150_reading_phonological_readers_743_z_desc-specificity.nii.gz | 0.567901 | 0.0006 | 0.006825 |
neurosynth_topic_152_perceptual_perception_visual_1166_z_desc-specificity.nii.gz | 0.561259 | 0.0008 | 0.008089 |
neurosynth_topic_193_mirror_video_imitation_766_z_desc-specificity.nii.gz | 0.511986 | 0.0010 | 0.009100 |
neurosynth_topic_184_spatial_location_space_1467_z_desc-specificity.nii.gz | 0.475217 | 0.0096 | 0.072800 |
neurosynth_topic_173_touch_ct_tactile_281_z_desc-specificity.nii.gz | 0.465252 | 0.0098 | 0.072800 |
neurosynth_topic_163_language_chinese_english_617_z_desc-specificity.nii.gz | 0.465575 | 0.0104 | 0.072800 |
neurosynth_topic_138_real_virtual_reality_581_z_desc-specificity.nii.gz | 0.444942 | 0.0116 | 0.075400 |
neurosynth_topic_116_task_matching_strategy_865_z_desc-specificity.nii.gz | 0.418574 | 0.0152 | 0.092213 |
neurosynth_topic_43_conflict_interference_incongruent_1045_z_desc-specificity.nii.gz | 0.400668 | 0.0228 | 0.124918 |
neurosynth_topic_31_hearing_deaf_sign_188_z_desc-specificity.nii.gz | 0.396422 | 0.0248 | 0.124918 |
neurosynth_topic_125_expertise_experts_ic_239_z_desc-specificity.nii.gz | 0.364345 | 0.0262 | 0.124918 |
neurosynth_topic_162_words_word_lexical_964_z_desc-specificity.nii.gz | 0.387055 | 0.0288 | 0.124918 |
neurosynth_topic_127_task_performance_cognitive_13526_z_desc-specificity.nii.gz | 0.341034 | 0.0292 | 0.124918 |
To assess whether the TPJ cluster and the MACM network show spatial overlap with networks associated with (1) general social interaction (Feng et al., 2021), (2) different components of theory of mind (Schurz et al., 2021), and (3) predictive coding (Ficco et al., 2021) we calculate spatial conjunction maps and assess overlap via relative and absolute distributions within/across these networks (e.g. Chen et al., 2018). The relative distribution is calculated as the proportion of "INS-voxels" within a given ROI vs. all "INS-voxels". The absolute distribution resembles the proportion of "INS-voxels" within a given ROI vs. all voxels within this ROI.
# calculate conjunction maps
ma_feng = join(wd, 'atlases', 'Feng_socialNonsocial.nii.gz')
ma_feng_rTPJ = math_img('feng * rTPJ', feng=ma_feng, rTPJ=ale_rTPJ_bin)
ma_feng_macm = math_img('feng * macm', feng=ma_feng, macm=macm_rTPJ_idx)
# save & plot
ma_feng_rTPJ.to_filename(join(wd, 'context', 'feng_ale_conjunction.nii.gz'))
ma_feng_macm.to_filename(join(wd, 'context', 'feng_macm_conjunction.nii.gz'))
plot_gb(ma_feng_rTPJ, title="Conjunction between Feng-'social vs. nonsocial' and rTPJ cluster")
plot_gb(ma_feng_macm, title="Conjunction between Feng-'social vs. nonsocial' and MACM clusters",
col='videen_style')
# calculate distributions
distr_Feng = rel_abs_distributions(
roi_vols =[ale_rTPJ_bin, macm_rTPJ_bin],
target_vol =ma_feng,
roi_labs =['ale_rTPJ_cluster', 'macm_rTPJ_network'],
target_labs =['Feng_socialNonsocial'])
# save and show
distr_Feng.to_csv(join(wd, 'context', 'feng_distributions.csv'), index=False)
distr_Feng.sort_values(by='relDistr', ascending=False)
roiName | nvox_roi | targetNr | targetName | nvox_target | nvox_overlap | relDistr | absDistr | |
---|---|---|---|---|---|---|---|---|
0 | ale_rTPJ_cluster | 357 | 1 | Feng_socialNonsocial | 2768 | 113 | 0.316527 | 0.040824 |
0 | macm_rTPJ_network | 16085 | 1 | Feng_socialNonsocial | 2768 | 1387 | 0.086229 | 0.501084 |
## calculate conjunction maps
# cognitive ToM
ma_schurz_cognitive = join(wd, 'atlases', 'Schurz_ToM_cognitive.nii.gz')
ma_schurz_cognitive_rTPJ = math_img('schurz * rTPJ', schurz=ma_schurz_cognitive, rTPJ=ale_rTPJ_bin)
ma_schurz_cognitive_macm = math_img('schurz * macm', schurz=ma_schurz_cognitive, macm=macm_rTPJ_idx)
# intermediate ToM
ma_schurz_intermediate = join(wd, 'atlases', 'Schurz_ToM_intermediate.nii.gz')
ma_schurz_intermediate_rTPJ = math_img('schurz * rTPJ', schurz=ma_schurz_intermediate, rTPJ=ale_rTPJ_bin)
ma_schurz_intermediate_macm = math_img('schurz * macm', schurz=ma_schurz_intermediate, macm=macm_rTPJ_idx)
# affective ToM
ma_schurz_affective = join(wd, 'atlases', 'Schurz_ToM_affective.nii.gz')
ma_schurz_affective_rTPJ = math_img('schurz * rTPJ', schurz=ma_schurz_affective, rTPJ=ale_rTPJ_bin)
ma_schurz_affective_macm = math_img('schurz * macm', schurz=ma_schurz_affective, macm=macm_rTPJ_idx)
## save & plot
# cognitive
ma_schurz_cognitive_rTPJ.to_filename(join(wd, 'context', 'schurz_cognitive_ale_conjunction.nii.gz'))
ma_schurz_cognitive_macm.to_filename(join(wd, 'context', 'schurz_cognitive_macm_conjunction.nii.gz'))
plot_gb(ma_schurz_cognitive_rTPJ, title="Conjunction between Schurz-'cognitive ToM' and rTPJ cluster")
plot_gb(ma_schurz_cognitive_macm, title="Conjunction between Schurz-'cognitive ToM' and MACM clusters",
col='videen_style')
# intermediate
ma_schurz_intermediate_rTPJ.to_filename(join(wd, 'context', 'schurz_intermediate_ale_conjunction.nii.gz'))
ma_schurz_intermediate_macm.to_filename(join(wd, 'context', 'schurz_intermediate_macm_conjunction.nii.gz'))
plot_gb(ma_schurz_intermediate_rTPJ, title="Conjunction between Schurz-'intermediate ToM' and rTPJ cluster")
plot_gb(ma_schurz_intermediate_macm, title="Conjunction between Schurz-'intermediate ToM' and MACM clusters",
col='videen_style')
# affective
ma_schurz_affective_rTPJ.to_filename(join(wd, 'context', 'schurz_affective_ale_conjunction.nii.gz'))
ma_schurz_affective_macm.to_filename(join(wd, 'context', 'schurz_affective_macm_conjunction.nii.gz'))
plot_gb(ma_schurz_affective_rTPJ, title="Conjunction between Schurz-'affective ToM' and rTPJ cluster")
plot_gb(ma_schurz_affective_macm, title="Conjunction between Schurz-'affective ToM' and MACM clusters",
col='videen_style')
## calculate distributions, save and show
distr_Schurz_cognitive = rel_abs_distributions(roi_vols=[ale_rTPJ_bin, macm_rTPJ_bin], target_vol=ma_schurz_cognitive,
roi_labs=['ale_rTPJ_cluster', 'macm_rTPJ_network'], target_labs=['Schurz_ToM_cognitive'])
distr_Schurz_cognitive.to_csv(join(wd, 'context', 'schurz_cognitive_distributions.csv'), index=False)
display(distr_Schurz_cognitive)
distr_Schurz_intermediate = rel_abs_distributions(roi_vols=[ale_rTPJ_bin, macm_rTPJ_bin], target_vol=ma_schurz_intermediate,
roi_labs=['ale_rTPJ_cluster', 'macm_rTPJ_network'], target_labs=['Schurz_ToM_intermediate'])
distr_Schurz_intermediate.to_csv(join(wd, 'context', 'schurz_intermediate_distributions.csv'), index=False)
display(distr_Schurz_intermediate)
distr_Schurz_affective = rel_abs_distributions(roi_vols=[ale_rTPJ_bin, macm_rTPJ_bin], target_vol=ma_schurz_affective,
roi_labs=['ale_rTPJ_cluster', 'macm_rTPJ_network'], target_labs=['Schurz_ToM_affective'])
distr_Schurz_affective.to_csv(join(wd, 'context', 'schurz_affective_distributions.csv'), index=False)
display(distr_Schurz_affective)
roiName | nvox_roi | targetNr | targetName | nvox_target | nvox_overlap | relDistr | absDistr | |
---|---|---|---|---|---|---|---|---|
0 | ale_rTPJ_cluster | 357 | 1 | Schurz_ToM_cognitive | 27266 | 341 | 0.955182 | 0.012506 |
0 | macm_rTPJ_network | 16085 | 1 | Schurz_ToM_cognitive | 27266 | 3756 | 0.233509 | 0.137754 |
roiName | nvox_roi | targetNr | targetName | nvox_target | nvox_overlap | relDistr | absDistr | |
---|---|---|---|---|---|---|---|---|
0 | ale_rTPJ_cluster | 357 | 1 | Schurz_ToM_intermediate | 25597 | 339 | 0.949580 | 0.013244 |
0 | macm_rTPJ_network | 16085 | 1 | Schurz_ToM_intermediate | 25597 | 7298 | 0.453715 | 0.285112 |
roiName | nvox_roi | targetNr | targetName | nvox_target | nvox_overlap | relDistr | absDistr | |
---|---|---|---|---|---|---|---|---|
0 | ale_rTPJ_cluster | 357 | 1 | Schurz_ToM_affective | 30759 | 135 | 0.378151 | 0.004389 |
0 | macm_rTPJ_network | 16085 | 1 | Schurz_ToM_affective | 30759 | 8521 | 0.529748 | 0.277025 |
# calculate conjunction maps
ma_ficco = join(wd, 'atlases', 'Ficco_PredEncodeViolate.nii.gz')
ma_ficco_rTPJ = math_img('ficco * rTPJ', ficco=ma_ficco, rTPJ=ale_rTPJ_bin)
ma_ficco_macm = math_img('ficco * macm', ficco=ma_ficco, macm=macm_rTPJ_idx)
# save & plot
ma_ficco_rTPJ.to_filename(join(wd, 'context', 'ficco_ale_conjunction.nii.gz'))
ma_ficco_macm.to_filename(join(wd, 'context', 'ficco_macm_conjunction.nii.gz'))
plot_gb(ma_ficco_rTPJ, title="Conjunction between Ficco-'prediction encoding/violation' and rTPJ cluster")
plot_gb(ma_ficco_macm, title="Conjunction between Ficco-'prediction encoding/violation' and MACM clusters",
col='videen_style')
# calculate distributions
distr_Ficco = rel_abs_distributions(
roi_vols =[ale_rTPJ_bin, macm_rTPJ_bin],
target_vol =ma_ficco,
roi_labs =['ale_rTPJ_cluster', 'macm_rTPJ_network'],
target_labs =['Ficco_PredEncodeViolate'])
# save and show
distr_Ficco.to_csv(join(wd, 'context', 'ficco_distributions.csv'), index=False)
distr_Ficco.sort_values(by='relDistr', ascending=False)
/Users/llotter/opt/anaconda3/envs/masync/lib/python3.8/site-packages/nilearn/plotting/displays/_slicers.py:383: UserWarning: empty mask
roiName | nvox_roi | targetNr | targetName | nvox_target | nvox_overlap | relDistr | absDistr | |
---|---|---|---|---|---|---|---|---|
0 | macm_rTPJ_network | 16085 | 1 | Ficco_PredEncodeViolate | 1408 | 949 | 0.058999 | 0.674006 |
0 | ale_rTPJ_cluster | 357 | 1 | Ficco_PredEncodeViolate | 1408 | 0 | 0.000000 | 0.000000 |
We quantify the spatial overlap of our results (rTPJ cluster, MACM network) with seven established RSNs (cortical, striatum and thalamus) (Yeo & Krienen et al., 2011) as the relative and absolute distributions of ROIs across the given networks (see above).
Both, rTPJ cluster and MACM network are spatially associated with the default mode network (DMN) and ventral and dorsal attention networks (VAN/DAN). The MACM network is additionally overlapping with the frontoparietal network (FPN).
# Calculate network distributions with 7 Yeo & Krienen et al., 2011 RSNs
# Input: binarized ALE cluster, binarized MACM network
distr_RSN = rel_abs_distributions(
roi_vols =[ale_rTPJ_bin, macm_rTPJ_bin],
target_vol =load_img(join(wd, 'atlases', 'Yeo7_combined_2mm.nii.gz')),
roi_labs =['ale_rTPJ_cluster', 'macm_rTPJ_network'],
target_labs =pd.read_csv(join(wd, 'atlases', 'Yeo7_combined_2mm.csv'), header=None)[1])
# save and show
distr_RSN.to_csv(join(wd, 'context', 'rsn_distributions.csv'), index=False)
display(distr_RSN[distr_RSN['roiName']=='ale_rTPJ_cluster'].sort_values(by='relDistr', ascending=False))
display(distr_RSN[distr_RSN['roiName']=='macm_rTPJ_network'].sort_values(by='relDistr', ascending=False))
roiName | nvox_roi | targetNr | targetName | nvox_target | nvox_overlap | relDistr | absDistr | |
---|---|---|---|---|---|---|---|---|
6 | ale_rTPJ_cluster | 357 | 7 | DMN | 31304 | 162 | 0.453782 | 0.005175 |
2 | ale_rTPJ_cluster | 357 | 3 | DAN | 15378 | 124 | 0.347339 | 0.008063 |
3 | ale_rTPJ_cluster | 357 | 4 | VAN | 15153 | 62 | 0.173669 | 0.004092 |
0 | ale_rTPJ_cluster | 357 | 1 | VN | 22753 | 6 | 0.016807 | 0.000264 |
5 | ale_rTPJ_cluster | 357 | 6 | FPN | 20924 | 2 | 0.005602 | 0.000096 |
1 | ale_rTPJ_cluster | 357 | 2 | SMN | 20128 | 0 | 0.000000 | 0.000000 |
4 | ale_rTPJ_cluster | 357 | 5 | LN | 11958 | 0 | 0.000000 | 0.000000 |
roiName | nvox_roi | targetNr | targetName | nvox_target | nvox_overlap | relDistr | absDistr | |
---|---|---|---|---|---|---|---|---|
10 | macm_rTPJ_network | 16085 | 4 | VAN | 15153 | 4376 | 0.272055 | 0.288788 |
9 | macm_rTPJ_network | 16085 | 3 | DAN | 15378 | 2857 | 0.177619 | 0.185785 |
13 | macm_rTPJ_network | 16085 | 7 | DMN | 31304 | 2835 | 0.176251 | 0.090564 |
12 | macm_rTPJ_network | 16085 | 6 | FPN | 20924 | 2340 | 0.145477 | 0.111833 |
7 | macm_rTPJ_network | 16085 | 1 | VN | 22753 | 1444 | 0.089773 | 0.063464 |
8 | macm_rTPJ_network | 16085 | 2 | SMN | 20128 | 782 | 0.048617 | 0.038851 |
11 | macm_rTPJ_network | 16085 | 5 | LN | 11958 | 1 | 0.000062 | 0.000084 |
We use a permutation test to test for the null hypothesis that the association to a certain network is due to random spatial distributions of INS foci.
For that, we generate 1000 null datasets with numbers of experiments, sample sizes, and numbers of foci drawn from the original datasets (INS-fMRI and MACM, respectively), perform ALE analyses on these datasets (thresholding based on cluster mass with thresholds taken from the original ALE and MACM analyses), calculate relative and absolute distributions across the Yeo RSNs for each null map and estimate p-values for the original distributions based on these null data.
# rTPJ
distr_RSN_perm_rTPJ, distr_RSN_null_data = distribution_null_test(
ds=ds,
roi_vol=ale_rTPJ_bin,
target_vol=load_img(join(wd, 'atlases', 'Yeo7_combined_2mm.nii.gz')),
target_labs=pd.read_csv(join(wd, 'atlases', 'Yeo7_combined_2mm.csv'), header=None)[1],
vox_thresh=0.001,
cluster_thresh=0.30115, # cluster mass threshold from main ALE analysis
thresh_type='mass',
n_perm=1000,
seed=42,
n_proc=n_core)
distr_RSN_perm_rTPJ
INFO: Estimating 'true' results. Thresholding: voxel p < 0.001, cluster mass > 0.30115. INFO: Generating null datasets (n = 1000).
0%| | 0/1000 [00:00<?, ?it/s]
INFO: Performing null meta-analyses and estimating distributions across target volume.
0%| | 0/1000 [00:00<?, ?it/s]
INFO: Estimating p-values.
relDistr | absDistr | |
---|---|---|
VN | 0.501 | 0.479 |
SMN | 0.999 | 0.999 |
DAN | 0.052 | 0.001 |
VAN | 0.198 | 0.026 |
LN | 0.999 | 0.999 |
FPN | 0.591 | 0.567 |
DMN | 0.085 | 0.001 |
# MACM
distr_RSN_perm_macm_rTPJ, _ = distribution_null_test(
ds=ds_brainmap_ale_rTPJ,
roi_vol=macm_rTPJ_bin,
target_vol=load_img(join(wd, 'atlases', 'Yeo7_combined_2mm.nii.gz')),
target_labs=pd.read_csv(join(wd, 'atlases', 'Yeo7_combined_2mm.csv'), header=None)[1],
vox_thresh=0.001,
cluster_thresh=1.93712, # cluster mass threshold from main MACM analysis
thresh_type='mass',
n_perm=1000,
seed=42,
n_proc=n_core)
distr_RSN_perm_macm_rTPJ
INFO: Estimating 'true' results. Thresholding: voxel p < 0.001, cluster mass > 1.93712. INFO: Generating null datasets (n = 1000).
0%| | 0/1000 [00:00<?, ?it/s]
INFO: Performing null meta-analyses and estimating distributions across target volume.
0%| | 0/1000 [00:00<?, ?it/s]
INFO: Estimating p-values.
relDistr | absDistr | |
---|---|---|
VN | 0.693 | 0.001 |
SMN | 0.663 | 0.001 |
DAN | 0.047 | 0.001 |
VAN | 0.004 | 0.001 |
LN | 0.866 | 0.866 |
FPN | 0.143 | 0.001 |
DMN | 0.387 | 0.001 |
# merge with stats, fdr-correct, save, display
distr_RSN = pd.read_csv(join(wd, 'context', 'rsn_distributions.csv'))
distr_RSN.loc[distr_RSN.roiName=='ale_rTPJ_cluster', ['relDistr_p', 'absDistr_p']] = \
distr_RSN_perm_rTPJ[['relDistr', 'absDistr']].values
distr_RSN.loc[distr_RSN.roiName=='macm_rTPJ_network', ['relDistr_p', 'absDistr_p']] = \
distr_RSN_perm_macm_rTPJ[['relDistr', 'absDistr']].values
distr_RSN['relDistr_q'] = fdrcorrection(distr_RSN['relDistr_p'].values)[1]
distr_RSN['absDistr_q'] = fdrcorrection(distr_RSN['absDistr_p'].values)[1]
distr_RSN.to_csv(join(wd, 'context', 'rsn_distributions.csv'), index=False)
# plot for rTPJ cluster
for distr in ['relDistr', 'absDistr']:
fig, axes = plt.subplots(1,7, figsize=(15,2), constrained_layout=True)
for i, rsn in enumerate(pd.read_csv(join(wd, 'atlases', 'Yeo7_combined_2mm.csv'), header=None)[1]):
null_data = list()
for ii in range(1000):
if distr_RSN_null_data[ii] is not None:
null_data.append(distr_RSN_null_data[ii].loc[i,distr])
else:
null_data.append(0),
kdeplot(null_data, ax=axes[i])
axes[i].axvline(
x=distr_RSN.query("(targetName==@rsn) & (roiName=='ale_rTPJ_cluster')")[distr].values,
c='red' if distr_RSN.query("(targetName==@rsn) & (roiName=='ale_rTPJ_cluster')")[distr+'_q'].values < 0.05 else 'blue')
axes[i].set_title(f'{distr}: {rsn}')
Bzdok et al. (2013) characterized two subunits of the right TPJ with distinct connectivity and behavioral profiles. To quantify the affiliation of our rTPJ cluster with these subunits, we calculate relative and absolute distributions within the Bzdok-ROIs.
We see that our rTPJ cluster shows overlap with both rTPJ subunits, however, with a tendency towards the posterior rTPJ.
# Calculate distributions within Bzdok et al., 2011 rTPJ parcellation
distr_TPJ = rel_abs_distributions(
roi_vols =[ale_rTPJ_bin],
target_vol =load_img(join(wd, 'atlases', 'BzdokTPJ_combined_2mm.nii.gz')),
roi_labs =['ale_rTPJ_cluster'],
target_labs =pd.read_csv(join(wd, 'atlases', 'BzdokTPJ_combined_2mm.csv'), header=None)[1])
# save results & print tables
distr_TPJ.to_csv(join(wd, 'context', 'bzdok_distributions.csv'), index=False)
display(distr_TPJ)
roiName | nvox_roi | targetNr | targetName | nvox_target | nvox_overlap | relDistr | absDistr | |
---|---|---|---|---|---|---|---|---|
0 | ale_rTPJ_cluster | 357 | 1 | aTPJ | 434 | 89 | 0.249300 | 0.205069 |
1 | ale_rTPJ_cluster | 357 | 2 | pTPJ | 310 | 114 | 0.319328 | 0.367742 |
To test prior and generate new hypothesizes on the biological mechanisms underlying INS, we assess associations to molecular functions, cell populations, and developmental enrichment patterns. Prior hypotheses (e.g., Gvirts & Perlmutter, 2020) specifically suggest involvement of dopamine and oxytocin in INS.
A python-adaptation ("JuSpyce", https://github.com/LeonDLotter/juspyce) of the Matlab-based JuSpace toolbox (Dukart et al., 2021) is used to calculate spatial (partial Spearman) correlations between multimodal maps and the unthresholded ALE map after parcellation with the 116 parcel atlas, while controlling for the standard grey matter volume distribution to adjust for partial volume effects. Significance is assessed by comparison to 5000 spatial null maps generated from the multimodal maps. We explicitly test for positive associations. Furthermore, we investigate whether INS is spatially associated to certain gene functions, distributions of neuronal cell types defined by marker genes as published in Wang et al. (2018) (TPM cell-profiles derived from clustering analyses - 389 genes, 24 cell types), and whether INS-related genes are regionally enriched at specific developmental stages (Miller et al., 2014). For that, we use Gene-category enrichment analysis (GCEA) with ensemble-based null models to correctly account for false-positives due to gene-coexpression and within-phenotype spatial autocorrelation (Fulcher at al., 2021). To perform GCEA, we modified the Matlab toolbox published by Fulcher et al. to incorporate cell-type categories and made it available as a standalone toolbox, ABAnnotate, which is available from: https://github.com/LeonDLotter/ABAnnotate.
# first, get data
# get roi-wise mRNA expression data (if not already done so, will
# download complete AHBA data @ ~4GB) through the abagen toolbox
mRNA_parcellated = get_expression_data(atlas=atlas116, n_proc=6)
print(f'{mRNA_parcellated.shape[1]} genes in processed AHBA dataset.')
# target genes
genes_trg = ['OXT', 'OXTR', 'CD38'] # genes to investigate
mRNA_parcellated_trg = mRNA_parcellated[genes_trg].reset_index(drop=True)
# save
mRNA_parcellated_trg.to_csv(join(wd, 'datasets', 'mRNA_parcellated_data.csv'), index=None)
print(f'{mRNA_parcellated_trg.shape[1]} mRNA maps selected.')
# get parcellated PET data
pet_parcellated = pd.read_csv(join(wd, 'datasets', 'pet_parcellated_data.csv'))
print(f'{pet_parcellated.shape[1]} PET maps available.')
# combine target mRNA and PET dataframes
PETmRNA_parcellated = pd.concat([pet_parcellated, mRNA_parcellated_trg], axis=1)
# get parcellated ALE data
ale_z_parc = pd.read_csv(join(wd, 'ale', 'ale_z_parc.csv'))
15633 genes in processed AHBA dataset. 3 mRNA maps selected. 21 PET maps available.
A large range of transmitter maps is drawn from JuSpace and neuromaps (Markello et al., 2022). PET maps were parcellated, the parcel-wise data z-scored, and weighted averages were calculated for maps using the same tracer (see parcellate_pet.py). As no PET-maps for oxytocin exist, we use mRNA expression data from the Allen human brain atlas (Hawrylycz et al., 2012). The data are extracted parcel-wise from post-mortem brains using the standard settings provided in the abagen toolbox (Markello et al., 2021). JuSpyce is used for correlation analyses. Resulting exact p-values are FDR-corrected.
We cannot confirm a positive association to dopamine or oxytocin. However, we find significant spatial associations between INS and distributions of GABAa > SV2a (synaptic density) > mGluR5 > 5-HT2A & M1 receptors.
# initialize JuSpyce
juspyce_PETmRNA = JuSpyce(
x=PETmRNA_parcellated.T, # parcellated PET/mRNA data
y=ale_z_parc.T, # parcellated ALE z volume
z='gm', # use nilearn grey matter template to control for in partial correlations
data_space='MNI152',
parcellation=atlas116, # whole-brain atlas
parcellation_space='MNI152',
standardize='z', # z-standardize GMV volume (other data already standardized)
drop_nan=False, # we have no nan parcels, but don't drop them if they exist
n_proc=1).fit()
# use partial correlations between ALE and PET/mRNA data controlled for GMV, z-transform coefficients
juspyce_PETmRNA.predict(method='partialspearman', r_to_z=True)
# use brainsmash variogram method (Burt et al., 2020) to estimate p-values with one-sided p-values
# testing for positive correlations
juspyce_PETmRNA.permute_maps('partialspearman', permute='X', seed=42, n_perm=n_perm, n_proc=8,
p_tail={'partialspearman':'upper'})
# apply FDR correction
juspyce_PETmRNA.correct_p(mc_method="fdr_bh")
# collect the data
PETmRNA_res = pd.concat(
[juspyce_PETmRNA.predictions['partialspearman'],
juspyce_PETmRNA.p_predictions['partialspearman'],
juspyce_PETmRNA.p_predictions['partialspearman-fdr_bh']],
axis=0).T
PETmRNA_res.columns = ['zr', 'p', 'q']
PETmRNA_res.sort_values(('p'), inplace=True)
# save and show
PETmRNA_res.to_csv(join(wd, 'context', 'PETmRNA_ale_z.csv'))
display(PETmRNA_res)
INFO: Checking input data for x (should be, e.g., PET data): INFO: Input type: DataFrame, assuming parcellated data with shape (n_files/subjects/etc, n_parcels). INFO: Got 'x' data for 24 x 116 parcels. INFO: Checking input data for y (should be, e.g., subject data): INFO: Input type: DataFrame, assuming parcellated data with shape (n_files/subjects/etc, n_parcels). INFO: Got 'y' data for 1 x 116 parcels. INFO: Checking input data for z (should be, e.g., grey matter data): INFO: Using nilearn grey matter template as 'z' to control for GMV. INFO: Input type: list, assuming imaging data.
Parcellating imaging data (1 proc): 0%| | 0/1 [00:00<?, ?it/s]
INFO: Got 'z' data for 1 x 116 parcels. INFO: Z-standardizing 'Z' data.
Predicting (partialspearman, 1 proc): 0%| | 0/1 [00:00<?, ?it/s]
INFO: No null maps found. INFO: Generating null maps for 'X' data (n = 5000, null_method = 'variogram', method = 'partialspearman', n_proc = 8). INFO: Null map generation: Assuming n = 24 data vector(s) for n = 116 parcels. INFO: Loaded parcellation (parc_space = 'MNI152'). INFO: Calculating distance matrix/matrices (space = 'MNI152').
Generating null maps (8 proc): 0%| | 0/24 [00:00<?, ?it/s]
INFO: Null data generation finished.
Null predictions (partialspearman, 8 proc): 0%| | 0/5000 [00:00<?, ?it/s]
INFO: Calculating exact p-values (tails = {'partialspearman': 'upper'}).
zr | p | q | |
---|---|---|---|
GABAa | 0.507442 | 0.0002 | 0.004800 |
SV2a | 0.399422 | 0.0020 | 0.024000 |
mGluR5 | 0.365423 | 0.0088 | 0.056400 |
5HT2a | 0.431424 | 0.0094 | 0.056400 |
M1 | 0.270810 | 0.0406 | 0.194880 |
5HT1a | 0.266252 | 0.0922 | 0.349200 |
5HT6 | 0.194958 | 0.1102 | 0.349200 |
5HT1b | 0.180779 | 0.1164 | 0.349200 |
NET | 0.173660 | 0.1828 | 0.487467 |
NMDA | -0.059647 | 0.5898 | 0.999800 |
D1 | -0.065122 | 0.6152 | 0.999800 |
D2 | -0.123969 | 0.6950 | 0.999800 |
CB1 | -0.082718 | 0.7242 | 0.999800 |
5HT4 | -0.132692 | 0.7344 | 0.999800 |
a4b2 | -0.161932 | 0.7486 | 0.999800 |
FDOPA | -0.187470 | 0.7820 | 0.999800 |
DAT | -0.190541 | 0.7892 | 0.999800 |
OXT | -0.186258 | 0.7918 | 0.999800 |
H3 | -0.204139 | 0.9066 | 0.999800 |
MU | -0.231877 | 0.9124 | 0.999800 |
5HTT | -0.345787 | 0.9398 | 0.999800 |
VAChT | -0.293803 | 0.9450 | 0.999800 |
OXTR | -0.385248 | 0.9840 | 0.999800 |
CD38 | -0.566584 | 0.9998 | 0.999800 |
# get positively associated maps
PETmRNA_res_sig = list(PETmRNA_res.query('p < 0.05').index)
# plot positively assoicated vs INS
fig, axes = plt.subplots(1, len(PETmRNA_res_sig), figsize=(len(PETmRNA_res_sig)*3.5, 3))
for i, map in enumerate(PETmRNA_res_sig):
regplot(x=ale_z_parc, y=PETmRNA_parcellated[map], ax=axes[i])
r, p, q = PETmRNA_res.loc[map,'zr'], PETmRNA_res.loc[map,'p'], PETmRNA_res.loc[map,'q']
axes[i].annotate(f'Z(r) = {r:.02f}, p = {p:.03f}, q = {q:.03f}', xy=(0.95,0.05), xycoords='axes fraction', ha='right')
fig.tight_layout()
As sensitivity check, we rerun the correlation analysis for all positively associated PET maps on cortical parcels only.
Only the positive association to the GABAa remains significant, SV2a borders the significance threshold.
juspyce_PETmRNA_cx = JuSpyce(
x=PETmRNA_parcellated[PETmRNA_res_sig][:100].T, # significant maps and cortical parcels only
y=ale_z_parc[:100].T, # cortical parcels only
z='gm',
data_space='MNI152',
parcellation=atlas100, # cortex atlas
parcellation_space='MNI152',
standardize='z',
drop_nan=False,
n_proc=1).fit()
juspyce_PETmRNA_cx.predict(method='partialspearman', r_to_z=True)
juspyce_PETmRNA_cx.permute_maps('partialspearman', permute='X', seed=42, n_perm=n_perm, n_proc=8,
p_tail={'partialspearman':'upper'})
PETmRNA_cx_res = pd.concat(
[juspyce_PETmRNA_cx.predictions['partialspearman'],
juspyce_PETmRNA_cx.p_predictions['partialspearman']],
axis=0).T
PETmRNA_cx_res.columns = ['zr', 'p']
# save and show
PETmRNA_cx_res.to_csv(join(wd, 'context', 'PETmRNA_ale_z_cx.csv'))
display(PETmRNA_cx_res)
INFO: Checking input data for x (should be, e.g., PET data): INFO: Input type: DataFrame, assuming parcellated data with shape (n_files/subjects/etc, n_parcels). INFO: Got 'x' data for 5 x 100 parcels. INFO: Checking input data for y (should be, e.g., subject data): INFO: Input type: DataFrame, assuming parcellated data with shape (n_files/subjects/etc, n_parcels). INFO: Got 'y' data for 1 x 100 parcels. INFO: Checking input data for z (should be, e.g., grey matter data): INFO: Using nilearn grey matter template as 'z' to control for GMV. INFO: Input type: list, assuming imaging data.
Parcellating imaging data: 0%| | 0/1 [00:00<?, ?it/s]
INFO: Got 'z' data for 1 x 100 parcels. INFO: Z-standardizing 'Z' data.
Predicting (partialspearman, 1 proc): 0%| | 0/1 [00:00<?, ?it/s]
INFO: No null maps found. INFO: Generating null maps for 'X' data (n = 5000, null_method = 'variogram', method = 'partialspearman', n_proc = 8). INFO: Loading parcellation (parc_space = 'MNI152', parc_hemi = ['L', 'R'], parc_density = '10k'. INFO: Null map generation: Assuming n = 5 data vector(s) for n = 100 parcels. INFO: Calculating distance matrix/matrices (space = 'MNI152').
Generating null maps: 0%| | 0/5 [00:00<?, ?it/s]
INFO: Null data generation finished.
Null predictions (partialspearman, 8 proc): 0%| | 0/5000 [00:00<?, ?it/s]
INFO: Calculating exact p-values (tails = {'partialspearman': 'upper'}).
zr | p | |
---|---|---|
GABAa | 0.429526 | 0.0020 |
SV2a | 0.286659 | 0.0472 |
mGluR5 | 0.261005 | 0.0886 |
5HT2a | 0.191881 | 0.1600 |
M1 | 0.281155 | 0.0626 |
# plot positively associated vs INS, cortical parcels only
fig, axes = plt.subplots(1, len(PETmRNA_res_sig), figsize=(len(PETmRNA_res_sig)*3.5, 3))
for i, map in enumerate(PETmRNA_res_sig):
regplot(x=ale_z_parc[:100], y=PETmRNA_parcellated[map][:100], ax=axes[i])
r, p = PETmRNA_cx_res.loc[map,'zr'], PETmRNA_cx_res.loc[map,'p']
axes[i].annotate(f'Z(r) = {r:.02f}, p = {p:.03f}', xy=(0.95,0.05), xycoords='axes fraction', ha='right')
fig.tight_layout()
To additionally adjust for functional baseline activation rate, we recalculate correlation analyses while additionally adjusting for a meta-analytic map of all neurosynth studies. We here only look at the changes in Spearman correlation coefficients.
Additionally adjusting for baseline activation rate increases effect sizes across all analyses.
# get baseline activation data - we just generated a new LDA topic map for
# "15_resonance_magnetic_mechanisms" which contains 14370 of 14371 Neurosynth studies.
#create_neurosynth_topic_maps(ds_neurosynth, topics=['15_resonance_magnetic_mechanisms'],
# save_path=join(wd, 'atlases'), maps=['z_desc-specificity'], overwrite=False)
juspyce_PETmRNA_bl = JuSpyce(
x=PETmRNA_parcellated[PETmRNA_res_sig].T, # significant maps
y=ale_z_parc.T,
z=[glob(join(wd, 'atlases', '*15_resonance_magnetic_mechanisms*.nii.gz'))[0], # Neurosynth template
load_mni152_gm_template()], # nilearn gm template
data_space='MNI152',
parcellation=atlas116,
parcellation_space='MNI152',
standardize='z',
drop_nan=False,
n_proc=1).fit()
juspyce_PETmRNA_bl.predict(method='partialspearman', r_to_z=True)
juspyce_PETmRNA_bl.permute_maps('partialspearman', permute='X', seed=42, n_perm=n_perm, n_proc=8,
p_tail={'partialspearman':'upper'})
PETmRNA_bl_res = pd.concat(
[juspyce_PETmRNA_bl.predictions['partialspearman'],
juspyce_PETmRNA_bl.p_predictions['partialspearman']],
axis=0).T
PETmRNA_bl_res.columns = ['zr', 'p']
# save and show
PETmRNA_bl_res.to_csv(join(wd, 'context', 'PETmRNA_ale_z_bl.csv'))
display(PETmRNA_bl_res)
INFO: Checking input data for x (should be, e.g., PET data): INFO: Input type: DataFrame, assuming parcellated data with shape (n_files/subjects/etc, n_parcels). INFO: Got 'x' data for 5 x 116 parcels. INFO: Checking input data for y (should be, e.g., subject data): INFO: Input type: DataFrame, assuming parcellated data with shape (n_files/subjects/etc, n_parcels). INFO: Got 'y' data for 1 x 116 parcels. INFO: Checking input data for z (should be, e.g., grey matter data): INFO: Input type: list, assuming imaging data.
Parcellating imaging data: 0%| | 0/2 [00:00<?, ?it/s]
INFO: Got 'z' data for 2 x 116 parcels. INFO: Z-standardizing 'Z' data.
Predicting (partialspearman, 1 proc): 0%| | 0/1 [00:00<?, ?it/s]
INFO: No null maps found. INFO: Generating null maps for 'X' data (n = 5000, null_method = 'variogram', method = 'partialspearman', n_proc = 8). INFO: Loading parcellation (parc_space = 'MNI152', parc_hemi = ['L', 'R'], parc_density = '10k'. INFO: Null map generation: Assuming n = 5 data vector(s) for n = 116 parcels. INFO: Calculating distance matrix/matrices (space = 'MNI152').
Generating null maps: 0%| | 0/5 [00:00<?, ?it/s]
INFO: Null data generation finished.
Null predictions (partialspearman, 8 proc): 0%| | 0/5000 [00:00<?, ?it/s]
INFO: Calculating exact p-values (tails = {'partialspearman': 'upper'}).
zr | p | |
---|---|---|
GABAa | 0.512641 | 0.0002 |
SV2a | 0.407527 | 0.0014 |
mGluR5 | 0.360316 | 0.0050 |
5HT2a | 0.491063 | 0.0046 |
M1 | 0.258646 | 0.0404 |
The ABAnnotate toolbox performs the following steps: The ALE-z volume is parcellated according to the SchaeferTian116 atlas and null models corrected for spatial-autocorrelation are generated (function taken from JuSpace). For each null phenotype and each null category a correlation score is obtained by correlating the null phenotype with each gene and averaging the z-transformed correlation coefficient (Spearman) within each category. The obtained correlation coefficients are then compared to the "real" category-wise correlation coefficients obtained by correlating the "real" phenotype with all genes in each category and averaging the correlation coefficients per category. The resulting p-values are FDR-corrected (BH).
Here, we use markers of different neuronal cell types to establish associations to INS and validate the PET neurotransmitter associations.
We find an association between INS, a subclass of excitatory neurons, and two subclasses of inhibitory neurons.
eng = matlab.engine.start_matlab()
# run ABAnnotate
_ = eng.ABAnnotate({
'analysis_name': 'ale_z_PsychEncodeTPM', # analysis name
'phenotype': ale_z.get_filename(), # phenotype volume (ALE z)
'n_nulls': n_perm, # number of phenotype & category nulls
'phenotype_nulls': join(wd, 'context', 'gcea', 'gcea_nullmaps_ale_z.mat'), # null maps for ale z
'dir_result': join(wd, 'context', 'gcea'), # save path
'GCEA': {
'dataset': 'PsychEncode-cellTypesTPM-discrete' # dataset to draw gene categories from
}})
eng.quit()
------------------------------------------------------------------------- 26-Feb-2022 13:59:51 Starting ABAnnotate: ale_z_PsychEncodeTPM ------------------------------------------------------------------------- Setting atlas & ABA data to SchaeferTian-116 parcels. Applying parcellation to /Users/leonlotter/MAsync/project/data/ale/ale_z.nii.gz. Initialising batch system... done. ------------------------------------------------------------------------ 26-Feb-2022 14:00:04 - Running job #1 ------------------------------------------------------------------------ 26-Feb-2022 14:00:04 - Running 'Image Calculator' SPM12: spm_imcalc (v6961) 14:00:04 - 26/02/2022 ======================================================================== ImCalc Image: /Users/leonlotter/projects/ABAnnotate/ABAnnotate_v1/atlas/rmyTempSchaefer100-7_TianS1_atlas.nii 26-Feb-2022 14:00:06 - Done 'Image Calculator' 26-Feb-2022 14:00:06 - Done Extracting data for /Users/leonlotter/projects/ABAnnotate/ABAnnotate_v1/temp/ale_z.nii Using provided null maps. GCEA dataset: PsychEncode-cellTypesTPM-discrete ------------------------------------------------------------------------- 26-Feb-2022 14:00:07 Running GCEA ------------------------------------------------------------------------- GCEA settings: - Using phenotype data from: /Users/leonlotter/MAsync/project/data/ale/ale_z.nii.gz - Using atlas with 116 regions: /Users/leonlotter/projects/ABAnnotate/ABAnnotate_v1/atlas/Schaefer100-7_TianS1_atlas.nii - Using 5000 phenotype null maps: /Users/leonlotter/MAsync/project/data/context/gcea/gcea_nullmaps_ale_z.mat - Using dataset: /Users/leonlotter/projects/ABAnnotate/ABAnnotate_v1/datasets/PsychEncode-cellTypesTPM-discrete.mat - Including categories with between 1 and Inf genes - Removing annotates genes that co-occur in >= 100 percent of categories - Using binarized gene-category-phenotype-associations - Estimating 5000 category null samples - Calculating gene scores based on Spearman correlations - Aggregating gene scores per category by weightedmean - Calculating p-values from right tail at BH-corrected p < 0.0500 Generating category null samples... Loaded 24 annotated categories from /Users/leonlotter/projects/ABAnnotate/ABAnnotate_v1/datasets/PsychEncode-cellTypesTPM-discrete.mat. Transposed 0 category annotation vectors from row to column vector. Matching annotated genes to 15633 ABA-genes. 512/598 annotated genes are in gene expression dataset. 0 categories have no annotated genes matching our 15633 genes. Using binarized category-gene-annotations. Removed 0 genes annotated in >= 100 percent of categories. Categories have between 2 and 76 annotated genes. Filtered to 24 categories with between 1 and Inf annotated genes. Computing category scores for 5000 generated 116-region null-phenotype-maps. (Spatial null maps loaded from /Users/leonlotter/MAsync/project/data/context/gcea/gcea_nullmaps_ale_z.mat) 389 of 512 annotated genes are unique. Check again: We should have data for all 389 of 389 unique annotated genes. Computing category null distributions corresponding to 5000 null phenotypes for all 389 genes annotated to categories. Progress (this might take some time...): .................................................................................................... Starting parallel pool (parpool) using the 'local' profile ... Connected to the parallel pool (number of workers: 2). ................................................................................................. Looking in at Category 1/24: Adult-Ex1 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 2/24: Adult-Ex2 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3/24: Adult-Ex3 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4/24: Adult-Ex4 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 5/24: Adult-Ex5 (21 genes). 15/21 genes from this category have matching records in the expression data. Looking in at Category 6/24: Adult-Ex6 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 7/24: Adult-Ex7 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 8/24: Adult-Ex8 (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 9/24: Adult-In1 (2 genes). 2/2 genes from this category have matching records in the expression data. Looking in at Category 10/24: Adult-In2 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 11/24: Adult-In3 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 12/24: Adult-In4 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 13/24: Adult-In5 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 14/24: Adult-In6 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 15/24: Adult-In7 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 16/24: Adult-In8 (3 genes). 3/3 genes from this category have matching records in the expression data. Looking in at Category 17/24: Adult-Astro (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 18/24: Adult-Endo (76 genes). 76/76 genes from this category have matching records in the expression data. Looking in at Category 19/24: Dev-quiescent (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 20/24: Dev-replicating (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 21/24: Adult-Micro (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 22/24: Adult-OtherNeuron (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 23/24: Adult-OPC (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 24/24: Adult-Oligo (35 genes). 35/35 genes from this category have matching records in the expression data. Saving nulls from 5000 iterations to '/Users/leonlotter/projects/ABAnnotate/ABAnnotate_v1/nulls/categonulls_PsychEncode-cellTypesTPM-discrete_ale_z_PsychEncodeTPM.mat' Loaded 24 annotated categories from /Users/leonlotter/projects/ABAnnotate/ABAnnotate_v1/datasets/PsychEncode-cellTypesTPM-discrete.mat. Transposed 0 category annotation vectors from row to column vector. Matching annotated genes to 15633 ABA-genes. 512/598 annotated genes are in gene expression dataset. 0 categories have no annotated genes matching our 15633 genes. Using binarized category-gene-annotations. Removed 0 genes annotated in >= 100 percent of categories. Categories have between 2 and 76 annotated genes. Filtered to 24 categories with between 1 and Inf annotated genes. Computing category scores for the spatial phenotype provided. 389 of 512 annotated genes are unique. Check again: We should have data for all 389 of 389 unique annotated genes. Computing category null distributions corresponding to 1 null phenotypes for all 389 genes annotated to categories. Progress (this might take some time...): .................................................................................................... ................................................................................................. 3 significant categories at p < 0.050 derived from gaussian distributions. 3 significant categories at p < 0.050 derived from null distributions. Saved results to /Users/leonlotter/MAsync/project/data/context/gcea/GCEA_ale_z_PsychEncodeTPM*.*. ------------------------------------------------------------------------- 26-Feb-2022 14:09:00 Finished ABAnnotate: ale_z_PsychEncodeTPM -------------------------------------------------------------------------
# show results & save parcellation for significant cell types
gcea_celltypes = pd.read_csv(join(wd, 'context', 'gcea', 'GCEA_ale_z_PsychEncodeTPM.csv'))
gcea_celltypes_sig = gcea_celltypes[gcea_celltypes.pValPermCorr < 0.05]
for i, row in gcea_celltypes_sig.iterrows():
gcea_celltypes_parc = mRNA_parcellated[row.cGenes.split(', ')]
gcea_celltypes_parc.to_csv(join(wd, 'context', 'gcea', f'GCEA_cell_genes_{row.cLabel}.csv'), index=False)
# (cLabel = cell type name, cSize = number of genes in category,
# pValZ = p values derived from gaussian distribution fitted to null values,
# pValPerm = p values derived from permutation tests,
# *Corr = BH-FDR corrected p values).
gcea_celltypes[['cLabel', 'cGenes', 'cScorePheno', 'pValZCorr', 'pValPermCorr']].head(10)
cLabel | cGenes | cScorePheno | pValZCorr | pValPermCorr | |
---|---|---|---|---|---|
0 | Adult-Ex3 | CHN1, HR, HTR2A, PRDM8, TRIM66, NTNG1, VAV3, T... | 0.357266 | 0.000912 | 0.000000 |
1 | Adult-In5 | GAL3ST1, HHIP, MTUS2, SLC2A13, PDGFD, TOX, MYB | 0.123330 | 0.012897 | 0.012000 |
2 | Adult-In6 | NXPH1, PVALB, RPH3AL, ZNF703, LRRC38 | 0.192135 | 0.038764 | 0.032000 |
3 | Adult-Ex4 | ANO3, LMO4, SCN2A, SLC17A7, TSHZ2, GABRG1, PLC... | 0.121926 | 0.147137 | 0.124800 |
4 | Adult-OtherNeuron | CALB2, CCK, CHGB, GABRG2, MAP7D2, MEG3, VSNL1,... | 0.073863 | 0.147137 | 0.124800 |
5 | Adult-Ex5 | CELF4, CPNE4, KHDRBS3, NEUROD2, SORCS2, SV2B, ... | 0.111902 | 0.205525 | 0.196800 |
6 | Adult-Ex2 | GLIS3, PTPRK, COL5A2, ADCY8, TRHDE, CLMN, LAMA... | 0.063895 | 0.325152 | 0.325714 |
7 | Adult-Ex1 | HPCAL1, LAMP5, SERPINE2, CDH9, GNAL, CCDC88C, ... | -0.009624 | 0.999671 | 1.000000 |
8 | Adult-Ex6 | SEMA3E, HS3ST4, DLC1, KIAA1217, GRIK3, TLE4, M... | -0.114081 | 0.999671 | 1.000000 |
9 | Adult-Ex7 | COBL, DPYD, NELL1, CHST8, SNTG2, PRRX1 | -0.069603 | 0.999671 | 1.000000 |
To assess developmental trajectories of genes enriched in INS-related brain areas, we perform GCEA on data from the human BrainSpan dataset (Miller et al.). We use a preprocessed version of the dataset distributed with another toolbox (ABAEnrichment). Here, we have expression patterns of > 10,000 genes for 5 developmental periods and across diverse cortical and subcortical brain areas. We use ABAnnotate to threshold these expression sets to reduce them to genes strongly and uniquely expressed in each category: We keep genes annotated to <20% of categories and with expression values > 90th quantile of the whole dataset (while concatenating categories).
Genes with spatial expression patterns associated to INS are most strongly expressed in cortical sensory areas during adulthood, adolescence, and (to a lesser extent) in childhood, but not in subcortical areas or prenatally.
eng = matlab.engine.start_matlab()
# run ABAnnotate
_ = eng.ABAnnotate({
'analysis_name': 'ale_z_BrainSpan', # analysis name
'phenotype': ale_z.get_filename(), # phenotype volume (ALE z)
'n_nulls': n_perm, # number of phenotype & category nulls
'phenotype_nulls': join(wd, 'context', 'gcea', 'gcea_nullmaps_ale_z.mat'), # null maps for ale z
'dir_result': join(wd, 'context', 'gcea'), # save path
'GCEA': {
'dataset': 'ABA-brainSpan-weights', # dataset to draw gene categories from
'weights_quant': 0.9, # threshold genes at 0.9th quantile of expression score across all included genes
'weights_cutoff': True, # use the weights_quant parameter as cutoff-value (binarize)
'gene_coocc_thresh': 0.2 # remove genes annotated to >=20% of categories
}})
eng.quit()
------------------------------------------------------------------------- 26-Feb-2022 14:09:11 Starting ABAnnotate: ale_z_BrainSpan ------------------------------------------------------------------------- Setting atlas & ABA data to SchaeferTian-116 parcels. Applying parcellation to /Users/leonlotter/MAsync/project/data/ale/ale_z.nii.gz. Initialising batch system... done. ------------------------------------------------------------------------ 26-Feb-2022 14:09:26 - Running job #1 ------------------------------------------------------------------------ 26-Feb-2022 14:09:26 - Running 'Image Calculator' SPM12: spm_imcalc (v6961) 14:09:26 - 26/02/2022 ======================================================================== ImCalc Image: /Users/leonlotter/projects/ABAnnotate/ABAnnotate_v1/atlas/rmyTempSchaefer100-7_TianS1_atlas.nii 26-Feb-2022 14:09:27 - Done 'Image Calculator' 26-Feb-2022 14:09:27 - Done Extracting data for /Users/leonlotter/projects/ABAnnotate/ABAnnotate_v1/temp/ale_z.nii Using provided null maps. GCEA dataset: ABA-brainSpan-weights ------------------------------------------------------------------------- 26-Feb-2022 14:09:33 Running GCEA ------------------------------------------------------------------------- GCEA settings: - Using phenotype data from: /Users/leonlotter/MAsync/project/data/ale/ale_z.nii.gz - Using atlas with 116 regions: /Users/leonlotter/projects/ABAnnotate/ABAnnotate_v1/atlas/Schaefer100-7_TianS1_atlas.nii - Using 5000 phenotype null maps: /Users/leonlotter/MAsync/project/data/context/gcea/gcea_nullmaps_ale_z.mat - Using dataset: /Users/leonlotter/projects/ABAnnotate/ABAnnotate_v1/datasets/ABA-brainSpan-weights.mat - Including categories with between 1 and Inf genes - Removing annotates genes that co-occur in >= 20 percent of categories - Keeping annotated genes with weights exceeding the 90th quantile - Weighting gene-category-phenotype-associations if <weightedmean> is set - Estimating 5000 category null samples - Calculating gene scores based on Spearman correlations - Aggregating gene scores per category by weightedmean - Calculating p-values from right tail at BH-corrected p < 0.0500 Generating category null samples... Loaded 80 annotated categories from /Users/leonlotter/projects/ABAnnotate/ABAnnotate_v1/datasets/ABA-brainSpan-weights.mat. Transposed 0 category annotation vectors from row to column vector. Matching annotated genes to 15633 ABA-genes. 972480/1380720 annotated genes are in gene expression dataset. 0 categories have no annotated genes matching our 15633 genes. Thresholding genes at 0.90th quantile (weight > 28.59). Using binarized category-gene-annotations. Removed 1588 genes annotated in >= 20 percent of categories. Categories have between 5 and 224 annotated genes. Filtered to 80 categories with between 1 and Inf annotated genes. Computing category scores for 5000 generated 116-region null-phenotype-maps. (Spatial null maps loaded from /Users/leonlotter/MAsync/project/data/context/gcea/gcea_nullmaps_ale_z.mat) 1104 of 6346 annotated genes are unique. Check again: We should have data for all 1104 of 1104 unique annotated genes. Computing category null distributions corresponding to 5000 null phenotypes for all 1104 genes annotated to categories. Progress (this might take some time...): .................................................................................................... Starting parallel pool (parpool) using the 'local' profile ... Connected to the parallel pool (number of workers: 2). .................................................................................................... Looking in at Category 1/80: prenatal_M1C (212 genes). 212/212 genes from this category have matching records in the expression data. Looking in at Category 2/80: prenatal_DFC (200 genes). 200/200 genes from this category have matching records in the expression data. Looking in at Category 3/80: prenatal_VFC (196 genes). 196/196 genes from this category have matching records in the expression data. Looking in at Category 4/80: prenatal_OFC (224 genes). 224/224 genes from this category have matching records in the expression data. Looking in at Category 5/80: prenatal_S1C (216 genes). 216/216 genes from this category have matching records in the expression data. Looking in at Category 6/80: prenatal_IPC (200 genes). 200/200 genes from this category have matching records in the expression data. Looking in at Category 7/80: prenatal_A1C (163 genes). 163/163 genes from this category have matching records in the expression data. Looking in at Category 8/80: prenatal_STC (186 genes). 186/186 genes from this category have matching records in the expression data. Looking in at Category 9/80: prenatal_ITC (202 genes). 202/202 genes from this category have matching records in the expression data. Looking in at Category 10/80: prenatal_V1C (171 genes). 171/171 genes from this category have matching records in the expression data. Looking in at Category 11/80: prenatal_MFC (202 genes). 202/202 genes from this category have matching records in the expression data. Looking in at Category 12/80: prenatal_HIP (221 genes). 221/221 genes from this category have matching records in the expression data. Looking in at Category 13/80: prenatal_STR (164 genes). 164/164 genes from this category have matching records in the expression data. Looking in at Category 14/80: prenatal_AMY (210 genes). 210/210 genes from this category have matching records in the expression data. Looking in at Category 15/80: prenatal_MD (165 genes). 165/165 genes from this category have matching records in the expression data. Looking in at Category 16/80: prenatal_CBC (149 genes). 149/149 genes from this category have matching records in the expression data. Looking in at Category 17/80: infant_M1C (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 18/80: infant_DFC (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 19/80: infant_VFC (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 20/80: infant_OFC (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 21/80: infant_S1C (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 22/80: infant_IPC (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 23/80: infant_A1C (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 24/80: infant_STC (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 25/80: infant_ITC (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 26/80: infant_V1C (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 27/80: infant_MFC (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 28/80: infant_HIP (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 29/80: infant_STR (106 genes). 106/106 genes from this category have matching records in the expression data. Looking in at Category 30/80: infant_AMY (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 31/80: infant_MD (99 genes). 99/99 genes from this category have matching records in the expression data. Looking in at Category 32/80: infant_CBC (121 genes). 121/121 genes from this category have matching records in the expression data. Looking in at Category 33/80: child_M1C (82 genes). 82/82 genes from this category have matching records in the expression data. Looking in at Category 34/80: child_DFC (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 35/80: child_VFC (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 36/80: child_OFC (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 37/80: child_S1C (69 genes). 69/69 genes from this category have matching records in the expression data. Looking in at Category 38/80: child_IPC (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 39/80: child_A1C (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 40/80: child_STC (95 genes). 95/95 genes from this category have matching records in the expression data. Looking in at Category 41/80: child_ITC (92 genes). 92/92 genes from this category have matching records in the expression data. Looking in at Category 42/80: child_V1C (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 43/80: child_MFC (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 44/80: child_HIP (79 genes). 79/79 genes from this category have matching records in the expression data. Looking in at Category 45/80: child_STR (136 genes). 136/136 genes from this category have matching records in the expression data. Looking in at Category 46/80: child_AMY (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 47/80: child_MD (120 genes). 120/120 genes from this category have matching records in the expression data. Looking in at Category 48/80: child_CBC (165 genes). 165/165 genes from this category have matching records in the expression data. Looking in at Category 49/80: adolescent_M1C (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 50/80: adolescent_DFC (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 51/80: adolescent_VFC (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 52/80: adolescent_OFC (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 53/80: adolescent_S1C (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 54/80: adolescent_IPC (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 55/80: adolescent_A1C (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 56/80: adolescent_STC (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 57/80: adolescent_ITC (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 58/80: adolescent_V1C (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 59/80: adolescent_MFC (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 60/80: adolescent_HIP (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 61/80: adolescent_STR (95 genes). 95/95 genes from this category have matching records in the expression data. Looking in at Category 62/80: adolescent_AMY (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 63/80: adolescent_MD (112 genes). 112/112 genes from this category have matching records in the expression data. Looking in at Category 64/80: adolescent_CBC (155 genes). 155/155 genes from this category have matching records in the expression data. Looking in at Category 65/80: adult_M1C (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 66/80: adult_DFC (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 67/80: adult_VFC (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 68/80: adult_OFC (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 69/80: adult_S1C (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 70/80: adult_IPC (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 71/80: adult_A1C (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 72/80: adult_STC (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 73/80: adult_ITC (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 74/80: adult_V1C (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 75/80: adult_MFC (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 76/80: adult_HIP (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 77/80: adult_STR (102 genes). 102/102 genes from this category have matching records in the expression data. Looking in at Category 78/80: adult_AMY (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 79/80: adult_MD (104 genes). 104/104 genes from this category have matching records in the expression data. Looking in at Category 80/80: adult_CBC (193 genes). 193/193 genes from this category have matching records in the expression data. Saving nulls from 5000 iterations to '/Users/leonlotter/projects/ABAnnotate/ABAnnotate_v1/nulls/categonulls_ABA-brainSpan-weights_ale_z_BrainSpan.mat' Loaded 80 annotated categories from /Users/leonlotter/projects/ABAnnotate/ABAnnotate_v1/datasets/ABA-brainSpan-weights.mat. Transposed 0 category annotation vectors from row to column vector. Matching annotated genes to 15633 ABA-genes. 972480/1380720 annotated genes are in gene expression dataset. 0 categories have no annotated genes matching our 15633 genes. Thresholding genes at 0.90th quantile (weight > 28.59). Using binarized category-gene-annotations. Removed 1588 genes annotated in >= 20 percent of categories. Categories have between 5 and 224 annotated genes. Filtered to 80 categories with between 1 and Inf annotated genes. Computing category scores for the spatial phenotype provided. 1104 of 6346 annotated genes are unique. Check again: We should have data for all 1104 of 1104 unique annotated genes. Computing category null distributions corresponding to 1 null phenotypes for all 1104 genes annotated to categories. Progress (this might take some time...): .................................................................................................... .................................................................................................... 29 significant categories at p < 0.050 derived from gaussian distributions. 29 significant categories at p < 0.050 derived from null distributions. Saved results to /Users/leonlotter/MAsync/project/data/context/gcea/GCEA_ale_z_BrainSpan*.*. ------------------------------------------------------------------------- 26-Feb-2022 14:27:55 Finished ABAnnotate: ale_z_BrainSpan -------------------------------------------------------------------------
# show results
gcea_brainspan = pd.read_csv(join(wd, 'context', 'gcea', 'GCEA_ale_z_BrainSpan.csv'))
gcea_brainspan[['cLabel', 'cDesc', 'cScorePheno', 'pValZCorr', 'pValPermCorr']].head(30)
cLabel | cDesc | cScorePheno | pValZCorr | pValPermCorr | |
---|---|---|---|---|---|
0 | adolescent_STC | adolescent - posterior (caudal) superior tempo... | 0.497550 | 0.000305 | 0.001455 |
1 | child_CBC | child - cerebellar cortex | 0.159699 | 0.000584 | 0.000000 |
2 | adolescent_DFC | adolescent - dorsolateral prefrontal cortex | 0.191174 | 0.000584 | 0.002286 |
3 | adolescent_VFC | adolescent - ventrolateral prefrontal cortex | 0.238168 | 0.000584 | 0.002286 |
4 | adolescent_CBC | adolescent - cerebellar cortex | 0.151145 | 0.000584 | 0.000000 |
5 | adult_A1C | adult - primary auditory cortex (core) | 0.323756 | 0.000584 | 0.000000 |
6 | adult_STC | adult - posterior (caudal) superior temporal c... | 0.283723 | 0.000584 | 0.001455 |
7 | adult_V1C | adult - primary visual cortex (striate cortex,... | 0.318571 | 0.000584 | 0.000000 |
8 | adult_CBC | adult - cerebellar cortex | 0.141626 | 0.000606 | 0.000000 |
9 | adolescent_IPC | adolescent - posteroventral (inferior) parieta... | 0.310501 | 0.001050 | 0.003556 |
10 | adult_S1C | adult - primary somatosensory cortex (area S1,... | 0.313069 | 0.001050 | 0.001455 |
11 | adult_IPC | adult - posteroventral (inferior) parietal cortex | 0.270981 | 0.001050 | 0.001455 |
12 | infant_V1C | infant - primary visual cortex (striate cortex... | 0.205262 | 0.001095 | 0.003000 |
13 | adult_VFC | adult - ventrolateral prefrontal cortex | 0.260940 | 0.001095 | 0.002286 |
14 | infant_CBC | infant - cerebellar cortex | 0.096540 | 0.001156 | 0.001455 |
15 | adolescent_OFC | adolescent - orbital frontal cortex | 0.257584 | 0.001156 | 0.003000 |
16 | adult_OFC | adult - orbital frontal cortex | 0.247348 | 0.001470 | 0.003556 |
17 | adult_M1C | adult - primary motor cortex (area M1, area 4) | 0.273075 | 0.001648 | 0.001455 |
18 | infant_ITC | infant - inferolateral temporal cortex (area T... | 0.186523 | 0.004845 | 0.005053 |
19 | adult_DFC | adult - dorsolateral prefrontal cortex | 0.206770 | 0.005494 | 0.006857 |
20 | adolescent_V1C | adolescent - primary visual cortex (striate co... | 0.184038 | 0.007816 | 0.006857 |
21 | infant_IPC | infant - posteroventral (inferior) parietal co... | 0.213290 | 0.008123 | 0.010182 |
22 | infant_MFC | infant - anterior (rostral) cingulate (medial ... | 0.184592 | 0.013445 | 0.013913 |
23 | adult_ITC | adult - inferolateral temporal cortex (area TE... | 0.171760 | 0.014138 | 0.019200 |
24 | child_V1C | child - primary visual cortex (striate cortex,... | 0.116242 | 0.019095 | 0.019200 |
25 | infant_S1C | infant - primary somatosensory cortex (area S1... | 0.145889 | 0.023579 | 0.022154 |
26 | prenatal_V1C | prenatal - primary visual cortex (striate cort... | 0.070757 | 0.025235 | 0.023704 |
27 | adolescent_ITC | adolescent - inferolateral temporal cortex (ar... | 0.133885 | 0.027850 | 0.026483 |
28 | adolescent_S1C | adolescent - primary somatosensory cortex (are... | 0.148490 | 0.028399 | 0.025143 |
29 | prenatal_STC | prenatal - posterior (caudal) superior tempora... | 0.067603 | 0.059482 | 0.054400 |
To assess gene-level disease-associations of the INS-map, we rely on the DisGeNET database, specifically a manually curated version limited to "mental" disorders.
Note that multiple of these categories contain the same gene sets (see results table, categories with exactly the same scores and p-values). The results indicate an overall tendency towards, first, neurodevelopmental disorders and, second, affective disorders.
eng = matlab.engine.start_matlab()
# run ABAnnotate
_ = eng.ABAnnotate({
'analysis_name': 'ale_z_DisGeNET', # analysis name
'phenotype': ale_z.get_filename(), # phenotype volume (ALE z)
'n_nulls': n_perm, # number of phenotype & category nulls
'phenotype_nulls': join(wd, 'context', 'gcea', 'gcea_nullmaps_ale_z.mat'), # null maps for ale z
'dir_result': join(wd, 'context', 'gcea'), # save path
'GCEA': {
'dataset': 'DisGeNET-diseaseCuratedMental-discrete', # dataset to draw gene categories from
'size_filter': matlab.double([5, np.inf]) # restrain categories to minimum 5 annotated genes
}})
eng.quit()
(Re-)downloading available ABAnnotate datasets to: /Users/leonlotter/projects/ABAnnotate/ABAnnotate/dataset_sources.csv ------------------------------------------------------------------------- 13-Apr-2022 10:46:32 Starting ABAnnotate: ale_z_DisGeNET ------------------------------------------------------------------------- Setting atlas & ABA data to /Users/leonlotter/projects/ABAnnotate/ABAnnotate/atlas/Schaefer100-7_TianS1/Schaefer100-7_TianS1_atlas.nii - 116 parcels. Applying parcellation to /Users/leonlotter/MAsync/project/data/ale/ale_z.nii.gz. Initialising batch system... done. ------------------------------------------------------------------------ 13-Apr-2022 10:46:51 - Running job #1 ------------------------------------------------------------------------ 13-Apr-2022 10:46:51 - Running 'Image Calculator' SPM12: spm_imcalc (v6961) 10:46:52 - 13/04/2022 ======================================================================== ImCalc Image: /Users/leonlotter/projects/ABAnnotate/ABAnnotate/atlas/Schaefer100-7_TianS1/rmyTempSchaefer100-7_TianS1_atlas.nii 13-Apr-2022 10:46:55 - Done 'Image Calculator' 13-Apr-2022 10:46:55 - Done Extracting data for /Users/leonlotter/projects/ABAnnotate/ABAnnotate/temp/ale_z.nii Using provided null maps. Dataset not found. Downloading from OSF... Saved to: /Users/leonlotter/projects/ABAnnotate/ABAnnotate/datasets/DisGeNET-diseaseCuratedMental-discrete.mat GCEA dataset: DisGeNET-diseaseCuratedMental-discrete ------------------------------------------------------------------------- 13-Apr-2022 10:46:59 Running GCEA ------------------------------------------------------------------------- GCEA settings: - Using phenotype data from: /Users/leonlotter/MAsync/project/data/ale/ale_z.nii.gz - Using atlas with 116 regions: /Users/leonlotter/projects/ABAnnotate/ABAnnotate/atlas/Schaefer100-7_TianS1/Schaefer100-7_TianS1_atlas.nii - Using 5000 phenotype null maps: /Users/leonlotter/MAsync/project/data/context/gcea/gcea_nullmaps_ale_z.mat - Using dataset: /Users/leonlotter/projects/ABAnnotate/ABAnnotate/datasets/DisGeNET-diseaseCuratedMental-discrete.mat - Including categories with between 5 and Inf genes - Removing annotated genes that co-occur in >= 100 percent of categories - Using binarized gene-category-phenotype-associations - Estimating 5000 category null samples - Calculating gene scores based on Spearman correlations - Aggregating gene scores per category by weightedmean - Calculating p-values from right tail at BH-corrected p < 0.0500 Generating category null samples... Loaded 332 annotated categories from /Users/leonlotter/projects/ABAnnotate/ABAnnotate/datasets/DisGeNET-diseaseCuratedMental-discrete.mat. Transposed 0 category annotation vectors from row to column vector. Using all categories in dataset. Matching annotated genes to 15633 ABA-genes. 7373/9079 annotated genes are in gene expression dataset. 26 categories have no annotated genes matching our 15633 genes. Using binarized category-gene-annotations. Removed 0 genes annotated in >= 100 percent of categories. Categories have between 0 and 697 annotated genes. Filtered to 150 categories with between 5 and Inf annotated genes. Computing category scores for 5000 generated 116-region null-phenotype-maps. (Spatial null maps loaded from /Users/leonlotter/MAsync/project/data/context/gcea/gcea_nullmaps_ale_z.mat) 1904 of 7117 annotated genes are unique. Check again: We should have data for all 1904 of 1904 unique annotated genes. Computing category null distributions corresponding to 5000 null phenotypes for all 1904 genes annotated to categories. Progress (this might take some time...): .................................................................................................... Starting parallel pool (parpool) using the 'local' profile ... Connected to the parallel pool (number of workers: 2).
Warning: the font "Times" is not available, so "Lucida Bright" has been substituted, but may have unexpected appearance or behavor. Re-enable the "Times" font to remove this warning. Warning: the font "Times" is not available, so "Lucida Bright" has been substituted, but may have unexpected appearance or behavor. Re-enable the "Times" font to remove this warning.
.................................................................................................... Looking in at Category 1/150: C0001956 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 2/150: C0001969 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 3/150: C0001973 (204 genes). 204/204 genes from this category have matching records in the expression data. Looking in at Category 4/150: C0002622 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5/150: C0003469 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 6/150: C0004352 (212 genes). 212/212 genes from this category have matching records in the expression data. Looking in at Category 7/150: C0004930 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 8/150: C0004936 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 9/150: C0005586 (388 genes). 388/388 genes from this category have matching records in the expression data. Looking in at Category 10/150: C0005587 (70 genes). 70/70 genes from this category have matching records in the expression data. Looking in at Category 11/150: C0006868 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 12/150: C0006870 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 13/150: C0007370 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 14/150: C0008073 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 15/150: C0009171 (98 genes). 98/98 genes from this category have matching records in the expression data. Looking in at Category 16/150: C0009241 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 17/150: C0011206 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 18/150: C0011265 (77 genes). 77/77 genes from this category have matching records in the expression data. Looking in at Category 19/150: C0011570 (207 genes). 207/207 genes from this category have matching records in the expression data. Looking in at Category 20/150: C0011573 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 21/150: C0011574 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 22/150: C0011581 (229 genes). 229/229 genes from this category have matching records in the expression data. Looking in at Category 23/150: C0011757 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 24/150: C0013146 (94 genes). 94/94 genes from this category have matching records in the expression data. Looking in at Category 25/150: C0013170 (94 genes). 94/94 genes from this category have matching records in the expression data. Looking in at Category 26/150: C0013222 (94 genes). 94/94 genes from this category have matching records in the expression data. Looking in at Category 27/150: C0019337 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 28/150: C0020796 (126 genes). 126/126 genes from this category have matching records in the expression data. Looking in at Category 29/150: C0023014 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 30/150: C0023186 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 31/150: C0024517 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 32/150: C0024713 (65 genes). 65/65 genes from this category have matching records in the expression data. Looking in at Category 33/150: C0024809 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 34/150: C0025193 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 35/150: C0025261 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 36/150: C0025363 (126 genes). 126/126 genes from this category have matching records in the expression data. Looking in at Category 37/150: C0026552 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 38/150: C0026613 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 39/150: C0027412 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 40/150: C0028043 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 41/150: C0029095 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 42/150: C0029231 (94 genes). 94/94 genes from this category have matching records in the expression data. Looking in at Category 43/150: C0031391 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 44/150: C0033922 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 45/150: C0033937 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 46/150: C0033941 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 47/150: C0033958 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 48/150: C0033975 (77 genes). 77/77 genes from this category have matching records in the expression data. Looking in at Category 49/150: C0036337 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 50/150: C0036341 (697 genes). 697/697 genes from this category have matching records in the expression data. Looking in at Category 51/150: C0036349 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 52/150: C0036358 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 53/150: C0038580 (94 genes). 94/94 genes from this category have matching records in the expression data. Looking in at Category 54/150: C0038586 (94 genes). 94/94 genes from this category have matching records in the expression data. Looking in at Category 55/150: C0038587 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 56/150: C0040332 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 57/150: C0041671 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 58/150: C0041696 (196 genes). 196/196 genes from this category have matching records in the expression data. Looking in at Category 59/150: C0085159 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 60/150: C0085762 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 61/150: C0085996 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 62/150: C0085997 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 63/150: C0086133 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 64/150: C0178417 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 65/150: C0221074 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 66/150: C0221480 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 67/150: C0221765 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 68/150: C0233477 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 69/150: C0233514 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 70/150: C0233750 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 71/150: C0233794 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 72/150: C0233796 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 73/150: C0234985 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 74/150: C0236733 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 75/150: C0236735 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 76/150: C0236736 (88 genes). 88/88 genes from this category have matching records in the expression data. Looking in at Category 77/150: C0236742 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 78/150: C0236795 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 79/150: C0236804 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 80/150: C0236807 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 81/150: C0236969 (94 genes). 94/94 genes from this category have matching records in the expression data. Looking in at Category 82/150: C0241210 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 83/150: C0262497 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 84/150: C0270458 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 85/150: C0282126 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 86/150: C0338462 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 87/150: C0338630 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 88/150: C0338656 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 89/150: C0338715 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 90/150: C0338831 (71 genes). 71/71 genes from this category have matching records in the expression data. Looking in at Category 91/150: C0344315 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 92/150: C0349204 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 93/150: C0376280 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 94/150: C0376338 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 95/150: C0376384 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 96/150: C0424605 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 97/150: C0454655 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 98/150: C0494410 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 99/150: C0494463 (77 genes). 77/77 genes from this category have matching records in the expression data. Looking in at Category 100/150: C0497327 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 101/150: C0524661 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 102/150: C0524662 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 103/150: C0525045 (131 genes). 131/131 genes from this category have matching records in the expression data. Looking in at Category 104/150: C0546126 (77 genes). 77/77 genes from this category have matching records in the expression data. Looking in at Category 105/150: C0557874 (125 genes). 125/125 genes from this category have matching records in the expression data. Looking in at Category 106/150: C0600241 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 107/150: C0600272 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 108/150: C0600427 (102 genes). 102/102 genes from this category have matching records in the expression data. Looking in at Category 109/150: C0740858 (95 genes). 95/95 genes from this category have matching records in the expression data. Looking in at Category 110/150: C0750900 (77 genes). 77/77 genes from this category have matching records in the expression data. Looking in at Category 111/150: C0750906 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 112/150: C0750907 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 113/150: C0751071 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 114/150: C0751072 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 115/150: C0751262 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 116/150: C0751263 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 117/150: C0751265 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 118/150: C0751292 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 119/150: C0751293 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 120/150: C0751294 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 121/150: C0751456 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 122/150: C0751706 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 123/150: C0751759 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 124/150: C0751760 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 125/150: C0752208 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 126/150: C0851578 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 127/150: C0853193 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 128/150: C0856975 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 129/150: C0917816 (126 genes). 126/126 genes from this category have matching records in the expression data. Looking in at Category 130/150: C1263846 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 131/150: C1269683 (185 genes). 185/185 genes from this category have matching records in the expression data. Looking in at Category 132/150: C1270972 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 133/150: C1279420 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 134/150: C1321905 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 135/150: C1456784 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 136/150: C1510472 (94 genes). 94/94 genes from this category have matching records in the expression data. Looking in at Category 137/150: C1510586 (71 genes). 71/71 genes from this category have matching records in the expression data. Looking in at Category 138/150: C1527402 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 139/150: C1535926 (89 genes). 89/89 genes from this category have matching records in the expression data. Looking in at Category 140/150: C1571983 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 141/150: C1571984 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 142/150: C1839839 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 143/150: C2362914 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 144/150: C3160814 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 145/150: C3496069 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 146/150: C3714756 (416 genes). 416/416 genes from this category have matching records in the expression data. Looking in at Category 147/150: C4042891 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 148/150: C4046029 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 149/150: C4505390 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 150/150: C4551628 (5 genes). 5/5 genes from this category have matching records in the expression data. Saving nulls from 5000 iterations to '/Users/leonlotter/projects/ABAnnotate/ABAnnotate/nulls/categonulls_DisGeNET-diseaseCuratedMental-discrete_ale_z_DisGeNET.mat' Loaded 332 annotated categories from /Users/leonlotter/projects/ABAnnotate/ABAnnotate/datasets/DisGeNET-diseaseCuratedMental-discrete.mat. Transposed 0 category annotation vectors from row to column vector. Using all categories in dataset. Matching annotated genes to 15633 ABA-genes. 7373/9079 annotated genes are in gene expression dataset. 26 categories have no annotated genes matching our 15633 genes. Using binarized category-gene-annotations. Removed 0 genes annotated in >= 100 percent of categories. Categories have between 0 and 697 annotated genes. Filtered to 150 categories with between 5 and Inf annotated genes. Computing category scores for the spatial phenotype provided. 1904 of 7117 annotated genes are unique. Check again: We should have data for all 1904 of 1904 unique annotated genes. Computing category null distributions corresponding to 1 null phenotypes for all 1904 genes annotated to categories. Progress (this might take some time...): .................................................................................................... .................................................................................................... 27 significant categories at p < 0.050 derived from gaussian distributions. 28 significant categories at p < 0.050 derived from null distributions. Saved results to /Users/leonlotter/MAsync/project/data/context/gcea/GCEA_ale_z_DisGeNET*.*. ------------------------------------------------------------------------- 13-Apr-2022 11:28:58 Finished ABAnnotate: ale_z_DisGeNET -------------------------------------------------------------------------
# show results
gcea_disgenet = pd.read_csv(join(wd, 'context', 'gcea', 'GCEA_ale_z_DisGeNET.csv'))
gcea_disgenet[['cLabel', 'cDesc1', 'cScorePheno', 'pValZCorr', 'pValPermCorr']][gcea_disgenet.pValPermCorr < 0.05]
cLabel | cDesc1 | cScorePheno | pValZCorr | pValPermCorr | |
---|---|---|---|---|---|
0 | C0085159 | Seasonal Affective Disorder | 0.199546 | 0.000840 | 0.000000 |
1 | C0033958 | Psychosis, Brief Reactive | 0.238246 | 0.000840 | 0.000000 |
2 | C0036358 | Schizophreniform Disorders | 0.238246 | 0.000840 | 0.000000 |
3 | C0023014 | Language Development Disorders | 0.305044 | 0.000840 | 0.006000 |
4 | C0241210 | Speech Delay | 0.305044 | 0.000840 | 0.006000 |
5 | C0454655 | Semantic-Pragmatic Disorder | 0.305044 | 0.000840 | 0.006000 |
6 | C1535926 | Neurodevelopmental Disorders | 0.150564 | 0.001061 | 0.006000 |
7 | C1839839 | MAJOR AFFECTIVE DISORDER 2 | 0.156196 | 0.002509 | 0.010909 |
8 | C0036337 | Schizoaffective Disorder | 0.136190 | 0.002509 | 0.006000 |
9 | C0233514 | Abnormal behavior | 0.173159 | 0.002847 | 0.006000 |
10 | C0557874 | Global developmental delay | 0.080992 | 0.006081 | 0.006000 |
11 | C0027412 | Opioid-Related Disorders | 0.127693 | 0.011813 | 0.021667 |
12 | C0029095 | Opioid abuse | 0.127693 | 0.011813 | 0.021667 |
13 | C0524661 | Narcotic Abuse | 0.127693 | 0.011813 | 0.021667 |
14 | C0524662 | Opiate Addiction | 0.127693 | 0.011813 | 0.021667 |
15 | C1527402 | Narcotic Dependence | 0.127693 | 0.011813 | 0.021667 |
16 | C4551628 | Opiate Abuse | 0.127693 | 0.011813 | 0.021667 |
17 | C0024713 | Manic Disorder | 0.061193 | 0.025442 | 0.021667 |
18 | C0221074 | Depression, Postpartum | 0.188847 | 0.025442 | 0.027143 |
19 | C0031391 | Phencyclidine Abuse | 0.145551 | 0.025442 | 0.022500 |
20 | C0236742 | Phencyclidine-Related Disorders | 0.145551 | 0.025442 | 0.022500 |
21 | C3714756 | Intellectual Disability | 0.046835 | 0.026335 | 0.027273 |
22 | C0011757 | Developmental Coordination Disorder | 0.117378 | 0.034294 | 0.031250 |
23 | C0026613 | Motor Skills Disorders | 0.117378 | 0.034294 | 0.031250 |
24 | C0020796 | Profound Mental Retardation | 0.040516 | 0.043012 | 0.035556 |
25 | C0025363 | Mental Retardation, Psychosocial | 0.040516 | 0.043012 | 0.035556 |
26 | C0917816 | Mental deficiency | 0.040516 | 0.043012 | 0.035556 |
27 | C0338831 | Manic | 0.047618 | 0.053983 | 0.045000 |
Here, we use the "biological process" categories from the Gene Ontology (GO) system to characterize the molecular and cell-level functions spatially associated with INS by assessing the spatial association to each GO category (to which multiple genes are annotated). We reduce GO categories to those including between 5 and 200 genes available in our dataset.
We find an association between INS and generally metabolism- and neuronal transmission-associated cellular and subcellular functions.
# start matlab engine, the project folder, ABAnnotate and SPM12 have to be on matlab path
eng = matlab.engine.start_matlab()
# run ABAnnotate
# the toolbox computed phenotype nulls automatically but they where precomputed here
_ = eng.ABAnnotate({
'analysis_name': 'ale_z_GO_BP', # analysis name
'phenotype': ale_z.get_filename(), # phenotype volume (ALE z)
'n_nulls': n_perm, # number of phenotype & category nulls
'phenotype_nulls': join(wd, 'context', 'gcea', 'gcea_nullmaps_ale_z.mat'), # null maps for ale z
'dir_result': join(wd, 'context', 'gcea'), # save path
'GCEA': {
'dataset': 'GO-biologicalProcessProp-discrete', # dataset to draw gene categories from
'size_filter': matlab.double([5, 200]) # categories with between 5 and 200 annotated genes
}})
eng.quit()
------------------------------------------------------------------------- 26-Feb-2022 11:00:26 Starting ABAnnotate: ale_z_GO_BP ------------------------------------------------------------------------- Setting atlas & ABA data to SchaeferTian-116 parcels. Applying parcellation to /Users/leonlotter/MAsync/project/data/ale/ale_z.nii.gz. Initialising batch system... done. ------------------------------------------------------------------------ 26-Feb-2022 11:00:40 - Running job #1 ------------------------------------------------------------------------ 26-Feb-2022 11:00:40 - Running 'Image Calculator' SPM12: spm_imcalc (v6961) 11:00:40 - 26/02/2022 ======================================================================== ImCalc Image: /Users/leonlotter/projects/ABAnnotate/ABAnnotate_v1/atlas/rmyTempSchaefer100-7_TianS1_atlas.nii 26-Feb-2022 11:00:41 - Done 'Image Calculator' 26-Feb-2022 11:00:41 - Done Extracting data for /Users/leonlotter/projects/ABAnnotate/ABAnnotate_v1/temp/ale_z.nii Using provided null maps. GCEA dataset: GO-biologicalProcessProp-discrete ------------------------------------------------------------------------- 26-Feb-2022 11:00:45 Running GCEA ------------------------------------------------------------------------- GCEA settings: - Using phenotype data from: /Users/leonlotter/MAsync/project/data/ale/ale_z.nii.gz - Using atlas with 116 regions: /Users/leonlotter/projects/ABAnnotate/ABAnnotate_v1/atlas/Schaefer100-7_TianS1_atlas.nii - Using 5000 phenotype null maps: /Users/leonlotter/MAsync/project/data/context/gcea/gcea_nullmaps_ale_z.mat - Using dataset: /Users/leonlotter/projects/ABAnnotate/ABAnnotate_v1/datasets/GO-biologicalProcessProp-discrete.mat - Including categories with between 5 and 200 genes - Removing annotates genes that co-occur in >= 100 percent of categories - Using binarized gene-category-phenotype-associations - Estimating 5000 category null samples - Calculating gene scores based on Spearman correlations - Aggregating gene scores per category by weightedmean - Calculating p-values from right tail at BH-corrected p < 0.0500 Generating category null samples... Loaded 15039 annotated categories from /Users/leonlotter/projects/ABAnnotate/ABAnnotate_v1/datasets/GO-biologicalProcessProp-discrete.mat. Transposed 0 category annotation vectors from row to column vector. Matching annotated genes to 15633 ABA-genes. 1117242/1414183 annotated genes are in gene expression dataset. 802 categories have no annotated genes matching our 15633 genes. Using binarized category-gene-annotations. Removed 0 genes annotated in >= 100 percent of categories. Categories have between 0 and 11894 annotated genes. Filtered to 6947 categories with between 5 and 200 annotated genes. Computing category scores for 5000 generated 116-region null-phenotype-maps. (Spatial null maps loaded from /Users/leonlotter/MAsync/project/data/context/gcea/gcea_nullmaps_ale_z.mat) 10541 of 234368 annotated genes are unique. Check again: We should have data for all 10541 of 10541 unique annotated genes. Computing category null distributions corresponding to 5000 null phenotypes for all 10541 genes annotated to categories. Progress (this might take some time...): .................................................................................................... Starting parallel pool (parpool) using the 'local' profile ... Connected to the parallel pool (number of workers: 2).
Warning: the font "Times" is not available, so "Lucida Bright" has been substituted, but may have unexpected appearance or behavor. Re-enable the "Times" font to remove this warning. Warning: the font "Times" is not available, so "Lucida Bright" has been substituted, but may have unexpected appearance or behavor. Re-enable the "Times" font to remove this warning.
.................................................................................................... Looking in at Category 1/6947: GO:0000002 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 2/6947: GO:0000012 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3/6947: GO:0000018 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 4/6947: GO:0000022 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5/6947: GO:0000027 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 6/6947: GO:0000028 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 7/6947: GO:0000038 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 8/6947: GO:0000041 (93 genes). 93/93 genes from this category have matching records in the expression data. Looking in at Category 9/6947: GO:0000042 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 10/6947: GO:0000045 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 11/6947: GO:0000050 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 12/6947: GO:0000052 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 13/6947: GO:0000054 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 14/6947: GO:0000055 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 15/6947: GO:0000056 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 16/6947: GO:0000059 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 17/6947: GO:0000060 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 18/6947: GO:0000070 (120 genes). 120/120 genes from this category have matching records in the expression data. Looking in at Category 19/6947: GO:0000075 (190 genes). 190/190 genes from this category have matching records in the expression data. Looking in at Category 20/6947: GO:0000076 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 21/6947: GO:0000077 (129 genes). 129/129 genes from this category have matching records in the expression data. Looking in at Category 22/6947: GO:0000079 (78 genes). 78/78 genes from this category have matching records in the expression data. Looking in at Category 23/6947: GO:0000083 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 24/6947: GO:0000086 (157 genes). 157/157 genes from this category have matching records in the expression data. Looking in at Category 25/6947: GO:0000096 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 26/6947: GO:0000103 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 27/6947: GO:0000132 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 28/6947: GO:0000154 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 29/6947: GO:0000160 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 30/6947: GO:0000183 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 31/6947: GO:0000184 (120 genes). 120/120 genes from this category have matching records in the expression data. Looking in at Category 32/6947: GO:0000185 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 33/6947: GO:0000186 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 34/6947: GO:0000187 (122 genes). 122/122 genes from this category have matching records in the expression data. Looking in at Category 35/6947: GO:0000188 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 36/6947: GO:0000212 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 37/6947: GO:0000244 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 38/6947: GO:0000245 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 39/6947: GO:0000266 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 40/6947: GO:0000271 (63 genes). 63/63 genes from this category have matching records in the expression data. Looking in at Category 41/6947: GO:0000272 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 42/6947: GO:0000281 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 43/6947: GO:0000288 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 44/6947: GO:0000289 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 45/6947: GO:0000290 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 46/6947: GO:0000291 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 47/6947: GO:0000301 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 48/6947: GO:0000302 (173 genes). 173/173 genes from this category have matching records in the expression data. Looking in at Category 49/6947: GO:0000303 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 50/6947: GO:0000305 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 51/6947: GO:0000338 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 52/6947: GO:0000380 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 53/6947: GO:0000381 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 54/6947: GO:0000387 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 55/6947: GO:0000389 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 56/6947: GO:0000393 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 57/6947: GO:0000394 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 58/6947: GO:0000395 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 59/6947: GO:0000413 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 60/6947: GO:0000422 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 61/6947: GO:0000423 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 62/6947: GO:0000447 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 63/6947: GO:0000459 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 64/6947: GO:0000460 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 65/6947: GO:0000462 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 66/6947: GO:0000463 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 67/6947: GO:0000466 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 68/6947: GO:0000467 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 69/6947: GO:0000469 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 70/6947: GO:0000470 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 71/6947: GO:0000478 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 72/6947: GO:0000479 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 73/6947: GO:0000480 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 74/6947: GO:0000491 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 75/6947: GO:0000492 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 76/6947: GO:0000578 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 77/6947: GO:0000712 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 78/6947: GO:0000715 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 79/6947: GO:0000717 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 80/6947: GO:0000722 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 81/6947: GO:0000723 (120 genes). 120/120 genes from this category have matching records in the expression data. Looking in at Category 82/6947: GO:0000724 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 83/6947: GO:0000725 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 84/6947: GO:0000726 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 85/6947: GO:0000729 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 86/6947: GO:0000730 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 87/6947: GO:0000731 (60 genes). 60/60 genes from this category have matching records in the expression data. Looking in at Category 88/6947: GO:0000732 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 89/6947: GO:0000733 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 90/6947: GO:0000737 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 91/6947: GO:0000768 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 92/6947: GO:0000819 (183 genes). 183/183 genes from this category have matching records in the expression data. Looking in at Category 93/6947: GO:0000910 (92 genes). 92/92 genes from this category have matching records in the expression data. Looking in at Category 94/6947: GO:0000920 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 95/6947: GO:0000956 (198 genes). 198/198 genes from this category have matching records in the expression data. Looking in at Category 96/6947: GO:0000959 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 97/6947: GO:0000963 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 98/6947: GO:0000966 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 99/6947: GO:0000972 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 100/6947: GO:0001502 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 101/6947: GO:0001504 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 102/6947: GO:0001505 (176 genes). 176/176 genes from this category have matching records in the expression data. Looking in at Category 103/6947: GO:0001508 (109 genes). 109/109 genes from this category have matching records in the expression data. Looking in at Category 104/6947: GO:0001510 (60 genes). 60/60 genes from this category have matching records in the expression data. Looking in at Category 105/6947: GO:0001514 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 106/6947: GO:0001516 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 107/6947: GO:0001522 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 108/6947: GO:0001523 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 109/6947: GO:0001539 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 110/6947: GO:0001541 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 111/6947: GO:0001542 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 112/6947: GO:0001553 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 113/6947: GO:0001554 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 114/6947: GO:0001556 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 115/6947: GO:0001561 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 116/6947: GO:0001562 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 117/6947: GO:0001569 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 118/6947: GO:0001570 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 119/6947: GO:0001573 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 120/6947: GO:0001574 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 121/6947: GO:0001578 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 122/6947: GO:0001580 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 123/6947: GO:0001649 (159 genes). 159/159 genes from this category have matching records in the expression data. Looking in at Category 124/6947: GO:0001656 (65 genes). 65/65 genes from this category have matching records in the expression data. Looking in at Category 125/6947: GO:0001657 (72 genes). 72/72 genes from this category have matching records in the expression data. Looking in at Category 126/6947: GO:0001658 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 127/6947: GO:0001659 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 128/6947: GO:0001660 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 129/6947: GO:0001661 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 130/6947: GO:0001662 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 131/6947: GO:0001672 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 132/6947: GO:0001675 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 133/6947: GO:0001676 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 134/6947: GO:0001678 (88 genes). 88/88 genes from this category have matching records in the expression data. Looking in at Category 135/6947: GO:0001682 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 136/6947: GO:0001696 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 137/6947: GO:0001702 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 138/6947: GO:0001704 (92 genes). 92/92 genes from this category have matching records in the expression data. Looking in at Category 139/6947: GO:0001706 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 140/6947: GO:0001707 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 141/6947: GO:0001708 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 142/6947: GO:0001709 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 143/6947: GO:0001710 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 144/6947: GO:0001711 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 145/6947: GO:0001731 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 146/6947: GO:0001736 (111 genes). 111/111 genes from this category have matching records in the expression data. Looking in at Category 147/6947: GO:0001738 (124 genes). 124/124 genes from this category have matching records in the expression data. Looking in at Category 148/6947: GO:0001754 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 149/6947: GO:0001755 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 150/6947: GO:0001756 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 151/6947: GO:0001759 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 152/6947: GO:0001763 (144 genes). 144/144 genes from this category have matching records in the expression data. Looking in at Category 153/6947: GO:0001764 (103 genes). 103/103 genes from this category have matching records in the expression data. Looking in at Category 154/6947: GO:0001765 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 155/6947: GO:0001766 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 156/6947: GO:0001767 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 157/6947: GO:0001768 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 158/6947: GO:0001771 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 159/6947: GO:0001773 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 160/6947: GO:0001774 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 161/6947: GO:0001776 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 162/6947: GO:0001778 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 163/6947: GO:0001779 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 164/6947: GO:0001780 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 165/6947: GO:0001782 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 166/6947: GO:0001783 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 167/6947: GO:0001818 (161 genes). 161/161 genes from this category have matching records in the expression data. Looking in at Category 168/6947: GO:0001821 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 169/6947: GO:0001823 (75 genes). 75/75 genes from this category have matching records in the expression data. Looking in at Category 170/6947: GO:0001824 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 171/6947: GO:0001825 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 172/6947: GO:0001826 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 173/6947: GO:0001829 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 174/6947: GO:0001832 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 175/6947: GO:0001833 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 176/6947: GO:0001836 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 177/6947: GO:0001837 (82 genes). 82/82 genes from this category have matching records in the expression data. Looking in at Category 178/6947: GO:0001838 (99 genes). 99/99 genes from this category have matching records in the expression data. Looking in at Category 179/6947: GO:0001839 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 180/6947: GO:0001840 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 181/6947: GO:0001841 (85 genes). 85/85 genes from this category have matching records in the expression data. Looking in at Category 182/6947: GO:0001842 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 183/6947: GO:0001843 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 184/6947: GO:0001844 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 185/6947: GO:0001845 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 186/6947: GO:0001867 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 187/6947: GO:0001878 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 188/6947: GO:0001881 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 189/6947: GO:0001885 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 190/6947: GO:0001886 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 191/6947: GO:0001889 (103 genes). 103/103 genes from this category have matching records in the expression data. Looking in at Category 192/6947: GO:0001890 (113 genes). 113/113 genes from this category have matching records in the expression data. Looking in at Category 193/6947: GO:0001892 (69 genes). 69/69 genes from this category have matching records in the expression data. Looking in at Category 194/6947: GO:0001893 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 195/6947: GO:0001894 (140 genes). 140/140 genes from this category have matching records in the expression data. Looking in at Category 196/6947: GO:0001895 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 197/6947: GO:0001906 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 198/6947: GO:0001909 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 199/6947: GO:0001910 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 200/6947: GO:0001911 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 201/6947: GO:0001912 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 202/6947: GO:0001913 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 203/6947: GO:0001914 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 204/6947: GO:0001916 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 205/6947: GO:0001919 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 206/6947: GO:0001921 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 207/6947: GO:0001935 (93 genes). 93/93 genes from this category have matching records in the expression data. Looking in at Category 208/6947: GO:0001936 (78 genes). 78/78 genes from this category have matching records in the expression data. Looking in at Category 209/6947: GO:0001937 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 210/6947: GO:0001938 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 211/6947: GO:0001941 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 212/6947: GO:0001942 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 213/6947: GO:0001945 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 214/6947: GO:0001946 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 215/6947: GO:0001947 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 216/6947: GO:0001952 (84 genes). 84/84 genes from this category have matching records in the expression data. Looking in at Category 217/6947: GO:0001953 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 218/6947: GO:0001954 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 219/6947: GO:0001955 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 220/6947: GO:0001956 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 221/6947: GO:0001958 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 222/6947: GO:0001959 (103 genes). 103/103 genes from this category have matching records in the expression data. Looking in at Category 223/6947: GO:0001960 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 224/6947: GO:0001961 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 225/6947: GO:0001963 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 226/6947: GO:0001964 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 227/6947: GO:0001967 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 228/6947: GO:0001973 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 229/6947: GO:0001974 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 230/6947: GO:0001975 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 231/6947: GO:0001976 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 232/6947: GO:0001977 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 233/6947: GO:0001990 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 234/6947: GO:0001991 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 235/6947: GO:0001993 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 236/6947: GO:0002002 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 237/6947: GO:0002011 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 238/6947: GO:0002021 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 239/6947: GO:0002024 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 240/6947: GO:0002026 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 241/6947: GO:0002027 (72 genes). 72/72 genes from this category have matching records in the expression data. Looking in at Category 242/6947: GO:0002028 (70 genes). 70/70 genes from this category have matching records in the expression data. Looking in at Category 243/6947: GO:0002029 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 244/6947: GO:0002031 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 245/6947: GO:0002040 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 246/6947: GO:0002042 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 247/6947: GO:0002043 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 248/6947: GO:0002052 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 249/6947: GO:0002053 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 250/6947: GO:0002062 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 251/6947: GO:0002063 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 252/6947: GO:0002064 (172 genes). 172/172 genes from this category have matching records in the expression data. Looking in at Category 253/6947: GO:0002065 (72 genes). 72/72 genes from this category have matching records in the expression data. Looking in at Category 254/6947: GO:0002066 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 255/6947: GO:0002067 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 256/6947: GO:0002068 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 257/6947: GO:0002069 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 258/6947: GO:0002070 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 259/6947: GO:0002072 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 260/6947: GO:0002076 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 261/6947: GO:0002082 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 262/6947: GO:0002087 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 263/6947: GO:0002088 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 264/6947: GO:0002089 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 265/6947: GO:0002090 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 266/6947: GO:0002091 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 267/6947: GO:0002092 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 268/6947: GO:0002093 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 269/6947: GO:0002097 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 270/6947: GO:0002098 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 271/6947: GO:0002115 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 272/6947: GO:0002118 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 273/6947: GO:0002138 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 274/6947: GO:0002176 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 275/6947: GO:0002181 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 276/6947: GO:0002183 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 277/6947: GO:0002190 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 278/6947: GO:0002192 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 279/6947: GO:0002200 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 280/6947: GO:0002204 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 281/6947: GO:0002208 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 282/6947: GO:0002209 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 283/6947: GO:0002220 (92 genes). 92/92 genes from this category have matching records in the expression data. Looking in at Category 284/6947: GO:0002221 (123 genes). 123/123 genes from this category have matching records in the expression data. Looking in at Category 285/6947: GO:0002223 (92 genes). 92/92 genes from this category have matching records in the expression data. Looking in at Category 286/6947: GO:0002224 (96 genes). 96/96 genes from this category have matching records in the expression data. Looking in at Category 287/6947: GO:0002227 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 288/6947: GO:0002228 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 289/6947: GO:0002230 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 290/6947: GO:0002244 (81 genes). 81/81 genes from this category have matching records in the expression data. Looking in at Category 291/6947: GO:0002251 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 292/6947: GO:0002260 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 293/6947: GO:0002262 (104 genes). 104/104 genes from this category have matching records in the expression data. Looking in at Category 294/6947: GO:0002263 (132 genes). 132/132 genes from this category have matching records in the expression data. Looking in at Category 295/6947: GO:0002274 (104 genes). 104/104 genes from this category have matching records in the expression data. Looking in at Category 296/6947: GO:0002275 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 297/6947: GO:0002278 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 298/6947: GO:0002279 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 299/6947: GO:0002281 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 300/6947: GO:0002283 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 301/6947: GO:0002285 (84 genes). 84/84 genes from this category have matching records in the expression data. Looking in at Category 302/6947: GO:0002286 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 303/6947: GO:0002287 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 304/6947: GO:0002292 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 305/6947: GO:0002293 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 306/6947: GO:0002294 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 307/6947: GO:0002312 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 308/6947: GO:0002313 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 309/6947: GO:0002315 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 310/6947: GO:0002318 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 311/6947: GO:0002320 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 312/6947: GO:0002323 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 313/6947: GO:0002327 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 314/6947: GO:0002328 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 315/6947: GO:0002335 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 316/6947: GO:0002347 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 317/6947: GO:0002349 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 318/6947: GO:0002360 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 319/6947: GO:0002363 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 320/6947: GO:0002366 (131 genes). 131/131 genes from this category have matching records in the expression data. Looking in at Category 321/6947: GO:0002367 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 322/6947: GO:0002369 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 323/6947: GO:0002374 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 324/6947: GO:0002377 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 325/6947: GO:0002381 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 326/6947: GO:0002385 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 327/6947: GO:0002407 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 328/6947: GO:0002418 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 329/6947: GO:0002420 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 330/6947: GO:0002423 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 331/6947: GO:0002428 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 332/6947: GO:0002430 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 333/6947: GO:0002431 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 334/6947: GO:0002433 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 335/6947: GO:0002437 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 336/6947: GO:0002438 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 337/6947: GO:0002440 (104 genes). 104/104 genes from this category have matching records in the expression data. Looking in at Category 338/6947: GO:0002441 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 339/6947: GO:0002443 (187 genes). 187/187 genes from this category have matching records in the expression data. Looking in at Category 340/6947: GO:0002444 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 341/6947: GO:0002446 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 342/6947: GO:0002447 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 343/6947: GO:0002448 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 344/6947: GO:0002449 (131 genes). 131/131 genes from this category have matching records in the expression data. Looking in at Category 345/6947: GO:0002455 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 346/6947: GO:0002456 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 347/6947: GO:0002460 (137 genes). 137/137 genes from this category have matching records in the expression data. Looking in at Category 348/6947: GO:0002467 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 349/6947: GO:0002468 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 350/6947: GO:0002474 (74 genes). 74/74 genes from this category have matching records in the expression data. Looking in at Category 351/6947: GO:0002475 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 352/6947: GO:0002477 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 353/6947: GO:0002478 (125 genes). 125/125 genes from this category have matching records in the expression data. Looking in at Category 354/6947: GO:0002479 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 355/6947: GO:0002481 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 356/6947: GO:0002483 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 357/6947: GO:0002495 (75 genes). 75/75 genes from this category have matching records in the expression data. Looking in at Category 358/6947: GO:0002504 (76 genes). 76/76 genes from this category have matching records in the expression data. Looking in at Category 359/6947: GO:0002507 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 360/6947: GO:0002517 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 361/6947: GO:0002523 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 362/6947: GO:0002524 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 363/6947: GO:0002526 (87 genes). 87/87 genes from this category have matching records in the expression data. Looking in at Category 364/6947: GO:0002532 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 365/6947: GO:0002534 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 366/6947: GO:0002544 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 367/6947: GO:0002548 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 368/6947: GO:0002551 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 369/6947: GO:0002553 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 370/6947: GO:0002562 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 371/6947: GO:0002566 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 372/6947: GO:0002568 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 373/6947: GO:0002573 (144 genes). 144/144 genes from this category have matching records in the expression data. Looking in at Category 374/6947: GO:0002576 (80 genes). 80/80 genes from this category have matching records in the expression data. Looking in at Category 375/6947: GO:0002577 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 376/6947: GO:0002579 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 377/6947: GO:0002583 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 378/6947: GO:0002585 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 379/6947: GO:0002589 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 380/6947: GO:0002604 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 381/6947: GO:0002634 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 382/6947: GO:0002637 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 383/6947: GO:0002638 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 384/6947: GO:0002639 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 385/6947: GO:0002643 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 386/6947: GO:0002673 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 387/6947: GO:0002674 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 388/6947: GO:0002675 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 389/6947: GO:0002681 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 390/6947: GO:0002685 (99 genes). 99/99 genes from this category have matching records in the expression data. Looking in at Category 391/6947: GO:0002686 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 392/6947: GO:0002687 (65 genes). 65/65 genes from this category have matching records in the expression data. Looking in at Category 393/6947: GO:0002688 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 394/6947: GO:0002689 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 395/6947: GO:0002690 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 396/6947: GO:0002691 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 397/6947: GO:0002692 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 398/6947: GO:0002693 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 399/6947: GO:0002695 (91 genes). 91/91 genes from this category have matching records in the expression data. Looking in at Category 400/6947: GO:0002696 (191 genes). 191/191 genes from this category have matching records in the expression data. Looking in at Category 401/6947: GO:0002698 (65 genes). 65/65 genes from this category have matching records in the expression data. Looking in at Category 402/6947: GO:0002699 (107 genes). 107/107 genes from this category have matching records in the expression data. Looking in at Category 403/6947: GO:0002700 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 404/6947: GO:0002701 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 405/6947: GO:0002702 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 406/6947: GO:0002703 (98 genes). 98/98 genes from this category have matching records in the expression data. Looking in at Category 407/6947: GO:0002704 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 408/6947: GO:0002705 (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 409/6947: GO:0002706 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 410/6947: GO:0002707 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 411/6947: GO:0002708 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 412/6947: GO:0002709 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 413/6947: GO:0002710 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 414/6947: GO:0002711 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 415/6947: GO:0002712 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 416/6947: GO:0002713 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 417/6947: GO:0002714 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 418/6947: GO:0002715 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 419/6947: GO:0002716 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 420/6947: GO:0002717 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 421/6947: GO:0002718 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 422/6947: GO:0002719 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 423/6947: GO:0002720 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 424/6947: GO:0002724 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 425/6947: GO:0002726 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 426/6947: GO:0002739 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 427/6947: GO:0002753 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 428/6947: GO:0002755 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 429/6947: GO:0002756 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 430/6947: GO:0002758 (197 genes). 197/197 genes from this category have matching records in the expression data. Looking in at Category 431/6947: GO:0002761 (81 genes). 81/81 genes from this category have matching records in the expression data. Looking in at Category 432/6947: GO:0002762 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 433/6947: GO:0002763 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 434/6947: GO:0002790 (198 genes). 198/198 genes from this category have matching records in the expression data. Looking in at Category 435/6947: GO:0002791 (163 genes). 163/163 genes from this category have matching records in the expression data. Looking in at Category 436/6947: GO:0002792 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 437/6947: GO:0002793 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 438/6947: GO:0002819 (77 genes). 77/77 genes from this category have matching records in the expression data. Looking in at Category 439/6947: GO:0002820 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 440/6947: GO:0002821 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 441/6947: GO:0002822 (70 genes). 70/70 genes from this category have matching records in the expression data. Looking in at Category 442/6947: GO:0002823 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 443/6947: GO:0002824 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 444/6947: GO:0002825 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 445/6947: GO:0002826 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 446/6947: GO:0002827 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 447/6947: GO:0002828 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 448/6947: GO:0002829 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 449/6947: GO:0002830 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 450/6947: GO:0002831 (102 genes). 102/102 genes from this category have matching records in the expression data. Looking in at Category 451/6947: GO:0002832 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 452/6947: GO:0002833 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 453/6947: GO:0002834 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 454/6947: GO:0002837 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 455/6947: GO:0002855 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 456/6947: GO:0002858 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 457/6947: GO:0002861 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 458/6947: GO:0002862 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 459/6947: GO:0002863 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 460/6947: GO:0002864 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 461/6947: GO:0002866 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 462/6947: GO:0002883 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 463/6947: GO:0002886 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 464/6947: GO:0002887 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 465/6947: GO:0002888 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 466/6947: GO:0002889 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 467/6947: GO:0002890 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 468/6947: GO:0002891 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 469/6947: GO:0002902 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 470/6947: GO:0002903 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 471/6947: GO:0002920 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 472/6947: GO:0002921 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 473/6947: GO:0002922 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 474/6947: GO:0002923 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 475/6947: GO:0002931 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 476/6947: GO:0002934 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 477/6947: GO:0003007 (184 genes). 184/184 genes from this category have matching records in the expression data. Looking in at Category 478/6947: GO:0003009 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 479/6947: GO:0003014 (79 genes). 79/79 genes from this category have matching records in the expression data. Looking in at Category 480/6947: GO:0003016 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 481/6947: GO:0003018 (118 genes). 118/118 genes from this category have matching records in the expression data. Looking in at Category 482/6947: GO:0003025 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 483/6947: GO:0003032 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 484/6947: GO:0003044 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 485/6947: GO:0003056 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 486/6947: GO:0003057 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 487/6947: GO:0003062 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 488/6947: GO:0003071 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 489/6947: GO:0003073 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 490/6947: GO:0003081 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 491/6947: GO:0003084 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 492/6947: GO:0003085 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 493/6947: GO:0003091 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 494/6947: GO:0003093 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 495/6947: GO:0003094 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 496/6947: GO:0003128 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 497/6947: GO:0003139 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 498/6947: GO:0003143 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 499/6947: GO:0003148 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 500/6947: GO:0003149 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 501/6947: GO:0003150 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 502/6947: GO:0003151 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 503/6947: GO:0003156 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 504/6947: GO:0003157 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 505/6947: GO:0003158 (91 genes). 91/91 genes from this category have matching records in the expression data. Looking in at Category 506/6947: GO:0003159 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 507/6947: GO:0003160 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 508/6947: GO:0003161 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 509/6947: GO:0003170 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 510/6947: GO:0003171 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 511/6947: GO:0003174 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 512/6947: GO:0003175 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 513/6947: GO:0003177 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 514/6947: GO:0003179 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 515/6947: GO:0003181 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 516/6947: GO:0003183 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 517/6947: GO:0003184 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 518/6947: GO:0003186 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 519/6947: GO:0003188 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 520/6947: GO:0003190 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 521/6947: GO:0003197 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 522/6947: GO:0003198 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 523/6947: GO:0003203 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 524/6947: GO:0003205 (125 genes). 125/125 genes from this category have matching records in the expression data. Looking in at Category 525/6947: GO:0003206 (96 genes). 96/96 genes from this category have matching records in the expression data. Looking in at Category 526/6947: GO:0003207 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 527/6947: GO:0003208 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 528/6947: GO:0003209 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 529/6947: GO:0003211 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 530/6947: GO:0003214 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 531/6947: GO:0003215 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 532/6947: GO:0003222 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 533/6947: GO:0003223 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 534/6947: GO:0003229 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 535/6947: GO:0003230 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 536/6947: GO:0003231 (96 genes). 96/96 genes from this category have matching records in the expression data. Looking in at Category 537/6947: GO:0003254 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 538/6947: GO:0003256 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 539/6947: GO:0003263 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 540/6947: GO:0003264 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 541/6947: GO:0003266 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 542/6947: GO:0003272 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 543/6947: GO:0003279 (77 genes). 77/77 genes from this category have matching records in the expression data. Looking in at Category 544/6947: GO:0003281 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 545/6947: GO:0003283 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 546/6947: GO:0003298 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 547/6947: GO:0003299 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 548/6947: GO:0003300 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 549/6947: GO:0003301 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 550/6947: GO:0003306 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 551/6947: GO:0003309 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 552/6947: GO:0003321 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 553/6947: GO:0003323 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 554/6947: GO:0003333 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 555/6947: GO:0003334 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 556/6947: GO:0003337 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 557/6947: GO:0003338 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 558/6947: GO:0003339 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 559/6947: GO:0003341 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 560/6947: GO:0003344 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 561/6947: GO:0003348 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 562/6947: GO:0003351 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 563/6947: GO:0003352 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 564/6947: GO:0003356 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 565/6947: GO:0003357 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 566/6947: GO:0003360 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 567/6947: GO:0003373 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 568/6947: GO:0003374 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 569/6947: GO:0003376 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 570/6947: GO:0003382 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 571/6947: GO:0003401 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 572/6947: GO:0003402 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 573/6947: GO:0003407 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 574/6947: GO:0003413 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 575/6947: GO:0003416 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 576/6947: GO:0003417 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 577/6947: GO:0005513 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 578/6947: GO:0005976 (93 genes). 93/93 genes from this category have matching records in the expression data. Looking in at Category 579/6947: GO:0005977 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 580/6947: GO:0005978 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 581/6947: GO:0005979 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 582/6947: GO:0005980 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 583/6947: GO:0005981 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 584/6947: GO:0005984 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 585/6947: GO:0006000 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 586/6947: GO:0006002 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 587/6947: GO:0006004 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 588/6947: GO:0006006 (161 genes). 161/161 genes from this category have matching records in the expression data. Looking in at Category 589/6947: GO:0006007 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 590/6947: GO:0006011 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 591/6947: GO:0006012 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 592/6947: GO:0006013 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 593/6947: GO:0006020 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 594/6947: GO:0006022 (135 genes). 135/135 genes from this category have matching records in the expression data. Looking in at Category 595/6947: GO:0006023 (96 genes). 96/96 genes from this category have matching records in the expression data. Looking in at Category 596/6947: GO:0006024 (95 genes). 95/95 genes from this category have matching records in the expression data. Looking in at Category 597/6947: GO:0006026 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 598/6947: GO:0006027 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 599/6947: GO:0006029 (78 genes). 78/78 genes from this category have matching records in the expression data. Looking in at Category 600/6947: GO:0006040 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 601/6947: GO:0006044 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 602/6947: GO:0006047 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 603/6947: GO:0006048 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 604/6947: GO:0006054 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 605/6947: GO:0006063 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 606/6947: GO:0006067 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 607/6947: GO:0006069 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 608/6947: GO:0006071 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 609/6947: GO:0006072 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 610/6947: GO:0006073 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 611/6947: GO:0006081 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 612/6947: GO:0006084 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 613/6947: GO:0006085 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 614/6947: GO:0006086 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 615/6947: GO:0006089 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 616/6947: GO:0006090 (82 genes). 82/82 genes from this category have matching records in the expression data. Looking in at Category 617/6947: GO:0006094 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 618/6947: GO:0006096 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 619/6947: GO:0006098 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 620/6947: GO:0006099 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 621/6947: GO:0006101 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 622/6947: GO:0006102 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 623/6947: GO:0006103 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 624/6947: GO:0006104 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 625/6947: GO:0006105 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 626/6947: GO:0006107 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 627/6947: GO:0006108 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 628/6947: GO:0006109 (134 genes). 134/134 genes from this category have matching records in the expression data. Looking in at Category 629/6947: GO:0006110 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 630/6947: GO:0006111 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 631/6947: GO:0006112 (78 genes). 78/78 genes from this category have matching records in the expression data. Looking in at Category 632/6947: GO:0006119 (91 genes). 91/91 genes from this category have matching records in the expression data. Looking in at Category 633/6947: GO:0006120 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 634/6947: GO:0006122 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 635/6947: GO:0006123 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 636/6947: GO:0006140 (162 genes). 162/162 genes from this category have matching records in the expression data. Looking in at Category 637/6947: GO:0006144 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 638/6947: GO:0006152 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 639/6947: GO:0006164 (181 genes). 181/181 genes from this category have matching records in the expression data. Looking in at Category 640/6947: GO:0006165 (69 genes). 69/69 genes from this category have matching records in the expression data. Looking in at Category 641/6947: GO:0006166 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 642/6947: GO:0006167 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 643/6947: GO:0006171 (83 genes). 83/83 genes from this category have matching records in the expression data. Looking in at Category 644/6947: GO:0006172 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 645/6947: GO:0006177 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 646/6947: GO:0006182 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 647/6947: GO:0006183 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 648/6947: GO:0006188 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 649/6947: GO:0006189 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 650/6947: GO:0006195 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 651/6947: GO:0006198 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 652/6947: GO:0006206 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 653/6947: GO:0006207 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 654/6947: GO:0006213 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 655/6947: GO:0006220 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 656/6947: GO:0006221 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 657/6947: GO:0006222 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 658/6947: GO:0006228 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 659/6947: GO:0006241 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 660/6947: GO:0006244 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 661/6947: GO:0006261 (123 genes). 123/123 genes from this category have matching records in the expression data. Looking in at Category 662/6947: GO:0006264 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 663/6947: GO:0006265 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 664/6947: GO:0006266 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 665/6947: GO:0006268 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 666/6947: GO:0006269 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 667/6947: GO:0006270 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 668/6947: GO:0006271 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 669/6947: GO:0006273 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 670/6947: GO:0006275 (93 genes). 93/93 genes from this category have matching records in the expression data. Looking in at Category 671/6947: GO:0006278 (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 672/6947: GO:0006282 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 673/6947: GO:0006283 (70 genes). 70/70 genes from this category have matching records in the expression data. Looking in at Category 674/6947: GO:0006284 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 675/6947: GO:0006285 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 676/6947: GO:0006289 (106 genes). 106/106 genes from this category have matching records in the expression data. Looking in at Category 677/6947: GO:0006290 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 678/6947: GO:0006293 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 679/6947: GO:0006294 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 680/6947: GO:0006295 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 681/6947: GO:0006296 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 682/6947: GO:0006297 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 683/6947: GO:0006298 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 684/6947: GO:0006301 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 685/6947: GO:0006302 (169 genes). 169/169 genes from this category have matching records in the expression data. Looking in at Category 686/6947: GO:0006303 (60 genes). 60/60 genes from this category have matching records in the expression data. Looking in at Category 687/6947: GO:0006304 (62 genes). 62/62 genes from this category have matching records in the expression data. Looking in at Category 688/6947: GO:0006305 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 689/6947: GO:0006306 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 690/6947: GO:0006307 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 691/6947: GO:0006308 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 692/6947: GO:0006309 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 693/6947: GO:0006310 (196 genes). 196/196 genes from this category have matching records in the expression data. Looking in at Category 694/6947: GO:0006312 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 695/6947: GO:0006323 (154 genes). 154/154 genes from this category have matching records in the expression data. Looking in at Category 696/6947: GO:0006333 (147 genes). 147/147 genes from this category have matching records in the expression data. Looking in at Category 697/6947: GO:0006334 (112 genes). 112/112 genes from this category have matching records in the expression data. Looking in at Category 698/6947: GO:0006335 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 699/6947: GO:0006336 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 700/6947: GO:0006337 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 701/6947: GO:0006338 (139 genes). 139/139 genes from this category have matching records in the expression data. Looking in at Category 702/6947: GO:0006342 (90 genes). 90/90 genes from this category have matching records in the expression data. Looking in at Category 703/6947: GO:0006346 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 704/6947: GO:0006348 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 705/6947: GO:0006349 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 706/6947: GO:0006353 (94 genes). 94/94 genes from this category have matching records in the expression data. Looking in at Category 707/6947: GO:0006354 (105 genes). 105/105 genes from this category have matching records in the expression data. Looking in at Category 708/6947: GO:0006356 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 709/6947: GO:0006359 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 710/6947: GO:0006360 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 711/6947: GO:0006361 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 712/6947: GO:0006362 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 713/6947: GO:0006363 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 714/6947: GO:0006367 (148 genes). 148/148 genes from this category have matching records in the expression data. Looking in at Category 715/6947: GO:0006368 (85 genes). 85/85 genes from this category have matching records in the expression data. Looking in at Category 716/6947: GO:0006369 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 717/6947: GO:0006370 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 718/6947: GO:0006376 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 719/6947: GO:0006378 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 720/6947: GO:0006379 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 721/6947: GO:0006383 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 722/6947: GO:0006384 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 723/6947: GO:0006388 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 724/6947: GO:0006390 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 725/6947: GO:0006398 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 726/6947: GO:0006399 (171 genes). 171/171 genes from this category have matching records in the expression data. Looking in at Category 727/6947: GO:0006400 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 728/6947: GO:0006403 (187 genes). 187/187 genes from this category have matching records in the expression data. Looking in at Category 729/6947: GO:0006405 (109 genes). 109/109 genes from this category have matching records in the expression data. Looking in at Category 730/6947: GO:0006406 (93 genes). 93/93 genes from this category have matching records in the expression data. Looking in at Category 731/6947: GO:0006409 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 732/6947: GO:0006413 (171 genes). 171/171 genes from this category have matching records in the expression data. Looking in at Category 733/6947: GO:0006414 (130 genes). 130/130 genes from this category have matching records in the expression data. Looking in at Category 734/6947: GO:0006415 (96 genes). 96/96 genes from this category have matching records in the expression data. Looking in at Category 735/6947: GO:0006418 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 736/6947: GO:0006446 (72 genes). 72/72 genes from this category have matching records in the expression data. Looking in at Category 737/6947: GO:0006448 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 738/6947: GO:0006449 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 739/6947: GO:0006450 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 740/6947: GO:0006451 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 741/6947: GO:0006457 (198 genes). 198/198 genes from this category have matching records in the expression data. Looking in at Category 742/6947: GO:0006458 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 743/6947: GO:0006465 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 744/6947: GO:0006471 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 745/6947: GO:0006473 (166 genes). 166/166 genes from this category have matching records in the expression data. Looking in at Category 746/6947: GO:0006474 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 747/6947: GO:0006475 (139 genes). 139/139 genes from this category have matching records in the expression data. Looking in at Category 748/6947: GO:0006476 (86 genes). 86/86 genes from this category have matching records in the expression data. Looking in at Category 749/6947: GO:0006477 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 750/6947: GO:0006479 (141 genes). 141/141 genes from this category have matching records in the expression data. Looking in at Category 751/6947: GO:0006482 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 752/6947: GO:0006487 (84 genes). 84/84 genes from this category have matching records in the expression data. Looking in at Category 753/6947: GO:0006488 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 754/6947: GO:0006489 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 755/6947: GO:0006490 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 756/6947: GO:0006491 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 757/6947: GO:0006493 (82 genes). 82/82 genes from this category have matching records in the expression data. Looking in at Category 758/6947: GO:0006497 (78 genes). 78/78 genes from this category have matching records in the expression data. Looking in at Category 759/6947: GO:0006498 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 760/6947: GO:0006501 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 761/6947: GO:0006505 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 762/6947: GO:0006506 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 763/6947: GO:0006509 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 764/6947: GO:0006513 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 765/6947: GO:0006515 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 766/6947: GO:0006516 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 767/6947: GO:0006517 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 768/6947: GO:0006521 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 769/6947: GO:0006525 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 770/6947: GO:0006527 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 771/6947: GO:0006531 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 772/6947: GO:0006534 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 773/6947: GO:0006536 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 774/6947: GO:0006537 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 775/6947: GO:0006538 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 776/6947: GO:0006541 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 777/6947: GO:0006544 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 778/6947: GO:0006545 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 779/6947: GO:0006547 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 780/6947: GO:0006548 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 781/6947: GO:0006549 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 782/6947: GO:0006551 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 783/6947: GO:0006552 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 784/6947: GO:0006553 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 785/6947: GO:0006554 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 786/6947: GO:0006555 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 787/6947: GO:0006558 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 788/6947: GO:0006559 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 789/6947: GO:0006560 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 790/6947: GO:0006561 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 791/6947: GO:0006563 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 792/6947: GO:0006568 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 793/6947: GO:0006569 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 794/6947: GO:0006570 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 795/6947: GO:0006573 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 796/6947: GO:0006575 (123 genes). 123/123 genes from this category have matching records in the expression data. Looking in at Category 797/6947: GO:0006576 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 798/6947: GO:0006577 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 799/6947: GO:0006578 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 800/6947: GO:0006582 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 801/6947: GO:0006584 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 802/6947: GO:0006586 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 803/6947: GO:0006590 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 804/6947: GO:0006591 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 805/6947: GO:0006595 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 806/6947: GO:0006596 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 807/6947: GO:0006598 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 808/6947: GO:0006600 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 809/6947: GO:0006607 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 810/6947: GO:0006610 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 811/6947: GO:0006611 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 812/6947: GO:0006612 (179 genes). 179/179 genes from this category have matching records in the expression data. Looking in at Category 813/6947: GO:0006613 (100 genes). 100/100 genes from this category have matching records in the expression data. Looking in at Category 814/6947: GO:0006614 (93 genes). 93/93 genes from this category have matching records in the expression data. Looking in at Category 815/6947: GO:0006616 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 816/6947: GO:0006620 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 817/6947: GO:0006621 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 818/6947: GO:0006622 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 819/6947: GO:0006623 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 820/6947: GO:0006625 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 821/6947: GO:0006626 (133 genes). 133/133 genes from this category have matching records in the expression data. Looking in at Category 822/6947: GO:0006627 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 823/6947: GO:0006633 (120 genes). 120/120 genes from this category have matching records in the expression data. Looking in at Category 824/6947: GO:0006635 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 825/6947: GO:0006636 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 826/6947: GO:0006637 (82 genes). 82/82 genes from this category have matching records in the expression data. Looking in at Category 827/6947: GO:0006638 (86 genes). 86/86 genes from this category have matching records in the expression data. Looking in at Category 828/6947: GO:0006639 (85 genes). 85/85 genes from this category have matching records in the expression data. Looking in at Category 829/6947: GO:0006641 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 830/6947: GO:0006643 (173 genes). 173/173 genes from this category have matching records in the expression data. Looking in at Category 831/6947: GO:0006646 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 832/6947: GO:0006654 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 833/6947: GO:0006655 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 834/6947: GO:0006656 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 835/6947: GO:0006657 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 836/6947: GO:0006658 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 837/6947: GO:0006661 (106 genes). 106/106 genes from this category have matching records in the expression data. Looking in at Category 838/6947: GO:0006662 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 839/6947: GO:0006664 (99 genes). 99/99 genes from this category have matching records in the expression data. Looking in at Category 840/6947: GO:0006665 (135 genes). 135/135 genes from this category have matching records in the expression data. Looking in at Category 841/6947: GO:0006670 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 842/6947: GO:0006672 (74 genes). 74/74 genes from this category have matching records in the expression data. Looking in at Category 843/6947: GO:0006677 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 844/6947: GO:0006678 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 845/6947: GO:0006681 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 846/6947: GO:0006684 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 847/6947: GO:0006685 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 848/6947: GO:0006687 (63 genes). 63/63 genes from this category have matching records in the expression data. Looking in at Category 849/6947: GO:0006688 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 850/6947: GO:0006689 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 851/6947: GO:0006690 (69 genes). 69/69 genes from this category have matching records in the expression data. Looking in at Category 852/6947: GO:0006691 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 853/6947: GO:0006692 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 854/6947: GO:0006693 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 855/6947: GO:0006694 (112 genes). 112/112 genes from this category have matching records in the expression data. Looking in at Category 856/6947: GO:0006695 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 857/6947: GO:0006699 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 858/6947: GO:0006700 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 859/6947: GO:0006701 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 860/6947: GO:0006702 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 861/6947: GO:0006703 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 862/6947: GO:0006704 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 863/6947: GO:0006705 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 864/6947: GO:0006706 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 865/6947: GO:0006707 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 866/6947: GO:0006720 (93 genes). 93/93 genes from this category have matching records in the expression data. Looking in at Category 867/6947: GO:0006721 (72 genes). 72/72 genes from this category have matching records in the expression data. Looking in at Category 868/6947: GO:0006729 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 869/6947: GO:0006730 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 870/6947: GO:0006733 (124 genes). 124/124 genes from this category have matching records in the expression data. Looking in at Category 871/6947: GO:0006734 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 872/6947: GO:0006735 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 873/6947: GO:0006739 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 874/6947: GO:0006743 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 875/6947: GO:0006744 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 876/6947: GO:0006749 (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 877/6947: GO:0006750 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 878/6947: GO:0006754 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 879/6947: GO:0006757 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 880/6947: GO:0006760 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 881/6947: GO:0006766 (106 genes). 106/106 genes from this category have matching records in the expression data. Looking in at Category 882/6947: GO:0006767 (79 genes). 79/79 genes from this category have matching records in the expression data. Looking in at Category 883/6947: GO:0006768 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 884/6947: GO:0006769 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 885/6947: GO:0006771 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 886/6947: GO:0006775 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 887/6947: GO:0006777 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 888/6947: GO:0006778 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 889/6947: GO:0006779 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 890/6947: GO:0006782 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 891/6947: GO:0006783 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 892/6947: GO:0006801 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 893/6947: GO:0006805 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 894/6947: GO:0006809 (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 895/6947: GO:0006813 (170 genes). 170/170 genes from this category have matching records in the expression data. Looking in at Category 896/6947: GO:0006814 (150 genes). 150/150 genes from this category have matching records in the expression data. Looking in at Category 897/6947: GO:0006817 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 898/6947: GO:0006818 (110 genes). 110/110 genes from this category have matching records in the expression data. Looking in at Category 899/6947: GO:0006821 (75 genes). 75/75 genes from this category have matching records in the expression data. Looking in at Category 900/6947: GO:0006825 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 901/6947: GO:0006826 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 902/6947: GO:0006828 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 903/6947: GO:0006829 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 904/6947: GO:0006833 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 905/6947: GO:0006835 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 906/6947: GO:0006836 (171 genes). 171/171 genes from this category have matching records in the expression data. Looking in at Category 907/6947: GO:0006837 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 908/6947: GO:0006851 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 909/6947: GO:0006853 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 910/6947: GO:0006855 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 911/6947: GO:0006857 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 912/6947: GO:0006862 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 913/6947: GO:0006865 (69 genes). 69/69 genes from this category have matching records in the expression data. Looking in at Category 914/6947: GO:0006868 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 915/6947: GO:0006878 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 916/6947: GO:0006879 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 917/6947: GO:0006880 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 918/6947: GO:0006882 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 919/6947: GO:0006883 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 920/6947: GO:0006884 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 921/6947: GO:0006885 (72 genes). 72/72 genes from this category have matching records in the expression data. Looking in at Category 922/6947: GO:0006888 (164 genes). 164/164 genes from this category have matching records in the expression data. Looking in at Category 923/6947: GO:0006890 (75 genes). 75/75 genes from this category have matching records in the expression data. Looking in at Category 924/6947: GO:0006891 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 925/6947: GO:0006892 (62 genes). 62/62 genes from this category have matching records in the expression data. Looking in at Category 926/6947: GO:0006893 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 927/6947: GO:0006895 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 928/6947: GO:0006896 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 929/6947: GO:0006900 (100 genes). 100/100 genes from this category have matching records in the expression data. Looking in at Category 930/6947: GO:0006901 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 931/6947: GO:0006903 (70 genes). 70/70 genes from this category have matching records in the expression data. Looking in at Category 932/6947: GO:0006904 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 933/6947: GO:0006906 (102 genes). 102/102 genes from this category have matching records in the expression data. Looking in at Category 934/6947: GO:0006907 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 935/6947: GO:0006909 (170 genes). 170/170 genes from this category have matching records in the expression data. Looking in at Category 936/6947: GO:0006910 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 937/6947: GO:0006911 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 938/6947: GO:0006919 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 939/6947: GO:0006921 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 940/6947: GO:0006924 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 941/6947: GO:0006925 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 942/6947: GO:0006929 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 943/6947: GO:0006930 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 944/6947: GO:0006937 (121 genes). 121/121 genes from this category have matching records in the expression data. Looking in at Category 945/6947: GO:0006939 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 946/6947: GO:0006940 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 947/6947: GO:0006941 (129 genes). 129/129 genes from this category have matching records in the expression data. Looking in at Category 948/6947: GO:0006942 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 949/6947: GO:0006949 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 950/6947: GO:0006953 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 951/6947: GO:0006956 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 952/6947: GO:0006957 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 953/6947: GO:0006958 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 954/6947: GO:0006959 (97 genes). 97/97 genes from this category have matching records in the expression data. Looking in at Category 955/6947: GO:0006968 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 956/6947: GO:0006970 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 957/6947: GO:0006971 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 958/6947: GO:0006972 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 959/6947: GO:0006975 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 960/6947: GO:0006977 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 961/6947: GO:0006978 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 962/6947: GO:0006983 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 963/6947: GO:0006984 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 964/6947: GO:0006986 (155 genes). 155/155 genes from this category have matching records in the expression data. Looking in at Category 965/6947: GO:0006987 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 966/6947: GO:0006991 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 967/6947: GO:0006995 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 968/6947: GO:0006997 (125 genes). 125/125 genes from this category have matching records in the expression data. Looking in at Category 969/6947: GO:0006998 (78 genes). 78/78 genes from this category have matching records in the expression data. Looking in at Category 970/6947: GO:0006999 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 971/6947: GO:0007000 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 972/6947: GO:0007004 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 973/6947: GO:0007006 (97 genes). 97/97 genes from this category have matching records in the expression data. Looking in at Category 974/6947: GO:0007007 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 975/6947: GO:0007008 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 976/6947: GO:0007016 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 977/6947: GO:0007018 (186 genes). 186/186 genes from this category have matching records in the expression data. Looking in at Category 978/6947: GO:0007019 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 979/6947: GO:0007020 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 980/6947: GO:0007021 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 981/6947: GO:0007023 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 982/6947: GO:0007026 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 983/6947: GO:0007028 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 984/6947: GO:0007029 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 985/6947: GO:0007030 (89 genes). 89/89 genes from this category have matching records in the expression data. Looking in at Category 986/6947: GO:0007031 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 987/6947: GO:0007032 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 988/6947: GO:0007033 (200 genes). 200/200 genes from this category have matching records in the expression data. Looking in at Category 989/6947: GO:0007035 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 990/6947: GO:0007039 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 991/6947: GO:0007040 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 992/6947: GO:0007041 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 993/6947: GO:0007042 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 994/6947: GO:0007043 (72 genes). 72/72 genes from this category have matching records in the expression data. Looking in at Category 995/6947: GO:0007044 (80 genes). 80/80 genes from this category have matching records in the expression data. Looking in at Category 996/6947: GO:0007045 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 997/6947: GO:0007051 (94 genes). 94/94 genes from this category have matching records in the expression data. Looking in at Category 998/6947: GO:0007052 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 999/6947: GO:0007062 (102 genes). 102/102 genes from this category have matching records in the expression data. Looking in at Category 1000/6947: GO:0007063 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 1001/6947: GO:0007064 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 1002/6947: GO:0007076 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1003/6947: GO:0007077 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 1004/6947: GO:0007080 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 1005/6947: GO:0007084 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1006/6947: GO:0007088 (109 genes). 109/109 genes from this category have matching records in the expression data. Looking in at Category 1007/6947: GO:0007091 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 1008/6947: GO:0007093 (133 genes). 133/133 genes from this category have matching records in the expression data. Looking in at Category 1009/6947: GO:0007094 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 1010/6947: GO:0007095 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1011/6947: GO:0007096 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1012/6947: GO:0007097 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1013/6947: GO:0007098 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 1014/6947: GO:0007099 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 1015/6947: GO:0007100 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1016/6947: GO:0007126 (110 genes). 110/110 genes from this category have matching records in the expression data. Looking in at Category 1017/6947: GO:0007127 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 1018/6947: GO:0007129 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 1019/6947: GO:0007130 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1020/6947: GO:0007131 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 1021/6947: GO:0007135 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1022/6947: GO:0007140 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 1023/6947: GO:0007141 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1024/6947: GO:0007143 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 1025/6947: GO:0007156 (110 genes). 110/110 genes from this category have matching records in the expression data. Looking in at Category 1026/6947: GO:0007157 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 1027/6947: GO:0007158 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 1028/6947: GO:0007160 (155 genes). 155/155 genes from this category have matching records in the expression data. Looking in at Category 1029/6947: GO:0007162 (158 genes). 158/158 genes from this category have matching records in the expression data. Looking in at Category 1030/6947: GO:0007163 (149 genes). 149/149 genes from this category have matching records in the expression data. Looking in at Category 1031/6947: GO:0007164 (111 genes). 111/111 genes from this category have matching records in the expression data. Looking in at Category 1032/6947: GO:0007168 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1033/6947: GO:0007171 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1034/6947: GO:0007172 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1035/6947: GO:0007173 (102 genes). 102/102 genes from this category have matching records in the expression data. Looking in at Category 1036/6947: GO:0007175 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1037/6947: GO:0007176 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 1038/6947: GO:0007179 (136 genes). 136/136 genes from this category have matching records in the expression data. Looking in at Category 1039/6947: GO:0007183 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1040/6947: GO:0007184 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 1041/6947: GO:0007185 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1042/6947: GO:0007187 (129 genes). 129/129 genes from this category have matching records in the expression data. Looking in at Category 1043/6947: GO:0007188 (113 genes). 113/113 genes from this category have matching records in the expression data. Looking in at Category 1044/6947: GO:0007189 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 1045/6947: GO:0007190 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 1046/6947: GO:0007191 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1047/6947: GO:0007193 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 1048/6947: GO:0007194 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 1049/6947: GO:0007195 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1050/6947: GO:0007196 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1051/6947: GO:0007197 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1052/6947: GO:0007200 (74 genes). 74/74 genes from this category have matching records in the expression data. Looking in at Category 1053/6947: GO:0007202 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 1054/6947: GO:0007204 (196 genes). 196/196 genes from this category have matching records in the expression data. Looking in at Category 1055/6947: GO:0007205 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 1056/6947: GO:0007207 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1057/6947: GO:0007210 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1058/6947: GO:0007212 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 1059/6947: GO:0007213 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 1060/6947: GO:0007214 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 1061/6947: GO:0007215 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 1062/6947: GO:0007216 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1063/6947: GO:0007217 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1064/6947: GO:0007218 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 1065/6947: GO:0007219 (137 genes). 137/137 genes from this category have matching records in the expression data. Looking in at Category 1066/6947: GO:0007220 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1067/6947: GO:0007221 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1068/6947: GO:0007223 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 1069/6947: GO:0007224 (87 genes). 87/87 genes from this category have matching records in the expression data. Looking in at Category 1070/6947: GO:0007229 (81 genes). 81/81 genes from this category have matching records in the expression data. Looking in at Category 1071/6947: GO:0007250 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1072/6947: GO:0007252 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1073/6947: GO:0007253 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1074/6947: GO:0007254 (153 genes). 153/153 genes from this category have matching records in the expression data. Looking in at Category 1075/6947: GO:0007256 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1076/6947: GO:0007257 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 1077/6947: GO:0007259 (109 genes). 109/109 genes from this category have matching records in the expression data. Looking in at Category 1078/6947: GO:0007260 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 1079/6947: GO:0007262 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1080/6947: GO:0007263 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 1081/6947: GO:0007266 (75 genes). 75/75 genes from this category have matching records in the expression data. Looking in at Category 1082/6947: GO:0007269 (126 genes). 126/126 genes from this category have matching records in the expression data. Looking in at Category 1083/6947: GO:0007270 (85 genes). 85/85 genes from this category have matching records in the expression data. Looking in at Category 1084/6947: GO:0007271 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 1085/6947: GO:0007272 (95 genes). 95/95 genes from this category have matching records in the expression data. Looking in at Category 1086/6947: GO:0007274 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 1087/6947: GO:0007281 (155 genes). 155/155 genes from this category have matching records in the expression data. Looking in at Category 1088/6947: GO:0007286 (84 genes). 84/84 genes from this category have matching records in the expression data. Looking in at Category 1089/6947: GO:0007288 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1090/6947: GO:0007289 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1091/6947: GO:0007292 (78 genes). 78/78 genes from this category have matching records in the expression data. Looking in at Category 1092/6947: GO:0007320 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1093/6947: GO:0007338 (63 genes). 63/63 genes from this category have matching records in the expression data. Looking in at Category 1094/6947: GO:0007339 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 1095/6947: GO:0007340 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1096/6947: GO:0007350 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1097/6947: GO:0007351 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1098/6947: GO:0007368 (86 genes). 86/86 genes from this category have matching records in the expression data. Looking in at Category 1099/6947: GO:0007369 (132 genes). 132/132 genes from this category have matching records in the expression data. Looking in at Category 1100/6947: GO:0007379 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1101/6947: GO:0007386 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1102/6947: GO:0007398 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1103/6947: GO:0007405 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 1104/6947: GO:0007411 (191 genes). 191/191 genes from this category have matching records in the expression data. Looking in at Category 1105/6947: GO:0007413 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 1106/6947: GO:0007416 (118 genes). 118/118 genes from this category have matching records in the expression data. Looking in at Category 1107/6947: GO:0007422 (63 genes). 63/63 genes from this category have matching records in the expression data. Looking in at Category 1108/6947: GO:0007431 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 1109/6947: GO:0007435 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 1110/6947: GO:0007440 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1111/6947: GO:0007492 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 1112/6947: GO:0007494 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1113/6947: GO:0007498 (88 genes). 88/88 genes from this category have matching records in the expression data. Looking in at Category 1114/6947: GO:0007501 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1115/6947: GO:0007512 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1116/6947: GO:0007519 (127 genes). 127/127 genes from this category have matching records in the expression data. Looking in at Category 1117/6947: GO:0007520 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 1118/6947: GO:0007528 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 1119/6947: GO:0007530 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 1120/6947: GO:0007548 (188 genes). 188/188 genes from this category have matching records in the expression data. Looking in at Category 1121/6947: GO:0007549 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1122/6947: GO:0007565 (136 genes). 136/136 genes from this category have matching records in the expression data. Looking in at Category 1123/6947: GO:0007566 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 1124/6947: GO:0007567 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1125/6947: GO:0007569 (74 genes). 74/74 genes from this category have matching records in the expression data. Looking in at Category 1126/6947: GO:0007584 (131 genes). 131/131 genes from this category have matching records in the expression data. Looking in at Category 1127/6947: GO:0007585 (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 1128/6947: GO:0007586 (95 genes). 95/95 genes from this category have matching records in the expression data. Looking in at Category 1129/6947: GO:0007588 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 1130/6947: GO:0007589 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 1131/6947: GO:0007595 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 1132/6947: GO:0007597 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1133/6947: GO:0007601 (127 genes). 127/127 genes from this category have matching records in the expression data. Looking in at Category 1134/6947: GO:0007602 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 1135/6947: GO:0007603 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1136/6947: GO:0007605 (102 genes). 102/102 genes from this category have matching records in the expression data. Looking in at Category 1137/6947: GO:0007606 (111 genes). 111/111 genes from this category have matching records in the expression data. Looking in at Category 1138/6947: GO:0007608 (71 genes). 71/71 genes from this category have matching records in the expression data. Looking in at Category 1139/6947: GO:0007611 (199 genes). 199/199 genes from this category have matching records in the expression data. Looking in at Category 1140/6947: GO:0007612 (123 genes). 123/123 genes from this category have matching records in the expression data. Looking in at Category 1141/6947: GO:0007613 (87 genes). 87/87 genes from this category have matching records in the expression data. Looking in at Category 1142/6947: GO:0007614 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1143/6947: GO:0007616 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 1144/6947: GO:0007617 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 1145/6947: GO:0007618 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 1146/6947: GO:0007620 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1147/6947: GO:0007622 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 1148/6947: GO:0007623 (134 genes). 134/134 genes from this category have matching records in the expression data. Looking in at Category 1149/6947: GO:0007625 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1150/6947: GO:0007626 (165 genes). 165/165 genes from this category have matching records in the expression data. Looking in at Category 1151/6947: GO:0007628 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 1152/6947: GO:0007631 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 1153/6947: GO:0007632 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 1154/6947: GO:0007635 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1155/6947: GO:0007638 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1156/6947: GO:0008016 (186 genes). 186/186 genes from this category have matching records in the expression data. Looking in at Category 1157/6947: GO:0008033 (112 genes). 112/112 genes from this category have matching records in the expression data. Looking in at Category 1158/6947: GO:0008037 (98 genes). 98/98 genes from this category have matching records in the expression data. Looking in at Category 1159/6947: GO:0008038 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 1160/6947: GO:0008045 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 1161/6947: GO:0008053 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 1162/6947: GO:0008054 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1163/6947: GO:0008063 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1164/6947: GO:0008064 (143 genes). 143/143 genes from this category have matching records in the expression data. Looking in at Category 1165/6947: GO:0008088 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 1166/6947: GO:0008089 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 1167/6947: GO:0008090 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1168/6947: GO:0008105 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 1169/6947: GO:0008154 (161 genes). 161/161 genes from this category have matching records in the expression data. Looking in at Category 1170/6947: GO:0008156 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 1171/6947: GO:0008202 (195 genes). 195/195 genes from this category have matching records in the expression data. Looking in at Category 1172/6947: GO:0008203 (91 genes). 91/91 genes from this category have matching records in the expression data. Looking in at Category 1173/6947: GO:0008206 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 1174/6947: GO:0008207 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 1175/6947: GO:0008209 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 1176/6947: GO:0008210 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1177/6947: GO:0008211 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 1178/6947: GO:0008212 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1179/6947: GO:0008213 (141 genes). 141/141 genes from this category have matching records in the expression data. Looking in at Category 1180/6947: GO:0008214 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 1181/6947: GO:0008215 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1182/6947: GO:0008216 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1183/6947: GO:0008217 (122 genes). 122/122 genes from this category have matching records in the expression data. Looking in at Category 1184/6947: GO:0008228 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1185/6947: GO:0008272 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1186/6947: GO:0008277 (102 genes). 102/102 genes from this category have matching records in the expression data. Looking in at Category 1187/6947: GO:0008286 (94 genes). 94/94 genes from this category have matching records in the expression data. Looking in at Category 1188/6947: GO:0008298 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1189/6947: GO:0008299 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 1190/6947: GO:0008300 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1191/6947: GO:0008306 (65 genes). 65/65 genes from this category have matching records in the expression data. Looking in at Category 1192/6947: GO:0008333 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 1193/6947: GO:0008334 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 1194/6947: GO:0008340 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1195/6947: GO:0008343 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1196/6947: GO:0008344 (70 genes). 70/70 genes from this category have matching records in the expression data. Looking in at Category 1197/6947: GO:0008347 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 1198/6947: GO:0008354 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1199/6947: GO:0008356 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1200/6947: GO:0008360 (128 genes). 128/128 genes from this category have matching records in the expression data. Looking in at Category 1201/6947: GO:0008361 (156 genes). 156/156 genes from this category have matching records in the expression data. Looking in at Category 1202/6947: GO:0008366 (95 genes). 95/95 genes from this category have matching records in the expression data. Looking in at Category 1203/6947: GO:0008406 (148 genes). 148/148 genes from this category have matching records in the expression data. Looking in at Category 1204/6947: GO:0008535 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 1205/6947: GO:0008542 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 1206/6947: GO:0008543 (80 genes). 80/80 genes from this category have matching records in the expression data. Looking in at Category 1207/6947: GO:0008584 (93 genes). 93/93 genes from this category have matching records in the expression data. Looking in at Category 1208/6947: GO:0008585 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 1209/6947: GO:0008589 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 1210/6947: GO:0008593 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 1211/6947: GO:0008595 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1212/6947: GO:0008608 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1213/6947: GO:0008616 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1214/6947: GO:0008625 (62 genes). 62/62 genes from this category have matching records in the expression data. Looking in at Category 1215/6947: GO:0008630 (95 genes). 95/95 genes from this category have matching records in the expression data. Looking in at Category 1216/6947: GO:0008631 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 1217/6947: GO:0008635 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1218/6947: GO:0008637 (111 genes). 111/111 genes from this category have matching records in the expression data. Looking in at Category 1219/6947: GO:0008643 (121 genes). 121/121 genes from this category have matching records in the expression data. Looking in at Category 1220/6947: GO:0008645 (90 genes). 90/90 genes from this category have matching records in the expression data. Looking in at Category 1221/6947: GO:0008652 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 1222/6947: GO:0008654 (189 genes). 189/189 genes from this category have matching records in the expression data. Looking in at Category 1223/6947: GO:0008655 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1224/6947: GO:0009048 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1225/6947: GO:0009052 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1226/6947: GO:0009060 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 1227/6947: GO:0009062 (77 genes). 77/77 genes from this category have matching records in the expression data. Looking in at Category 1228/6947: GO:0009063 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 1229/6947: GO:0009064 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 1230/6947: GO:0009065 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 1231/6947: GO:0009066 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 1232/6947: GO:0009067 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 1233/6947: GO:0009068 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1234/6947: GO:0009069 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 1235/6947: GO:0009070 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1236/6947: GO:0009071 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1237/6947: GO:0009072 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 1238/6947: GO:0009074 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1239/6947: GO:0009081 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 1240/6947: GO:0009083 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 1241/6947: GO:0009084 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 1242/6947: GO:0009086 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1243/6947: GO:0009108 (127 genes). 127/127 genes from this category have matching records in the expression data. Looking in at Category 1244/6947: GO:0009109 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1245/6947: GO:0009110 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1246/6947: GO:0009112 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 1247/6947: GO:0009113 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1248/6947: GO:0009118 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 1249/6947: GO:0009120 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1250/6947: GO:0009124 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 1251/6947: GO:0009125 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1252/6947: GO:0009127 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 1253/6947: GO:0009128 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1254/6947: GO:0009129 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 1255/6947: GO:0009130 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1256/6947: GO:0009132 (94 genes). 94/94 genes from this category have matching records in the expression data. Looking in at Category 1257/6947: GO:0009133 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1258/6947: GO:0009134 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1259/6947: GO:0009135 (78 genes). 78/78 genes from this category have matching records in the expression data. Looking in at Category 1260/6947: GO:0009136 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1261/6947: GO:0009142 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 1262/6947: GO:0009143 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1263/6947: GO:0009145 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 1264/6947: GO:0009146 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1265/6947: GO:0009147 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 1266/6947: GO:0009148 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 1267/6947: GO:0009151 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1268/6947: GO:0009152 (175 genes). 175/175 genes from this category have matching records in the expression data. Looking in at Category 1269/6947: GO:0009154 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 1270/6947: GO:0009155 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1271/6947: GO:0009156 (65 genes). 65/65 genes from this category have matching records in the expression data. Looking in at Category 1272/6947: GO:0009157 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1273/6947: GO:0009158 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1274/6947: GO:0009162 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1275/6947: GO:0009163 (100 genes). 100/100 genes from this category have matching records in the expression data. Looking in at Category 1276/6947: GO:0009164 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 1277/6947: GO:0009166 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 1278/6947: GO:0009168 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 1279/6947: GO:0009169 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1280/6947: GO:0009173 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1281/6947: GO:0009174 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1282/6947: GO:0009176 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1283/6947: GO:0009179 (78 genes). 78/78 genes from this category have matching records in the expression data. Looking in at Category 1284/6947: GO:0009180 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1285/6947: GO:0009185 (80 genes). 80/80 genes from this category have matching records in the expression data. Looking in at Category 1286/6947: GO:0009186 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1287/6947: GO:0009187 (137 genes). 137/137 genes from this category have matching records in the expression data. Looking in at Category 1288/6947: GO:0009188 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1289/6947: GO:0009190 (103 genes). 103/103 genes from this category have matching records in the expression data. Looking in at Category 1290/6947: GO:0009191 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1291/6947: GO:0009200 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1292/6947: GO:0009201 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 1293/6947: GO:0009202 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1294/6947: GO:0009204 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1295/6947: GO:0009206 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 1296/6947: GO:0009208 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1297/6947: GO:0009209 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1298/6947: GO:0009211 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1299/6947: GO:0009214 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 1300/6947: GO:0009215 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1301/6947: GO:0009217 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1302/6947: GO:0009218 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 1303/6947: GO:0009219 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1304/6947: GO:0009220 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 1305/6947: GO:0009221 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1306/6947: GO:0009223 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1307/6947: GO:0009225 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 1308/6947: GO:0009226 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 1309/6947: GO:0009235 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 1310/6947: GO:0009247 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 1311/6947: GO:0009249 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1312/6947: GO:0009250 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 1313/6947: GO:0009251 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 1314/6947: GO:0009260 (188 genes). 188/188 genes from this category have matching records in the expression data. Looking in at Category 1315/6947: GO:0009261 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 1316/6947: GO:0009262 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 1317/6947: GO:0009263 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1318/6947: GO:0009264 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 1319/6947: GO:0009265 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1320/6947: GO:0009266 (113 genes). 113/113 genes from this category have matching records in the expression data. Looking in at Category 1321/6947: GO:0009267 (101 genes). 101/101 genes from this category have matching records in the expression data. Looking in at Category 1322/6947: GO:0009268 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 1323/6947: GO:0009299 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 1324/6947: GO:0009301 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 1325/6947: GO:0009303 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 1326/6947: GO:0009304 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1327/6947: GO:0009308 (101 genes). 101/101 genes from this category have matching records in the expression data. Looking in at Category 1328/6947: GO:0009309 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 1329/6947: GO:0009310 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 1330/6947: GO:0009311 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 1331/6947: GO:0009312 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1332/6947: GO:0009313 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1333/6947: GO:0009394 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 1334/6947: GO:0009395 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 1335/6947: GO:0009396 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1336/6947: GO:0009404 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1337/6947: GO:0009408 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 1338/6947: GO:0009409 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 1339/6947: GO:0009410 (63 genes). 63/63 genes from this category have matching records in the expression data. Looking in at Category 1340/6947: GO:0009411 (111 genes). 111/111 genes from this category have matching records in the expression data. Looking in at Category 1341/6947: GO:0009414 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1342/6947: GO:0009415 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1343/6947: GO:0009435 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1344/6947: GO:0009437 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1345/6947: GO:0009438 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1346/6947: GO:0009445 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1347/6947: GO:0009446 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1348/6947: GO:0009448 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1349/6947: GO:0009451 (117 genes). 117/117 genes from this category have matching records in the expression data. Looking in at Category 1350/6947: GO:0009452 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 1351/6947: GO:0009566 (86 genes). 86/86 genes from this category have matching records in the expression data. Looking in at Category 1352/6947: GO:0009581 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 1353/6947: GO:0009582 (70 genes). 70/70 genes from this category have matching records in the expression data. Looking in at Category 1354/6947: GO:0009583 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 1355/6947: GO:0009584 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 1356/6947: GO:0009593 (102 genes). 102/102 genes from this category have matching records in the expression data. Looking in at Category 1357/6947: GO:0009595 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1358/6947: GO:0009597 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1359/6947: GO:0009612 (162 genes). 162/162 genes from this category have matching records in the expression data. Looking in at Category 1360/6947: GO:0009620 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 1361/6947: GO:0009629 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1362/6947: GO:0009636 (157 genes). 157/157 genes from this category have matching records in the expression data. Looking in at Category 1363/6947: GO:0009642 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1364/6947: GO:0009648 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 1365/6947: GO:0009649 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 1366/6947: GO:0009650 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1367/6947: GO:0009651 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1368/6947: GO:0009712 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 1369/6947: GO:0009713 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1370/6947: GO:0009743 (156 genes). 156/156 genes from this category have matching records in the expression data. Looking in at Category 1371/6947: GO:0009744 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1372/6947: GO:0009746 (130 genes). 130/130 genes from this category have matching records in the expression data. Looking in at Category 1373/6947: GO:0009749 (127 genes). 127/127 genes from this category have matching records in the expression data. Looking in at Category 1374/6947: GO:0009750 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1375/6947: GO:0009755 (177 genes). 177/177 genes from this category have matching records in the expression data. Looking in at Category 1376/6947: GO:0009756 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1377/6947: GO:0009791 (84 genes). 84/84 genes from this category have matching records in the expression data. Looking in at Category 1378/6947: GO:0009798 (65 genes). 65/65 genes from this category have matching records in the expression data. Looking in at Category 1379/6947: GO:0009799 (91 genes). 91/91 genes from this category have matching records in the expression data. Looking in at Category 1380/6947: GO:0009812 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1381/6947: GO:0009820 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1382/6947: GO:0009838 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1383/6947: GO:0009855 (91 genes). 91/91 genes from this category have matching records in the expression data. Looking in at Category 1384/6947: GO:0009880 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 1385/6947: GO:0009886 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1386/6947: GO:0009895 (120 genes). 120/120 genes from this category have matching records in the expression data. Looking in at Category 1387/6947: GO:0009912 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1388/6947: GO:0009913 (113 genes). 113/113 genes from this category have matching records in the expression data. Looking in at Category 1389/6947: GO:0009948 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 1390/6947: GO:0009950 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 1391/6947: GO:0009952 (130 genes). 130/130 genes from this category have matching records in the expression data. Looking in at Category 1392/6947: GO:0009953 (69 genes). 69/69 genes from this category have matching records in the expression data. Looking in at Category 1393/6947: GO:0009954 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 1394/6947: GO:0009988 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 1395/6947: GO:0009992 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1396/6947: GO:0009994 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 1397/6947: GO:0010001 (154 genes). 154/154 genes from this category have matching records in the expression data. Looking in at Category 1398/6947: GO:0010002 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1399/6947: GO:0010039 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 1400/6947: GO:0010042 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1401/6947: GO:0010043 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 1402/6947: GO:0010044 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1403/6947: GO:0010092 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1404/6947: GO:0010107 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 1405/6947: GO:0010138 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1406/6947: GO:0010155 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1407/6947: GO:0010165 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 1408/6947: GO:0010171 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 1409/6947: GO:0010172 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1410/6947: GO:0010212 (119 genes). 119/119 genes from this category have matching records in the expression data. Looking in at Category 1411/6947: GO:0010216 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1412/6947: GO:0010224 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1413/6947: GO:0010225 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1414/6947: GO:0010226 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 1415/6947: GO:0010248 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1416/6947: GO:0010257 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 1417/6947: GO:0010259 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 1418/6947: GO:0010269 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1419/6947: GO:0010288 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1420/6947: GO:0010310 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1421/6947: GO:0010324 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 1422/6947: GO:0010332 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 1423/6947: GO:0010388 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1424/6947: GO:0010389 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 1425/6947: GO:0010390 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 1426/6947: GO:0010421 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1427/6947: GO:0010447 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 1428/6947: GO:0010452 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1429/6947: GO:0010453 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 1430/6947: GO:0010454 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1431/6947: GO:0010457 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1432/6947: GO:0010458 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 1433/6947: GO:0010459 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1434/6947: GO:0010460 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 1435/6947: GO:0010463 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 1436/6947: GO:0010464 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 1437/6947: GO:0010466 (149 genes). 149/149 genes from this category have matching records in the expression data. Looking in at Category 1438/6947: GO:0010469 (104 genes). 104/104 genes from this category have matching records in the expression data. Looking in at Category 1439/6947: GO:0010470 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 1440/6947: GO:0010501 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 1441/6947: GO:0010507 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 1442/6947: GO:0010508 (78 genes). 78/78 genes from this category have matching records in the expression data. Looking in at Category 1443/6947: GO:0010510 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1444/6947: GO:0010511 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1445/6947: GO:0010517 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 1446/6947: GO:0010518 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 1447/6947: GO:0010519 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1448/6947: GO:0010522 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 1449/6947: GO:0010523 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1450/6947: GO:0010524 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 1451/6947: GO:0010533 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1452/6947: GO:0010543 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 1453/6947: GO:0010544 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1454/6947: GO:0010559 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 1455/6947: GO:0010560 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 1456/6947: GO:0010561 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1457/6947: GO:0010565 (135 genes). 135/135 genes from this category have matching records in the expression data. Looking in at Category 1458/6947: GO:0010566 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1459/6947: GO:0010569 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1460/6947: GO:0010571 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1461/6947: GO:0010573 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 1462/6947: GO:0010574 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 1463/6947: GO:0010575 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 1464/6947: GO:0010586 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1465/6947: GO:0010591 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 1466/6947: GO:0010592 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1467/6947: GO:0010594 (96 genes). 96/96 genes from this category have matching records in the expression data. Looking in at Category 1468/6947: GO:0010595 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 1469/6947: GO:0010596 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 1470/6947: GO:0010603 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1471/6947: GO:0010606 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1472/6947: GO:0010611 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 1473/6947: GO:0010612 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1474/6947: GO:0010613 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 1475/6947: GO:0010614 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1476/6947: GO:0010623 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1477/6947: GO:0010624 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1478/6947: GO:0010626 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1479/6947: GO:0010631 (190 genes). 190/190 genes from this category have matching records in the expression data. Looking in at Category 1480/6947: GO:0010632 (139 genes). 139/139 genes from this category have matching records in the expression data. Looking in at Category 1481/6947: GO:0010633 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 1482/6947: GO:0010634 (89 genes). 89/89 genes from this category have matching records in the expression data. Looking in at Category 1483/6947: GO:0010635 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1484/6947: GO:0010640 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 1485/6947: GO:0010641 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1486/6947: GO:0010642 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1487/6947: GO:0010644 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 1488/6947: GO:0010649 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1489/6947: GO:0010656 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 1490/6947: GO:0010657 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 1491/6947: GO:0010658 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 1492/6947: GO:0010659 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 1493/6947: GO:0010660 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 1494/6947: GO:0010661 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1495/6947: GO:0010662 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 1496/6947: GO:0010663 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1497/6947: GO:0010664 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 1498/6947: GO:0010665 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 1499/6947: GO:0010666 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1500/6947: GO:0010667 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1501/6947: GO:0010668 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1502/6947: GO:0010669 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 1503/6947: GO:0010675 (101 genes). 101/101 genes from this category have matching records in the expression data. Looking in at Category 1504/6947: GO:0010676 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 1505/6947: GO:0010677 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 1506/6947: GO:0010692 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1507/6947: GO:0010694 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1508/6947: GO:0010700 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1509/6947: GO:0010712 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 1510/6947: GO:0010713 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1511/6947: GO:0010714 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1512/6947: GO:0010715 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1513/6947: GO:0010717 (60 genes). 60/60 genes from this category have matching records in the expression data. Looking in at Category 1514/6947: GO:0010718 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 1515/6947: GO:0010719 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 1516/6947: GO:0010737 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1517/6947: GO:0010738 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 1518/6947: GO:0010742 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 1519/6947: GO:0010743 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1520/6947: GO:0010744 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1521/6947: GO:0010745 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1522/6947: GO:0010755 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1523/6947: GO:0010756 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1524/6947: GO:0010758 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1525/6947: GO:0010759 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1526/6947: GO:0010761 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 1527/6947: GO:0010762 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 1528/6947: GO:0010763 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1529/6947: GO:0010764 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1530/6947: GO:0010765 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 1531/6947: GO:0010766 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1532/6947: GO:0010770 (144 genes). 144/144 genes from this category have matching records in the expression data. Looking in at Category 1533/6947: GO:0010771 (107 genes). 107/107 genes from this category have matching records in the expression data. Looking in at Category 1534/6947: GO:0010793 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1535/6947: GO:0010799 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 1536/6947: GO:0010800 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 1537/6947: GO:0010801 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1538/6947: GO:0010803 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 1539/6947: GO:0010804 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1540/6947: GO:0010807 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1541/6947: GO:0010810 (151 genes). 151/151 genes from this category have matching records in the expression data. Looking in at Category 1542/6947: GO:0010811 (90 genes). 90/90 genes from this category have matching records in the expression data. Looking in at Category 1543/6947: GO:0010812 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 1544/6947: GO:0010818 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1545/6947: GO:0010822 (158 genes). 158/158 genes from this category have matching records in the expression data. Looking in at Category 1546/6947: GO:0010823 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 1547/6947: GO:0010824 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 1548/6947: GO:0010826 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1549/6947: GO:0010827 (85 genes). 85/85 genes from this category have matching records in the expression data. Looking in at Category 1550/6947: GO:0010828 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 1551/6947: GO:0010829 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1552/6947: GO:0010830 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 1553/6947: GO:0010831 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 1554/6947: GO:0010832 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1555/6947: GO:0010833 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 1556/6947: GO:0010835 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1557/6947: GO:0010837 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 1558/6947: GO:0010839 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1559/6947: GO:0010842 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1560/6947: GO:0010862 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 1561/6947: GO:0010863 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 1562/6947: GO:0010866 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1563/6947: GO:0010867 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1564/6947: GO:0010869 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 1565/6947: GO:0010870 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1566/6947: GO:0010872 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1567/6947: GO:0010873 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1568/6947: GO:0010874 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1569/6947: GO:0010875 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1570/6947: GO:0010878 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1571/6947: GO:0010880 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 1572/6947: GO:0010881 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 1573/6947: GO:0010882 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 1574/6947: GO:0010883 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 1575/6947: GO:0010884 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1576/6947: GO:0010885 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1577/6947: GO:0010887 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1578/6947: GO:0010888 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1579/6947: GO:0010889 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1580/6947: GO:0010890 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1581/6947: GO:0010891 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1582/6947: GO:0010893 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1583/6947: GO:0010894 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1584/6947: GO:0010896 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1585/6947: GO:0010906 (82 genes). 82/82 genes from this category have matching records in the expression data. Looking in at Category 1586/6947: GO:0010907 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 1587/6947: GO:0010917 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1588/6947: GO:0010919 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1589/6947: GO:0010921 (92 genes). 92/92 genes from this category have matching records in the expression data. Looking in at Category 1590/6947: GO:0010922 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 1591/6947: GO:0010923 (60 genes). 60/60 genes from this category have matching records in the expression data. Looking in at Category 1592/6947: GO:0010934 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1593/6947: GO:0010935 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1594/6947: GO:0010939 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 1595/6947: GO:0010944 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1596/6947: GO:0010948 (196 genes). 196/196 genes from this category have matching records in the expression data. Looking in at Category 1597/6947: GO:0010950 (117 genes). 117/117 genes from this category have matching records in the expression data. Looking in at Category 1598/6947: GO:0010951 (144 genes). 144/144 genes from this category have matching records in the expression data. Looking in at Category 1599/6947: GO:0010952 (131 genes). 131/131 genes from this category have matching records in the expression data. Looking in at Category 1600/6947: GO:0010954 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 1601/6947: GO:0010955 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 1602/6947: GO:0010960 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1603/6947: GO:0010962 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 1604/6947: GO:0010965 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 1605/6947: GO:0010970 (94 genes). 94/94 genes from this category have matching records in the expression data. Looking in at Category 1606/6947: GO:0010971 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1607/6947: GO:0010972 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 1608/6947: GO:0010977 (121 genes). 121/121 genes from this category have matching records in the expression data. Looking in at Category 1609/6947: GO:0010984 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1610/6947: GO:0010985 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1611/6947: GO:0010988 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1612/6947: GO:0010990 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1613/6947: GO:0010992 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1614/6947: GO:0010996 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 1615/6947: GO:0014002 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 1616/6947: GO:0014003 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 1617/6947: GO:0014009 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 1618/6947: GO:0014010 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1619/6947: GO:0014012 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1620/6947: GO:0014013 (78 genes). 78/78 genes from this category have matching records in the expression data. Looking in at Category 1621/6947: GO:0014014 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 1622/6947: GO:0014015 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 1623/6947: GO:0014020 (77 genes). 77/77 genes from this category have matching records in the expression data. Looking in at Category 1624/6947: GO:0014031 (136 genes). 136/136 genes from this category have matching records in the expression data. Looking in at Category 1625/6947: GO:0014032 (60 genes). 60/60 genes from this category have matching records in the expression data. Looking in at Category 1626/6947: GO:0014033 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 1627/6947: GO:0014037 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 1628/6947: GO:0014041 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1629/6947: GO:0014044 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 1630/6947: GO:0014046 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1631/6947: GO:0014047 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 1632/6947: GO:0014048 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1633/6947: GO:0014049 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1634/6947: GO:0014050 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1635/6947: GO:0014051 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1636/6947: GO:0014052 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1637/6947: GO:0014059 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1638/6947: GO:0014061 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1639/6947: GO:0014065 (81 genes). 81/81 genes from this category have matching records in the expression data. Looking in at Category 1640/6947: GO:0014066 (111 genes). 111/111 genes from this category have matching records in the expression data. Looking in at Category 1641/6947: GO:0014067 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1642/6947: GO:0014068 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 1643/6947: GO:0014072 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 1644/6947: GO:0014074 (120 genes). 120/120 genes from this category have matching records in the expression data. Looking in at Category 1645/6947: GO:0014075 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 1646/6947: GO:0014722 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1647/6947: GO:0014732 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1648/6947: GO:0014733 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1649/6947: GO:0014741 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1650/6947: GO:0014742 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 1651/6947: GO:0014743 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 1652/6947: GO:0014744 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1653/6947: GO:0014745 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1654/6947: GO:0014807 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1655/6947: GO:0014808 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 1656/6947: GO:0014812 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 1657/6947: GO:0014819 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1658/6947: GO:0014820 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1659/6947: GO:0014821 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1660/6947: GO:0014823 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 1661/6947: GO:0014824 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1662/6947: GO:0014829 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1663/6947: GO:0014831 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1664/6947: GO:0014832 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1665/6947: GO:0014834 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1666/6947: GO:0014842 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1667/6947: GO:0014848 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1668/6947: GO:0014850 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1669/6947: GO:0014854 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1670/6947: GO:0014855 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 1671/6947: GO:0014856 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1672/6947: GO:0014857 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1673/6947: GO:0014866 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1674/6947: GO:0014870 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1675/6947: GO:0014874 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1676/6947: GO:0014877 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1677/6947: GO:0014883 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1678/6947: GO:0014887 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 1679/6947: GO:0014888 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 1680/6947: GO:0014889 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1681/6947: GO:0014891 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1682/6947: GO:0014894 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1683/6947: GO:0014896 (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 1684/6947: GO:0014897 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 1685/6947: GO:0014898 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1686/6947: GO:0014902 (74 genes). 74/74 genes from this category have matching records in the expression data. Looking in at Category 1687/6947: GO:0014904 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 1688/6947: GO:0014909 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 1689/6947: GO:0014910 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 1690/6947: GO:0014911 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 1691/6947: GO:0014912 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 1692/6947: GO:0015012 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 1693/6947: GO:0015074 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1694/6947: GO:0015669 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1695/6947: GO:0015671 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1696/6947: GO:0015677 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1697/6947: GO:0015682 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 1698/6947: GO:0015684 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1699/6947: GO:0015693 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1700/6947: GO:0015695 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1701/6947: GO:0015696 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1702/6947: GO:0015697 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1703/6947: GO:0015698 (104 genes). 104/104 genes from this category have matching records in the expression data. Looking in at Category 1704/6947: GO:0015701 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 1705/6947: GO:0015712 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1706/6947: GO:0015718 (99 genes). 99/99 genes from this category have matching records in the expression data. Looking in at Category 1707/6947: GO:0015721 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1708/6947: GO:0015727 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1709/6947: GO:0015732 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1710/6947: GO:0015740 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1711/6947: GO:0015748 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 1712/6947: GO:0015749 (90 genes). 90/90 genes from this category have matching records in the expression data. Looking in at Category 1713/6947: GO:0015758 (89 genes). 89/89 genes from this category have matching records in the expression data. Looking in at Category 1714/6947: GO:0015760 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1715/6947: GO:0015780 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1716/6947: GO:0015781 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1717/6947: GO:0015791 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1718/6947: GO:0015793 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1719/6947: GO:0015800 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 1720/6947: GO:0015802 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1721/6947: GO:0015804 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 1722/6947: GO:0015807 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 1723/6947: GO:0015808 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1724/6947: GO:0015810 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1725/6947: GO:0015812 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1726/6947: GO:0015813 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 1727/6947: GO:0015824 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1728/6947: GO:0015825 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1729/6947: GO:0015837 (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 1730/6947: GO:0015844 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 1731/6947: GO:0015846 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1732/6947: GO:0015849 (86 genes). 86/86 genes from this category have matching records in the expression data. Looking in at Category 1733/6947: GO:0015850 (136 genes). 136/136 genes from this category have matching records in the expression data. Looking in at Category 1734/6947: GO:0015851 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1735/6947: GO:0015858 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1736/6947: GO:0015865 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1737/6947: GO:0015867 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1738/6947: GO:0015868 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1739/6947: GO:0015871 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1740/6947: GO:0015872 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 1741/6947: GO:0015874 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1742/6947: GO:0015884 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1743/6947: GO:0015886 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1744/6947: GO:0015889 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1745/6947: GO:0015893 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 1746/6947: GO:0015908 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 1747/6947: GO:0015909 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 1748/6947: GO:0015911 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1749/6947: GO:0015914 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 1750/6947: GO:0015918 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 1751/6947: GO:0015919 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1752/6947: GO:0015931 (185 genes). 185/185 genes from this category have matching records in the expression data. Looking in at Category 1753/6947: GO:0015936 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1754/6947: GO:0015937 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1755/6947: GO:0015939 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1756/6947: GO:0015949 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 1757/6947: GO:0015959 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1758/6947: GO:0015985 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1759/6947: GO:0015986 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1760/6947: GO:0015988 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 1761/6947: GO:0015991 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 1762/6947: GO:0015992 (108 genes). 108/108 genes from this category have matching records in the expression data. Looking in at Category 1763/6947: GO:0016024 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1764/6947: GO:0016048 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1765/6947: GO:0016051 (161 genes). 161/161 genes from this category have matching records in the expression data. Looking in at Category 1766/6947: GO:0016052 (129 genes). 129/129 genes from this category have matching records in the expression data. Looking in at Category 1767/6947: GO:0016054 (182 genes). 182/182 genes from this category have matching records in the expression data. Looking in at Category 1768/6947: GO:0016056 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1769/6947: GO:0016064 (63 genes). 63/63 genes from this category have matching records in the expression data. Looking in at Category 1770/6947: GO:0016073 (81 genes). 81/81 genes from this category have matching records in the expression data. Looking in at Category 1771/6947: GO:0016074 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1772/6947: GO:0016075 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 1773/6947: GO:0016078 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1774/6947: GO:0016079 (79 genes). 79/79 genes from this category have matching records in the expression data. Looking in at Category 1775/6947: GO:0016081 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1776/6947: GO:0016082 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1777/6947: GO:0016093 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1778/6947: GO:0016101 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 1779/6947: GO:0016102 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1780/6947: GO:0016114 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1781/6947: GO:0016115 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1782/6947: GO:0016125 (101 genes). 101/101 genes from this category have matching records in the expression data. Looking in at Category 1783/6947: GO:0016126 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 1784/6947: GO:0016127 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1785/6947: GO:0016137 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1786/6947: GO:0016139 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1787/6947: GO:0016180 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 1788/6947: GO:0016188 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1789/6947: GO:0016198 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1790/6947: GO:0016202 (92 genes). 92/92 genes from this category have matching records in the expression data. Looking in at Category 1791/6947: GO:0016226 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 1792/6947: GO:0016233 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 1793/6947: GO:0016236 (191 genes). 191/191 genes from this category have matching records in the expression data. Looking in at Category 1794/6947: GO:0016239 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 1795/6947: GO:0016241 (118 genes). 118/118 genes from this category have matching records in the expression data. Looking in at Category 1796/6947: GO:0016242 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 1797/6947: GO:0016246 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 1798/6947: GO:0016254 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1799/6947: GO:0016255 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1800/6947: GO:0016264 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1801/6947: GO:0016266 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 1802/6947: GO:0016322 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1803/6947: GO:0016331 (115 genes). 115/115 genes from this category have matching records in the expression data. Looking in at Category 1804/6947: GO:0016338 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1805/6947: GO:0016339 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 1806/6947: GO:0016358 (180 genes). 180/180 genes from this category have matching records in the expression data. Looking in at Category 1807/6947: GO:0016441 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 1808/6947: GO:0016444 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 1809/6947: GO:0016445 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 1810/6947: GO:0016446 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1811/6947: GO:0016447 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 1812/6947: GO:0016482 (127 genes). 127/127 genes from this category have matching records in the expression data. Looking in at Category 1813/6947: GO:0016485 (176 genes). 176/176 genes from this category have matching records in the expression data. Looking in at Category 1814/6947: GO:0016486 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 1815/6947: GO:0016525 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 1816/6947: GO:0016540 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1817/6947: GO:0016556 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1818/6947: GO:0016558 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1819/6947: GO:0016559 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1820/6947: GO:0016571 (113 genes). 113/113 genes from this category have matching records in the expression data. Looking in at Category 1821/6947: GO:0016572 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 1822/6947: GO:0016573 (132 genes). 132/132 genes from this category have matching records in the expression data. Looking in at Category 1823/6947: GO:0016574 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 1824/6947: GO:0016575 (75 genes). 75/75 genes from this category have matching records in the expression data. Looking in at Category 1825/6947: GO:0016576 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1826/6947: GO:0016577 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 1827/6947: GO:0016578 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 1828/6947: GO:0016579 (96 genes). 96/96 genes from this category have matching records in the expression data. Looking in at Category 1829/6947: GO:0016584 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1830/6947: GO:0016601 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 1831/6947: GO:0016925 (122 genes). 122/122 genes from this category have matching records in the expression data. Looking in at Category 1832/6947: GO:0016926 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1833/6947: GO:0016973 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1834/6947: GO:0017004 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 1835/6947: GO:0017014 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1836/6947: GO:0017015 (85 genes). 85/85 genes from this category have matching records in the expression data. Looking in at Category 1837/6947: GO:0017062 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1838/6947: GO:0017085 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1839/6947: GO:0017121 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1840/6947: GO:0017144 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 1841/6947: GO:0017145 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 1842/6947: GO:0017148 (132 genes). 132/132 genes from this category have matching records in the expression data. Looking in at Category 1843/6947: GO:0017156 (101 genes). 101/101 genes from this category have matching records in the expression data. Looking in at Category 1844/6947: GO:0017157 (150 genes). 150/150 genes from this category have matching records in the expression data. Looking in at Category 1845/6947: GO:0017158 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 1846/6947: GO:0017182 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1847/6947: GO:0017183 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1848/6947: GO:0017187 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1849/6947: GO:0017196 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1850/6947: GO:0018022 (96 genes). 96/96 genes from this category have matching records in the expression data. Looking in at Category 1851/6947: GO:0018023 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 1852/6947: GO:0018026 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1853/6947: GO:0018027 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1854/6947: GO:0018065 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1855/6947: GO:0018095 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1856/6947: GO:0018103 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1857/6947: GO:0018105 (199 genes). 199/199 genes from this category have matching records in the expression data. Looking in at Category 1858/6947: GO:0018107 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 1859/6947: GO:0018119 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1860/6947: GO:0018126 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 1861/6947: GO:0018146 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 1862/6947: GO:0018149 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 1863/6947: GO:0018158 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1864/6947: GO:0018195 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1865/6947: GO:0018196 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 1866/6947: GO:0018198 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 1867/6947: GO:0018200 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 1868/6947: GO:0018202 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1869/6947: GO:0018206 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1870/6947: GO:0018208 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 1871/6947: GO:0018210 (72 genes). 72/72 genes from this category have matching records in the expression data. Looking in at Category 1872/6947: GO:0018211 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1873/6947: GO:0018214 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1874/6947: GO:0018216 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1875/6947: GO:0018230 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1876/6947: GO:0018231 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1877/6947: GO:0018279 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 1878/6947: GO:0018298 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1879/6947: GO:0018317 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1880/6947: GO:0018342 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1881/6947: GO:0018344 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1882/6947: GO:0018345 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 1883/6947: GO:0018393 (135 genes). 135/135 genes from this category have matching records in the expression data. Looking in at Category 1884/6947: GO:0018394 (146 genes). 146/146 genes from this category have matching records in the expression data. Looking in at Category 1885/6947: GO:0018406 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1886/6947: GO:0018410 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1887/6947: GO:0018904 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1888/6947: GO:0018958 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 1889/6947: GO:0019042 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 1890/6947: GO:0019043 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1891/6947: GO:0019048 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 1892/6947: GO:0019054 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 1893/6947: GO:0019060 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1894/6947: GO:0019062 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1895/6947: GO:0019064 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1896/6947: GO:0019068 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 1897/6947: GO:0019076 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 1898/6947: GO:0019079 (83 genes). 83/83 genes from this category have matching records in the expression data. Looking in at Category 1899/6947: GO:0019080 (179 genes). 179/179 genes from this category have matching records in the expression data. Looking in at Category 1900/6947: GO:0019081 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1901/6947: GO:0019083 (169 genes). 169/169 genes from this category have matching records in the expression data. Looking in at Category 1902/6947: GO:0019087 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1903/6947: GO:0019098 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 1904/6947: GO:0019184 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 1905/6947: GO:0019217 (69 genes). 69/69 genes from this category have matching records in the expression data. Looking in at Category 1906/6947: GO:0019218 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 1907/6947: GO:0019226 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 1908/6947: GO:0019227 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1909/6947: GO:0019228 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 1910/6947: GO:0019229 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 1911/6947: GO:0019233 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 1912/6947: GO:0019262 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1913/6947: GO:0019317 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1914/6947: GO:0019318 (197 genes). 197/197 genes from this category have matching records in the expression data. Looking in at Category 1915/6947: GO:0019319 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 1916/6947: GO:0019320 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 1917/6947: GO:0019321 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1918/6947: GO:0019323 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1919/6947: GO:0019336 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1920/6947: GO:0019348 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1921/6947: GO:0019359 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 1922/6947: GO:0019362 (108 genes). 108/108 genes from this category have matching records in the expression data. Looking in at Category 1923/6947: GO:0019363 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 1924/6947: GO:0019367 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1925/6947: GO:0019368 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1926/6947: GO:0019369 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 1927/6947: GO:0019370 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 1928/6947: GO:0019371 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1929/6947: GO:0019372 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1930/6947: GO:0019373 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1931/6947: GO:0019374 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1932/6947: GO:0019377 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1933/6947: GO:0019388 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1934/6947: GO:0019395 (83 genes). 83/83 genes from this category have matching records in the expression data. Looking in at Category 1935/6947: GO:0019400 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1936/6947: GO:0019405 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1937/6947: GO:0019430 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1938/6947: GO:0019432 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 1939/6947: GO:0019433 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 1940/6947: GO:0019471 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1941/6947: GO:0019509 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1942/6947: GO:0019511 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1943/6947: GO:0019530 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1944/6947: GO:0019532 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1945/6947: GO:0019563 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1946/6947: GO:0019585 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1947/6947: GO:0019614 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1948/6947: GO:0019626 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1949/6947: GO:0019627 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1950/6947: GO:0019673 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1951/6947: GO:0019674 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 1952/6947: GO:0019682 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 1953/6947: GO:0019692 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 1954/6947: GO:0019695 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1955/6947: GO:0019720 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1956/6947: GO:0019722 (110 genes). 110/110 genes from this category have matching records in the expression data. Looking in at Category 1957/6947: GO:0019724 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 1958/6947: GO:0019730 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 1959/6947: GO:0019731 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 1960/6947: GO:0019732 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1961/6947: GO:0019748 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 1962/6947: GO:0019751 (90 genes). 90/90 genes from this category have matching records in the expression data. Looking in at Category 1963/6947: GO:0019755 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1964/6947: GO:0019800 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1965/6947: GO:0019827 (113 genes). 113/113 genes from this category have matching records in the expression data. Looking in at Category 1966/6947: GO:0019835 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 1967/6947: GO:0019852 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1968/6947: GO:0019856 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1969/6947: GO:0019882 (169 genes). 169/169 genes from this category have matching records in the expression data. Looking in at Category 1970/6947: GO:0019883 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1971/6947: GO:0019884 (127 genes). 127/127 genes from this category have matching records in the expression data. Looking in at Category 1972/6947: GO:0019885 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1973/6947: GO:0019886 (71 genes). 71/71 genes from this category have matching records in the expression data. Looking in at Category 1974/6947: GO:0019896 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 1975/6947: GO:0019915 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 1976/6947: GO:0019919 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1977/6947: GO:0019932 (181 genes). 181/181 genes from this category have matching records in the expression data. Looking in at Category 1978/6947: GO:0019933 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 1979/6947: GO:0019934 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 1980/6947: GO:0019935 (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 1981/6947: GO:0019985 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 1982/6947: GO:0020027 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1983/6947: GO:0021510 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 1984/6947: GO:0021511 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1985/6947: GO:0021513 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 1986/6947: GO:0021514 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1987/6947: GO:0021515 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 1988/6947: GO:0021516 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 1989/6947: GO:0021517 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 1990/6947: GO:0021520 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 1991/6947: GO:0021521 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 1992/6947: GO:0021522 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 1993/6947: GO:0021527 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 1994/6947: GO:0021532 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 1995/6947: GO:0021533 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 1996/6947: GO:0021534 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 1997/6947: GO:0021535 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 1998/6947: GO:0021536 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 1999/6947: GO:0021542 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 2000/6947: GO:0021543 (138 genes). 138/138 genes from this category have matching records in the expression data. Looking in at Category 2001/6947: GO:0021544 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 2002/6947: GO:0021545 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 2003/6947: GO:0021548 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2004/6947: GO:0021549 (79 genes). 79/79 genes from this category have matching records in the expression data. Looking in at Category 2005/6947: GO:0021554 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2006/6947: GO:0021559 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2007/6947: GO:0021561 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2008/6947: GO:0021562 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2009/6947: GO:0021575 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 2010/6947: GO:0021578 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2011/6947: GO:0021587 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 2012/6947: GO:0021591 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 2013/6947: GO:0021602 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 2014/6947: GO:0021604 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2015/6947: GO:0021610 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2016/6947: GO:0021612 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2017/6947: GO:0021626 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2018/6947: GO:0021631 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2019/6947: GO:0021670 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2020/6947: GO:0021675 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 2021/6947: GO:0021680 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 2022/6947: GO:0021681 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2023/6947: GO:0021683 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2024/6947: GO:0021684 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2025/6947: GO:0021692 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2026/6947: GO:0021694 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2027/6947: GO:0021695 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 2028/6947: GO:0021696 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 2029/6947: GO:0021697 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 2030/6947: GO:0021700 (183 genes). 183/183 genes from this category have matching records in the expression data. Looking in at Category 2031/6947: GO:0021702 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2032/6947: GO:0021707 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2033/6947: GO:0021756 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 2034/6947: GO:0021761 (90 genes). 90/90 genes from this category have matching records in the expression data. Looking in at Category 2035/6947: GO:0021762 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 2036/6947: GO:0021766 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 2037/6947: GO:0021772 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 2038/6947: GO:0021781 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2039/6947: GO:0021782 (72 genes). 72/72 genes from this category have matching records in the expression data. Looking in at Category 2040/6947: GO:0021783 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2041/6947: GO:0021785 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2042/6947: GO:0021794 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2043/6947: GO:0021795 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 2044/6947: GO:0021796 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2045/6947: GO:0021798 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2046/6947: GO:0021799 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 2047/6947: GO:0021800 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2048/6947: GO:0021801 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 2049/6947: GO:0021819 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2050/6947: GO:0021825 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2051/6947: GO:0021826 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2052/6947: GO:0021830 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2053/6947: GO:0021831 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2054/6947: GO:0021843 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2055/6947: GO:0021846 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 2056/6947: GO:0021853 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2057/6947: GO:0021854 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 2058/6947: GO:0021859 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2059/6947: GO:0021860 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2060/6947: GO:0021869 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2061/6947: GO:0021871 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 2062/6947: GO:0021872 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 2063/6947: GO:0021873 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2064/6947: GO:0021877 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2065/6947: GO:0021879 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 2066/6947: GO:0021884 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 2067/6947: GO:0021885 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 2068/6947: GO:0021889 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2069/6947: GO:0021891 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2070/6947: GO:0021892 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2071/6947: GO:0021894 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2072/6947: GO:0021895 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 2073/6947: GO:0021902 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2074/6947: GO:0021903 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2075/6947: GO:0021904 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 2076/6947: GO:0021915 (129 genes). 129/129 genes from this category have matching records in the expression data. Looking in at Category 2077/6947: GO:0021924 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2078/6947: GO:0021930 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2079/6947: GO:0021932 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2080/6947: GO:0021936 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2081/6947: GO:0021940 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2082/6947: GO:0021942 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2083/6947: GO:0021952 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 2084/6947: GO:0021953 (135 genes). 135/135 genes from this category have matching records in the expression data. Looking in at Category 2085/6947: GO:0021954 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 2086/6947: GO:0021955 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 2087/6947: GO:0021957 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2088/6947: GO:0021960 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2089/6947: GO:0021978 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2090/6947: GO:0021979 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2091/6947: GO:0021983 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 2092/6947: GO:0021984 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2093/6947: GO:0021987 (94 genes). 94/94 genes from this category have matching records in the expression data. Looking in at Category 2094/6947: GO:0021988 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 2095/6947: GO:0022010 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2096/6947: GO:0022011 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 2097/6947: GO:0022027 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2098/6947: GO:0022028 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2099/6947: GO:0022029 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 2100/6947: GO:0022030 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 2101/6947: GO:0022037 (87 genes). 87/87 genes from this category have matching records in the expression data. Looking in at Category 2102/6947: GO:0022038 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2103/6947: GO:0022400 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 2104/6947: GO:0022401 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2105/6947: GO:0022404 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 2106/6947: GO:0022405 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 2107/6947: GO:0022406 (63 genes). 63/63 genes from this category have matching records in the expression data. Looking in at Category 2108/6947: GO:0022408 (86 genes). 86/86 genes from this category have matching records in the expression data. Looking in at Category 2109/6947: GO:0022409 (152 genes). 152/152 genes from this category have matching records in the expression data. Looking in at Category 2110/6947: GO:0022410 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2111/6947: GO:0022412 (179 genes). 179/179 genes from this category have matching records in the expression data. Looking in at Category 2112/6947: GO:0022417 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2113/6947: GO:0022600 (63 genes). 63/63 genes from this category have matching records in the expression data. Looking in at Category 2114/6947: GO:0022602 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 2115/6947: GO:0022605 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2116/6947: GO:0022612 (87 genes). 87/87 genes from this category have matching records in the expression data. Looking in at Category 2117/6947: GO:0022615 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2118/6947: GO:0022616 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 2119/6947: GO:0022617 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 2120/6947: GO:0022618 (193 genes). 193/193 genes from this category have matching records in the expression data. Looking in at Category 2121/6947: GO:0022898 (159 genes). 159/159 genes from this category have matching records in the expression data. Looking in at Category 2122/6947: GO:0022900 (99 genes). 99/99 genes from this category have matching records in the expression data. Looking in at Category 2123/6947: GO:0022904 (97 genes). 97/97 genes from this category have matching records in the expression data. Looking in at Category 2124/6947: GO:0023019 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2125/6947: GO:0023041 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2126/6947: GO:0023058 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2127/6947: GO:0030002 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2128/6947: GO:0030004 (82 genes). 82/82 genes from this category have matching records in the expression data. Looking in at Category 2129/6947: GO:0030007 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2130/6947: GO:0030010 (84 genes). 84/84 genes from this category have matching records in the expression data. Looking in at Category 2131/6947: GO:0030011 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2132/6947: GO:0030032 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 2133/6947: GO:0030033 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 2134/6947: GO:0030035 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2135/6947: GO:0030038 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 2136/6947: GO:0030041 (132 genes). 132/132 genes from this category have matching records in the expression data. Looking in at Category 2137/6947: GO:0030042 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 2138/6947: GO:0030048 (111 genes). 111/111 genes from this category have matching records in the expression data. Looking in at Category 2139/6947: GO:0030049 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 2140/6947: GO:0030050 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2141/6947: GO:0030071 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 2142/6947: GO:0030072 (192 genes). 192/192 genes from this category have matching records in the expression data. Looking in at Category 2143/6947: GO:0030073 (124 genes). 124/124 genes from this category have matching records in the expression data. Looking in at Category 2144/6947: GO:0030091 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2145/6947: GO:0030100 (162 genes). 162/162 genes from this category have matching records in the expression data. Looking in at Category 2146/6947: GO:0030101 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 2147/6947: GO:0030104 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 2148/6947: GO:0030148 (87 genes). 87/87 genes from this category have matching records in the expression data. Looking in at Category 2149/6947: GO:0030149 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 2150/6947: GO:0030150 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 2151/6947: GO:0030157 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2152/6947: GO:0030166 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 2153/6947: GO:0030168 (121 genes). 121/121 genes from this category have matching records in the expression data. Looking in at Category 2154/6947: GO:0030174 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2155/6947: GO:0030177 (133 genes). 133/133 genes from this category have matching records in the expression data. Looking in at Category 2156/6947: GO:0030178 (170 genes). 170/170 genes from this category have matching records in the expression data. Looking in at Category 2157/6947: GO:0030183 (77 genes). 77/77 genes from this category have matching records in the expression data. Looking in at Category 2158/6947: GO:0030193 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 2159/6947: GO:0030194 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2160/6947: GO:0030195 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 2161/6947: GO:0030199 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 2162/6947: GO:0030201 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 2163/6947: GO:0030202 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2164/6947: GO:0030203 (129 genes). 129/129 genes from this category have matching records in the expression data. Looking in at Category 2165/6947: GO:0030204 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 2166/6947: GO:0030205 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2167/6947: GO:0030206 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 2168/6947: GO:0030207 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2169/6947: GO:0030208 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2170/6947: GO:0030210 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2171/6947: GO:0030212 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 2172/6947: GO:0030213 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2173/6947: GO:0030214 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2174/6947: GO:0030216 (72 genes). 72/72 genes from this category have matching records in the expression data. Looking in at Category 2175/6947: GO:0030217 (135 genes). 135/135 genes from this category have matching records in the expression data. Looking in at Category 2176/6947: GO:0030218 (82 genes). 82/82 genes from this category have matching records in the expression data. Looking in at Category 2177/6947: GO:0030219 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 2178/6947: GO:0030220 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2179/6947: GO:0030224 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 2180/6947: GO:0030225 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 2181/6947: GO:0030238 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2182/6947: GO:0030239 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 2183/6947: GO:0030240 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2184/6947: GO:0030252 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2185/6947: GO:0030260 (88 genes). 88/88 genes from this category have matching records in the expression data. Looking in at Category 2186/6947: GO:0030261 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 2187/6947: GO:0030262 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 2188/6947: GO:0030277 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2189/6947: GO:0030278 (144 genes). 144/144 genes from this category have matching records in the expression data. Looking in at Category 2190/6947: GO:0030279 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 2191/6947: GO:0030282 (62 genes). 62/62 genes from this category have matching records in the expression data. Looking in at Category 2192/6947: GO:0030301 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 2193/6947: GO:0030307 (133 genes). 133/133 genes from this category have matching records in the expression data. Looking in at Category 2194/6947: GO:0030308 (147 genes). 147/147 genes from this category have matching records in the expression data. Looking in at Category 2195/6947: GO:0030309 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2196/6947: GO:0030316 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 2197/6947: GO:0030317 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 2198/6947: GO:0030318 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 2199/6947: GO:0030321 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2200/6947: GO:0030322 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2201/6947: GO:0030323 (146 genes). 146/146 genes from this category have matching records in the expression data. Looking in at Category 2202/6947: GO:0030324 (142 genes). 142/142 genes from this category have matching records in the expression data. Looking in at Category 2203/6947: GO:0030325 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 2204/6947: GO:0030326 (89 genes). 89/89 genes from this category have matching records in the expression data. Looking in at Category 2205/6947: GO:0030330 (90 genes). 90/90 genes from this category have matching records in the expression data. Looking in at Category 2206/6947: GO:0030336 (176 genes). 176/176 genes from this category have matching records in the expression data. Looking in at Category 2207/6947: GO:0030397 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 2208/6947: GO:0030422 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2209/6947: GO:0030431 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 2210/6947: GO:0030432 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2211/6947: GO:0030433 (75 genes). 75/75 genes from this category have matching records in the expression data. Looking in at Category 2212/6947: GO:0030449 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 2213/6947: GO:0030488 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 2214/6947: GO:0030490 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 2215/6947: GO:0030497 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2216/6947: GO:0030500 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 2217/6947: GO:0030501 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 2218/6947: GO:0030502 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2219/6947: GO:0030509 (97 genes). 97/97 genes from this category have matching records in the expression data. Looking in at Category 2220/6947: GO:0030510 (60 genes). 60/60 genes from this category have matching records in the expression data. Looking in at Category 2221/6947: GO:0030511 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 2222/6947: GO:0030512 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 2223/6947: GO:0030513 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 2224/6947: GO:0030514 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 2225/6947: GO:0030516 (85 genes). 85/85 genes from this category have matching records in the expression data. Looking in at Category 2226/6947: GO:0030517 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 2227/6947: GO:0030518 (109 genes). 109/109 genes from this category have matching records in the expression data. Looking in at Category 2228/6947: GO:0030520 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 2229/6947: GO:0030521 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 2230/6947: GO:0030534 (119 genes). 119/119 genes from this category have matching records in the expression data. Looking in at Category 2231/6947: GO:0030539 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2232/6947: GO:0030540 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2233/6947: GO:0030574 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 2234/6947: GO:0030575 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2235/6947: GO:0030581 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2236/6947: GO:0030593 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 2237/6947: GO:0030595 (121 genes). 121/121 genes from this category have matching records in the expression data. Looking in at Category 2238/6947: GO:0030638 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2239/6947: GO:0030641 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 2240/6947: GO:0030643 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2241/6947: GO:0030647 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2242/6947: GO:0030656 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2243/6947: GO:0030705 (89 genes). 89/89 genes from this category have matching records in the expression data. Looking in at Category 2244/6947: GO:0030728 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 2245/6947: GO:0030730 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2246/6947: GO:0030799 (111 genes). 111/111 genes from this category have matching records in the expression data. Looking in at Category 2247/6947: GO:0030800 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 2248/6947: GO:0030801 (72 genes). 72/72 genes from this category have matching records in the expression data. Looking in at Category 2249/6947: GO:0030802 (95 genes). 95/95 genes from this category have matching records in the expression data. Looking in at Category 2250/6947: GO:0030803 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 2251/6947: GO:0030804 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 2252/6947: GO:0030808 (103 genes). 103/103 genes from this category have matching records in the expression data. Looking in at Category 2253/6947: GO:0030809 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 2254/6947: GO:0030810 (72 genes). 72/72 genes from this category have matching records in the expression data. Looking in at Category 2255/6947: GO:0030814 (94 genes). 94/94 genes from this category have matching records in the expression data. Looking in at Category 2256/6947: GO:0030815 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 2257/6947: GO:0030816 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 2258/6947: GO:0030817 (82 genes). 82/82 genes from this category have matching records in the expression data. Looking in at Category 2259/6947: GO:0030818 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 2260/6947: GO:0030819 (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 2261/6947: GO:0030823 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 2262/6947: GO:0030825 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2263/6947: GO:0030826 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2264/6947: GO:0030828 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2265/6947: GO:0030832 (144 genes). 144/144 genes from this category have matching records in the expression data. Looking in at Category 2266/6947: GO:0030833 (126 genes). 126/126 genes from this category have matching records in the expression data. Looking in at Category 2267/6947: GO:0030834 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 2268/6947: GO:0030835 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 2269/6947: GO:0030836 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2270/6947: GO:0030837 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 2271/6947: GO:0030838 (78 genes). 78/78 genes from this category have matching records in the expression data. Looking in at Category 2272/6947: GO:0030850 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 2273/6947: GO:0030851 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 2274/6947: GO:0030852 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2275/6947: GO:0030853 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2276/6947: GO:0030854 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2277/6947: GO:0030856 (80 genes). 80/80 genes from this category have matching records in the expression data. Looking in at Category 2278/6947: GO:0030857 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 2279/6947: GO:0030858 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 2280/6947: GO:0030859 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2281/6947: GO:0030865 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 2282/6947: GO:0030866 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 2283/6947: GO:0030878 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 2284/6947: GO:0030879 (99 genes). 99/99 genes from this category have matching records in the expression data. Looking in at Category 2285/6947: GO:0030888 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 2286/6947: GO:0030889 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2287/6947: GO:0030890 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 2288/6947: GO:0030901 (79 genes). 79/79 genes from this category have matching records in the expression data. Looking in at Category 2289/6947: GO:0030902 (115 genes). 115/115 genes from this category have matching records in the expression data. Looking in at Category 2290/6947: GO:0030903 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2291/6947: GO:0030913 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2292/6947: GO:0030916 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2293/6947: GO:0030917 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2294/6947: GO:0030947 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 2295/6947: GO:0030948 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2296/6947: GO:0030949 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2297/6947: GO:0030952 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2298/6947: GO:0030953 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2299/6947: GO:0030968 (117 genes). 117/117 genes from this category have matching records in the expression data. Looking in at Category 2300/6947: GO:0030970 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 2301/6947: GO:0031000 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2302/6947: GO:0031016 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 2303/6947: GO:0031017 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2304/6947: GO:0031018 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 2305/6947: GO:0031023 (103 genes). 103/103 genes from this category have matching records in the expression data. Looking in at Category 2306/6947: GO:0031032 (125 genes). 125/125 genes from this category have matching records in the expression data. Looking in at Category 2307/6947: GO:0031047 (137 genes). 137/137 genes from this category have matching records in the expression data. Looking in at Category 2308/6947: GO:0031050 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 2309/6947: GO:0031053 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2310/6947: GO:0031054 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2311/6947: GO:0031055 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 2312/6947: GO:0031056 (117 genes). 117/117 genes from this category have matching records in the expression data. Looking in at Category 2313/6947: GO:0031057 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 2314/6947: GO:0031058 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 2315/6947: GO:0031060 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 2316/6947: GO:0031061 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 2317/6947: GO:0031062 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 2318/6947: GO:0031063 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 2319/6947: GO:0031065 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2320/6947: GO:0031069 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 2321/6947: GO:0031076 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 2322/6947: GO:0031077 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2323/6947: GO:0031086 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2324/6947: GO:0031087 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2325/6947: GO:0031099 (133 genes). 133/133 genes from this category have matching records in the expression data. Looking in at Category 2326/6947: GO:0031100 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 2327/6947: GO:0031102 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 2328/6947: GO:0031103 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 2329/6947: GO:0031109 (70 genes). 70/70 genes from this category have matching records in the expression data. Looking in at Category 2330/6947: GO:0031110 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 2331/6947: GO:0031111 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 2332/6947: GO:0031112 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 2333/6947: GO:0031113 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 2334/6947: GO:0031114 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 2335/6947: GO:0031115 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2336/6947: GO:0031116 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2337/6947: GO:0031119 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2338/6947: GO:0031122 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 2339/6947: GO:0031123 (106 genes). 106/106 genes from this category have matching records in the expression data. Looking in at Category 2340/6947: GO:0031124 (80 genes). 80/80 genes from this category have matching records in the expression data. Looking in at Category 2341/6947: GO:0031125 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2342/6947: GO:0031126 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2343/6947: GO:0031128 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 2344/6947: GO:0031145 (75 genes). 75/75 genes from this category have matching records in the expression data. Looking in at Category 2345/6947: GO:0031146 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 2346/6947: GO:0031163 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 2347/6947: GO:0031167 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 2348/6947: GO:0031214 (88 genes). 88/88 genes from this category have matching records in the expression data. Looking in at Category 2349/6947: GO:0031223 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2350/6947: GO:0031268 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2351/6947: GO:0031269 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2352/6947: GO:0031272 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2353/6947: GO:0031274 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2354/6947: GO:0031279 (65 genes). 65/65 genes from this category have matching records in the expression data. Looking in at Category 2355/6947: GO:0031280 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 2356/6947: GO:0031281 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 2357/6947: GO:0031282 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2358/6947: GO:0031284 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2359/6947: GO:0031290 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 2360/6947: GO:0031293 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 2361/6947: GO:0031294 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 2362/6947: GO:0031295 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 2363/6947: GO:0031297 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 2364/6947: GO:0031330 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 2365/6947: GO:0031333 (100 genes). 100/100 genes from this category have matching records in the expression data. Looking in at Category 2366/6947: GO:0031334 (181 genes). 181/181 genes from this category have matching records in the expression data. Looking in at Category 2367/6947: GO:0031338 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 2368/6947: GO:0031339 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2369/6947: GO:0031340 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2370/6947: GO:0031341 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 2371/6947: GO:0031342 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2372/6947: GO:0031343 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 2373/6947: GO:0031345 (138 genes). 138/138 genes from this category have matching records in the expression data. Looking in at Category 2374/6947: GO:0031348 (110 genes). 110/110 genes from this category have matching records in the expression data. Looking in at Category 2375/6947: GO:0031365 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 2376/6947: GO:0031392 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2377/6947: GO:0031397 (119 genes). 119/119 genes from this category have matching records in the expression data. Looking in at Category 2378/6947: GO:0031398 (165 genes). 165/165 genes from this category have matching records in the expression data. Looking in at Category 2379/6947: GO:0031424 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 2380/6947: GO:0031440 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 2381/6947: GO:0031441 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2382/6947: GO:0031442 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2383/6947: GO:0031468 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 2384/6947: GO:0031497 (125 genes). 125/125 genes from this category have matching records in the expression data. Looking in at Category 2385/6947: GO:0031498 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2386/6947: GO:0031503 (99 genes). 99/99 genes from this category have matching records in the expression data. Looking in at Category 2387/6947: GO:0031507 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2388/6947: GO:0031529 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 2389/6947: GO:0031532 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 2390/6947: GO:0031547 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2391/6947: GO:0031570 (135 genes). 135/135 genes from this category have matching records in the expression data. Looking in at Category 2392/6947: GO:0031571 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 2393/6947: GO:0031572 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 2394/6947: GO:0031573 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2395/6947: GO:0031577 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 2396/6947: GO:0031579 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 2397/6947: GO:0031580 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2398/6947: GO:0031581 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2399/6947: GO:0031584 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2400/6947: GO:0031585 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2401/6947: GO:0031620 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2402/6947: GO:0031622 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2403/6947: GO:0031623 (65 genes). 65/65 genes from this category have matching records in the expression data. Looking in at Category 2404/6947: GO:0031629 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2405/6947: GO:0031638 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 2406/6947: GO:0031639 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2407/6947: GO:0031640 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2408/6947: GO:0031641 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 2409/6947: GO:0031642 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2410/6947: GO:0031643 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2411/6947: GO:0031644 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 2412/6947: GO:0031645 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2413/6947: GO:0031646 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 2414/6947: GO:0031648 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 2415/6947: GO:0031649 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2416/6947: GO:0031650 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2417/6947: GO:0031652 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2418/6947: GO:0031657 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2419/6947: GO:0031659 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2420/6947: GO:0031663 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 2421/6947: GO:0031664 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2422/6947: GO:0031665 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2423/6947: GO:0031666 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2424/6947: GO:0031668 (155 genes). 155/155 genes from this category have matching records in the expression data. Looking in at Category 2425/6947: GO:0031669 (131 genes). 131/131 genes from this category have matching records in the expression data. Looking in at Category 2426/6947: GO:0031670 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 2427/6947: GO:0031848 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2428/6947: GO:0031915 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2429/6947: GO:0031929 (69 genes). 69/69 genes from this category have matching records in the expression data. Looking in at Category 2430/6947: GO:0031935 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 2431/6947: GO:0031936 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2432/6947: GO:0031937 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2433/6947: GO:0031943 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2434/6947: GO:0031946 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2435/6947: GO:0031952 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 2436/6947: GO:0031953 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2437/6947: GO:0031954 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 2438/6947: GO:0031958 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 2439/6947: GO:0031960 (121 genes). 121/121 genes from this category have matching records in the expression data. Looking in at Category 2440/6947: GO:0031987 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2441/6947: GO:0031998 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2442/6947: GO:0032000 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2443/6947: GO:0032006 (62 genes). 62/62 genes from this category have matching records in the expression data. Looking in at Category 2444/6947: GO:0032007 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 2445/6947: GO:0032008 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 2446/6947: GO:0032012 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2447/6947: GO:0032020 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2448/6947: GO:0032024 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 2449/6947: GO:0032025 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2450/6947: GO:0032026 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2451/6947: GO:0032042 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 2452/6947: GO:0032048 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2453/6947: GO:0032049 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2454/6947: GO:0032055 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2455/6947: GO:0032056 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2456/6947: GO:0032057 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2457/6947: GO:0032060 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2458/6947: GO:0032069 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 2459/6947: GO:0032070 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2460/6947: GO:0032071 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2461/6947: GO:0032075 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2462/6947: GO:0032077 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2463/6947: GO:0032088 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 2464/6947: GO:0032091 (69 genes). 69/69 genes from this category have matching records in the expression data. Looking in at Category 2465/6947: GO:0032092 (70 genes). 70/70 genes from this category have matching records in the expression data. Looking in at Category 2466/6947: GO:0032094 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 2467/6947: GO:0032095 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 2468/6947: GO:0032096 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2469/6947: GO:0032098 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 2470/6947: GO:0032099 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2471/6947: GO:0032103 (170 genes). 170/170 genes from this category have matching records in the expression data. Looking in at Category 2472/6947: GO:0032104 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 2473/6947: GO:0032105 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2474/6947: GO:0032106 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2475/6947: GO:0032107 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 2476/6947: GO:0032108 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2477/6947: GO:0032109 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2478/6947: GO:0032148 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 2479/6947: GO:0032200 (131 genes). 131/131 genes from this category have matching records in the expression data. Looking in at Category 2480/6947: GO:0032201 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2481/6947: GO:0032204 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 2482/6947: GO:0032205 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 2483/6947: GO:0032206 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 2484/6947: GO:0032210 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 2485/6947: GO:0032211 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2486/6947: GO:0032212 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 2487/6947: GO:0032222 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2488/6947: GO:0032225 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2489/6947: GO:0032226 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2490/6947: GO:0032228 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 2491/6947: GO:0032229 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2492/6947: GO:0032230 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2493/6947: GO:0032231 (69 genes). 69/69 genes from this category have matching records in the expression data. Looking in at Category 2494/6947: GO:0032232 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 2495/6947: GO:0032233 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 2496/6947: GO:0032239 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2497/6947: GO:0032261 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2498/6947: GO:0032262 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2499/6947: GO:0032271 (154 genes). 154/154 genes from this category have matching records in the expression data. Looking in at Category 2500/6947: GO:0032272 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 2501/6947: GO:0032273 (93 genes). 93/93 genes from this category have matching records in the expression data. Looking in at Category 2502/6947: GO:0032274 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2503/6947: GO:0032275 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2504/6947: GO:0032276 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2505/6947: GO:0032277 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2506/6947: GO:0032278 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2507/6947: GO:0032287 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2508/6947: GO:0032288 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 2509/6947: GO:0032291 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2510/6947: GO:0032292 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 2511/6947: GO:0032303 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2512/6947: GO:0032305 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2513/6947: GO:0032306 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2514/6947: GO:0032308 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2515/6947: GO:0032309 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 2516/6947: GO:0032310 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2517/6947: GO:0032324 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2518/6947: GO:0032328 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2519/6947: GO:0032330 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 2520/6947: GO:0032331 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2521/6947: GO:0032332 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2522/6947: GO:0032341 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2523/6947: GO:0032342 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2524/6947: GO:0032344 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2525/6947: GO:0032347 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2526/6947: GO:0032350 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 2527/6947: GO:0032351 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2528/6947: GO:0032352 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2529/6947: GO:0032353 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2530/6947: GO:0032354 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2531/6947: GO:0032355 (100 genes). 100/100 genes from this category have matching records in the expression data. Looking in at Category 2532/6947: GO:0032364 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2533/6947: GO:0032365 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 2534/6947: GO:0032366 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2535/6947: GO:0032367 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2536/6947: GO:0032368 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 2537/6947: GO:0032369 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 2538/6947: GO:0032370 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 2539/6947: GO:0032371 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 2540/6947: GO:0032372 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2541/6947: GO:0032373 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2542/6947: GO:0032374 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 2543/6947: GO:0032375 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2544/6947: GO:0032376 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2545/6947: GO:0032387 (96 genes). 96/96 genes from this category have matching records in the expression data. Looking in at Category 2546/6947: GO:0032392 (71 genes). 71/71 genes from this category have matching records in the expression data. Looking in at Category 2547/6947: GO:0032400 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 2548/6947: GO:0032401 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 2549/6947: GO:0032402 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 2550/6947: GO:0032409 (170 genes). 170/170 genes from this category have matching records in the expression data. Looking in at Category 2551/6947: GO:0032410 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 2552/6947: GO:0032411 (65 genes). 65/65 genes from this category have matching records in the expression data. Looking in at Category 2553/6947: GO:0032412 (155 genes). 155/155 genes from this category have matching records in the expression data. Looking in at Category 2554/6947: GO:0032413 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 2555/6947: GO:0032414 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 2556/6947: GO:0032415 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2557/6947: GO:0032418 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 2558/6947: GO:0032429 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2559/6947: GO:0032434 (102 genes). 102/102 genes from this category have matching records in the expression data. Looking in at Category 2560/6947: GO:0032435 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 2561/6947: GO:0032436 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 2562/6947: GO:0032438 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 2563/6947: GO:0032456 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 2564/6947: GO:0032459 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 2565/6947: GO:0032460 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2566/6947: GO:0032461 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 2567/6947: GO:0032462 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2568/6947: GO:0032463 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2569/6947: GO:0032464 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2570/6947: GO:0032465 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 2571/6947: GO:0032467 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 2572/6947: GO:0032469 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 2573/6947: GO:0032471 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2574/6947: GO:0032479 (98 genes). 98/98 genes from this category have matching records in the expression data. Looking in at Category 2575/6947: GO:0032480 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 2576/6947: GO:0032481 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 2577/6947: GO:0032486 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2578/6947: GO:0032490 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2579/6947: GO:0032493 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2580/6947: GO:0032494 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2581/6947: GO:0032495 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2582/6947: GO:0032506 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2583/6947: GO:0032507 (86 genes). 86/86 genes from this category have matching records in the expression data. Looking in at Category 2584/6947: GO:0032508 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 2585/6947: GO:0032509 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2586/6947: GO:0032511 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2587/6947: GO:0032515 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2588/6947: GO:0032516 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2589/6947: GO:0032525 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2590/6947: GO:0032526 (81 genes). 81/81 genes from this category have matching records in the expression data. Looking in at Category 2591/6947: GO:0032527 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 2592/6947: GO:0032528 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 2593/6947: GO:0032530 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2594/6947: GO:0032534 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2595/6947: GO:0032536 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2596/6947: GO:0032543 (119 genes). 119/119 genes from this category have matching records in the expression data. Looking in at Category 2597/6947: GO:0032570 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 2598/6947: GO:0032594 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2599/6947: GO:0032596 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2600/6947: GO:0032602 (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 2601/6947: GO:0032604 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2602/6947: GO:0032606 (95 genes). 95/95 genes from this category have matching records in the expression data. Looking in at Category 2603/6947: GO:0032607 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 2604/6947: GO:0032608 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 2605/6947: GO:0032609 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 2606/6947: GO:0032610 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2607/6947: GO:0032611 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 2608/6947: GO:0032612 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 2609/6947: GO:0032613 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 2610/6947: GO:0032615 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 2611/6947: GO:0032616 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2612/6947: GO:0032620 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2613/6947: GO:0032623 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 2614/6947: GO:0032633 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 2615/6947: GO:0032634 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2616/6947: GO:0032635 (72 genes). 72/72 genes from this category have matching records in the expression data. Looking in at Category 2617/6947: GO:0032637 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 2618/6947: GO:0032640 (75 genes). 75/75 genes from this category have matching records in the expression data. Looking in at Category 2619/6947: GO:0032642 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 2620/6947: GO:0032645 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2621/6947: GO:0032647 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 2622/6947: GO:0032648 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 2623/6947: GO:0032649 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 2624/6947: GO:0032650 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2625/6947: GO:0032651 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 2626/6947: GO:0032652 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 2627/6947: GO:0032653 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 2628/6947: GO:0032655 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 2629/6947: GO:0032656 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2630/6947: GO:0032660 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2631/6947: GO:0032663 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 2632/6947: GO:0032673 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 2633/6947: GO:0032674 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2634/6947: GO:0032675 (70 genes). 70/70 genes from this category have matching records in the expression data. Looking in at Category 2635/6947: GO:0032677 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 2636/6947: GO:0032680 (78 genes). 78/78 genes from this category have matching records in the expression data. Looking in at Category 2637/6947: GO:0032682 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2638/6947: GO:0032688 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2639/6947: GO:0032689 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2640/6947: GO:0032691 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2641/6947: GO:0032692 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2642/6947: GO:0032693 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2643/6947: GO:0032695 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2644/6947: GO:0032703 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2645/6947: GO:0032713 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2646/6947: GO:0032715 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 2647/6947: GO:0032717 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2648/6947: GO:0032720 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 2649/6947: GO:0032722 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 2650/6947: GO:0032725 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2651/6947: GO:0032727 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2652/6947: GO:0032728 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 2653/6947: GO:0032729 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 2654/6947: GO:0032730 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2655/6947: GO:0032731 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 2656/6947: GO:0032732 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 2657/6947: GO:0032733 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 2658/6947: GO:0032735 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 2659/6947: GO:0032736 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2660/6947: GO:0032740 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2661/6947: GO:0032743 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 2662/6947: GO:0032753 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2663/6947: GO:0032754 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2664/6947: GO:0032755 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 2665/6947: GO:0032757 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 2666/6947: GO:0032760 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 2667/6947: GO:0032762 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2668/6947: GO:0032763 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2669/6947: GO:0032768 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 2670/6947: GO:0032769 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2671/6947: GO:0032770 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 2672/6947: GO:0032780 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2673/6947: GO:0032781 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 2674/6947: GO:0032784 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 2675/6947: GO:0032785 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2676/6947: GO:0032786 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 2677/6947: GO:0032790 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2678/6947: GO:0032793 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2679/6947: GO:0032799 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2680/6947: GO:0032800 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 2681/6947: GO:0032801 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 2682/6947: GO:0032803 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2683/6947: GO:0032808 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2684/6947: GO:0032814 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 2685/6947: GO:0032816 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2686/6947: GO:0032823 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2687/6947: GO:0032825 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2688/6947: GO:0032835 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 2689/6947: GO:0032836 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2690/6947: GO:0032845 (147 genes). 147/147 genes from this category have matching records in the expression data. Looking in at Category 2691/6947: GO:0032846 (162 genes). 162/162 genes from this category have matching records in the expression data. Looking in at Category 2692/6947: GO:0032869 (158 genes). 158/158 genes from this category have matching records in the expression data. Looking in at Category 2693/6947: GO:0032872 (164 genes). 164/164 genes from this category have matching records in the expression data. Looking in at Category 2694/6947: GO:0032873 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 2695/6947: GO:0032874 (112 genes). 112/112 genes from this category have matching records in the expression data. Looking in at Category 2696/6947: GO:0032875 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2697/6947: GO:0032876 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2698/6947: GO:0032878 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 2699/6947: GO:0032881 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 2700/6947: GO:0032885 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 2701/6947: GO:0032886 (118 genes). 118/118 genes from this category have matching records in the expression data. Looking in at Category 2702/6947: GO:0032890 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2703/6947: GO:0032897 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 2704/6947: GO:0032905 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2705/6947: GO:0032908 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2706/6947: GO:0032909 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2707/6947: GO:0032922 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 2708/6947: GO:0032924 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 2709/6947: GO:0032925 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 2710/6947: GO:0032926 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2711/6947: GO:0032927 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2712/6947: GO:0032928 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2713/6947: GO:0032930 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2714/6947: GO:0032933 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2715/6947: GO:0032941 (60 genes). 60/60 genes from this category have matching records in the expression data. Looking in at Category 2716/6947: GO:0032943 (163 genes). 163/163 genes from this category have matching records in the expression data. Looking in at Category 2717/6947: GO:0032944 (125 genes). 125/125 genes from this category have matching records in the expression data. Looking in at Category 2718/6947: GO:0032945 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 2719/6947: GO:0032946 (83 genes). 83/83 genes from this category have matching records in the expression data. Looking in at Category 2720/6947: GO:0032957 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2721/6947: GO:0032958 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 2722/6947: GO:0032959 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2723/6947: GO:0032963 (77 genes). 77/77 genes from this category have matching records in the expression data. Looking in at Category 2724/6947: GO:0032964 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 2725/6947: GO:0032965 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 2726/6947: GO:0032966 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2727/6947: GO:0032967 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2728/6947: GO:0032968 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2729/6947: GO:0032981 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 2730/6947: GO:0032986 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2731/6947: GO:0032988 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2732/6947: GO:0033002 (124 genes). 124/124 genes from this category have matching records in the expression data. Looking in at Category 2733/6947: GO:0033003 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 2734/6947: GO:0033004 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2735/6947: GO:0033005 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2736/6947: GO:0033006 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 2737/6947: GO:0033007 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2738/6947: GO:0033008 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2739/6947: GO:0033013 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 2740/6947: GO:0033014 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 2741/6947: GO:0033028 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 2742/6947: GO:0033032 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 2743/6947: GO:0033033 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2744/6947: GO:0033045 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 2745/6947: GO:0033046 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 2746/6947: GO:0033047 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 2747/6947: GO:0033048 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 2748/6947: GO:0033059 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 2749/6947: GO:0033077 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 2750/6947: GO:0033079 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2751/6947: GO:0033081 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2752/6947: GO:0033089 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2753/6947: GO:0033108 (83 genes). 83/83 genes from this category have matching records in the expression data. Looking in at Category 2754/6947: GO:0033119 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 2755/6947: GO:0033120 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 2756/6947: GO:0033127 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2757/6947: GO:0033129 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2758/6947: GO:0033131 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2759/6947: GO:0033135 (91 genes). 91/91 genes from this category have matching records in the expression data. Looking in at Category 2760/6947: GO:0033136 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2761/6947: GO:0033137 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 2762/6947: GO:0033138 (63 genes). 63/63 genes from this category have matching records in the expression data. Looking in at Category 2763/6947: GO:0033143 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 2764/6947: GO:0033144 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 2765/6947: GO:0033145 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2766/6947: GO:0033146 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 2767/6947: GO:0033147 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2768/6947: GO:0033148 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2769/6947: GO:0033151 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2770/6947: GO:0033152 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2771/6947: GO:0033153 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2772/6947: GO:0033158 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2773/6947: GO:0033160 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2774/6947: GO:0033169 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2775/6947: GO:0033173 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 2776/6947: GO:0033182 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2777/6947: GO:0033184 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2778/6947: GO:0033189 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2779/6947: GO:0033194 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2780/6947: GO:0033197 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2781/6947: GO:0033198 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 2782/6947: GO:0033206 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2783/6947: GO:0033209 (108 genes). 108/108 genes from this category have matching records in the expression data. Looking in at Category 2784/6947: GO:0033210 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2785/6947: GO:0033211 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2786/6947: GO:0033227 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2787/6947: GO:0033233 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 2788/6947: GO:0033234 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2789/6947: GO:0033235 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2790/6947: GO:0033238 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 2791/6947: GO:0033240 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2792/6947: GO:0033260 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 2793/6947: GO:0033262 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2794/6947: GO:0033273 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 2795/6947: GO:0033275 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 2796/6947: GO:0033280 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 2797/6947: GO:0033299 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2798/6947: GO:0033314 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2799/6947: GO:0033327 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2800/6947: GO:0033344 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 2801/6947: GO:0033353 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2802/6947: GO:0033363 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 2803/6947: GO:0033483 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2804/6947: GO:0033500 (154 genes). 154/154 genes from this category have matching records in the expression data. Looking in at Category 2805/6947: GO:0033522 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 2806/6947: GO:0033523 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2807/6947: GO:0033539 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 2808/6947: GO:0033540 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2809/6947: GO:0033555 (62 genes). 62/62 genes from this category have matching records in the expression data. Looking in at Category 2810/6947: GO:0033559 (82 genes). 82/82 genes from this category have matching records in the expression data. Looking in at Category 2811/6947: GO:0033561 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2812/6947: GO:0033564 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2813/6947: GO:0033567 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2814/6947: GO:0033572 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 2815/6947: GO:0033574 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 2816/6947: GO:0033578 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2817/6947: GO:0033591 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2818/6947: GO:0033598 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 2819/6947: GO:0033599 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2820/6947: GO:0033601 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2821/6947: GO:0033603 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2822/6947: GO:0033604 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2823/6947: GO:0033605 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2824/6947: GO:0033617 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2825/6947: GO:0033619 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 2826/6947: GO:0033622 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2827/6947: GO:0033623 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2828/6947: GO:0033627 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 2829/6947: GO:0033628 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 2830/6947: GO:0033629 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2831/6947: GO:0033630 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2832/6947: GO:0033631 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2833/6947: GO:0033683 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 2834/6947: GO:0033684 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2835/6947: GO:0033687 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 2836/6947: GO:0033688 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 2837/6947: GO:0033689 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2838/6947: GO:0033690 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2839/6947: GO:0033692 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 2840/6947: GO:0033700 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2841/6947: GO:0033750 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2842/6947: GO:0033753 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2843/6947: GO:0033762 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 2844/6947: GO:0033865 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 2845/6947: GO:0033866 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 2846/6947: GO:0033875 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 2847/6947: GO:0033962 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 2848/6947: GO:0034030 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 2849/6947: GO:0034032 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 2850/6947: GO:0034033 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 2851/6947: GO:0034035 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2852/6947: GO:0034036 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2853/6947: GO:0034058 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2854/6947: GO:0034063 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2855/6947: GO:0034067 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 2856/6947: GO:0034080 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 2857/6947: GO:0034086 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2858/6947: GO:0034088 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2859/6947: GO:0034091 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2860/6947: GO:0034093 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2861/6947: GO:0034101 (90 genes). 90/90 genes from this category have matching records in the expression data. Looking in at Category 2862/6947: GO:0034103 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 2863/6947: GO:0034104 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2864/6947: GO:0034105 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 2865/6947: GO:0034109 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 2866/6947: GO:0034110 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 2867/6947: GO:0034111 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2868/6947: GO:0034113 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 2869/6947: GO:0034114 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2870/6947: GO:0034115 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2871/6947: GO:0034116 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2872/6947: GO:0034121 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 2873/6947: GO:0034122 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 2874/6947: GO:0034123 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 2875/6947: GO:0034127 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2876/6947: GO:0034128 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2877/6947: GO:0034134 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2878/6947: GO:0034135 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2879/6947: GO:0034138 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 2880/6947: GO:0034139 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2881/6947: GO:0034141 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2882/6947: GO:0034142 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 2883/6947: GO:0034143 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2884/6947: GO:0034145 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2885/6947: GO:0034154 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2886/6947: GO:0034162 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 2887/6947: GO:0034182 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2888/6947: GO:0034184 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2889/6947: GO:0034198 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 2890/6947: GO:0034199 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 2891/6947: GO:0034201 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2892/6947: GO:0034204 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 2893/6947: GO:0034205 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2894/6947: GO:0034214 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2895/6947: GO:0034219 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 2896/6947: GO:0034227 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2897/6947: GO:0034243 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 2898/6947: GO:0034244 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2899/6947: GO:0034249 (140 genes). 140/140 genes from this category have matching records in the expression data. Looking in at Category 2900/6947: GO:0034250 (99 genes). 99/99 genes from this category have matching records in the expression data. Looking in at Category 2901/6947: GO:0034260 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 2902/6947: GO:0034284 (135 genes). 135/135 genes from this category have matching records in the expression data. Looking in at Category 2903/6947: GO:0034285 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2904/6947: GO:0034308 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 2905/6947: GO:0034311 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2906/6947: GO:0034312 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2907/6947: GO:0034314 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 2908/6947: GO:0034315 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2909/6947: GO:0034329 (171 genes). 171/171 genes from this category have matching records in the expression data. Looking in at Category 2910/6947: GO:0034331 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2911/6947: GO:0034332 (110 genes). 110/110 genes from this category have matching records in the expression data. Looking in at Category 2912/6947: GO:0034333 (63 genes). 63/63 genes from this category have matching records in the expression data. Looking in at Category 2913/6947: GO:0034340 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 2914/6947: GO:0034341 (91 genes). 91/91 genes from this category have matching records in the expression data. Looking in at Category 2915/6947: GO:0034349 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2916/6947: GO:0034350 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2917/6947: GO:0034351 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2918/6947: GO:0034367 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2919/6947: GO:0034368 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2920/6947: GO:0034369 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2921/6947: GO:0034370 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2922/6947: GO:0034372 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2923/6947: GO:0034374 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2924/6947: GO:0034375 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2925/6947: GO:0034377 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2926/6947: GO:0034379 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2927/6947: GO:0034380 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2928/6947: GO:0034381 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 2929/6947: GO:0034382 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2930/6947: GO:0034383 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2931/6947: GO:0034384 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2932/6947: GO:0034389 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2933/6947: GO:0034390 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2934/6947: GO:0034391 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2935/6947: GO:0034393 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2936/6947: GO:0034394 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 2937/6947: GO:0034397 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2938/6947: GO:0034405 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 2939/6947: GO:0034427 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2940/6947: GO:0034433 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2941/6947: GO:0034434 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2942/6947: GO:0034435 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2943/6947: GO:0034440 (85 genes). 85/85 genes from this category have matching records in the expression data. Looking in at Category 2944/6947: GO:0034446 (69 genes). 69/69 genes from this category have matching records in the expression data. Looking in at Category 2945/6947: GO:0034453 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 2946/6947: GO:0034454 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2947/6947: GO:0034472 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2948/6947: GO:0034475 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2949/6947: GO:0034497 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2950/6947: GO:0034498 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2951/6947: GO:0034501 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2952/6947: GO:0034502 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 2953/6947: GO:0034505 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 2954/6947: GO:0034508 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 2955/6947: GO:0034551 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 2956/6947: GO:0034587 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2957/6947: GO:0034599 (190 genes). 190/190 genes from this category have matching records in the expression data. Looking in at Category 2958/6947: GO:0034605 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 2959/6947: GO:0034612 (185 genes). 185/185 genes from this category have matching records in the expression data. Looking in at Category 2960/6947: GO:0034614 (104 genes). 104/104 genes from this category have matching records in the expression data. Looking in at Category 2961/6947: GO:0034616 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 2962/6947: GO:0034620 (119 genes). 119/119 genes from this category have matching records in the expression data. Looking in at Category 2963/6947: GO:0034625 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2964/6947: GO:0034626 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2965/6947: GO:0034627 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2966/6947: GO:0034629 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 2967/6947: GO:0034637 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 2968/6947: GO:0034638 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 2969/6947: GO:0034643 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 2970/6947: GO:0034644 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 2971/6947: GO:0034650 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2972/6947: GO:0034651 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2973/6947: GO:0034656 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2974/6947: GO:0034661 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 2975/6947: GO:0034694 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 2976/6947: GO:0034695 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 2977/6947: GO:0034698 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 2978/6947: GO:0034720 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2979/6947: GO:0034723 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 2980/6947: GO:0034724 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 2981/6947: GO:0034728 (135 genes). 135/135 genes from this category have matching records in the expression data. Looking in at Category 2982/6947: GO:0034754 (75 genes). 75/75 genes from this category have matching records in the expression data. Looking in at Category 2983/6947: GO:0034755 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2984/6947: GO:0034763 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 2985/6947: GO:0034764 (96 genes). 96/96 genes from this category have matching records in the expression data. Looking in at Category 2986/6947: GO:0034766 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 2987/6947: GO:0034767 (90 genes). 90/90 genes from this category have matching records in the expression data. Looking in at Category 2988/6947: GO:0034770 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2989/6947: GO:0034773 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 2990/6947: GO:0034776 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2991/6947: GO:0034968 (90 genes). 90/90 genes from this category have matching records in the expression data. Looking in at Category 2992/6947: GO:0034969 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 2993/6947: GO:0034975 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 2994/6947: GO:0034982 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 2995/6947: GO:0034983 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 2996/6947: GO:0035019 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 2997/6947: GO:0035020 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 2998/6947: GO:0035023 (103 genes). 103/103 genes from this category have matching records in the expression data. Looking in at Category 2999/6947: GO:0035024 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3000/6947: GO:0035025 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3001/6947: GO:0035036 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 3002/6947: GO:0035050 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 3003/6947: GO:0035051 (91 genes). 91/91 genes from this category have matching records in the expression data. Looking in at Category 3004/6947: GO:0035058 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 3005/6947: GO:0035065 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 3006/6947: GO:0035066 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 3007/6947: GO:0035067 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3008/6947: GO:0035082 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 3009/6947: GO:0035088 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 3010/6947: GO:0035089 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3011/6947: GO:0035090 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3012/6947: GO:0035094 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 3013/6947: GO:0035095 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3014/6947: GO:0035107 (104 genes). 104/104 genes from this category have matching records in the expression data. Looking in at Category 3015/6947: GO:0035108 (104 genes). 104/104 genes from this category have matching records in the expression data. Looking in at Category 3016/6947: GO:0035112 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3017/6947: GO:0035113 (89 genes). 89/89 genes from this category have matching records in the expression data. Looking in at Category 3018/6947: GO:0035115 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 3019/6947: GO:0035116 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 3020/6947: GO:0035136 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 3021/6947: GO:0035137 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 3022/6947: GO:0035148 (111 genes). 111/111 genes from this category have matching records in the expression data. Looking in at Category 3023/6947: GO:0035150 (98 genes). 98/98 genes from this category have matching records in the expression data. Looking in at Category 3024/6947: GO:0035162 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3025/6947: GO:0035176 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 3026/6947: GO:0035194 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 3027/6947: GO:0035195 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 3028/6947: GO:0035196 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 3029/6947: GO:0035234 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3030/6947: GO:0035235 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 3031/6947: GO:0035246 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3032/6947: GO:0035247 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3033/6947: GO:0035249 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 3034/6947: GO:0035264 (107 genes). 107/107 genes from this category have matching records in the expression data. Looking in at Category 3035/6947: GO:0035265 (103 genes). 103/103 genes from this category have matching records in the expression data. Looking in at Category 3036/6947: GO:0035268 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 3037/6947: GO:0035269 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3038/6947: GO:0035270 (92 genes). 92/92 genes from this category have matching records in the expression data. Looking in at Category 3039/6947: GO:0035272 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 3040/6947: GO:0035278 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3041/6947: GO:0035279 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3042/6947: GO:0035280 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3043/6947: GO:0035282 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 3044/6947: GO:0035303 (124 genes). 124/124 genes from this category have matching records in the expression data. Looking in at Category 3045/6947: GO:0035304 (62 genes). 62/62 genes from this category have matching records in the expression data. Looking in at Category 3046/6947: GO:0035305 (70 genes). 70/70 genes from this category have matching records in the expression data. Looking in at Category 3047/6947: GO:0035306 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 3048/6947: GO:0035307 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 3049/6947: GO:0035308 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 3050/6947: GO:0035313 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3051/6947: GO:0035315 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 3052/6947: GO:0035329 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 3053/6947: GO:0035330 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3054/6947: GO:0035335 (88 genes). 88/88 genes from this category have matching records in the expression data. Looking in at Category 3055/6947: GO:0035336 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 3056/6947: GO:0035337 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 3057/6947: GO:0035338 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 3058/6947: GO:0035356 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3059/6947: GO:0035357 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3060/6947: GO:0035358 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3061/6947: GO:0035360 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3062/6947: GO:0035372 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3063/6947: GO:0035376 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3064/6947: GO:0035383 (82 genes). 82/82 genes from this category have matching records in the expression data. Looking in at Category 3065/6947: GO:0035384 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 3066/6947: GO:0035385 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3067/6947: GO:0035404 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3068/6947: GO:0035405 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3069/6947: GO:0035411 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 3070/6947: GO:0035412 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 3071/6947: GO:0035413 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3072/6947: GO:0035414 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3073/6947: GO:0035418 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 3074/6947: GO:0035426 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3075/6947: GO:0035428 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3076/6947: GO:0035434 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3077/6947: GO:0035435 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3078/6947: GO:0035437 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3079/6947: GO:0035455 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 3080/6947: GO:0035456 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 3081/6947: GO:0035457 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3082/6947: GO:0035458 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3083/6947: GO:0035459 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3084/6947: GO:0035461 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3085/6947: GO:0035493 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3086/6947: GO:0035507 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3087/6947: GO:0035510 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3088/6947: GO:0035518 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3089/6947: GO:0035520 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3090/6947: GO:0035524 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3091/6947: GO:0035542 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3092/6947: GO:0035561 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 3093/6947: GO:0035562 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3094/6947: GO:0035563 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3095/6947: GO:0035567 (136 genes). 136/136 genes from this category have matching records in the expression data. Looking in at Category 3096/6947: GO:0035584 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3097/6947: GO:0035587 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 3098/6947: GO:0035588 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3099/6947: GO:0035589 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3100/6947: GO:0035590 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3101/6947: GO:0035601 (91 genes). 91/91 genes from this category have matching records in the expression data. Looking in at Category 3102/6947: GO:0035608 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3103/6947: GO:0035630 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3104/6947: GO:0035637 (120 genes). 120/120 genes from this category have matching records in the expression data. Looking in at Category 3105/6947: GO:0035640 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 3106/6947: GO:0035641 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3107/6947: GO:0035646 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3108/6947: GO:0035666 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 3109/6947: GO:0035690 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 3110/6947: GO:0035710 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 3111/6947: GO:0035721 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3112/6947: GO:0035725 (103 genes). 103/103 genes from this category have matching records in the expression data. Looking in at Category 3113/6947: GO:0035726 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3114/6947: GO:0035728 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3115/6947: GO:0035729 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3116/6947: GO:0035733 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3117/6947: GO:0035735 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3118/6947: GO:0035743 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3119/6947: GO:0035751 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3120/6947: GO:0035754 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3121/6947: GO:0035767 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 3122/6947: GO:0035773 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 3123/6947: GO:0035774 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 3124/6947: GO:0035791 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3125/6947: GO:0035794 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 3126/6947: GO:0035809 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3127/6947: GO:0035810 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3128/6947: GO:0035812 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3129/6947: GO:0035813 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3130/6947: GO:0035814 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3131/6947: GO:0035815 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3132/6947: GO:0035821 (81 genes). 81/81 genes from this category have matching records in the expression data. Looking in at Category 3133/6947: GO:0035825 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 3134/6947: GO:0035826 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3135/6947: GO:0035845 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3136/6947: GO:0035850 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 3137/6947: GO:0035855 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3138/6947: GO:0035860 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3139/6947: GO:0035864 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3140/6947: GO:0035865 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3141/6947: GO:0035871 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3142/6947: GO:0035872 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 3143/6947: GO:0035873 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3144/6947: GO:0035878 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3145/6947: GO:0035879 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3146/6947: GO:0035883 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3147/6947: GO:0035886 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3148/6947: GO:0035897 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3149/6947: GO:0035902 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 3150/6947: GO:0035904 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 3151/6947: GO:0035907 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3152/6947: GO:0035909 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 3153/6947: GO:0035912 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3154/6947: GO:0035914 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 3155/6947: GO:0035924 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 3156/6947: GO:0035927 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3157/6947: GO:0035929 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3158/6947: GO:0035930 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3159/6947: GO:0035933 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3160/6947: GO:0035947 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3161/6947: GO:0035965 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3162/6947: GO:0035966 (169 genes). 169/169 genes from this category have matching records in the expression data. Looking in at Category 3163/6947: GO:0035967 (131 genes). 131/131 genes from this category have matching records in the expression data. Looking in at Category 3164/6947: GO:0035970 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3165/6947: GO:0035987 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 3166/6947: GO:0035988 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3167/6947: GO:0035994 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3168/6947: GO:0035999 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3169/6947: GO:0036003 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 3170/6947: GO:0036005 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3171/6947: GO:0036006 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3172/6947: GO:0036010 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3173/6947: GO:0036017 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3174/6947: GO:0036035 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3175/6947: GO:0036065 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 3176/6947: GO:0036066 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3177/6947: GO:0036075 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 3178/6947: GO:0036089 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3179/6947: GO:0036091 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3180/6947: GO:0036092 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 3181/6947: GO:0036093 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3182/6947: GO:0036109 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3183/6947: GO:0036119 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3184/6947: GO:0036120 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3185/6947: GO:0036123 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3186/6947: GO:0036124 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3187/6947: GO:0036148 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3188/6947: GO:0036149 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3189/6947: GO:0036150 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3190/6947: GO:0036151 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3191/6947: GO:0036152 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3192/6947: GO:0036155 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3193/6947: GO:0036158 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3194/6947: GO:0036159 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3195/6947: GO:0036230 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 3196/6947: GO:0036257 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 3197/6947: GO:0036258 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 3198/6947: GO:0036260 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 3199/6947: GO:0036289 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3200/6947: GO:0036294 (117 genes). 117/117 genes from this category have matching records in the expression data. Looking in at Category 3201/6947: GO:0036295 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3202/6947: GO:0036296 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 3203/6947: GO:0036297 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 3204/6947: GO:0036302 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3205/6947: GO:0036303 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3206/6947: GO:0036314 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 3207/6947: GO:0036315 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3208/6947: GO:0036336 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 3209/6947: GO:0036342 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3210/6947: GO:0036344 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3211/6947: GO:0036376 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3212/6947: GO:0036444 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3213/6947: GO:0036445 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3214/6947: GO:0036462 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3215/6947: GO:0036465 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 3216/6947: GO:0036473 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 3217/6947: GO:0036474 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 3218/6947: GO:0036475 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3219/6947: GO:0036480 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3220/6947: GO:0036481 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3221/6947: GO:0036490 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3222/6947: GO:0036498 (63 genes). 63/63 genes from this category have matching records in the expression data. Looking in at Category 3223/6947: GO:0036499 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 3224/6947: GO:0036500 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3225/6947: GO:0036503 (89 genes). 89/89 genes from this category have matching records in the expression data. Looking in at Category 3226/6947: GO:0036507 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3227/6947: GO:0036508 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3228/6947: GO:0036514 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3229/6947: GO:0038003 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3230/6947: GO:0038007 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3231/6947: GO:0038030 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3232/6947: GO:0038031 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3233/6947: GO:0038033 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3234/6947: GO:0038034 (63 genes). 63/63 genes from this category have matching records in the expression data. Looking in at Category 3235/6947: GO:0038061 (95 genes). 95/95 genes from this category have matching records in the expression data. Looking in at Category 3236/6947: GO:0038063 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3237/6947: GO:0038065 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3238/6947: GO:0038066 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 3239/6947: GO:0038083 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 3240/6947: GO:0038084 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 3241/6947: GO:0038089 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3242/6947: GO:0038092 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3243/6947: GO:0038093 (164 genes). 164/164 genes from this category have matching records in the expression data. Looking in at Category 3244/6947: GO:0038094 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 3245/6947: GO:0038095 (113 genes). 113/113 genes from this category have matching records in the expression data. Looking in at Category 3246/6947: GO:0038096 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 3247/6947: GO:0038127 (129 genes). 129/129 genes from this category have matching records in the expression data. Looking in at Category 3248/6947: GO:0038128 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 3249/6947: GO:0038166 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3250/6947: GO:0038179 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 3251/6947: GO:0038180 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3252/6947: GO:0038202 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3253/6947: GO:0038203 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3254/6947: GO:0039528 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 3255/6947: GO:0039529 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3256/6947: GO:0039530 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3257/6947: GO:0039531 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3258/6947: GO:0039532 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3259/6947: GO:0039533 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3260/6947: GO:0039535 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3261/6947: GO:0039663 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3262/6947: GO:0039694 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3263/6947: GO:0039702 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 3264/6947: GO:0039703 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3265/6947: GO:0040001 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 3266/6947: GO:0040014 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 3267/6947: GO:0040015 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3268/6947: GO:0040016 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3269/6947: GO:0040018 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 3270/6947: GO:0040019 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 3271/6947: GO:0040020 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 3272/6947: GO:0040023 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3273/6947: GO:0040033 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3274/6947: GO:0040034 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3275/6947: GO:0040036 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 3276/6947: GO:0040037 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3277/6947: GO:0042023 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3278/6947: GO:0042026 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 3279/6947: GO:0042033 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3280/6947: GO:0042035 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 3281/6947: GO:0042036 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 3282/6947: GO:0042044 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 3283/6947: GO:0042045 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3284/6947: GO:0042048 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3285/6947: GO:0042053 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3286/6947: GO:0042058 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 3287/6947: GO:0042059 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 3288/6947: GO:0042069 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3289/6947: GO:0042073 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 3290/6947: GO:0042074 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3291/6947: GO:0042088 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 3292/6947: GO:0042089 (71 genes). 71/71 genes from this category have matching records in the expression data. Looking in at Category 3293/6947: GO:0042090 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3294/6947: GO:0042092 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 3295/6947: GO:0042093 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 3296/6947: GO:0042094 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3297/6947: GO:0042095 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3298/6947: GO:0042098 (106 genes). 106/106 genes from this category have matching records in the expression data. Looking in at Category 3299/6947: GO:0042100 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 3300/6947: GO:0042102 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 3301/6947: GO:0042104 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3302/6947: GO:0042107 (71 genes). 71/71 genes from this category have matching records in the expression data. Looking in at Category 3303/6947: GO:0042108 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 3304/6947: GO:0042113 (149 genes). 149/149 genes from this category have matching records in the expression data. Looking in at Category 3305/6947: GO:0042116 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 3306/6947: GO:0042117 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3307/6947: GO:0042118 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3308/6947: GO:0042119 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 3309/6947: GO:0042129 (89 genes). 89/89 genes from this category have matching records in the expression data. Looking in at Category 3310/6947: GO:0042130 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 3311/6947: GO:0042133 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 3312/6947: GO:0042135 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3313/6947: GO:0042136 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3314/6947: GO:0042147 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 3315/6947: GO:0042149 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 3316/6947: GO:0042157 (115 genes). 115/115 genes from this category have matching records in the expression data. Looking in at Category 3317/6947: GO:0042158 (82 genes). 82/82 genes from this category have matching records in the expression data. Looking in at Category 3318/6947: GO:0042159 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3319/6947: GO:0042168 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 3320/6947: GO:0042177 (80 genes). 80/80 genes from this category have matching records in the expression data. Looking in at Category 3321/6947: GO:0042178 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3322/6947: GO:0042180 (192 genes). 192/192 genes from this category have matching records in the expression data. Looking in at Category 3323/6947: GO:0042181 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 3324/6947: GO:0042182 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3325/6947: GO:0042219 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3326/6947: GO:0042220 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 3327/6947: GO:0042226 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3328/6947: GO:0042228 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3329/6947: GO:0042246 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 3330/6947: GO:0042249 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3331/6947: GO:0042255 (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 3332/6947: GO:0042256 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3333/6947: GO:0042267 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 3334/6947: GO:0042269 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3335/6947: GO:0042273 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 3336/6947: GO:0042274 (65 genes). 65/65 genes from this category have matching records in the expression data. Looking in at Category 3337/6947: GO:0042276 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 3338/6947: GO:0042297 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3339/6947: GO:0042303 (70 genes). 70/70 genes from this category have matching records in the expression data. Looking in at Category 3340/6947: GO:0042304 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 3341/6947: GO:0042306 (144 genes). 144/144 genes from this category have matching records in the expression data. Looking in at Category 3342/6947: GO:0042307 (74 genes). 74/74 genes from this category have matching records in the expression data. Looking in at Category 3343/6947: GO:0042308 (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 3344/6947: GO:0042310 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 3345/6947: GO:0042311 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 3346/6947: GO:0042312 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 3347/6947: GO:0042321 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3348/6947: GO:0042339 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 3349/6947: GO:0042340 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3350/6947: GO:0042345 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 3351/6947: GO:0042346 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 3352/6947: GO:0042347 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3353/6947: GO:0042348 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 3354/6947: GO:0042354 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3355/6947: GO:0042355 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3356/6947: GO:0042359 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3357/6947: GO:0042362 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3358/6947: GO:0042364 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3359/6947: GO:0042368 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3360/6947: GO:0042384 (166 genes). 166/166 genes from this category have matching records in the expression data. Looking in at Category 3361/6947: GO:0042398 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 3362/6947: GO:0042401 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3363/6947: GO:0042402 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 3364/6947: GO:0042403 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3365/6947: GO:0042407 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3366/6947: GO:0042415 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3367/6947: GO:0042416 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3368/6947: GO:0042417 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 3369/6947: GO:0042423 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3370/6947: GO:0042424 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3371/6947: GO:0042426 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3372/6947: GO:0042428 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3373/6947: GO:0042430 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 3374/6947: GO:0042436 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3375/6947: GO:0042438 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3376/6947: GO:0042440 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 3377/6947: GO:0042445 (122 genes). 122/122 genes from this category have matching records in the expression data. Looking in at Category 3378/6947: GO:0042446 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 3379/6947: GO:0042447 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3380/6947: GO:0042448 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3381/6947: GO:0042451 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 3382/6947: GO:0042454 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 3383/6947: GO:0042455 (90 genes). 90/90 genes from this category have matching records in the expression data. Looking in at Category 3384/6947: GO:0042461 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 3385/6947: GO:0042462 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 3386/6947: GO:0042471 (78 genes). 78/78 genes from this category have matching records in the expression data. Looking in at Category 3387/6947: GO:0042472 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 3388/6947: GO:0042473 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3389/6947: GO:0042474 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3390/6947: GO:0042475 (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 3391/6947: GO:0042476 (81 genes). 81/81 genes from this category have matching records in the expression data. Looking in at Category 3392/6947: GO:0042481 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3393/6947: GO:0042482 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3394/6947: GO:0042487 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3395/6947: GO:0042490 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 3396/6947: GO:0042491 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 3397/6947: GO:0042501 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3398/6947: GO:0042503 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 3399/6947: GO:0042506 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3400/6947: GO:0042508 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3401/6947: GO:0042509 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 3402/6947: GO:0042510 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3403/6947: GO:0042511 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3404/6947: GO:0042516 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 3405/6947: GO:0042517 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 3406/6947: GO:0042518 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3407/6947: GO:0042522 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3408/6947: GO:0042523 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3409/6947: GO:0042531 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 3410/6947: GO:0042532 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3411/6947: GO:0042533 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3412/6947: GO:0042534 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3413/6947: GO:0042535 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3414/6947: GO:0042537 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3415/6947: GO:0042541 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3416/6947: GO:0042542 (107 genes). 107/107 genes from this category have matching records in the expression data. Looking in at Category 3417/6947: GO:0042551 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 3418/6947: GO:0042552 (92 genes). 92/92 genes from this category have matching records in the expression data. Looking in at Category 3419/6947: GO:0042554 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3420/6947: GO:0042558 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 3421/6947: GO:0042559 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3422/6947: GO:0042572 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 3423/6947: GO:0042573 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3424/6947: GO:0042574 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3425/6947: GO:0042590 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 3426/6947: GO:0042593 (154 genes). 154/154 genes from this category have matching records in the expression data. Looking in at Category 3427/6947: GO:0042594 (132 genes). 132/132 genes from this category have matching records in the expression data. Looking in at Category 3428/6947: GO:0042596 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 3429/6947: GO:0042632 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 3430/6947: GO:0042633 (70 genes). 70/70 genes from this category have matching records in the expression data. Looking in at Category 3431/6947: GO:0042634 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 3432/6947: GO:0042635 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3433/6947: GO:0042636 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3434/6947: GO:0042659 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3435/6947: GO:0042661 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3436/6947: GO:0042670 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3437/6947: GO:0042693 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3438/6947: GO:0042698 (84 genes). 84/84 genes from this category have matching records in the expression data. Looking in at Category 3439/6947: GO:0042711 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3440/6947: GO:0042723 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3441/6947: GO:0042726 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3442/6947: GO:0042730 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3443/6947: GO:0042733 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 3444/6947: GO:0042737 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3445/6947: GO:0042738 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3446/6947: GO:0042742 (116 genes). 116/116 genes from this category have matching records in the expression data. Looking in at Category 3447/6947: GO:0042743 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 3448/6947: GO:0042744 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3449/6947: GO:0042745 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 3450/6947: GO:0042747 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3451/6947: GO:0042748 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3452/6947: GO:0042749 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3453/6947: GO:0042752 (82 genes). 82/82 genes from this category have matching records in the expression data. Looking in at Category 3454/6947: GO:0042753 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3455/6947: GO:0042754 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3456/6947: GO:0042755 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 3457/6947: GO:0042756 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3458/6947: GO:0042759 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3459/6947: GO:0042760 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3460/6947: GO:0042761 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3461/6947: GO:0042762 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 3462/6947: GO:0042769 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 3463/6947: GO:0042770 (102 genes). 102/102 genes from this category have matching records in the expression data. Looking in at Category 3464/6947: GO:0042771 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 3465/6947: GO:0042772 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3466/6947: GO:0042773 (80 genes). 80/80 genes from this category have matching records in the expression data. Looking in at Category 3467/6947: GO:0042775 (79 genes). 79/79 genes from this category have matching records in the expression data. Looking in at Category 3468/6947: GO:0042789 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3469/6947: GO:0042790 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3470/6947: GO:0042791 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3471/6947: GO:0042795 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 3472/6947: GO:0042796 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3473/6947: GO:0042797 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3474/6947: GO:0042832 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3475/6947: GO:0042921 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3476/6947: GO:0042953 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3477/6947: GO:0042976 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3478/6947: GO:0042977 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3479/6947: GO:0042982 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 3480/6947: GO:0042983 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3481/6947: GO:0042984 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3482/6947: GO:0042985 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3483/6947: GO:0042987 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 3484/6947: GO:0042989 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3485/6947: GO:0042990 (75 genes). 75/75 genes from this category have matching records in the expression data. Looking in at Category 3486/6947: GO:0042991 (76 genes). 76/76 genes from this category have matching records in the expression data. Looking in at Category 3487/6947: GO:0042992 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 3488/6947: GO:0042993 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 3489/6947: GO:0042994 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 3490/6947: GO:0042996 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3491/6947: GO:0043001 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 3492/6947: GO:0043011 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3493/6947: GO:0043029 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 3494/6947: GO:0043030 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 3495/6947: GO:0043032 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3496/6947: GO:0043038 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 3497/6947: GO:0043039 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 3498/6947: GO:0043044 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 3499/6947: GO:0043046 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3500/6947: GO:0043084 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3501/6947: GO:0043090 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3502/6947: GO:0043094 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 3503/6947: GO:0043096 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3504/6947: GO:0043097 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3505/6947: GO:0043101 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3506/6947: GO:0043102 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3507/6947: GO:0043112 (124 genes). 124/124 genes from this category have matching records in the expression data. Looking in at Category 3508/6947: GO:0043113 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 3509/6947: GO:0043114 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 3510/6947: GO:0043116 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3511/6947: GO:0043117 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3512/6947: GO:0043122 (193 genes). 193/193 genes from this category have matching records in the expression data. Looking in at Category 3513/6947: GO:0043123 (146 genes). 146/146 genes from this category have matching records in the expression data. Looking in at Category 3514/6947: GO:0043124 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 3515/6947: GO:0043129 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3516/6947: GO:0043144 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3517/6947: GO:0043149 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 3518/6947: GO:0043153 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3519/6947: GO:0043154 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 3520/6947: GO:0043162 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 3521/6947: GO:0043171 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 3522/6947: GO:0043173 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3523/6947: GO:0043174 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 3524/6947: GO:0043200 (78 genes). 78/78 genes from this category have matching records in the expression data. Looking in at Category 3525/6947: GO:0043201 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3526/6947: GO:0043206 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3527/6947: GO:0043217 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3528/6947: GO:0043242 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 3529/6947: GO:0043243 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 3530/6947: GO:0043244 (71 genes). 71/71 genes from this category have matching records in the expression data. Looking in at Category 3531/6947: GO:0043247 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3532/6947: GO:0043248 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3533/6947: GO:0043249 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3534/6947: GO:0043252 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3535/6947: GO:0043255 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 3536/6947: GO:0043266 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 3537/6947: GO:0043267 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 3538/6947: GO:0043268 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 3539/6947: GO:0043270 (167 genes). 167/167 genes from this category have matching records in the expression data. Looking in at Category 3540/6947: GO:0043271 (85 genes). 85/85 genes from this category have matching records in the expression data. Looking in at Category 3541/6947: GO:0043276 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 3542/6947: GO:0043277 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 3543/6947: GO:0043278 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 3544/6947: GO:0043279 (106 genes). 106/106 genes from this category have matching records in the expression data. Looking in at Category 3545/6947: GO:0043280 (99 genes). 99/99 genes from this category have matching records in the expression data. Looking in at Category 3546/6947: GO:0043281 (163 genes). 163/163 genes from this category have matching records in the expression data. Looking in at Category 3547/6947: GO:0043297 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 3548/6947: GO:0043299 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 3549/6947: GO:0043300 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 3550/6947: GO:0043301 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3551/6947: GO:0043302 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3552/6947: GO:0043303 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 3553/6947: GO:0043304 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 3554/6947: GO:0043305 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3555/6947: GO:0043306 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3556/6947: GO:0043307 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3557/6947: GO:0043308 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3558/6947: GO:0043312 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3559/6947: GO:0043313 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3560/6947: GO:0043320 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3561/6947: GO:0043330 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 3562/6947: GO:0043331 (60 genes). 60/60 genes from this category have matching records in the expression data. Looking in at Category 3563/6947: GO:0043353 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3564/6947: GO:0043367 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 3565/6947: GO:0043368 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3566/6947: GO:0043369 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3567/6947: GO:0043370 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 3568/6947: GO:0043371 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3569/6947: GO:0043372 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3570/6947: GO:0043383 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3571/6947: GO:0043388 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 3572/6947: GO:0043392 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 3573/6947: GO:0043393 (154 genes). 154/154 genes from this category have matching records in the expression data. Looking in at Category 3574/6947: GO:0043400 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3575/6947: GO:0043401 (148 genes). 148/148 genes from this category have matching records in the expression data. Looking in at Category 3576/6947: GO:0043403 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 3577/6947: GO:0043406 (185 genes). 185/185 genes from this category have matching records in the expression data. Looking in at Category 3578/6947: GO:0043407 (62 genes). 62/62 genes from this category have matching records in the expression data. Looking in at Category 3579/6947: GO:0043409 (128 genes). 128/128 genes from this category have matching records in the expression data. Looking in at Category 3580/6947: GO:0043415 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3581/6947: GO:0043416 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3582/6947: GO:0043433 (113 genes). 113/113 genes from this category have matching records in the expression data. Looking in at Category 3583/6947: GO:0043455 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3584/6947: GO:0043456 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3585/6947: GO:0043457 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 3586/6947: GO:0043462 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 3587/6947: GO:0043467 (77 genes). 77/77 genes from this category have matching records in the expression data. Looking in at Category 3588/6947: GO:0043470 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 3589/6947: GO:0043471 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3590/6947: GO:0043473 (83 genes). 83/83 genes from this category have matching records in the expression data. Looking in at Category 3591/6947: GO:0043476 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3592/6947: GO:0043482 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3593/6947: GO:0043484 (99 genes). 99/99 genes from this category have matching records in the expression data. Looking in at Category 3594/6947: GO:0043485 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3595/6947: GO:0043486 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 3596/6947: GO:0043487 (135 genes). 135/135 genes from this category have matching records in the expression data. Looking in at Category 3597/6947: GO:0043488 (130 genes). 130/130 genes from this category have matching records in the expression data. Looking in at Category 3598/6947: GO:0043489 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 3599/6947: GO:0043491 (109 genes). 109/109 genes from this category have matching records in the expression data. Looking in at Category 3600/6947: GO:0043496 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 3601/6947: GO:0043497 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3602/6947: GO:0043500 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 3603/6947: GO:0043501 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 3604/6947: GO:0043502 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 3605/6947: GO:0043506 (71 genes). 71/71 genes from this category have matching records in the expression data. Looking in at Category 3606/6947: GO:0043507 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 3607/6947: GO:0043508 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3608/6947: GO:0043516 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 3609/6947: GO:0043517 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3610/6947: GO:0043518 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3611/6947: GO:0043523 (163 genes). 163/163 genes from this category have matching records in the expression data. Looking in at Category 3612/6947: GO:0043524 (116 genes). 116/116 genes from this category have matching records in the expression data. Looking in at Category 3613/6947: GO:0043525 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 3614/6947: GO:0043534 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 3615/6947: GO:0043535 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 3616/6947: GO:0043536 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 3617/6947: GO:0043537 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 3618/6947: GO:0043542 (131 genes). 131/131 genes from this category have matching records in the expression data. Looking in at Category 3619/6947: GO:0043543 (195 genes). 195/195 genes from this category have matching records in the expression data. Looking in at Category 3620/6947: GO:0043545 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3621/6947: GO:0043550 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 3622/6947: GO:0043551 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 3623/6947: GO:0043552 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 3624/6947: GO:0043555 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 3625/6947: GO:0043558 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3626/6947: GO:0043562 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3627/6947: GO:0043567 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3628/6947: GO:0043568 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3629/6947: GO:0043569 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3630/6947: GO:0043570 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3631/6947: GO:0043574 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 3632/6947: GO:0043576 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 3633/6947: GO:0043583 (151 genes). 151/151 genes from this category have matching records in the expression data. Looking in at Category 3634/6947: GO:0043584 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3635/6947: GO:0043586 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3636/6947: GO:0043587 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3637/6947: GO:0043588 (162 genes). 162/162 genes from this category have matching records in the expression data. Looking in at Category 3638/6947: GO:0043589 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3639/6947: GO:0043615 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3640/6947: GO:0043616 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 3641/6947: GO:0043618 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 3642/6947: GO:0043619 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3643/6947: GO:0043620 (62 genes). 62/62 genes from this category have matching records in the expression data. Looking in at Category 3644/6947: GO:0043624 (177 genes). 177/177 genes from this category have matching records in the expression data. Looking in at Category 3645/6947: GO:0043627 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 3646/6947: GO:0043628 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 3647/6947: GO:0043631 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 3648/6947: GO:0043633 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3649/6947: GO:0043634 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3650/6947: GO:0043647 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 3651/6947: GO:0043648 (74 genes). 74/74 genes from this category have matching records in the expression data. Looking in at Category 3652/6947: GO:0043649 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3653/6947: GO:0043650 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3654/6947: GO:0043651 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3655/6947: GO:0043652 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3656/6947: GO:0043653 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3657/6947: GO:0043654 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3658/6947: GO:0043666 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 3659/6947: GO:0043687 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 3660/6947: GO:0043691 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3661/6947: GO:0043901 (108 genes). 108/108 genes from this category have matching records in the expression data. Looking in at Category 3662/6947: GO:0043902 (136 genes). 136/136 genes from this category have matching records in the expression data. Looking in at Category 3663/6947: GO:0043921 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 3664/6947: GO:0043922 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3665/6947: GO:0043923 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3666/6947: GO:0043928 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 3667/6947: GO:0043931 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3668/6947: GO:0043949 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 3669/6947: GO:0043950 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3670/6947: GO:0043951 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3671/6947: GO:0043954 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 3672/6947: GO:0043966 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 3673/6947: GO:0043967 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 3674/6947: GO:0043968 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3675/6947: GO:0043970 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3676/6947: GO:0043981 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3677/6947: GO:0043982 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3678/6947: GO:0043983 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3679/6947: GO:0043984 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 3680/6947: GO:0043985 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3681/6947: GO:0044003 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 3682/6947: GO:0044030 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3683/6947: GO:0044033 (195 genes). 195/195 genes from this category have matching records in the expression data. Looking in at Category 3684/6947: GO:0044036 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3685/6947: GO:0044042 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 3686/6947: GO:0044058 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 3687/6947: GO:0044060 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 3688/6947: GO:0044062 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3689/6947: GO:0044065 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3690/6947: GO:0044068 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 3691/6947: GO:0044070 (65 genes). 65/65 genes from this category have matching records in the expression data. Looking in at Category 3692/6947: GO:0044088 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 3693/6947: GO:0044090 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3694/6947: GO:0044091 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 3695/6947: GO:0044106 (97 genes). 97/97 genes from this category have matching records in the expression data. Looking in at Category 3696/6947: GO:0044110 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3697/6947: GO:0044116 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3698/6947: GO:0044117 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3699/6947: GO:0044126 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3700/6947: GO:0044130 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3701/6947: GO:0044144 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3702/6947: GO:0044146 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3703/6947: GO:0044154 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3704/6947: GO:0044206 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3705/6947: GO:0044236 (90 genes). 90/90 genes from this category have matching records in the expression data. Looking in at Category 3706/6947: GO:0044241 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3707/6947: GO:0044242 (144 genes). 144/144 genes from this category have matching records in the expression data. Looking in at Category 3708/6947: GO:0044243 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 3709/6947: GO:0044246 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 3710/6947: GO:0044247 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 3711/6947: GO:0044252 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3712/6947: GO:0044253 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3713/6947: GO:0044259 (80 genes). 80/80 genes from this category have matching records in the expression data. Looking in at Category 3714/6947: GO:0044264 (81 genes). 81/81 genes from this category have matching records in the expression data. Looking in at Category 3715/6947: GO:0044272 (181 genes). 181/181 genes from this category have matching records in the expression data. Looking in at Category 3716/6947: GO:0044273 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 3717/6947: GO:0044275 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 3718/6947: GO:0044319 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 3719/6947: GO:0044320 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3720/6947: GO:0044321 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3721/6947: GO:0044331 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3722/6947: GO:0044341 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3723/6947: GO:0044342 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3724/6947: GO:0044344 (100 genes). 100/100 genes from this category have matching records in the expression data. Looking in at Category 3725/6947: GO:0044346 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3726/6947: GO:0044351 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3727/6947: GO:0044359 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3728/6947: GO:0044362 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3729/6947: GO:0044364 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3730/6947: GO:0044380 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 3731/6947: GO:0044381 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3732/6947: GO:0044387 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3733/6947: GO:0044406 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3734/6947: GO:0044409 (88 genes). 88/88 genes from this category have matching records in the expression data. Looking in at Category 3735/6947: GO:0044458 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3736/6947: GO:0044531 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3737/6947: GO:0044532 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3738/6947: GO:0044539 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3739/6947: GO:0044546 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3740/6947: GO:0044550 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 3741/6947: GO:0044557 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3742/6947: GO:0044597 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3743/6947: GO:0044598 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3744/6947: GO:0044650 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3745/6947: GO:0044706 (149 genes). 149/149 genes from this category have matching records in the expression data. Looking in at Category 3746/6947: GO:0044724 (115 genes). 115/115 genes from this category have matching records in the expression data. Looking in at Category 3747/6947: GO:0044728 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 3748/6947: GO:0044743 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 3749/6947: GO:0044766 (70 genes). 70/70 genes from this category have matching records in the expression data. Looking in at Category 3750/6947: GO:0044773 (89 genes). 89/89 genes from this category have matching records in the expression data. Looking in at Category 3751/6947: GO:0044774 (93 genes). 93/93 genes from this category have matching records in the expression data. Looking in at Category 3752/6947: GO:0044782 (184 genes). 184/184 genes from this category have matching records in the expression data. Looking in at Category 3753/6947: GO:0044783 (65 genes). 65/65 genes from this category have matching records in the expression data. Looking in at Category 3754/6947: GO:0044784 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 3755/6947: GO:0044786 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 3756/6947: GO:0044788 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 3757/6947: GO:0044789 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3758/6947: GO:0044791 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3759/6947: GO:0044793 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3760/6947: GO:0044794 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3761/6947: GO:0044800 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3762/6947: GO:0044801 (134 genes). 134/134 genes from this category have matching records in the expression data. Looking in at Category 3763/6947: GO:0044803 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 3764/6947: GO:0044804 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 3765/6947: GO:0044818 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 3766/6947: GO:0044819 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 3767/6947: GO:0044827 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3768/6947: GO:0044829 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3769/6947: GO:0044839 (170 genes). 170/170 genes from this category have matching records in the expression data. Looking in at Category 3770/6947: GO:0044848 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3771/6947: GO:0044849 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3772/6947: GO:0044854 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3773/6947: GO:0044857 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3774/6947: GO:0044872 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3775/6947: GO:0045003 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3776/6947: GO:0045005 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 3777/6947: GO:0045008 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3778/6947: GO:0045010 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 3779/6947: GO:0045017 (171 genes). 171/171 genes from this category have matching records in the expression data. Looking in at Category 3780/6947: GO:0045019 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3781/6947: GO:0045022 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 3782/6947: GO:0045023 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3783/6947: GO:0045026 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 3784/6947: GO:0045039 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3785/6947: GO:0045040 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3786/6947: GO:0045046 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3787/6947: GO:0045047 (101 genes). 101/101 genes from this category have matching records in the expression data. Looking in at Category 3788/6947: GO:0045048 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3789/6947: GO:0045053 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3790/6947: GO:0045056 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3791/6947: GO:0045058 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 3792/6947: GO:0045059 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3793/6947: GO:0045060 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3794/6947: GO:0045061 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3795/6947: GO:0045063 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3796/6947: GO:0045064 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3797/6947: GO:0045066 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3798/6947: GO:0045069 (60 genes). 60/60 genes from this category have matching records in the expression data. Looking in at Category 3799/6947: GO:0045070 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 3800/6947: GO:0045071 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 3801/6947: GO:0045072 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3802/6947: GO:0045073 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3803/6947: GO:0045075 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3804/6947: GO:0045076 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3805/6947: GO:0045078 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3806/6947: GO:0045080 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3807/6947: GO:0045086 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3808/6947: GO:0045103 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 3809/6947: GO:0045104 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 3810/6947: GO:0045109 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3811/6947: GO:0045110 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3812/6947: GO:0045116 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3813/6947: GO:0045117 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3814/6947: GO:0045123 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 3815/6947: GO:0045124 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 3816/6947: GO:0045132 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 3817/6947: GO:0045136 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3818/6947: GO:0045137 (153 genes). 153/153 genes from this category have matching records in the expression data. Looking in at Category 3819/6947: GO:0045141 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3820/6947: GO:0045143 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 3821/6947: GO:0045144 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3822/6947: GO:0045161 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3823/6947: GO:0045162 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3824/6947: GO:0045165 (159 genes). 159/159 genes from this category have matching records in the expression data. Looking in at Category 3825/6947: GO:0045176 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3826/6947: GO:0045185 (89 genes). 89/89 genes from this category have matching records in the expression data. Looking in at Category 3827/6947: GO:0045187 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3828/6947: GO:0045188 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3829/6947: GO:0045190 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 3830/6947: GO:0045191 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3831/6947: GO:0045197 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 3832/6947: GO:0045198 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3833/6947: GO:0045199 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3834/6947: GO:0045214 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 3835/6947: GO:0045216 (191 genes). 191/191 genes from this category have matching records in the expression data. Looking in at Category 3836/6947: GO:0045217 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3837/6947: GO:0045292 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3838/6947: GO:0045324 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3839/6947: GO:0045329 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3840/6947: GO:0045332 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 3841/6947: GO:0045333 (158 genes). 158/158 genes from this category have matching records in the expression data. Looking in at Category 3842/6947: GO:0045342 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3843/6947: GO:0045346 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3844/6947: GO:0045350 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3845/6947: GO:0045351 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3846/6947: GO:0045357 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3847/6947: GO:0045359 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3848/6947: GO:0045408 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3849/6947: GO:0045410 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3850/6947: GO:0045414 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3851/6947: GO:0045428 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 3852/6947: GO:0045429 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 3853/6947: GO:0045444 (161 genes). 161/161 genes from this category have matching records in the expression data. Looking in at Category 3854/6947: GO:0045445 (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 3855/6947: GO:0045446 (78 genes). 78/78 genes from this category have matching records in the expression data. Looking in at Category 3856/6947: GO:0045453 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 3857/6947: GO:0045454 (63 genes). 63/63 genes from this category have matching records in the expression data. Looking in at Category 3858/6947: GO:0045471 (100 genes). 100/100 genes from this category have matching records in the expression data. Looking in at Category 3859/6947: GO:0045472 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3860/6947: GO:0045475 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3861/6947: GO:0045494 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 3862/6947: GO:0045540 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3863/6947: GO:0045541 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3864/6947: GO:0045542 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3865/6947: GO:0045576 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 3866/6947: GO:0045577 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 3867/6947: GO:0045578 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3868/6947: GO:0045579 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3869/6947: GO:0045580 (65 genes). 65/65 genes from this category have matching records in the expression data. Looking in at Category 3870/6947: GO:0045581 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3871/6947: GO:0045582 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 3872/6947: GO:0045589 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3873/6947: GO:0045598 (90 genes). 90/90 genes from this category have matching records in the expression data. Looking in at Category 3874/6947: GO:0045599 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 3875/6947: GO:0045600 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 3876/6947: GO:0045601 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 3877/6947: GO:0045603 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3878/6947: GO:0045604 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 3879/6947: GO:0045605 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3880/6947: GO:0045606 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3881/6947: GO:0045607 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3882/6947: GO:0045616 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3883/6947: GO:0045618 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3884/6947: GO:0045619 (86 genes). 86/86 genes from this category have matching records in the expression data. Looking in at Category 3885/6947: GO:0045620 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 3886/6947: GO:0045621 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 3887/6947: GO:0045622 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 3888/6947: GO:0045623 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3889/6947: GO:0045624 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3890/6947: GO:0045625 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3891/6947: GO:0045628 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3892/6947: GO:0045630 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3893/6947: GO:0045631 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3894/6947: GO:0045634 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3895/6947: GO:0045637 (149 genes). 149/149 genes from this category have matching records in the expression data. Looking in at Category 3896/6947: GO:0045638 (71 genes). 71/71 genes from this category have matching records in the expression data. Looking in at Category 3897/6947: GO:0045639 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 3898/6947: GO:0045646 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 3899/6947: GO:0045647 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3900/6947: GO:0045648 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 3901/6947: GO:0045649 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3902/6947: GO:0045651 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3903/6947: GO:0045652 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 3904/6947: GO:0045653 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3905/6947: GO:0045654 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3906/6947: GO:0045655 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3907/6947: GO:0045656 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3908/6947: GO:0045657 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3909/6947: GO:0045661 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 3910/6947: GO:0045662 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3911/6947: GO:0045663 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3912/6947: GO:0045665 (172 genes). 172/172 genes from this category have matching records in the expression data. Looking in at Category 3913/6947: GO:0045667 (92 genes). 92/92 genes from this category have matching records in the expression data. Looking in at Category 3914/6947: GO:0045668 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 3915/6947: GO:0045669 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 3916/6947: GO:0045670 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 3917/6947: GO:0045671 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 3918/6947: GO:0045672 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3919/6947: GO:0045682 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 3920/6947: GO:0045683 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3921/6947: GO:0045684 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 3922/6947: GO:0045685 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 3923/6947: GO:0045686 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 3924/6947: GO:0045687 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 3925/6947: GO:0045713 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3926/6947: GO:0045714 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3927/6947: GO:0045717 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3928/6947: GO:0045719 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3929/6947: GO:0045721 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3930/6947: GO:0045722 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3931/6947: GO:0045723 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3932/6947: GO:0045724 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3933/6947: GO:0045725 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3934/6947: GO:0045727 (86 genes). 86/86 genes from this category have matching records in the expression data. Looking in at Category 3935/6947: GO:0045730 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3936/6947: GO:0045736 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 3937/6947: GO:0045737 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 3938/6947: GO:0045738 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3939/6947: GO:0045739 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 3940/6947: GO:0045740 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 3941/6947: GO:0045741 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3942/6947: GO:0045742 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 3943/6947: GO:0045743 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3944/6947: GO:0045744 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 3945/6947: GO:0045745 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 3946/6947: GO:0045746 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 3947/6947: GO:0045747 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 3948/6947: GO:0045760 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3949/6947: GO:0045761 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 3950/6947: GO:0045762 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 3951/6947: GO:0045765 (167 genes). 167/167 genes from this category have matching records in the expression data. Looking in at Category 3952/6947: GO:0045766 (96 genes). 96/96 genes from this category have matching records in the expression data. Looking in at Category 3953/6947: GO:0045773 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 3954/6947: GO:0045776 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 3955/6947: GO:0045777 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 3956/6947: GO:0045778 (71 genes). 71/71 genes from this category have matching records in the expression data. Looking in at Category 3957/6947: GO:0045779 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3958/6947: GO:0045780 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3959/6947: GO:0045792 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3960/6947: GO:0045793 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3961/6947: GO:0045794 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3962/6947: GO:0045806 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 3963/6947: GO:0045807 (89 genes). 89/89 genes from this category have matching records in the expression data. Looking in at Category 3964/6947: GO:0045814 (105 genes). 105/105 genes from this category have matching records in the expression data. Looking in at Category 3965/6947: GO:0045815 (69 genes). 69/69 genes from this category have matching records in the expression data. Looking in at Category 3966/6947: GO:0045820 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3967/6947: GO:0045821 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 3968/6947: GO:0045822 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 3969/6947: GO:0045823 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 3970/6947: GO:0045824 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 3971/6947: GO:0045830 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 3972/6947: GO:0045833 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 3973/6947: GO:0045834 (107 genes). 107/107 genes from this category have matching records in the expression data. Looking in at Category 3974/6947: GO:0045835 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3975/6947: GO:0045836 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3976/6947: GO:0045837 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3977/6947: GO:0045838 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 3978/6947: GO:0045839 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 3979/6947: GO:0045840 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 3980/6947: GO:0045841 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 3981/6947: GO:0045842 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3982/6947: GO:0045843 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 3983/6947: GO:0045844 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 3984/6947: GO:0045851 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 3985/6947: GO:0045876 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3986/6947: GO:0045879 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 3987/6947: GO:0045880 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 3988/6947: GO:0045898 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 3989/6947: GO:0045899 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 3990/6947: GO:0045906 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 3991/6947: GO:0045907 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 3992/6947: GO:0045909 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 3993/6947: GO:0045910 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 3994/6947: GO:0045911 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 3995/6947: GO:0045912 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 3996/6947: GO:0045913 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 3997/6947: GO:0045915 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 3998/6947: GO:0045916 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 3999/6947: GO:0045920 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 4000/6947: GO:0045921 (65 genes). 65/65 genes from this category have matching records in the expression data. Looking in at Category 4001/6947: GO:0045922 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 4002/6947: GO:0045923 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 4003/6947: GO:0045924 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4004/6947: GO:0045926 (195 genes). 195/195 genes from this category have matching records in the expression data. Looking in at Category 4005/6947: GO:0045930 (187 genes). 187/187 genes from this category have matching records in the expression data. Looking in at Category 4006/6947: GO:0045931 (98 genes). 98/98 genes from this category have matching records in the expression data. Looking in at Category 4007/6947: GO:0045932 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 4008/6947: GO:0045933 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 4009/6947: GO:0045939 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4010/6947: GO:0045940 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 4011/6947: GO:0045943 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 4012/6947: GO:0045945 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4013/6947: GO:0045947 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 4014/6947: GO:0045948 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 4015/6947: GO:0045953 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4016/6947: GO:0045954 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4017/6947: GO:0045955 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4018/6947: GO:0045956 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 4019/6947: GO:0045964 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4020/6947: GO:0045974 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 4021/6947: GO:0045978 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4022/6947: GO:0045979 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 4023/6947: GO:0045980 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 4024/6947: GO:0045981 (93 genes). 93/93 genes from this category have matching records in the expression data. Looking in at Category 4025/6947: GO:0045986 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4026/6947: GO:0045987 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 4027/6947: GO:0045989 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4028/6947: GO:0045990 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4029/6947: GO:0045991 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4030/6947: GO:0045992 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 4031/6947: GO:0045995 (87 genes). 87/87 genes from this category have matching records in the expression data. Looking in at Category 4032/6947: GO:0046006 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 4033/6947: GO:0046007 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4034/6947: GO:0046015 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4035/6947: GO:0046031 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 4036/6947: GO:0046033 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 4037/6947: GO:0046034 (194 genes). 194/194 genes from this category have matching records in the expression data. Looking in at Category 4038/6947: GO:0046036 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 4039/6947: GO:0046037 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 4040/6947: GO:0046039 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 4041/6947: GO:0046040 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4042/6947: GO:0046049 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4043/6947: GO:0046051 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4044/6947: GO:0046058 (106 genes). 106/106 genes from this category have matching records in the expression data. Looking in at Category 4045/6947: GO:0046060 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4046/6947: GO:0046068 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 4047/6947: GO:0046069 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4048/6947: GO:0046085 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4049/6947: GO:0046100 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4050/6947: GO:0046112 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4051/6947: GO:0046116 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4052/6947: GO:0046129 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 4053/6947: GO:0046130 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 4054/6947: GO:0046131 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 4055/6947: GO:0046132 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 4056/6947: GO:0046134 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 4057/6947: GO:0046135 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4058/6947: GO:0046146 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4059/6947: GO:0046148 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 4060/6947: GO:0046164 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 4061/6947: GO:0046165 (83 genes). 83/83 genes from this category have matching records in the expression data. Looking in at Category 4062/6947: GO:0046173 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 4063/6947: GO:0046174 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 4064/6947: GO:0046184 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4065/6947: GO:0046185 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4066/6947: GO:0046189 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 4067/6947: GO:0046208 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4068/6947: GO:0046209 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 4069/6947: GO:0046218 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4070/6947: GO:0046320 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 4071/6947: GO:0046321 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4072/6947: GO:0046322 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4073/6947: GO:0046323 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 4074/6947: GO:0046324 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 4075/6947: GO:0046325 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4076/6947: GO:0046326 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 4077/6947: GO:0046328 (135 genes). 135/135 genes from this category have matching records in the expression data. Looking in at Category 4078/6947: GO:0046329 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 4079/6947: GO:0046330 (96 genes). 96/96 genes from this category have matching records in the expression data. Looking in at Category 4080/6947: GO:0046337 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 4081/6947: GO:0046339 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4082/6947: GO:0046341 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4083/6947: GO:0046348 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4084/6947: GO:0046349 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4085/6947: GO:0046364 (65 genes). 65/65 genes from this category have matching records in the expression data. Looking in at Category 4086/6947: GO:0046365 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 4087/6947: GO:0046385 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4088/6947: GO:0046386 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 4089/6947: GO:0046390 (191 genes). 191/191 genes from this category have matching records in the expression data. Looking in at Category 4090/6947: GO:0046395 (162 genes). 162/162 genes from this category have matching records in the expression data. Looking in at Category 4091/6947: GO:0046415 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4092/6947: GO:0046425 (90 genes). 90/90 genes from this category have matching records in the expression data. Looking in at Category 4093/6947: GO:0046426 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 4094/6947: GO:0046427 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 4095/6947: GO:0046434 (103 genes). 103/103 genes from this category have matching records in the expression data. Looking in at Category 4096/6947: GO:0046456 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 4097/6947: GO:0046457 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 4098/6947: GO:0046459 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4099/6947: GO:0046460 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 4100/6947: GO:0046461 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 4101/6947: GO:0046463 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 4102/6947: GO:0046464 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 4103/6947: GO:0046465 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4104/6947: GO:0046466 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 4105/6947: GO:0046467 (119 genes). 119/119 genes from this category have matching records in the expression data. Looking in at Category 4106/6947: GO:0046469 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4107/6947: GO:0046470 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 4108/6947: GO:0046471 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 4109/6947: GO:0046473 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 4110/6947: GO:0046474 (146 genes). 146/146 genes from this category have matching records in the expression data. Looking in at Category 4111/6947: GO:0046475 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4112/6947: GO:0046477 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4113/6947: GO:0046479 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4114/6947: GO:0046485 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4115/6947: GO:0046487 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 4116/6947: GO:0046488 (157 genes). 157/157 genes from this category have matching records in the expression data. Looking in at Category 4117/6947: GO:0046496 (108 genes). 108/108 genes from this category have matching records in the expression data. Looking in at Category 4118/6947: GO:0046498 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4119/6947: GO:0046500 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4120/6947: GO:0046501 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4121/6947: GO:0046503 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 4122/6947: GO:0046512 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4123/6947: GO:0046513 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 4124/6947: GO:0046514 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4125/6947: GO:0046519 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4126/6947: GO:0046520 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4127/6947: GO:0046530 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 4128/6947: GO:0046541 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4129/6947: GO:0046543 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4130/6947: GO:0046545 (70 genes). 70/70 genes from this category have matching records in the expression data. Looking in at Category 4131/6947: GO:0046546 (93 genes). 93/93 genes from this category have matching records in the expression data. Looking in at Category 4132/6947: GO:0046548 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4133/6947: GO:0046549 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4134/6947: GO:0046578 (171 genes). 171/171 genes from this category have matching records in the expression data. Looking in at Category 4135/6947: GO:0046579 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 4136/6947: GO:0046580 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 4137/6947: GO:0046596 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 4138/6947: GO:0046597 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 4139/6947: GO:0046598 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4140/6947: GO:0046599 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 4141/6947: GO:0046600 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4142/6947: GO:0046605 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 4143/6947: GO:0046606 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4144/6947: GO:0046620 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 4145/6947: GO:0046621 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 4146/6947: GO:0046622 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 4147/6947: GO:0046626 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 4148/6947: GO:0046627 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 4149/6947: GO:0046628 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4150/6947: GO:0046629 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4151/6947: GO:0046631 (69 genes). 69/69 genes from this category have matching records in the expression data. Looking in at Category 4152/6947: GO:0046632 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 4153/6947: GO:0046633 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4154/6947: GO:0046634 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 4155/6947: GO:0046635 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 4156/6947: GO:0046636 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4157/6947: GO:0046637 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 4158/6947: GO:0046638 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 4159/6947: GO:0046639 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4160/6947: GO:0046640 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4161/6947: GO:0046641 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4162/6947: GO:0046651 (161 genes). 161/161 genes from this category have matching records in the expression data. Looking in at Category 4163/6947: GO:0046653 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4164/6947: GO:0046654 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4165/6947: GO:0046655 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4166/6947: GO:0046660 (81 genes). 81/81 genes from this category have matching records in the expression data. Looking in at Category 4167/6947: GO:0046661 (107 genes). 107/107 genes from this category have matching records in the expression data. Looking in at Category 4168/6947: GO:0046676 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 4169/6947: GO:0046677 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 4170/6947: GO:0046683 (106 genes). 106/106 genes from this category have matching records in the expression data. Looking in at Category 4171/6947: GO:0046685 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 4172/6947: GO:0046686 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 4173/6947: GO:0046688 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 4174/6947: GO:0046689 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4175/6947: GO:0046697 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4176/6947: GO:0046710 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 4177/6947: GO:0046716 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4178/6947: GO:0046717 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 4179/6947: GO:0046718 (88 genes). 88/88 genes from this category have matching records in the expression data. Looking in at Category 4180/6947: GO:0046719 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4181/6947: GO:0046755 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 4182/6947: GO:0046777 (193 genes). 193/193 genes from this category have matching records in the expression data. Looking in at Category 4183/6947: GO:0046782 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 4184/6947: GO:0046784 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4185/6947: GO:0046785 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 4186/6947: GO:0046794 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 4187/6947: GO:0046822 (184 genes). 184/184 genes from this category have matching records in the expression data. Looking in at Category 4188/6947: GO:0046823 (63 genes). 63/63 genes from this category have matching records in the expression data. Looking in at Category 4189/6947: GO:0046824 (92 genes). 92/92 genes from this category have matching records in the expression data. Looking in at Category 4190/6947: GO:0046825 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 4191/6947: GO:0046826 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4192/6947: GO:0046827 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 4193/6947: GO:0046831 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4194/6947: GO:0046834 (85 genes). 85/85 genes from this category have matching records in the expression data. Looking in at Category 4195/6947: GO:0046835 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 4196/6947: GO:0046836 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4197/6947: GO:0046838 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 4198/6947: GO:0046839 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 4199/6947: GO:0046847 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 4200/6947: GO:0046849 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 4201/6947: GO:0046850 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 4202/6947: GO:0046851 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4203/6947: GO:0046852 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4204/6947: GO:0046854 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 4205/6947: GO:0046855 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4206/6947: GO:0046856 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 4207/6947: GO:0046880 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4208/6947: GO:0046881 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4209/6947: GO:0046883 (198 genes). 198/198 genes from this category have matching records in the expression data. Looking in at Category 4210/6947: GO:0046884 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4211/6947: GO:0046885 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 4212/6947: GO:0046886 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4213/6947: GO:0046887 (89 genes). 89/89 genes from this category have matching records in the expression data. Looking in at Category 4214/6947: GO:0046888 (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 4215/6947: GO:0046889 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 4216/6947: GO:0046890 (103 genes). 103/103 genes from this category have matching records in the expression data. Looking in at Category 4217/6947: GO:0046898 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4218/6947: GO:0046902 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 4219/6947: GO:0046916 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 4220/6947: GO:0046928 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 4221/6947: GO:0046929 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4222/6947: GO:0046931 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4223/6947: GO:0046939 (75 genes). 75/75 genes from this category have matching records in the expression data. Looking in at Category 4224/6947: GO:0046940 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4225/6947: GO:0046949 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 4226/6947: GO:0046950 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4227/6947: GO:0046951 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4228/6947: GO:0046958 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4229/6947: GO:0047484 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4230/6947: GO:0047496 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 4231/6947: GO:0047497 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 4232/6947: GO:0048002 (140 genes). 140/140 genes from this category have matching records in the expression data. Looking in at Category 4233/6947: GO:0048008 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 4234/6947: GO:0048009 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 4235/6947: GO:0048010 (82 genes). 82/82 genes from this category have matching records in the expression data. Looking in at Category 4236/6947: GO:0048011 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 4237/6947: GO:0048012 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4238/6947: GO:0048013 (83 genes). 83/83 genes from this category have matching records in the expression data. Looking in at Category 4239/6947: GO:0048015 (145 genes). 145/145 genes from this category have matching records in the expression data. Looking in at Category 4240/6947: GO:0048016 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 4241/6947: GO:0048017 (147 genes). 147/147 genes from this category have matching records in the expression data. Looking in at Category 4242/6947: GO:0048021 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4243/6947: GO:0048024 (65 genes). 65/65 genes from this category have matching records in the expression data. Looking in at Category 4244/6947: GO:0048025 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 4245/6947: GO:0048026 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4246/6947: GO:0048041 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 4247/6947: GO:0048048 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 4248/6947: GO:0048050 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4249/6947: GO:0048066 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 4250/6947: GO:0048069 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4251/6947: GO:0048070 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4252/6947: GO:0048087 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4253/6947: GO:0048096 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4254/6947: GO:0048102 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4255/6947: GO:0048103 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 4256/6947: GO:0048144 (69 genes). 69/69 genes from this category have matching records in the expression data. Looking in at Category 4257/6947: GO:0048145 (70 genes). 70/70 genes from this category have matching records in the expression data. Looking in at Category 4258/6947: GO:0048146 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 4259/6947: GO:0048147 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 4260/6947: GO:0048148 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4261/6947: GO:0048149 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4262/6947: GO:0048167 (135 genes). 135/135 genes from this category have matching records in the expression data. Looking in at Category 4263/6947: GO:0048168 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 4264/6947: GO:0048169 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 4265/6947: GO:0048170 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4266/6947: GO:0048172 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4267/6947: GO:0048194 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4268/6947: GO:0048199 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 4269/6947: GO:0048207 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 4270/6947: GO:0048208 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 4271/6947: GO:0048227 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4272/6947: GO:0048240 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4273/6947: GO:0048243 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4274/6947: GO:0048245 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4275/6947: GO:0048246 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 4276/6947: GO:0048247 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 4277/6947: GO:0048251 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4278/6947: GO:0048254 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4279/6947: GO:0048255 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 4280/6947: GO:0048259 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 4281/6947: GO:0048260 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 4282/6947: GO:0048261 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4283/6947: GO:0048262 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4284/6947: GO:0048263 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4285/6947: GO:0048265 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 4286/6947: GO:0048266 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 4287/6947: GO:0048268 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 4288/6947: GO:0048278 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 4289/6947: GO:0048280 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4290/6947: GO:0048284 (150 genes). 150/150 genes from this category have matching records in the expression data. Looking in at Category 4291/6947: GO:0048286 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 4292/6947: GO:0048302 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4293/6947: GO:0048305 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4294/6947: GO:0048308 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4295/6947: GO:0048311 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4296/6947: GO:0048312 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4297/6947: GO:0048313 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4298/6947: GO:0048318 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4299/6947: GO:0048332 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 4300/6947: GO:0048333 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 4301/6947: GO:0048339 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 4302/6947: GO:0048340 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4303/6947: GO:0048341 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4304/6947: GO:0048368 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4305/6947: GO:0048384 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 4306/6947: GO:0048385 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4307/6947: GO:0048387 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4308/6947: GO:0048469 (115 genes). 115/115 genes from this category have matching records in the expression data. Looking in at Category 4309/6947: GO:0048477 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 4310/6947: GO:0048483 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 4311/6947: GO:0048484 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4312/6947: GO:0048485 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 4313/6947: GO:0048486 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4314/6947: GO:0048488 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 4315/6947: GO:0048489 (115 genes). 115/115 genes from this category have matching records in the expression data. Looking in at Category 4316/6947: GO:0048490 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4317/6947: GO:0048505 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4318/6947: GO:0048512 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 4319/6947: GO:0048515 (89 genes). 89/89 genes from this category have matching records in the expression data. Looking in at Category 4320/6947: GO:0048520 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4321/6947: GO:0048521 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4322/6947: GO:0048524 (95 genes). 95/95 genes from this category have matching records in the expression data. Looking in at Category 4323/6947: GO:0048525 (80 genes). 80/80 genes from this category have matching records in the expression data. Looking in at Category 4324/6947: GO:0048532 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4325/6947: GO:0048535 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 4326/6947: GO:0048536 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 4327/6947: GO:0048537 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4328/6947: GO:0048538 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 4329/6947: GO:0048539 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4330/6947: GO:0048541 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4331/6947: GO:0048546 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 4332/6947: GO:0048548 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4333/6947: GO:0048557 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4334/6947: GO:0048563 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4335/6947: GO:0048565 (89 genes). 89/89 genes from this category have matching records in the expression data. Looking in at Category 4336/6947: GO:0048566 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 4337/6947: GO:0048569 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4338/6947: GO:0048570 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4339/6947: GO:0048588 (169 genes). 169/169 genes from this category have matching records in the expression data. Looking in at Category 4340/6947: GO:0048592 (116 genes). 116/116 genes from this category have matching records in the expression data. Looking in at Category 4341/6947: GO:0048593 (88 genes). 88/88 genes from this category have matching records in the expression data. Looking in at Category 4342/6947: GO:0048596 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 4343/6947: GO:0048599 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 4344/6947: GO:0048617 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4345/6947: GO:0048630 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4346/6947: GO:0048631 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4347/6947: GO:0048634 (93 genes). 93/93 genes from this category have matching records in the expression data. Looking in at Category 4348/6947: GO:0048635 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 4349/6947: GO:0048636 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 4350/6947: GO:0048639 (136 genes). 136/136 genes from this category have matching records in the expression data. Looking in at Category 4351/6947: GO:0048640 (76 genes). 76/76 genes from this category have matching records in the expression data. Looking in at Category 4352/6947: GO:0048641 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 4353/6947: GO:0048642 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4354/6947: GO:0048643 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 4355/6947: GO:0048644 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 4356/6947: GO:0048645 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 4357/6947: GO:0048659 (87 genes). 87/87 genes from this category have matching records in the expression data. Looking in at Category 4358/6947: GO:0048660 (91 genes). 91/91 genes from this category have matching records in the expression data. Looking in at Category 4359/6947: GO:0048661 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 4360/6947: GO:0048662 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 4361/6947: GO:0048663 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 4362/6947: GO:0048664 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4363/6947: GO:0048665 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4364/6947: GO:0048668 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 4365/6947: GO:0048670 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4366/6947: GO:0048671 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4367/6947: GO:0048672 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4368/6947: GO:0048675 (98 genes). 98/98 genes from this category have matching records in the expression data. Looking in at Category 4369/6947: GO:0048678 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 4370/6947: GO:0048679 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 4371/6947: GO:0048680 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4372/6947: GO:0048681 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4373/6947: GO:0048701 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 4374/6947: GO:0048702 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4375/6947: GO:0048703 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4376/6947: GO:0048704 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 4377/6947: GO:0048705 (146 genes). 146/146 genes from this category have matching records in the expression data. Looking in at Category 4378/6947: GO:0048706 (78 genes). 78/78 genes from this category have matching records in the expression data. Looking in at Category 4379/6947: GO:0048708 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 4380/6947: GO:0048709 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 4381/6947: GO:0048710 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 4382/6947: GO:0048711 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4383/6947: GO:0048712 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4384/6947: GO:0048713 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 4385/6947: GO:0048714 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 4386/6947: GO:0048715 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4387/6947: GO:0048730 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 4388/6947: GO:0048733 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4389/6947: GO:0048736 (121 genes). 121/121 genes from this category have matching records in the expression data. Looking in at Category 4390/6947: GO:0048738 (143 genes). 143/143 genes from this category have matching records in the expression data. Looking in at Category 4391/6947: GO:0048739 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4392/6947: GO:0048741 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 4393/6947: GO:0048742 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4394/6947: GO:0048745 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4395/6947: GO:0048747 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 4396/6947: GO:0048752 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4397/6947: GO:0048753 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 4398/6947: GO:0048754 (107 genes). 107/107 genes from this category have matching records in the expression data. Looking in at Category 4399/6947: GO:0048755 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4400/6947: GO:0048757 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4401/6947: GO:0048762 (142 genes). 142/142 genes from this category have matching records in the expression data. Looking in at Category 4402/6947: GO:0048771 (105 genes). 105/105 genes from this category have matching records in the expression data. Looking in at Category 4403/6947: GO:0048791 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 4404/6947: GO:0048793 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4405/6947: GO:0048799 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 4406/6947: GO:0048806 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 4407/6947: GO:0048813 (94 genes). 94/94 genes from this category have matching records in the expression data. Looking in at Category 4408/6947: GO:0048814 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 4409/6947: GO:0048820 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4410/6947: GO:0048821 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 4411/6947: GO:0048839 (131 genes). 131/131 genes from this category have matching records in the expression data. Looking in at Category 4412/6947: GO:0048841 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 4413/6947: GO:0048842 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4414/6947: GO:0048843 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 4415/6947: GO:0048844 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 4416/6947: GO:0048845 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4417/6947: GO:0048846 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 4418/6947: GO:0048853 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4419/6947: GO:0048854 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 4420/6947: GO:0048857 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 4421/6947: GO:0048863 (70 genes). 70/70 genes from this category have matching records in the expression data. Looking in at Category 4422/6947: GO:0048864 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4423/6947: GO:0048872 (178 genes). 178/178 genes from this category have matching records in the expression data. Looking in at Category 4424/6947: GO:0048873 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 4425/6947: GO:0048875 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4426/6947: GO:0048934 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4427/6947: GO:0048935 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4428/6947: GO:0050000 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 4429/6947: GO:0050427 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4430/6947: GO:0050428 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4431/6947: GO:0050432 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 4432/6947: GO:0050433 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 4433/6947: GO:0050434 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 4434/6947: GO:0050435 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 4435/6947: GO:0050482 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 4436/6947: GO:0050650 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 4437/6947: GO:0050651 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 4438/6947: GO:0050654 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 4439/6947: GO:0050655 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4440/6947: GO:0050657 (154 genes). 154/154 genes from this category have matching records in the expression data. Looking in at Category 4441/6947: GO:0050658 (154 genes). 154/154 genes from this category have matching records in the expression data. Looking in at Category 4442/6947: GO:0050663 (105 genes). 105/105 genes from this category have matching records in the expression data. Looking in at Category 4443/6947: GO:0050665 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4444/6947: GO:0050667 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4445/6947: GO:0050670 (124 genes). 124/124 genes from this category have matching records in the expression data. Looking in at Category 4446/6947: GO:0050671 (82 genes). 82/82 genes from this category have matching records in the expression data. Looking in at Category 4447/6947: GO:0050672 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 4448/6947: GO:0050679 (117 genes). 117/117 genes from this category have matching records in the expression data. Looking in at Category 4449/6947: GO:0050680 (91 genes). 91/91 genes from this category have matching records in the expression data. Looking in at Category 4450/6947: GO:0050684 (97 genes). 97/97 genes from this category have matching records in the expression data. Looking in at Category 4451/6947: GO:0050685 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 4452/6947: GO:0050686 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 4453/6947: GO:0050687 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4454/6947: GO:0050688 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 4455/6947: GO:0050690 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 4456/6947: GO:0050691 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 4457/6947: GO:0050701 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 4458/6947: GO:0050702 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 4459/6947: GO:0050704 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 4460/6947: GO:0050706 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 4461/6947: GO:0050707 (96 genes). 96/96 genes from this category have matching records in the expression data. Looking in at Category 4462/6947: GO:0050709 (83 genes). 83/83 genes from this category have matching records in the expression data. Looking in at Category 4463/6947: GO:0050710 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 4464/6947: GO:0050711 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4465/6947: GO:0050714 (149 genes). 149/149 genes from this category have matching records in the expression data. Looking in at Category 4466/6947: GO:0050715 (63 genes). 63/63 genes from this category have matching records in the expression data. Looking in at Category 4467/6947: GO:0050716 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4468/6947: GO:0050718 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4469/6947: GO:0050728 (77 genes). 77/77 genes from this category have matching records in the expression data. Looking in at Category 4470/6947: GO:0050729 (63 genes). 63/63 genes from this category have matching records in the expression data. Looking in at Category 4471/6947: GO:0050730 (151 genes). 151/151 genes from this category have matching records in the expression data. Looking in at Category 4472/6947: GO:0050731 (108 genes). 108/108 genes from this category have matching records in the expression data. Looking in at Category 4473/6947: GO:0050732 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 4474/6947: GO:0050746 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4475/6947: GO:0050747 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4476/6947: GO:0050755 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4477/6947: GO:0050764 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 4478/6947: GO:0050765 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4479/6947: GO:0050766 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 4480/6947: GO:0050770 (154 genes). 154/154 genes from this category have matching records in the expression data. Looking in at Category 4481/6947: GO:0050771 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 4482/6947: GO:0050772 (63 genes). 63/63 genes from this category have matching records in the expression data. Looking in at Category 4483/6947: GO:0050773 (114 genes). 114/114 genes from this category have matching records in the expression data. Looking in at Category 4484/6947: GO:0050774 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4485/6947: GO:0050775 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 4486/6947: GO:0050777 (76 genes). 76/76 genes from this category have matching records in the expression data. Looking in at Category 4487/6947: GO:0050779 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 4488/6947: GO:0050795 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 4489/6947: GO:0050796 (142 genes). 142/142 genes from this category have matching records in the expression data. Looking in at Category 4490/6947: GO:0050798 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 4491/6947: GO:0050802 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4492/6947: GO:0050805 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 4493/6947: GO:0050806 (102 genes). 102/102 genes from this category have matching records in the expression data. Looking in at Category 4494/6947: GO:0050807 (105 genes). 105/105 genes from this category have matching records in the expression data. Looking in at Category 4495/6947: GO:0050810 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 4496/6947: GO:0050812 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4497/6947: GO:0050818 (62 genes). 62/62 genes from this category have matching records in the expression data. Looking in at Category 4498/6947: GO:0050819 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 4499/6947: GO:0050820 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 4500/6947: GO:0050821 (126 genes). 126/126 genes from this category have matching records in the expression data. Looking in at Category 4501/6947: GO:0050829 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 4502/6947: GO:0050830 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 4503/6947: GO:0050832 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 4504/6947: GO:0050848 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 4505/6947: GO:0050849 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4506/6947: GO:0050850 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 4507/6947: GO:0050851 (160 genes). 160/160 genes from this category have matching records in the expression data. Looking in at Category 4508/6947: GO:0050852 (134 genes). 134/134 genes from this category have matching records in the expression data. Looking in at Category 4509/6947: GO:0050853 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 4510/6947: GO:0050854 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 4511/6947: GO:0050855 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4512/6947: GO:0050856 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 4513/6947: GO:0050857 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4514/6947: GO:0050858 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4515/6947: GO:0050860 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4516/6947: GO:0050861 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4517/6947: GO:0050862 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4518/6947: GO:0050863 (188 genes). 188/188 genes from this category have matching records in the expression data. Looking in at Category 4519/6947: GO:0050864 (70 genes). 70/70 genes from this category have matching records in the expression data. Looking in at Category 4520/6947: GO:0050866 (103 genes). 103/103 genes from this category have matching records in the expression data. Looking in at Category 4521/6947: GO:0050867 (198 genes). 198/198 genes from this category have matching records in the expression data. Looking in at Category 4522/6947: GO:0050868 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 4523/6947: GO:0050869 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 4524/6947: GO:0050870 (128 genes). 128/128 genes from this category have matching records in the expression data. Looking in at Category 4525/6947: GO:0050871 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 4526/6947: GO:0050872 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4527/6947: GO:0050873 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 4528/6947: GO:0050879 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 4529/6947: GO:0050880 (98 genes). 98/98 genes from this category have matching records in the expression data. Looking in at Category 4530/6947: GO:0050881 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 4531/6947: GO:0050884 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4532/6947: GO:0050885 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 4533/6947: GO:0050886 (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 4534/6947: GO:0050891 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 4535/6947: GO:0050892 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 4536/6947: GO:0050901 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4537/6947: GO:0050905 (83 genes). 83/83 genes from this category have matching records in the expression data. Looking in at Category 4538/6947: GO:0050906 (107 genes). 107/107 genes from this category have matching records in the expression data. Looking in at Category 4539/6947: GO:0050907 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 4540/6947: GO:0050908 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4541/6947: GO:0050909 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 4542/6947: GO:0050910 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4543/6947: GO:0050911 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 4544/6947: GO:0050912 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 4545/6947: GO:0050913 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 4546/6947: GO:0050918 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 4547/6947: GO:0050919 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 4548/6947: GO:0050920 (134 genes). 134/134 genes from this category have matching records in the expression data. Looking in at Category 4549/6947: GO:0050921 (80 genes). 80/80 genes from this category have matching records in the expression data. Looking in at Category 4550/6947: GO:0050922 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 4551/6947: GO:0050926 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 4552/6947: GO:0050927 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 4553/6947: GO:0050930 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4554/6947: GO:0050931 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 4555/6947: GO:0050932 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4556/6947: GO:0050942 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4557/6947: GO:0050951 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4558/6947: GO:0050953 (129 genes). 129/129 genes from this category have matching records in the expression data. Looking in at Category 4559/6947: GO:0050954 (112 genes). 112/112 genes from this category have matching records in the expression data. Looking in at Category 4560/6947: GO:0050961 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4561/6947: GO:0050962 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4562/6947: GO:0050965 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4563/6947: GO:0050966 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4564/6947: GO:0050974 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 4565/6947: GO:0050982 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 4566/6947: GO:0050994 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 4567/6947: GO:0050995 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4568/6947: GO:0050996 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 4569/6947: GO:0050999 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 4570/6947: GO:0051000 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4571/6947: GO:0051001 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4572/6947: GO:0051004 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4573/6947: GO:0051006 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4574/6947: GO:0051013 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4575/6947: GO:0051014 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4576/6947: GO:0051016 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4577/6947: GO:0051017 (113 genes). 113/113 genes from this category have matching records in the expression data. Looking in at Category 4578/6947: GO:0051023 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 4579/6947: GO:0051024 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4580/6947: GO:0051028 (127 genes). 127/127 genes from this category have matching records in the expression data. Looking in at Category 4581/6947: GO:0051029 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4582/6947: GO:0051031 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 4583/6947: GO:0051036 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4584/6947: GO:0051043 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 4585/6947: GO:0051044 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4586/6947: GO:0051045 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4587/6947: GO:0051048 (154 genes). 154/154 genes from this category have matching records in the expression data. Looking in at Category 4588/6947: GO:0051053 (96 genes). 96/96 genes from this category have matching records in the expression data. Looking in at Category 4589/6947: GO:0051054 (159 genes). 159/159 genes from this category have matching records in the expression data. Looking in at Category 4590/6947: GO:0051055 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 4591/6947: GO:0051057 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 4592/6947: GO:0051058 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 4593/6947: GO:0051081 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 4594/6947: GO:0051084 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 4595/6947: GO:0051085 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4596/6947: GO:0051091 (180 genes). 180/180 genes from this category have matching records in the expression data. Looking in at Category 4597/6947: GO:0051092 (105 genes). 105/105 genes from this category have matching records in the expression data. Looking in at Category 4598/6947: GO:0051095 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4599/6947: GO:0051096 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4600/6947: GO:0051099 (118 genes). 118/118 genes from this category have matching records in the expression data. Looking in at Category 4601/6947: GO:0051100 (114 genes). 114/114 genes from this category have matching records in the expression data. Looking in at Category 4602/6947: GO:0051101 (79 genes). 79/79 genes from this category have matching records in the expression data. Looking in at Category 4603/6947: GO:0051103 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4604/6947: GO:0051123 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 4605/6947: GO:0051125 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 4606/6947: GO:0051126 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4607/6947: GO:0051127 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4608/6947: GO:0051131 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4609/6947: GO:0051132 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4610/6947: GO:0051136 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4611/6947: GO:0051145 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 4612/6947: GO:0051146 (184 genes). 184/184 genes from this category have matching records in the expression data. Looking in at Category 4613/6947: GO:0051147 (132 genes). 132/132 genes from this category have matching records in the expression data. Looking in at Category 4614/6947: GO:0051148 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 4615/6947: GO:0051149 (70 genes). 70/70 genes from this category have matching records in the expression data. Looking in at Category 4616/6947: GO:0051150 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 4617/6947: GO:0051151 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4618/6947: GO:0051152 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4619/6947: GO:0051153 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 4620/6947: GO:0051154 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 4621/6947: GO:0051155 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 4622/6947: GO:0051156 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 4623/6947: GO:0051168 (167 genes). 167/167 genes from this category have matching records in the expression data. Looking in at Category 4624/6947: GO:0051176 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4625/6947: GO:0051177 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4626/6947: GO:0051180 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 4627/6947: GO:0051181 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 4628/6947: GO:0051182 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4629/6947: GO:0051187 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4630/6947: GO:0051188 (166 genes). 166/166 genes from this category have matching records in the expression data. Looking in at Category 4631/6947: GO:0051189 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4632/6947: GO:0051193 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 4633/6947: GO:0051194 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4634/6947: GO:0051195 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4635/6947: GO:0051196 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 4636/6947: GO:0051197 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4637/6947: GO:0051198 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4638/6947: GO:0051204 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 4639/6947: GO:0051205 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 4640/6947: GO:0051208 (88 genes). 88/88 genes from this category have matching records in the expression data. Looking in at Category 4641/6947: GO:0051209 (79 genes). 79/79 genes from this category have matching records in the expression data. Looking in at Category 4642/6947: GO:0051216 (129 genes). 129/129 genes from this category have matching records in the expression data. Looking in at Category 4643/6947: GO:0051220 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 4644/6947: GO:0051224 (164 genes). 164/164 genes from this category have matching records in the expression data. Looking in at Category 4645/6947: GO:0051225 (75 genes). 75/75 genes from this category have matching records in the expression data. Looking in at Category 4646/6947: GO:0051231 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4647/6947: GO:0051236 (157 genes). 157/157 genes from this category have matching records in the expression data. Looking in at Category 4648/6947: GO:0051238 (94 genes). 94/94 genes from this category have matching records in the expression data. Looking in at Category 4649/6947: GO:0051250 (76 genes). 76/76 genes from this category have matching records in the expression data. Looking in at Category 4650/6947: GO:0051251 (173 genes). 173/173 genes from this category have matching records in the expression data. Looking in at Category 4651/6947: GO:0051255 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4652/6947: GO:0051256 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4653/6947: GO:0051261 (76 genes). 76/76 genes from this category have matching records in the expression data. Looking in at Category 4654/6947: GO:0051262 (115 genes). 115/115 genes from this category have matching records in the expression data. Looking in at Category 4655/6947: GO:0051279 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 4656/6947: GO:0051280 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4657/6947: GO:0051281 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 4658/6947: GO:0051282 (86 genes). 86/86 genes from this category have matching records in the expression data. Looking in at Category 4659/6947: GO:0051283 (79 genes). 79/79 genes from this category have matching records in the expression data. Looking in at Category 4660/6947: GO:0051284 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 4661/6947: GO:0051289 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 4662/6947: GO:0051290 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 4663/6947: GO:0051291 (101 genes). 101/101 genes from this category have matching records in the expression data. Looking in at Category 4664/6947: GO:0051292 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4665/6947: GO:0051293 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 4666/6947: GO:0051294 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 4667/6947: GO:0051295 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4668/6947: GO:0051297 (93 genes). 93/93 genes from this category have matching records in the expression data. Looking in at Category 4669/6947: GO:0051298 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 4670/6947: GO:0051299 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4671/6947: GO:0051302 (93 genes). 93/93 genes from this category have matching records in the expression data. Looking in at Category 4672/6947: GO:0051303 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 4673/6947: GO:0051304 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 4674/6947: GO:0051305 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4675/6947: GO:0051306 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 4676/6947: GO:0051307 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4677/6947: GO:0051310 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 4678/6947: GO:0051315 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4679/6947: GO:0051321 (149 genes). 149/149 genes from this category have matching records in the expression data. Looking in at Category 4680/6947: GO:0051339 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 4681/6947: GO:0051340 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4682/6947: GO:0051341 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 4683/6947: GO:0051342 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4684/6947: GO:0051349 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 4685/6947: GO:0051350 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 4686/6947: GO:0051353 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 4687/6947: GO:0051354 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4688/6947: GO:0051382 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4689/6947: GO:0051383 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4690/6947: GO:0051384 (110 genes). 110/110 genes from this category have matching records in the expression data. Looking in at Category 4691/6947: GO:0051385 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 4692/6947: GO:0051386 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4693/6947: GO:0051402 (172 genes). 172/172 genes from this category have matching records in the expression data. Looking in at Category 4694/6947: GO:0051409 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4695/6947: GO:0051410 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4696/6947: GO:0051412 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 4697/6947: GO:0051414 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4698/6947: GO:0051415 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4699/6947: GO:0051418 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4700/6947: GO:0051436 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 4701/6947: GO:0051437 (72 genes). 72/72 genes from this category have matching records in the expression data. Looking in at Category 4702/6947: GO:0051438 (105 genes). 105/105 genes from this category have matching records in the expression data. Looking in at Category 4703/6947: GO:0051439 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 4704/6947: GO:0051443 (93 genes). 93/93 genes from this category have matching records in the expression data. Looking in at Category 4705/6947: GO:0051444 (75 genes). 75/75 genes from this category have matching records in the expression data. Looking in at Category 4706/6947: GO:0051445 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 4707/6947: GO:0051446 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4708/6947: GO:0051447 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4709/6947: GO:0051450 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4710/6947: GO:0051451 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4711/6947: GO:0051452 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 4712/6947: GO:0051453 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 4713/6947: GO:0051457 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 4714/6947: GO:0051458 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4715/6947: GO:0051459 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4716/6947: GO:0051461 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4717/6947: GO:0051462 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4718/6947: GO:0051481 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4719/6947: GO:0051482 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4720/6947: GO:0051489 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 4721/6947: GO:0051491 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 4722/6947: GO:0051492 (62 genes). 62/62 genes from this category have matching records in the expression data. Looking in at Category 4723/6947: GO:0051494 (102 genes). 102/102 genes from this category have matching records in the expression data. Looking in at Category 4724/6947: GO:0051495 (154 genes). 154/154 genes from this category have matching records in the expression data. Looking in at Category 4725/6947: GO:0051496 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 4726/6947: GO:0051497 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4727/6947: GO:0051503 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4728/6947: GO:0051531 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4729/6947: GO:0051532 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4730/6947: GO:0051533 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4731/6947: GO:0051534 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4732/6947: GO:0051541 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4733/6947: GO:0051546 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4734/6947: GO:0051547 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4735/6947: GO:0051549 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4736/6947: GO:0051560 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 4737/6947: GO:0051561 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4738/6947: GO:0051567 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 4739/6947: GO:0051568 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 4740/6947: GO:0051569 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 4741/6947: GO:0051570 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 4742/6947: GO:0051571 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4743/6947: GO:0051573 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4744/6947: GO:0051574 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4745/6947: GO:0051580 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 4746/6947: GO:0051583 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4747/6947: GO:0051584 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4748/6947: GO:0051588 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 4749/6947: GO:0051589 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4750/6947: GO:0051590 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4751/6947: GO:0051591 (74 genes). 74/74 genes from this category have matching records in the expression data. Looking in at Category 4752/6947: GO:0051592 (100 genes). 100/100 genes from this category have matching records in the expression data. Looking in at Category 4753/6947: GO:0051593 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4754/6947: GO:0051597 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4755/6947: GO:0051599 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4756/6947: GO:0051601 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4757/6947: GO:0051602 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 4758/6947: GO:0051607 (166 genes). 166/166 genes from this category have matching records in the expression data. Looking in at Category 4759/6947: GO:0051608 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4760/6947: GO:0051639 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4761/6947: GO:0051642 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 4762/6947: GO:0051645 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 4763/6947: GO:0051646 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 4764/6947: GO:0051647 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 4765/6947: GO:0051651 (99 genes). 99/99 genes from this category have matching records in the expression data. Looking in at Category 4766/6947: GO:0051653 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 4767/6947: GO:0051654 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 4768/6947: GO:0051657 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4769/6947: GO:0051660 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4770/6947: GO:0051665 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4771/6947: GO:0051668 (65 genes). 65/65 genes from this category have matching records in the expression data. Looking in at Category 4772/6947: GO:0051683 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4773/6947: GO:0051693 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 4774/6947: GO:0051701 (128 genes). 128/128 genes from this category have matching records in the expression data. Looking in at Category 4775/6947: GO:0051702 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 4776/6947: GO:0051703 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 4777/6947: GO:0051705 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 4778/6947: GO:0051708 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4779/6947: GO:0051709 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4780/6947: GO:0051712 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4781/6947: GO:0051754 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4782/6947: GO:0051764 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4783/6947: GO:0051767 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4784/6947: GO:0051769 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4785/6947: GO:0051770 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4786/6947: GO:0051775 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4787/6947: GO:0051781 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 4788/6947: GO:0051782 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4789/6947: GO:0051783 (125 genes). 125/125 genes from this category have matching records in the expression data. Looking in at Category 4790/6947: GO:0051784 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 4791/6947: GO:0051785 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 4792/6947: GO:0051788 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 4793/6947: GO:0051791 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4794/6947: GO:0051797 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 4795/6947: GO:0051798 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4796/6947: GO:0051806 (88 genes). 88/88 genes from this category have matching records in the expression data. Looking in at Category 4797/6947: GO:0051817 (74 genes). 74/74 genes from this category have matching records in the expression data. Looking in at Category 4798/6947: GO:0051818 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4799/6947: GO:0051823 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4800/6947: GO:0051828 (88 genes). 88/88 genes from this category have matching records in the expression data. Looking in at Category 4801/6947: GO:0051851 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 4802/6947: GO:0051865 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 4803/6947: GO:0051875 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 4804/6947: GO:0051881 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 4805/6947: GO:0051882 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 4806/6947: GO:0051883 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4807/6947: GO:0051893 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 4808/6947: GO:0051894 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 4809/6947: GO:0051895 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4810/6947: GO:0051896 (94 genes). 94/94 genes from this category have matching records in the expression data. Looking in at Category 4811/6947: GO:0051897 (62 genes). 62/62 genes from this category have matching records in the expression data. Looking in at Category 4812/6947: GO:0051898 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 4813/6947: GO:0051899 (75 genes). 75/75 genes from this category have matching records in the expression data. Looking in at Category 4814/6947: GO:0051900 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4815/6947: GO:0051901 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4816/6947: GO:0051904 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 4817/6947: GO:0051905 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 4818/6947: GO:0051917 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4819/6947: GO:0051923 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4820/6947: GO:0051924 (147 genes). 147/147 genes from this category have matching records in the expression data. Looking in at Category 4821/6947: GO:0051926 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 4822/6947: GO:0051928 (78 genes). 78/78 genes from this category have matching records in the expression data. Looking in at Category 4823/6947: GO:0051930 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 4824/6947: GO:0051931 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 4825/6947: GO:0051932 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 4826/6947: GO:0051934 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4827/6947: GO:0051937 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 4828/6947: GO:0051938 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4829/6947: GO:0051940 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4830/6947: GO:0051952 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 4831/6947: GO:0051953 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 4832/6947: GO:0051954 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 4833/6947: GO:0051955 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4834/6947: GO:0051957 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4835/6947: GO:0051963 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 4836/6947: GO:0051964 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4837/6947: GO:0051965 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 4838/6947: GO:0051966 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 4839/6947: GO:0051967 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4840/6947: GO:0051968 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 4841/6947: GO:0051969 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4842/6947: GO:0051971 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4843/6947: GO:0051972 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 4844/6947: GO:0051973 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 4845/6947: GO:0051974 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4846/6947: GO:0051983 (71 genes). 71/71 genes from this category have matching records in the expression data. Looking in at Category 4847/6947: GO:0051984 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 4848/6947: GO:0051985 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 4849/6947: GO:0051988 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4850/6947: GO:0052040 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4851/6947: GO:0052055 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4852/6947: GO:0052150 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4853/6947: GO:0052204 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4854/6947: GO:0052205 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4855/6947: GO:0052248 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4856/6947: GO:0052312 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 4857/6947: GO:0052428 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4858/6947: GO:0052433 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4859/6947: GO:0052472 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 4860/6947: GO:0052646 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4861/6947: GO:0052652 (101 genes). 101/101 genes from this category have matching records in the expression data. Looking in at Category 4862/6947: GO:0055001 (109 genes). 109/109 genes from this category have matching records in the expression data. Looking in at Category 4863/6947: GO:0055002 (97 genes). 97/97 genes from this category have matching records in the expression data. Looking in at Category 4864/6947: GO:0055003 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 4865/6947: GO:0055006 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 4866/6947: GO:0055007 (70 genes). 70/70 genes from this category have matching records in the expression data. Looking in at Category 4867/6947: GO:0055008 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 4868/6947: GO:0055010 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 4869/6947: GO:0055012 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4870/6947: GO:0055013 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 4871/6947: GO:0055015 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4872/6947: GO:0055017 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 4873/6947: GO:0055021 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 4874/6947: GO:0055022 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 4875/6947: GO:0055023 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 4876/6947: GO:0055024 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 4877/6947: GO:0055025 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 4878/6947: GO:0055026 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4879/6947: GO:0055057 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4880/6947: GO:0055059 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4881/6947: GO:0055062 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4882/6947: GO:0055064 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4883/6947: GO:0055067 (104 genes). 104/104 genes from this category have matching records in the expression data. Looking in at Category 4884/6947: GO:0055069 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 4885/6947: GO:0055070 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 4886/6947: GO:0055072 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 4887/6947: GO:0055075 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 4888/6947: GO:0055076 (91 genes). 91/91 genes from this category have matching records in the expression data. Looking in at Category 4889/6947: GO:0055078 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 4890/6947: GO:0055081 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4891/6947: GO:0055083 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4892/6947: GO:0055088 (91 genes). 91/91 genes from this category have matching records in the expression data. Looking in at Category 4893/6947: GO:0055089 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4894/6947: GO:0055090 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 4895/6947: GO:0055091 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4896/6947: GO:0055092 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 4897/6947: GO:0055093 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 4898/6947: GO:0055094 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4899/6947: GO:0055098 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4900/6947: GO:0055117 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 4901/6947: GO:0055119 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4902/6947: GO:0055123 (98 genes). 98/98 genes from this category have matching records in the expression data. Looking in at Category 4903/6947: GO:0060004 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 4904/6947: GO:0060008 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 4905/6947: GO:0060009 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4906/6947: GO:0060013 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4907/6947: GO:0060019 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4908/6947: GO:0060020 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4909/6947: GO:0060021 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 4910/6947: GO:0060024 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4911/6947: GO:0060026 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4912/6947: GO:0060027 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4913/6947: GO:0060028 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4914/6947: GO:0060029 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4915/6947: GO:0060033 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4916/6947: GO:0060037 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4917/6947: GO:0060038 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 4918/6947: GO:0060039 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 4919/6947: GO:0060041 (111 genes). 111/111 genes from this category have matching records in the expression data. Looking in at Category 4920/6947: GO:0060042 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 4921/6947: GO:0060043 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 4922/6947: GO:0060044 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4923/6947: GO:0060045 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 4924/6947: GO:0060046 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4925/6947: GO:0060047 (199 genes). 199/199 genes from this category have matching records in the expression data. Looking in at Category 4926/6947: GO:0060048 (99 genes). 99/99 genes from this category have matching records in the expression data. Looking in at Category 4927/6947: GO:0060049 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4928/6947: GO:0060050 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4929/6947: GO:0060052 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4930/6947: GO:0060055 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 4931/6947: GO:0060056 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4932/6947: GO:0060059 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4933/6947: GO:0060065 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4934/6947: GO:0060068 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4935/6947: GO:0060071 (97 genes). 97/97 genes from this category have matching records in the expression data. Looking in at Category 4936/6947: GO:0060073 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4937/6947: GO:0060074 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 4938/6947: GO:0060075 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4939/6947: GO:0060078 (75 genes). 75/75 genes from this category have matching records in the expression data. Looking in at Category 4940/6947: GO:0060079 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 4941/6947: GO:0060080 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4942/6947: GO:0060081 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4943/6947: GO:0060087 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4944/6947: GO:0060088 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4945/6947: GO:0060099 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4946/6947: GO:0060100 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4947/6947: GO:0060113 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 4948/6947: GO:0060117 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 4949/6947: GO:0060119 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 4950/6947: GO:0060120 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4951/6947: GO:0060122 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 4952/6947: GO:0060123 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4953/6947: GO:0060124 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4954/6947: GO:0060134 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4955/6947: GO:0060135 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 4956/6947: GO:0060136 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4957/6947: GO:0060137 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4958/6947: GO:0060142 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 4959/6947: GO:0060143 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 4960/6947: GO:0060147 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 4961/6947: GO:0060148 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4962/6947: GO:0060149 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4963/6947: GO:0060155 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4964/6947: GO:0060158 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4965/6947: GO:0060159 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4966/6947: GO:0060173 (121 genes). 121/121 genes from this category have matching records in the expression data. Looking in at Category 4967/6947: GO:0060174 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4968/6947: GO:0060177 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4969/6947: GO:0060179 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4970/6947: GO:0060180 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4971/6947: GO:0060191 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 4972/6947: GO:0060192 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4973/6947: GO:0060193 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 4974/6947: GO:0060211 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4975/6947: GO:0060213 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4976/6947: GO:0060215 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4977/6947: GO:0060216 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4978/6947: GO:0060218 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4979/6947: GO:0060219 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 4980/6947: GO:0060231 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 4981/6947: GO:0060236 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 4982/6947: GO:0060242 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4983/6947: GO:0060251 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 4984/6947: GO:0060252 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 4985/6947: GO:0060253 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 4986/6947: GO:0060259 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4987/6947: GO:0060260 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 4988/6947: GO:0060261 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 4989/6947: GO:0060263 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 4990/6947: GO:0060281 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 4991/6947: GO:0060285 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 4992/6947: GO:0060287 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4993/6947: GO:0060290 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 4994/6947: GO:0060291 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 4995/6947: GO:0060292 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 4996/6947: GO:0060294 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 4997/6947: GO:0060295 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4998/6947: GO:0060296 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 4999/6947: GO:0060297 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5000/6947: GO:0060306 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 5001/6947: GO:0060307 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5002/6947: GO:0060312 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5003/6947: GO:0060314 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 5004/6947: GO:0060315 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5005/6947: GO:0060316 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5006/6947: GO:0060317 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 5007/6947: GO:0060323 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 5008/6947: GO:0060324 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 5009/6947: GO:0060325 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 5010/6947: GO:0060326 (165 genes). 165/165 genes from this category have matching records in the expression data. Looking in at Category 5011/6947: GO:0060330 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 5012/6947: GO:0060331 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5013/6947: GO:0060333 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 5014/6947: GO:0060334 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5015/6947: GO:0060336 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5016/6947: GO:0060337 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 5017/6947: GO:0060338 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 5018/6947: GO:0060339 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5019/6947: GO:0060340 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5020/6947: GO:0060343 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 5021/6947: GO:0060346 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5022/6947: GO:0060347 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5023/6947: GO:0060348 (140 genes). 140/140 genes from this category have matching records in the expression data. Looking in at Category 5024/6947: GO:0060349 (62 genes). 62/62 genes from this category have matching records in the expression data. Looking in at Category 5025/6947: GO:0060350 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 5026/6947: GO:0060351 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5027/6947: GO:0060352 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5028/6947: GO:0060353 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5029/6947: GO:0060359 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 5030/6947: GO:0060363 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5031/6947: GO:0060368 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5032/6947: GO:0060371 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5033/6947: GO:0060372 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5034/6947: GO:0060379 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5035/6947: GO:0060384 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 5036/6947: GO:0060389 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 5037/6947: GO:0060390 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5038/6947: GO:0060391 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5039/6947: GO:0060393 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 5040/6947: GO:0060394 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5041/6947: GO:0060395 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 5042/6947: GO:0060396 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 5043/6947: GO:0060397 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5044/6947: GO:0060401 (105 genes). 105/105 genes from this category have matching records in the expression data. Looking in at Category 5045/6947: GO:0060402 (103 genes). 103/103 genes from this category have matching records in the expression data. Looking in at Category 5046/6947: GO:0060405 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5047/6947: GO:0060411 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 5048/6947: GO:0060412 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 5049/6947: GO:0060413 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5050/6947: GO:0060415 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 5051/6947: GO:0060416 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 5052/6947: GO:0060419 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 5053/6947: GO:0060420 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 5054/6947: GO:0060421 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 5055/6947: GO:0060425 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 5056/6947: GO:0060426 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5057/6947: GO:0060428 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 5058/6947: GO:0060433 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5059/6947: GO:0060438 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5060/6947: GO:0060439 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5061/6947: GO:0060440 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5062/6947: GO:0060441 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 5063/6947: GO:0060442 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5064/6947: GO:0060443 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 5065/6947: GO:0060444 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5066/6947: GO:0060445 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5067/6947: GO:0060449 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5068/6947: GO:0060452 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5069/6947: GO:0060453 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5070/6947: GO:0060455 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5071/6947: GO:0060456 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5072/6947: GO:0060457 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5073/6947: GO:0060462 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5074/6947: GO:0060463 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5075/6947: GO:0060479 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 5076/6947: GO:0060482 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5077/6947: GO:0060484 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5078/6947: GO:0060485 (174 genes). 174/174 genes from this category have matching records in the expression data. Looking in at Category 5079/6947: GO:0060487 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 5080/6947: GO:0060491 (141 genes). 141/141 genes from this category have matching records in the expression data. Looking in at Category 5081/6947: GO:0060501 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5082/6947: GO:0060502 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5083/6947: GO:0060509 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5084/6947: GO:0060512 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5085/6947: GO:0060525 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5086/6947: GO:0060526 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5087/6947: GO:0060527 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5088/6947: GO:0060534 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5089/6947: GO:0060536 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5090/6947: GO:0060538 (134 genes). 134/134 genes from this category have matching records in the expression data. Looking in at Category 5091/6947: GO:0060539 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5092/6947: GO:0060541 (162 genes). 162/162 genes from this category have matching records in the expression data. Looking in at Category 5093/6947: GO:0060544 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5094/6947: GO:0060546 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5095/6947: GO:0060547 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5096/6947: GO:0060556 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5097/6947: GO:0060560 (182 genes). 182/182 genes from this category have matching records in the expression data. Looking in at Category 5098/6947: GO:0060561 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 5099/6947: GO:0060563 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 5100/6947: GO:0060571 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5101/6947: GO:0060572 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5102/6947: GO:0060573 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5103/6947: GO:0060575 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5104/6947: GO:0060576 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5105/6947: GO:0060579 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5106/6947: GO:0060581 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5107/6947: GO:0060586 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5108/6947: GO:0060592 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5109/6947: GO:0060600 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5110/6947: GO:0060601 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5111/6947: GO:0060602 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5112/6947: GO:0060603 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 5113/6947: GO:0060606 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 5114/6947: GO:0060612 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 5115/6947: GO:0060613 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5116/6947: GO:0060628 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5117/6947: GO:0060632 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 5118/6947: GO:0060633 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5119/6947: GO:0060638 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5120/6947: GO:0060644 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5121/6947: GO:0060666 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5122/6947: GO:0060669 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 5123/6947: GO:0060670 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5124/6947: GO:0060674 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 5125/6947: GO:0060675 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 5126/6947: GO:0060687 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5127/6947: GO:0060688 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 5128/6947: GO:0060693 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5129/6947: GO:0060700 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5130/6947: GO:0060706 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5131/6947: GO:0060707 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5132/6947: GO:0060710 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5133/6947: GO:0060711 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 5134/6947: GO:0060712 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5135/6947: GO:0060713 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 5136/6947: GO:0060716 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5137/6947: GO:0060717 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5138/6947: GO:0060732 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5139/6947: GO:0060736 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5140/6947: GO:0060740 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5141/6947: GO:0060742 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5142/6947: GO:0060746 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5143/6947: GO:0060749 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5144/6947: GO:0060753 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5145/6947: GO:0060759 (109 genes). 109/109 genes from this category have matching records in the expression data. Looking in at Category 5146/6947: GO:0060760 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 5147/6947: GO:0060761 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 5148/6947: GO:0060765 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 5149/6947: GO:0060766 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5150/6947: GO:0060767 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5151/6947: GO:0060768 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5152/6947: GO:0060770 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5153/6947: GO:0060788 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5154/6947: GO:0060789 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5155/6947: GO:0060795 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 5156/6947: GO:0060831 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5157/6947: GO:0060836 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5158/6947: GO:0060837 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5159/6947: GO:0060839 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5160/6947: GO:0060840 (62 genes). 62/62 genes from this category have matching records in the expression data. Looking in at Category 5161/6947: GO:0060841 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5162/6947: GO:0060842 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5163/6947: GO:0060850 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5164/6947: GO:0060856 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5165/6947: GO:0060872 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5166/6947: GO:0060896 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5167/6947: GO:0060897 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5168/6947: GO:0060900 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5169/6947: GO:0060907 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5170/6947: GO:0060911 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5171/6947: GO:0060914 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 5172/6947: GO:0060947 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5173/6947: GO:0060956 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5174/6947: GO:0060964 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 5175/6947: GO:0060965 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5176/6947: GO:0060966 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 5177/6947: GO:0060967 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5178/6947: GO:0060968 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 5179/6947: GO:0060969 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5180/6947: GO:0060972 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5181/6947: GO:0060973 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5182/6947: GO:0060976 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 5183/6947: GO:0060977 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5184/6947: GO:0060982 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5185/6947: GO:0060986 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 5186/6947: GO:0060992 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5187/6947: GO:0060993 (65 genes). 65/65 genes from this category have matching records in the expression data. Looking in at Category 5188/6947: GO:0060996 (69 genes). 69/69 genes from this category have matching records in the expression data. Looking in at Category 5189/6947: GO:0060997 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 5190/6947: GO:0060998 (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 5191/6947: GO:0060999 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 5192/6947: GO:0061000 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5193/6947: GO:0061001 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 5194/6947: GO:0061002 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5195/6947: GO:0061003 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5196/6947: GO:0061004 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5197/6947: GO:0061005 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 5198/6947: GO:0061008 (106 genes). 106/106 genes from this category have matching records in the expression data. Looking in at Category 5199/6947: GO:0061009 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5200/6947: GO:0061013 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 5201/6947: GO:0061014 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 5202/6947: GO:0061025 (167 genes). 167/167 genes from this category have matching records in the expression data. Looking in at Category 5203/6947: GO:0061028 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 5204/6947: GO:0061029 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5205/6947: GO:0061035 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 5206/6947: GO:0061036 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 5207/6947: GO:0061037 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5208/6947: GO:0061041 (95 genes). 95/95 genes from this category have matching records in the expression data. Looking in at Category 5209/6947: GO:0061042 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5210/6947: GO:0061045 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 5211/6947: GO:0061049 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 5212/6947: GO:0061050 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5213/6947: GO:0061051 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5214/6947: GO:0061053 (60 genes). 60/60 genes from this category have matching records in the expression data. Looking in at Category 5215/6947: GO:0061072 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5216/6947: GO:0061077 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 5217/6947: GO:0061081 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5218/6947: GO:0061082 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 5219/6947: GO:0061085 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5220/6947: GO:0061087 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5221/6947: GO:0061088 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5222/6947: GO:0061097 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 5223/6947: GO:0061098 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 5224/6947: GO:0061099 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 5225/6947: GO:0061101 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5226/6947: GO:0061117 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5227/6947: GO:0061136 (133 genes). 133/133 genes from this category have matching records in the expression data. Looking in at Category 5228/6947: GO:0061138 (130 genes). 130/130 genes from this category have matching records in the expression data. Looking in at Category 5229/6947: GO:0061140 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5230/6947: GO:0061154 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5231/6947: GO:0061156 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5232/6947: GO:0061157 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5233/6947: GO:0061158 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5234/6947: GO:0061162 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5235/6947: GO:0061178 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 5236/6947: GO:0061179 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5237/6947: GO:0061180 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 5238/6947: GO:0061213 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5239/6947: GO:0061217 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5240/6947: GO:0061245 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 5241/6947: GO:0061298 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5242/6947: GO:0061299 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5243/6947: GO:0061303 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5244/6947: GO:0061307 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5245/6947: GO:0061308 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5246/6947: GO:0061309 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5247/6947: GO:0061311 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5248/6947: GO:0061314 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5249/6947: GO:0061318 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5250/6947: GO:0061323 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5251/6947: GO:0061326 (69 genes). 69/69 genes from this category have matching records in the expression data. Looking in at Category 5252/6947: GO:0061333 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 5253/6947: GO:0061337 (81 genes). 81/81 genes from this category have matching records in the expression data. Looking in at Category 5254/6947: GO:0061339 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5255/6947: GO:0061351 (101 genes). 101/101 genes from this category have matching records in the expression data. Looking in at Category 5256/6947: GO:0061365 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5257/6947: GO:0061370 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5258/6947: GO:0061371 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 5259/6947: GO:0061377 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5260/6947: GO:0061383 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 5261/6947: GO:0061384 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 5262/6947: GO:0061387 (97 genes). 97/97 genes from this category have matching records in the expression data. Looking in at Category 5263/6947: GO:0061418 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 5264/6947: GO:0061430 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5265/6947: GO:0061436 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5266/6947: GO:0061437 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 5267/6947: GO:0061440 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 5268/6947: GO:0061448 (173 genes). 173/173 genes from this category have matching records in the expression data. Looking in at Category 5269/6947: GO:0061450 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5270/6947: GO:0061462 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 5271/6947: GO:0061469 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5272/6947: GO:0061484 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5273/6947: GO:0061512 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 5274/6947: GO:0061515 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 5275/6947: GO:0061525 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5276/6947: GO:0061548 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5277/6947: GO:0061549 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5278/6947: GO:0061572 (115 genes). 115/115 genes from this category have matching records in the expression data. Looking in at Category 5279/6947: GO:0061577 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5280/6947: GO:0061614 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 5281/6947: GO:0061615 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 5282/6947: GO:0061620 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 5283/6947: GO:0061621 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 5284/6947: GO:0061626 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5285/6947: GO:0061635 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5286/6947: GO:0061640 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 5287/6947: GO:0061641 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 5288/6947: GO:0061647 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 5289/6947: GO:0061668 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5290/6947: GO:0061684 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5291/6947: GO:0061718 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 5292/6947: GO:0061724 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5293/6947: GO:0061726 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 5294/6947: GO:0061732 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5295/6947: GO:0061734 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5296/6947: GO:0061737 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5297/6947: GO:0061756 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5298/6947: GO:0065002 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 5299/6947: GO:0065004 (186 genes). 186/186 genes from this category have matching records in the expression data. Looking in at Category 5300/6947: GO:0065005 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 5301/6947: GO:0070050 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5302/6947: GO:0070059 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 5303/6947: GO:0070070 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5304/6947: GO:0070071 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5305/6947: GO:0070072 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5306/6947: GO:0070076 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 5307/6947: GO:0070098 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 5308/6947: GO:0070099 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5309/6947: GO:0070102 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5310/6947: GO:0070125 (85 genes). 85/85 genes from this category have matching records in the expression data. Looking in at Category 5311/6947: GO:0070126 (86 genes). 86/86 genes from this category have matching records in the expression data. Looking in at Category 5312/6947: GO:0070127 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5313/6947: GO:0070129 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5314/6947: GO:0070131 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5315/6947: GO:0070141 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5316/6947: GO:0070162 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5317/6947: GO:0070163 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5318/6947: GO:0070166 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5319/6947: GO:0070167 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 5320/6947: GO:0070168 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5321/6947: GO:0070169 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 5322/6947: GO:0070189 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5323/6947: GO:0070192 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 5324/6947: GO:0070193 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5325/6947: GO:0070198 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 5326/6947: GO:0070199 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 5327/6947: GO:0070200 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5328/6947: GO:0070202 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5329/6947: GO:0070203 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5330/6947: GO:0070206 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 5331/6947: GO:0070207 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5332/6947: GO:0070208 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5333/6947: GO:0070227 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 5334/6947: GO:0070228 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 5335/6947: GO:0070229 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 5336/6947: GO:0070230 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5337/6947: GO:0070231 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 5338/6947: GO:0070232 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 5339/6947: GO:0070233 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5340/6947: GO:0070234 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5341/6947: GO:0070242 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5342/6947: GO:0070243 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5343/6947: GO:0070244 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5344/6947: GO:0070252 (81 genes). 81/81 genes from this category have matching records in the expression data. Looking in at Category 5345/6947: GO:0070254 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5346/6947: GO:0070255 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5347/6947: GO:0070262 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5348/6947: GO:0070265 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 5349/6947: GO:0070266 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 5350/6947: GO:0070278 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5351/6947: GO:0070286 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5352/6947: GO:0070293 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5353/6947: GO:0070296 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 5354/6947: GO:0070301 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 5355/6947: GO:0070302 (165 genes). 165/165 genes from this category have matching records in the expression data. Looking in at Category 5356/6947: GO:0070303 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 5357/6947: GO:0070304 (113 genes). 113/113 genes from this category have matching records in the expression data. Looking in at Category 5358/6947: GO:0070305 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5359/6947: GO:0070306 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 5360/6947: GO:0070307 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5361/6947: GO:0070314 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5362/6947: GO:0070316 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5363/6947: GO:0070327 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5364/6947: GO:0070328 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 5365/6947: GO:0070339 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5366/6947: GO:0070341 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5367/6947: GO:0070344 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5368/6947: GO:0070365 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5369/6947: GO:0070371 (173 genes). 173/173 genes from this category have matching records in the expression data. Looking in at Category 5370/6947: GO:0070372 (174 genes). 174/174 genes from this category have matching records in the expression data. Looking in at Category 5371/6947: GO:0070373 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 5372/6947: GO:0070374 (114 genes). 114/114 genes from this category have matching records in the expression data. Looking in at Category 5373/6947: GO:0070389 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5374/6947: GO:0070391 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5375/6947: GO:0070417 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5376/6947: GO:0070423 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 5377/6947: GO:0070424 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5378/6947: GO:0070431 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5379/6947: GO:0070445 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5380/6947: GO:0070471 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5381/6947: GO:0070472 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5382/6947: GO:0070474 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5383/6947: GO:0070475 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5384/6947: GO:0070493 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5385/6947: GO:0070498 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5386/6947: GO:0070507 (100 genes). 100/100 genes from this category have matching records in the expression data. Looking in at Category 5387/6947: GO:0070508 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5388/6947: GO:0070509 (125 genes). 125/125 genes from this category have matching records in the expression data. Looking in at Category 5389/6947: GO:0070525 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5390/6947: GO:0070527 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 5391/6947: GO:0070528 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 5392/6947: GO:0070534 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 5393/6947: GO:0070535 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5394/6947: GO:0070536 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 5395/6947: GO:0070542 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 5396/6947: GO:0070544 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5397/6947: GO:0070555 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 5398/6947: GO:0070562 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5399/6947: GO:0070570 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 5400/6947: GO:0070571 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5401/6947: GO:0070572 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5402/6947: GO:0070584 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 5403/6947: GO:0070585 (177 genes). 177/177 genes from this category have matching records in the expression data. Looking in at Category 5404/6947: GO:0070586 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5405/6947: GO:0070587 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5406/6947: GO:0070601 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5407/6947: GO:0070613 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 5408/6947: GO:0070633 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5409/6947: GO:0070646 (113 genes). 113/113 genes from this category have matching records in the expression data. Looking in at Category 5410/6947: GO:0070661 (172 genes). 172/172 genes from this category have matching records in the expression data. Looking in at Category 5411/6947: GO:0070663 (129 genes). 129/129 genes from this category have matching records in the expression data. Looking in at Category 5412/6947: GO:0070664 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 5413/6947: GO:0070665 (86 genes). 86/86 genes from this category have matching records in the expression data. Looking in at Category 5414/6947: GO:0070669 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5415/6947: GO:0070670 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 5416/6947: GO:0070723 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5417/6947: GO:0070734 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5418/6947: GO:0070741 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 5419/6947: GO:0070816 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5420/6947: GO:0070828 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5421/6947: GO:0070830 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 5422/6947: GO:0070831 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5423/6947: GO:0070841 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5424/6947: GO:0070849 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 5425/6947: GO:0070857 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5426/6947: GO:0070861 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5427/6947: GO:0070862 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5428/6947: GO:0070863 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5429/6947: GO:0070873 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 5430/6947: GO:0070874 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5431/6947: GO:0070875 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5432/6947: GO:0070884 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5433/6947: GO:0070886 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5434/6947: GO:0070897 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 5435/6947: GO:0070900 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5436/6947: GO:0070911 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 5437/6947: GO:0070914 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5438/6947: GO:0070918 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 5439/6947: GO:0070920 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5440/6947: GO:0070922 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5441/6947: GO:0070932 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 5442/6947: GO:0070933 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5443/6947: GO:0070935 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5444/6947: GO:0070936 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 5445/6947: GO:0070940 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5446/6947: GO:0070970 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5447/6947: GO:0070972 (124 genes). 124/124 genes from this category have matching records in the expression data. Looking in at Category 5448/6947: GO:0070977 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5449/6947: GO:0070979 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 5450/6947: GO:0070986 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5451/6947: GO:0070987 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 5452/6947: GO:0070988 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 5453/6947: GO:0070989 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5454/6947: GO:0071025 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 5455/6947: GO:0071027 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5456/6947: GO:0071028 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5457/6947: GO:0071029 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5458/6947: GO:0071033 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5459/6947: GO:0071035 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5460/6947: GO:0071038 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5461/6947: GO:0071044 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5462/6947: GO:0071046 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5463/6947: GO:0071051 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5464/6947: GO:0071071 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5465/6947: GO:0071073 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5466/6947: GO:0071107 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5467/6947: GO:0071108 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 5468/6947: GO:0071156 (93 genes). 93/93 genes from this category have matching records in the expression data. Looking in at Category 5469/6947: GO:0071157 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5470/6947: GO:0071158 (74 genes). 74/74 genes from this category have matching records in the expression data. Looking in at Category 5471/6947: GO:0071166 (113 genes). 113/113 genes from this category have matching records in the expression data. Looking in at Category 5472/6947: GO:0071168 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5473/6947: GO:0071169 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5474/6947: GO:0071173 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 5475/6947: GO:0071174 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 5476/6947: GO:0071216 (126 genes). 126/126 genes from this category have matching records in the expression data. Looking in at Category 5477/6947: GO:0071218 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5478/6947: GO:0071219 (110 genes). 110/110 genes from this category have matching records in the expression data. Looking in at Category 5479/6947: GO:0071220 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5480/6947: GO:0071221 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5481/6947: GO:0071222 (104 genes). 104/104 genes from this category have matching records in the expression data. Looking in at Category 5482/6947: GO:0071223 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5483/6947: GO:0071229 (129 genes). 129/129 genes from this category have matching records in the expression data. Looking in at Category 5484/6947: GO:0071230 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 5485/6947: GO:0071236 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5486/6947: GO:0071241 (127 genes). 127/127 genes from this category have matching records in the expression data. Looking in at Category 5487/6947: GO:0071242 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 5488/6947: GO:0071243 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5489/6947: GO:0071248 (111 genes). 111/111 genes from this category have matching records in the expression data. Looking in at Category 5490/6947: GO:0071257 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5491/6947: GO:0071260 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 5492/6947: GO:0071265 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5493/6947: GO:0071267 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5494/6947: GO:0071276 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5495/6947: GO:0071277 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 5496/6947: GO:0071280 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5497/6947: GO:0071281 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5498/6947: GO:0071285 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5499/6947: GO:0071287 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5500/6947: GO:0071294 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5501/6947: GO:0071295 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 5502/6947: GO:0071300 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 5503/6947: GO:0071305 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5504/6947: GO:0071312 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 5505/6947: GO:0071313 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5506/6947: GO:0071316 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5507/6947: GO:0071318 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5508/6947: GO:0071320 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 5509/6947: GO:0071321 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5510/6947: GO:0071322 (85 genes). 85/85 genes from this category have matching records in the expression data. Looking in at Category 5511/6947: GO:0071326 (77 genes). 77/77 genes from this category have matching records in the expression data. Looking in at Category 5512/6947: GO:0071331 (77 genes). 77/77 genes from this category have matching records in the expression data. Looking in at Category 5513/6947: GO:0071333 (75 genes). 75/75 genes from this category have matching records in the expression data. Looking in at Category 5514/6947: GO:0071340 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5515/6947: GO:0071346 (72 genes). 72/72 genes from this category have matching records in the expression data. Looking in at Category 5516/6947: GO:0071347 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 5517/6947: GO:0071353 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 5518/6947: GO:0071354 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 5519/6947: GO:0071356 (169 genes). 169/169 genes from this category have matching records in the expression data. Looking in at Category 5520/6947: GO:0071357 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 5521/6947: GO:0071359 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 5522/6947: GO:0071360 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5523/6947: GO:0071361 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5524/6947: GO:0071364 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 5525/6947: GO:0071371 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5526/6947: GO:0071372 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5527/6947: GO:0071377 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 5528/6947: GO:0071378 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 5529/6947: GO:0071379 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 5530/6947: GO:0071380 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5531/6947: GO:0071383 (195 genes). 195/195 genes from this category have matching records in the expression data. Looking in at Category 5532/6947: GO:0071384 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 5533/6947: GO:0071385 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 5534/6947: GO:0071391 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5535/6947: GO:0071392 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 5536/6947: GO:0071394 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5537/6947: GO:0071397 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5538/6947: GO:0071398 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 5539/6947: GO:0071402 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5540/6947: GO:0071404 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5541/6947: GO:0071415 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5542/6947: GO:0071420 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5543/6947: GO:0071425 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5544/6947: GO:0071426 (106 genes). 106/106 genes from this category have matching records in the expression data. Looking in at Category 5545/6947: GO:0071427 (93 genes). 93/93 genes from this category have matching records in the expression data. Looking in at Category 5546/6947: GO:0071428 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5547/6947: GO:0071431 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 5548/6947: GO:0071435 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5549/6947: GO:0071436 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5550/6947: GO:0071447 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5551/6947: GO:0071450 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5552/6947: GO:0071451 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5553/6947: GO:0071453 (126 genes). 126/126 genes from this category have matching records in the expression data. Looking in at Category 5554/6947: GO:0071455 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5555/6947: GO:0071456 (111 genes). 111/111 genes from this category have matching records in the expression data. Looking in at Category 5556/6947: GO:0071459 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5557/6947: GO:0071462 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5558/6947: GO:0071466 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 5559/6947: GO:0071467 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5560/6947: GO:0071468 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5561/6947: GO:0071470 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 5562/6947: GO:0071472 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5563/6947: GO:0071474 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5564/6947: GO:0071476 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5565/6947: GO:0071478 (122 genes). 122/122 genes from this category have matching records in the expression data. Looking in at Category 5566/6947: GO:0071479 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 5567/6947: GO:0071480 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 5568/6947: GO:0071481 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5569/6947: GO:0071482 (75 genes). 75/75 genes from this category have matching records in the expression data. Looking in at Category 5570/6947: GO:0071493 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5571/6947: GO:0071498 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5572/6947: GO:0071499 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5573/6947: GO:0071500 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5574/6947: GO:0071501 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5575/6947: GO:0071503 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5576/6947: GO:0071514 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5577/6947: GO:0071526 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 5578/6947: GO:0071539 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5579/6947: GO:0071542 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 5580/6947: GO:0071545 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5581/6947: GO:0071548 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 5582/6947: GO:0071549 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 5583/6947: GO:0071550 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5584/6947: GO:0071554 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5585/6947: GO:0071559 (182 genes). 182/182 genes from this category have matching records in the expression data. Looking in at Category 5586/6947: GO:0071560 (181 genes). 181/181 genes from this category have matching records in the expression data. Looking in at Category 5587/6947: GO:0071569 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5588/6947: GO:0071577 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 5589/6947: GO:0071578 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5590/6947: GO:0071594 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 5591/6947: GO:0071599 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5592/6947: GO:0071600 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5593/6947: GO:0071604 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 5594/6947: GO:0071605 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5595/6947: GO:0071609 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5596/6947: GO:0071616 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 5597/6947: GO:0071621 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 5598/6947: GO:0071622 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 5599/6947: GO:0071624 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5600/6947: GO:0071625 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5601/6947: GO:0071634 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5602/6947: GO:0071636 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5603/6947: GO:0071637 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5604/6947: GO:0071638 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5605/6947: GO:0071670 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5606/6947: GO:0071671 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5607/6947: GO:0071674 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5608/6947: GO:0071675 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5609/6947: GO:0071679 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5610/6947: GO:0071680 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5611/6947: GO:0071681 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5612/6947: GO:0071695 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 5613/6947: GO:0071696 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5614/6947: GO:0071697 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5615/6947: GO:0071706 (83 genes). 83/83 genes from this category have matching records in the expression data. Looking in at Category 5616/6947: GO:0071709 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 5617/6947: GO:0071711 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5618/6947: GO:0071712 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5619/6947: GO:0071715 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 5620/6947: GO:0071731 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5621/6947: GO:0071732 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5622/6947: GO:0071763 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5623/6947: GO:0071772 (100 genes). 100/100 genes from this category have matching records in the expression data. Looking in at Category 5624/6947: GO:0071773 (100 genes). 100/100 genes from this category have matching records in the expression data. Looking in at Category 5625/6947: GO:0071774 (105 genes). 105/105 genes from this category have matching records in the expression data. Looking in at Category 5626/6947: GO:0071786 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5627/6947: GO:0071800 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5628/6947: GO:0071801 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5629/6947: GO:0071803 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5630/6947: GO:0071804 (145 genes). 145/145 genes from this category have matching records in the expression data. Looking in at Category 5631/6947: GO:0071805 (145 genes). 145/145 genes from this category have matching records in the expression data. Looking in at Category 5632/6947: GO:0071806 (60 genes). 60/60 genes from this category have matching records in the expression data. Looking in at Category 5633/6947: GO:0071825 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 5634/6947: GO:0071827 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 5635/6947: GO:0071830 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5636/6947: GO:0071838 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5637/6947: GO:0071839 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5638/6947: GO:0071850 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5639/6947: GO:0071867 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 5640/6947: GO:0071868 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 5641/6947: GO:0071869 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 5642/6947: GO:0071870 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 5643/6947: GO:0071871 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 5644/6947: GO:0071872 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5645/6947: GO:0071875 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 5646/6947: GO:0071877 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5647/6947: GO:0071880 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5648/6947: GO:0071887 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 5649/6947: GO:0071888 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5650/6947: GO:0071897 (167 genes). 167/167 genes from this category have matching records in the expression data. Looking in at Category 5651/6947: GO:0071901 (112 genes). 112/112 genes from this category have matching records in the expression data. Looking in at Category 5652/6947: GO:0071907 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5653/6947: GO:0071941 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5654/6947: GO:0071971 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5655/6947: GO:0071985 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5656/6947: GO:0072006 (103 genes). 103/103 genes from this category have matching records in the expression data. Looking in at Category 5657/6947: GO:0072007 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5658/6947: GO:0072008 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5659/6947: GO:0072009 (82 genes). 82/82 genes from this category have matching records in the expression data. Looking in at Category 5660/6947: GO:0072010 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 5661/6947: GO:0072012 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5662/6947: GO:0072014 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5663/6947: GO:0072015 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5664/6947: GO:0072017 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5665/6947: GO:0072028 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 5666/6947: GO:0072033 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5667/6947: GO:0072044 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5668/6947: GO:0072048 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5669/6947: GO:0072049 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5670/6947: GO:0072050 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5671/6947: GO:0072070 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5672/6947: GO:0072073 (111 genes). 111/111 genes from this category have matching records in the expression data. Looking in at Category 5673/6947: GO:0072074 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5674/6947: GO:0072075 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5675/6947: GO:0072077 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5676/6947: GO:0072078 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 5677/6947: GO:0072079 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5678/6947: GO:0072080 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 5679/6947: GO:0072087 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5680/6947: GO:0072088 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 5681/6947: GO:0072089 (85 genes). 85/85 genes from this category have matching records in the expression data. Looking in at Category 5682/6947: GO:0072091 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 5683/6947: GO:0072102 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5684/6947: GO:0072109 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5685/6947: GO:0072110 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5686/6947: GO:0072111 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5687/6947: GO:0072112 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5688/6947: GO:0072124 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5689/6947: GO:0072132 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 5690/6947: GO:0072143 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5691/6947: GO:0072144 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5692/6947: GO:0072148 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5693/6947: GO:0072160 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5694/6947: GO:0072163 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 5695/6947: GO:0072164 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 5696/6947: GO:0072170 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 5697/6947: GO:0072171 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 5698/6947: GO:0072173 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5699/6947: GO:0072175 (100 genes). 100/100 genes from this category have matching records in the expression data. Looking in at Category 5700/6947: GO:0072176 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5701/6947: GO:0072178 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5702/6947: GO:0072182 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5703/6947: GO:0072201 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5704/6947: GO:0072202 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5705/6947: GO:0072203 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5706/6947: GO:0072205 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5707/6947: GO:0072207 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5708/6947: GO:0072210 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 5709/6947: GO:0072215 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 5710/6947: GO:0072216 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5711/6947: GO:0072224 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5712/6947: GO:0072234 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5713/6947: GO:0072235 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5714/6947: GO:0072236 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5715/6947: GO:0072239 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5716/6947: GO:0072243 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5717/6947: GO:0072273 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 5718/6947: GO:0072282 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5719/6947: GO:0072283 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5720/6947: GO:0072307 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5721/6947: GO:0072310 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5722/6947: GO:0072311 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5723/6947: GO:0072319 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5724/6947: GO:0072321 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5725/6947: GO:0072329 (88 genes). 88/88 genes from this category have matching records in the expression data. Looking in at Category 5726/6947: GO:0072330 (148 genes). 148/148 genes from this category have matching records in the expression data. Looking in at Category 5727/6947: GO:0072331 (142 genes). 142/142 genes from this category have matching records in the expression data. Looking in at Category 5728/6947: GO:0072332 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 5729/6947: GO:0072337 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 5730/6947: GO:0072348 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 5731/6947: GO:0072350 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5732/6947: GO:0072376 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 5733/6947: GO:0072378 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 5734/6947: GO:0072383 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5735/6947: GO:0072384 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 5736/6947: GO:0072386 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5737/6947: GO:0072393 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5738/6947: GO:0072395 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 5739/6947: GO:0072396 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5740/6947: GO:0072401 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 5741/6947: GO:0072402 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5742/6947: GO:0072413 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 5743/6947: GO:0072422 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 5744/6947: GO:0072431 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 5745/6947: GO:0072497 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5746/6947: GO:0072498 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5747/6947: GO:0072502 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5748/6947: GO:0072506 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5749/6947: GO:0072512 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 5750/6947: GO:0072520 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5751/6947: GO:0072522 (191 genes). 191/191 genes from this category have matching records in the expression data. Looking in at Category 5752/6947: GO:0072523 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 5753/6947: GO:0072524 (115 genes). 115/115 genes from this category have matching records in the expression data. Looking in at Category 5754/6947: GO:0072525 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 5755/6947: GO:0072527 (62 genes). 62/62 genes from this category have matching records in the expression data. Looking in at Category 5756/6947: GO:0072528 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 5757/6947: GO:0072529 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 5758/6947: GO:0072531 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5759/6947: GO:0072537 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5760/6947: GO:0072538 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5761/6947: GO:0072539 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5762/6947: GO:0072567 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5763/6947: GO:0072574 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5764/6947: GO:0072575 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5765/6947: GO:0072576 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5766/6947: GO:0072577 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 5767/6947: GO:0072578 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5768/6947: GO:0072583 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 5769/6947: GO:0072584 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5770/6947: GO:0072593 (165 genes). 165/165 genes from this category have matching records in the expression data. Looking in at Category 5771/6947: GO:0072595 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 5772/6947: GO:0072599 (105 genes). 105/105 genes from this category have matching records in the expression data. Looking in at Category 5773/6947: GO:0072600 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5774/6947: GO:0072606 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5775/6947: GO:0072608 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5776/6947: GO:0072643 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5777/6947: GO:0072655 (174 genes). 174/174 genes from this category have matching records in the expression data. Looking in at Category 5778/6947: GO:0072656 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5779/6947: GO:0072659 (191 genes). 191/191 genes from this category have matching records in the expression data. Looking in at Category 5780/6947: GO:0072661 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 5781/6947: GO:0072662 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5782/6947: GO:0072663 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5783/6947: GO:0072665 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 5784/6947: GO:0072666 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 5785/6947: GO:0072673 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5786/6947: GO:0072676 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 5787/6947: GO:0072677 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5788/6947: GO:0072678 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 5789/6947: GO:0072698 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 5790/6947: GO:0072710 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5791/6947: GO:0072711 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5792/6947: GO:0072718 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5793/6947: GO:0072719 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5794/6947: GO:0075522 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5795/6947: GO:0075525 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5796/6947: GO:0075713 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5797/6947: GO:0075733 (63 genes). 63/63 genes from this category have matching records in the expression data. Looking in at Category 5798/6947: GO:0080009 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5799/6947: GO:0080111 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5800/6947: GO:0080171 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 5801/6947: GO:0080182 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5802/6947: GO:0085020 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5803/6947: GO:0085029 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 5804/6947: GO:0086001 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 5805/6947: GO:0086002 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 5806/6947: GO:0086003 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 5807/6947: GO:0086004 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 5808/6947: GO:0086005 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5809/6947: GO:0086009 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 5810/6947: GO:0086010 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 5811/6947: GO:0086011 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 5812/6947: GO:0086012 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5813/6947: GO:0086013 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 5814/6947: GO:0086014 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5815/6947: GO:0086015 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5816/6947: GO:0086016 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5817/6947: GO:0086018 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5818/6947: GO:0086019 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 5819/6947: GO:0086023 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5820/6947: GO:0086026 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5821/6947: GO:0086027 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5822/6947: GO:0086036 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5823/6947: GO:0086042 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5824/6947: GO:0086064 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5825/6947: GO:0086065 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 5826/6947: GO:0086066 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5827/6947: GO:0086067 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5828/6947: GO:0086069 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5829/6947: GO:0086070 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5830/6947: GO:0086091 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 5831/6947: GO:0086103 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5832/6947: GO:0089711 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5833/6947: GO:0090002 (134 genes). 134/134 genes from this category have matching records in the expression data. Looking in at Category 5834/6947: GO:0090003 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 5835/6947: GO:0090004 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 5836/6947: GO:0090005 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5837/6947: GO:0090009 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5838/6947: GO:0090022 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 5839/6947: GO:0090023 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 5840/6947: GO:0090025 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5841/6947: GO:0090026 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5842/6947: GO:0090030 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5843/6947: GO:0090036 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5844/6947: GO:0090037 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5845/6947: GO:0090043 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5846/6947: GO:0090045 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5847/6947: GO:0090049 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5848/6947: GO:0090050 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5849/6947: GO:0090051 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5850/6947: GO:0090068 (199 genes). 199/199 genes from this category have matching records in the expression data. Looking in at Category 5851/6947: GO:0090073 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5852/6947: GO:0090075 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 5853/6947: GO:0090077 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 5854/6947: GO:0090083 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5855/6947: GO:0090084 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5856/6947: GO:0090085 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5857/6947: GO:0090087 (165 genes). 165/165 genes from this category have matching records in the expression data. Looking in at Category 5858/6947: GO:0090090 (143 genes). 143/143 genes from this category have matching records in the expression data. Looking in at Category 5859/6947: GO:0090091 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5860/6947: GO:0090092 (160 genes). 160/160 genes from this category have matching records in the expression data. Looking in at Category 5861/6947: GO:0090100 (72 genes). 72/72 genes from this category have matching records in the expression data. Looking in at Category 5862/6947: GO:0090101 (85 genes). 85/85 genes from this category have matching records in the expression data. Looking in at Category 5863/6947: GO:0090102 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 5864/6947: GO:0090103 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 5865/6947: GO:0090109 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 5866/6947: GO:0090114 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 5867/6947: GO:0090128 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5868/6947: GO:0090129 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5869/6947: GO:0090130 (196 genes). 196/196 genes from this category have matching records in the expression data. Looking in at Category 5870/6947: GO:0090131 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5871/6947: GO:0090132 (191 genes). 191/191 genes from this category have matching records in the expression data. Looking in at Category 5872/6947: GO:0090136 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5873/6947: GO:0090140 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 5874/6947: GO:0090141 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5875/6947: GO:0090148 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5876/6947: GO:0090151 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5877/6947: GO:0090153 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5878/6947: GO:0090154 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5879/6947: GO:0090160 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5880/6947: GO:0090161 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5881/6947: GO:0090162 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 5882/6947: GO:0090166 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5883/6947: GO:0090169 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 5884/6947: GO:0090174 (105 genes). 105/105 genes from this category have matching records in the expression data. Looking in at Category 5885/6947: GO:0090175 (100 genes). 100/100 genes from this category have matching records in the expression data. Looking in at Category 5886/6947: GO:0090177 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5887/6947: GO:0090178 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5888/6947: GO:0090179 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5889/6947: GO:0090181 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 5890/6947: GO:0090183 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 5891/6947: GO:0090184 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 5892/6947: GO:0090185 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5893/6947: GO:0090186 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5894/6947: GO:0090189 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5895/6947: GO:0090190 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5896/6947: GO:0090192 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5897/6947: GO:0090195 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5898/6947: GO:0090196 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5899/6947: GO:0090197 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5900/6947: GO:0090199 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 5901/6947: GO:0090200 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 5902/6947: GO:0090201 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5903/6947: GO:0090205 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5904/6947: GO:0090206 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5905/6947: GO:0090207 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 5906/6947: GO:0090208 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5907/6947: GO:0090218 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 5908/6947: GO:0090220 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5909/6947: GO:0090224 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 5910/6947: GO:0090230 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5911/6947: GO:0090231 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5912/6947: GO:0090232 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5913/6947: GO:0090237 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5914/6947: GO:0090239 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 5915/6947: GO:0090240 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5916/6947: GO:0090244 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5917/6947: GO:0090257 (163 genes). 163/163 genes from this category have matching records in the expression data. Looking in at Category 5918/6947: GO:0090261 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5919/6947: GO:0090263 (105 genes). 105/105 genes from this category have matching records in the expression data. Looking in at Category 5920/6947: GO:0090266 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5921/6947: GO:0090267 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5922/6947: GO:0090269 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5923/6947: GO:0090270 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5924/6947: GO:0090276 (159 genes). 159/159 genes from this category have matching records in the expression data. Looking in at Category 5925/6947: GO:0090277 (65 genes). 65/65 genes from this category have matching records in the expression data. Looking in at Category 5926/6947: GO:0090278 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 5927/6947: GO:0090279 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 5928/6947: GO:0090280 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 5929/6947: GO:0090281 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5930/6947: GO:0090286 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5931/6947: GO:0090287 (184 genes). 184/184 genes from this category have matching records in the expression data. Looking in at Category 5932/6947: GO:0090288 (100 genes). 100/100 genes from this category have matching records in the expression data. Looking in at Category 5933/6947: GO:0090303 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 5934/6947: GO:0090307 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 5935/6947: GO:0090308 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5936/6947: GO:0090311 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 5937/6947: GO:0090312 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 5938/6947: GO:0090313 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 5939/6947: GO:0090314 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 5940/6947: GO:0090317 (78 genes). 78/78 genes from this category have matching records in the expression data. Looking in at Category 5941/6947: GO:0090322 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 5942/6947: GO:0090329 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 5943/6947: GO:0090330 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5944/6947: GO:0090331 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5945/6947: GO:0090335 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5946/6947: GO:0090336 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5947/6947: GO:0090342 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 5948/6947: GO:0090343 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5949/6947: GO:0090344 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 5950/6947: GO:0090382 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 5951/6947: GO:0090383 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 5952/6947: GO:0090385 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5953/6947: GO:0090394 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5954/6947: GO:0090398 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 5955/6947: GO:0090399 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5956/6947: GO:0090400 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5957/6947: GO:0090435 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5958/6947: GO:0090481 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5959/6947: GO:0090493 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5960/6947: GO:0090494 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5961/6947: GO:0090500 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5962/6947: GO:0090501 (117 genes). 117/117 genes from this category have matching records in the expression data. Looking in at Category 5963/6947: GO:0090502 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 5964/6947: GO:0090503 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 5965/6947: GO:0090504 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 5966/6947: GO:0090505 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 5967/6947: GO:0090520 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 5968/6947: GO:0090527 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 5969/6947: GO:0090557 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 5970/6947: GO:0090559 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 5971/6947: GO:0090596 (185 genes). 185/185 genes from this category have matching records in the expression data. Looking in at Category 5972/6947: GO:0090611 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5973/6947: GO:0090630 (63 genes). 63/63 genes from this category have matching records in the expression data. Looking in at Category 5974/6947: GO:0090646 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5975/6947: GO:0090656 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5976/6947: GO:0090659 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 5977/6947: GO:0090662 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 5978/6947: GO:0090670 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 5979/6947: GO:0090671 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 5980/6947: GO:0090672 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 5981/6947: GO:0095500 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 5982/6947: GO:0097006 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 5983/6947: GO:0097009 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 5984/6947: GO:0097011 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5985/6947: GO:0097012 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5986/6947: GO:0097028 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 5987/6947: GO:0097031 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 5988/6947: GO:0097033 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5989/6947: GO:0097034 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 5990/6947: GO:0097035 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 5991/6947: GO:0097039 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5992/6947: GO:0097049 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 5993/6947: GO:0097050 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 5994/6947: GO:0097052 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 5995/6947: GO:0097061 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 5996/6947: GO:0097062 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 5997/6947: GO:0097066 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 5998/6947: GO:0097067 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 5999/6947: GO:0097084 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6000/6947: GO:0097090 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6001/6947: GO:0097091 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6002/6947: GO:0097094 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6003/6947: GO:0097104 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6004/6947: GO:0097105 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6005/6947: GO:0097106 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6006/6947: GO:0097107 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6007/6947: GO:0097114 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6008/6947: GO:0097119 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6009/6947: GO:0097120 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6010/6947: GO:0097150 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 6011/6947: GO:0097151 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6012/6947: GO:0097152 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6013/6947: GO:0097154 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6014/6947: GO:0097164 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 6015/6947: GO:0097178 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 6016/6947: GO:0097186 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6017/6947: GO:0097191 (186 genes). 186/186 genes from this category have matching records in the expression data. Looking in at Category 6018/6947: GO:0097192 (63 genes). 63/63 genes from this category have matching records in the expression data. Looking in at Category 6019/6947: GO:0097194 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 6020/6947: GO:0097201 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6021/6947: GO:0097202 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6022/6947: GO:0097205 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6023/6947: GO:0097237 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6024/6947: GO:0097264 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6025/6947: GO:0097284 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6026/6947: GO:0097286 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6027/6947: GO:0097296 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6028/6947: GO:0097300 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 6029/6947: GO:0097305 (130 genes). 130/130 genes from this category have matching records in the expression data. Looking in at Category 6030/6947: GO:0097306 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 6031/6947: GO:0097320 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6032/6947: GO:0097340 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6033/6947: GO:0097341 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6034/6947: GO:0097345 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 6035/6947: GO:0097352 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 6036/6947: GO:0097354 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6037/6947: GO:0097369 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6038/6947: GO:0097384 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6039/6947: GO:0097411 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6040/6947: GO:0097421 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 6041/6947: GO:0097435 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6042/6947: GO:0097459 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6043/6947: GO:0097468 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6044/6947: GO:0097479 (122 genes). 122/122 genes from this category have matching records in the expression data. Looking in at Category 6045/6947: GO:0097480 (115 genes). 115/115 genes from this category have matching records in the expression data. Looking in at Category 6046/6947: GO:0097484 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 6047/6947: GO:0097485 (192 genes). 192/192 genes from this category have matching records in the expression data. Looking in at Category 6048/6947: GO:0097499 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6049/6947: GO:0097502 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 6050/6947: GO:0097503 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 6051/6947: GO:0097527 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6052/6947: GO:0097529 (100 genes). 100/100 genes from this category have matching records in the expression data. Looking in at Category 6053/6947: GO:0097530 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 6054/6947: GO:0097531 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6055/6947: GO:0097553 (83 genes). 83/83 genes from this category have matching records in the expression data. Looking in at Category 6056/6947: GO:0097576 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 6057/6947: GO:0097577 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6058/6947: GO:0097581 (65 genes). 65/65 genes from this category have matching records in the expression data. Looking in at Category 6059/6947: GO:0097623 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6060/6947: GO:0097696 (114 genes). 114/114 genes from this category have matching records in the expression data. Looking in at Category 6061/6947: GO:0098501 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6062/6947: GO:0098532 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6063/6947: GO:0098534 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 6064/6947: GO:0098543 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6065/6947: GO:0098581 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6066/6947: GO:0098586 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 6067/6947: GO:0098596 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6068/6947: GO:0098597 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6069/6947: GO:0098598 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6070/6947: GO:0098656 (149 genes). 149/149 genes from this category have matching records in the expression data. Looking in at Category 6071/6947: GO:0098657 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 6072/6947: GO:0098659 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 6073/6947: GO:0098661 (82 genes). 82/82 genes from this category have matching records in the expression data. Looking in at Category 6074/6947: GO:0098703 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6075/6947: GO:0098719 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6076/6947: GO:0098722 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6077/6947: GO:0098727 (116 genes). 116/116 genes from this category have matching records in the expression data. Looking in at Category 6078/6947: GO:0098732 (92 genes). 92/92 genes from this category have matching records in the expression data. Looking in at Category 6079/6947: GO:0098734 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6080/6947: GO:0098739 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 6081/6947: GO:0098742 (157 genes). 157/157 genes from this category have matching records in the expression data. Looking in at Category 6082/6947: GO:0098743 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6083/6947: GO:0098751 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 6084/6947: GO:0098754 (73 genes). 73/73 genes from this category have matching records in the expression data. Looking in at Category 6085/6947: GO:0098773 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 6086/6947: GO:0098779 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6087/6947: GO:0098780 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6088/6947: GO:0098781 (94 genes). 94/94 genes from this category have matching records in the expression data. Looking in at Category 6089/6947: GO:0098787 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6090/6947: GO:0098789 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6091/6947: GO:0098792 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6092/6947: GO:0098795 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6093/6947: GO:0098801 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 6094/6947: GO:0098810 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6095/6947: GO:0098815 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 6096/6947: GO:0098828 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6097/6947: GO:0098856 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6098/6947: GO:0098868 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6099/6947: GO:0098869 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 6100/6947: GO:0098870 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6101/6947: GO:0098876 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 6102/6947: GO:0098900 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 6103/6947: GO:0098901 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 6104/6947: GO:0098903 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6105/6947: GO:0098909 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6106/6947: GO:0098910 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6107/6947: GO:0098911 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6108/6947: GO:0098914 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6109/6947: GO:0098915 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6110/6947: GO:0098927 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 6111/6947: GO:0098930 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 6112/6947: GO:0099003 (93 genes). 93/93 genes from this category have matching records in the expression data. Looking in at Category 6113/6947: GO:0099500 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6114/6947: GO:0099504 (105 genes). 105/105 genes from this category have matching records in the expression data. Looking in at Category 6115/6947: GO:0099514 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6116/6947: GO:0099515 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6117/6947: GO:0099517 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6118/6947: GO:0099518 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 6119/6947: GO:0099531 (131 genes). 131/131 genes from this category have matching records in the expression data. Looking in at Category 6120/6947: GO:0099565 (62 genes). 62/62 genes from this category have matching records in the expression data. Looking in at Category 6121/6947: GO:0099587 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 6122/6947: GO:0099601 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 6123/6947: GO:0099612 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6124/6947: GO:0099622 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 6125/6947: GO:0099623 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 6126/6947: GO:0099624 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6127/6947: GO:0099625 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6128/6947: GO:0099643 (126 genes). 126/126 genes from this category have matching records in the expression data. Looking in at Category 6129/6947: GO:1900006 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 6130/6947: GO:1900015 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6131/6947: GO:1900016 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6132/6947: GO:1900024 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 6133/6947: GO:1900025 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6134/6947: GO:1900026 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 6135/6947: GO:1900027 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 6136/6947: GO:1900029 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6137/6947: GO:1900034 (74 genes). 74/74 genes from this category have matching records in the expression data. Looking in at Category 6138/6947: GO:1900037 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6139/6947: GO:1900040 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6140/6947: GO:1900042 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6141/6947: GO:1900044 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6142/6947: GO:1900046 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 6143/6947: GO:1900047 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 6144/6947: GO:1900048 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6145/6947: GO:1900076 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 6146/6947: GO:1900077 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 6147/6947: GO:1900078 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 6148/6947: GO:1900084 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6149/6947: GO:1900087 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 6150/6947: GO:1900101 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 6151/6947: GO:1900102 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6152/6947: GO:1900103 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6153/6947: GO:1900112 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6154/6947: GO:1900113 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6155/6947: GO:1900115 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6156/6947: GO:1900116 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6157/6947: GO:1900117 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 6158/6947: GO:1900118 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6159/6947: GO:1900119 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6160/6947: GO:1900120 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6161/6947: GO:1900121 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6162/6947: GO:1900122 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6163/6947: GO:1900151 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6164/6947: GO:1900153 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6165/6947: GO:1900165 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6166/6947: GO:1900180 (183 genes). 183/183 genes from this category have matching records in the expression data. Looking in at Category 6167/6947: GO:1900181 (62 genes). 62/62 genes from this category have matching records in the expression data. Looking in at Category 6168/6947: GO:1900182 (101 genes). 101/101 genes from this category have matching records in the expression data. Looking in at Category 6169/6947: GO:1900193 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6170/6947: GO:1900221 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6171/6947: GO:1900225 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6172/6947: GO:1900246 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6173/6947: GO:1900262 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6174/6947: GO:1900264 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6175/6947: GO:1900271 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 6176/6947: GO:1900273 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6177/6947: GO:1900274 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 6178/6947: GO:1900363 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6179/6947: GO:1900364 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6180/6947: GO:1900371 (103 genes). 103/103 genes from this category have matching records in the expression data. Looking in at Category 6181/6947: GO:1900372 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 6182/6947: GO:1900373 (72 genes). 72/72 genes from this category have matching records in the expression data. Looking in at Category 6183/6947: GO:1900376 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6184/6947: GO:1900407 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 6185/6947: GO:1900408 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 6186/6947: GO:1900409 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6187/6947: GO:1900424 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6188/6947: GO:1900426 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6189/6947: GO:1900449 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 6190/6947: GO:1900452 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6191/6947: GO:1900542 (156 genes). 156/156 genes from this category have matching records in the expression data. Looking in at Category 6192/6947: GO:1900543 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 6193/6947: GO:1900544 (93 genes). 93/93 genes from this category have matching records in the expression data. Looking in at Category 6194/6947: GO:1900739 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 6195/6947: GO:1900740 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 6196/6947: GO:1900744 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 6197/6947: GO:1900745 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6198/6947: GO:1900746 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6199/6947: GO:1900864 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6200/6947: GO:1901016 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 6201/6947: GO:1901017 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6202/6947: GO:1901018 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6203/6947: GO:1901019 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 6204/6947: GO:1901020 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 6205/6947: GO:1901021 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 6206/6947: GO:1901028 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 6207/6947: GO:1901029 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6208/6947: GO:1901030 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 6209/6947: GO:1901031 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 6210/6947: GO:1901032 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 6211/6947: GO:1901033 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6212/6947: GO:1901068 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 6213/6947: GO:1901070 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6214/6947: GO:1901071 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 6215/6947: GO:1901072 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6216/6947: GO:1901077 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6217/6947: GO:1901096 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6218/6947: GO:1901099 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 6219/6947: GO:1901136 (142 genes). 142/142 genes from this category have matching records in the expression data. Looking in at Category 6220/6947: GO:1901142 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6221/6947: GO:1901160 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6222/6947: GO:1901163 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6223/6947: GO:1901184 (76 genes). 76/76 genes from this category have matching records in the expression data. Looking in at Category 6224/6947: GO:1901185 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 6225/6947: GO:1901186 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 6226/6947: GO:1901201 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6227/6947: GO:1901203 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6228/6947: GO:1901213 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6229/6947: GO:1901215 (148 genes). 148/148 genes from this category have matching records in the expression data. Looking in at Category 6230/6947: GO:1901216 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 6231/6947: GO:1901222 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 6232/6947: GO:1901223 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6233/6947: GO:1901224 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 6234/6947: GO:1901264 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 6235/6947: GO:1901292 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 6236/6947: GO:1901298 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6237/6947: GO:1901299 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6238/6947: GO:1901339 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6239/6947: GO:1901342 (184 genes). 184/184 genes from this category have matching records in the expression data. Looking in at Category 6240/6947: GO:1901343 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 6241/6947: GO:1901379 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 6242/6947: GO:1901380 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6243/6947: GO:1901381 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 6244/6947: GO:1901385 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 6245/6947: GO:1901386 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6246/6947: GO:1901387 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6247/6947: GO:1901407 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6248/6947: GO:1901409 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6249/6947: GO:1901522 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 6250/6947: GO:1901524 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6251/6947: GO:1901532 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6252/6947: GO:1901533 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6253/6947: GO:1901550 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6254/6947: GO:1901568 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6255/6947: GO:1901605 (154 genes). 154/154 genes from this category have matching records in the expression data. Looking in at Category 6256/6947: GO:1901606 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 6257/6947: GO:1901607 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 6258/6947: GO:1901616 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 6259/6947: GO:1901617 (131 genes). 131/131 genes from this category have matching records in the expression data. Looking in at Category 6260/6947: GO:1901620 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6261/6947: GO:1901621 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6262/6947: GO:1901623 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6263/6947: GO:1901626 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6264/6947: GO:1901642 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6265/6947: GO:1901654 (137 genes). 137/137 genes from this category have matching records in the expression data. Looking in at Category 6266/6947: GO:1901655 (63 genes). 63/63 genes from this category have matching records in the expression data. Looking in at Category 6267/6947: GO:1901658 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 6268/6947: GO:1901659 (102 genes). 102/102 genes from this category have matching records in the expression data. Looking in at Category 6269/6947: GO:1901661 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 6270/6947: GO:1901663 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6271/6947: GO:1901673 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6272/6947: GO:1901678 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6273/6947: GO:1901679 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6274/6947: GO:1901685 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 6275/6947: GO:1901687 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 6276/6947: GO:1901722 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6277/6947: GO:1901725 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6278/6947: GO:1901727 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6279/6947: GO:1901739 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6280/6947: GO:1901741 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6281/6947: GO:1901796 (147 genes). 147/147 genes from this category have matching records in the expression data. Looking in at Category 6282/6947: GO:1901797 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 6283/6947: GO:1901798 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6284/6947: GO:1901799 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 6285/6947: GO:1901800 (80 genes). 80/80 genes from this category have matching records in the expression data. Looking in at Category 6286/6947: GO:1901836 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6287/6947: GO:1901838 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6288/6947: GO:1901841 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6289/6947: GO:1901844 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6290/6947: GO:1901857 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6291/6947: GO:1901858 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6292/6947: GO:1901861 (95 genes). 95/95 genes from this category have matching records in the expression data. Looking in at Category 6293/6947: GO:1901862 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 6294/6947: GO:1901863 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 6295/6947: GO:1901879 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 6296/6947: GO:1901880 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 6297/6947: GO:1901881 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6298/6947: GO:1901888 (69 genes). 69/69 genes from this category have matching records in the expression data. Looking in at Category 6299/6947: GO:1901889 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 6300/6947: GO:1901890 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 6301/6947: GO:1901894 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6302/6947: GO:1901897 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6303/6947: GO:1901970 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6304/6947: GO:1901976 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 6305/6947: GO:1901977 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6306/6947: GO:1901978 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6307/6947: GO:1901983 (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 6308/6947: GO:1901984 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 6309/6947: GO:1901985 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 6310/6947: GO:1901988 (143 genes). 143/143 genes from this category have matching records in the expression data. Looking in at Category 6311/6947: GO:1901989 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 6312/6947: GO:1901991 (133 genes). 133/133 genes from this category have matching records in the expression data. Looking in at Category 6313/6947: GO:1901992 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 6314/6947: GO:1901998 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 6315/6947: GO:1902001 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6316/6947: GO:1902003 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6317/6947: GO:1902004 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6318/6947: GO:1902017 (52 genes). 52/52 genes from this category have matching records in the expression data. Looking in at Category 6319/6947: GO:1902018 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6320/6947: GO:1902019 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6321/6947: GO:1902031 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6322/6947: GO:1902033 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6323/6947: GO:1902036 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6324/6947: GO:1902041 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 6325/6947: GO:1902042 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 6326/6947: GO:1902043 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6327/6947: GO:1902047 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6328/6947: GO:1902065 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6329/6947: GO:1902074 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6330/6947: GO:1902099 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 6331/6947: GO:1902100 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 6332/6947: GO:1902101 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6333/6947: GO:1902105 (161 genes). 161/161 genes from this category have matching records in the expression data. Looking in at Category 6334/6947: GO:1902106 (53 genes). 53/53 genes from this category have matching records in the expression data. Looking in at Category 6335/6947: GO:1902107 (90 genes). 90/90 genes from this category have matching records in the expression data. Looking in at Category 6336/6947: GO:1902108 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 6337/6947: GO:1902110 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 6338/6947: GO:1902115 (140 genes). 140/140 genes from this category have matching records in the expression data. Looking in at Category 6339/6947: GO:1902116 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 6340/6947: GO:1902117 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 6341/6947: GO:1902165 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6342/6947: GO:1902166 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6343/6947: GO:1902170 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6344/6947: GO:1902175 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 6345/6947: GO:1902176 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 6346/6947: GO:1902177 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6347/6947: GO:1902186 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 6348/6947: GO:1902187 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6349/6947: GO:1902188 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6350/6947: GO:1902224 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6351/6947: GO:1902229 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 6352/6947: GO:1902230 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 6353/6947: GO:1902231 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6354/6947: GO:1902235 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 6355/6947: GO:1902236 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 6356/6947: GO:1902237 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6357/6947: GO:1902253 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 6358/6947: GO:1902254 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 6359/6947: GO:1902259 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6360/6947: GO:1902261 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6361/6947: GO:1902262 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6362/6947: GO:1902267 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6363/6947: GO:1902275 (137 genes). 137/137 genes from this category have matching records in the expression data. Looking in at Category 6364/6947: GO:1902284 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 6365/6947: GO:1902285 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6366/6947: GO:1902287 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6367/6947: GO:1902305 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 6368/6947: GO:1902306 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6369/6947: GO:1902307 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 6370/6947: GO:1902308 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6371/6947: GO:1902337 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6372/6947: GO:1902358 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6373/6947: GO:1902369 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6374/6947: GO:1902373 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6375/6947: GO:1902400 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 6376/6947: GO:1902402 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 6377/6947: GO:1902403 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 6378/6947: GO:1902414 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6379/6947: GO:1902430 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6380/6947: GO:1902473 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6381/6947: GO:1902474 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6382/6947: GO:1902475 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6383/6947: GO:1902476 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 6384/6947: GO:1902510 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6385/6947: GO:1902514 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6386/6947: GO:1902547 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6387/6947: GO:1902563 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6388/6947: GO:1902579 (70 genes). 70/70 genes from this category have matching records in the expression data. Looking in at Category 6389/6947: GO:1902581 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 6390/6947: GO:1902583 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 6391/6947: GO:1902590 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 6392/6947: GO:1902592 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 6393/6947: GO:1902600 (76 genes). 76/76 genes from this category have matching records in the expression data. Looking in at Category 6394/6947: GO:1902622 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 6395/6947: GO:1902624 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 6396/6947: GO:1902652 (93 genes). 93/93 genes from this category have matching records in the expression data. Looking in at Category 6397/6947: GO:1902653 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 6398/6947: GO:1902656 (83 genes). 83/83 genes from this category have matching records in the expression data. Looking in at Category 6399/6947: GO:1902667 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 6400/6947: GO:1902668 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 6401/6947: GO:1902669 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6402/6947: GO:1902686 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 6403/6947: GO:1902692 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 6404/6947: GO:1902713 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6405/6947: GO:1902715 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6406/6947: GO:1902742 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 6407/6947: GO:1902743 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 6408/6947: GO:1902745 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 6409/6947: GO:1902749 (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 6410/6947: GO:1902750 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 6411/6947: GO:1902751 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 6412/6947: GO:1902774 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6413/6947: GO:1902803 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 6414/6947: GO:1902804 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6415/6947: GO:1902806 (136 genes). 136/136 genes from this category have matching records in the expression data. Looking in at Category 6416/6947: GO:1902807 (90 genes). 90/90 genes from this category have matching records in the expression data. Looking in at Category 6417/6947: GO:1902808 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 6418/6947: GO:1902837 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6419/6947: GO:1902850 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 6420/6947: GO:1902855 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6421/6947: GO:1902857 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6422/6947: GO:1902882 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 6423/6947: GO:1902883 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 6424/6947: GO:1902884 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6425/6947: GO:1902893 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 6426/6947: GO:1902894 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6427/6947: GO:1902895 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 6428/6947: GO:1902902 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6429/6947: GO:1902914 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6430/6947: GO:1902916 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6431/6947: GO:1902930 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 6432/6947: GO:1902931 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6433/6947: GO:1902932 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6434/6947: GO:1902946 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6435/6947: GO:1902965 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6436/6947: GO:1902966 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6437/6947: GO:1902991 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6438/6947: GO:1902992 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6439/6947: GO:1902993 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6440/6947: GO:1903008 (71 genes). 71/71 genes from this category have matching records in the expression data. Looking in at Category 6441/6947: GO:1903010 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6442/6947: GO:1903012 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6443/6947: GO:1903018 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 6444/6947: GO:1903019 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6445/6947: GO:1903020 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 6446/6947: GO:1903025 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6447/6947: GO:1903034 (112 genes). 112/112 genes from this category have matching records in the expression data. Looking in at Category 6448/6947: GO:1903035 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 6449/6947: GO:1903036 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 6450/6947: GO:1903037 (200 genes). 200/200 genes from this category have matching records in the expression data. Looking in at Category 6451/6947: GO:1903038 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 6452/6947: GO:1903039 (134 genes). 134/134 genes from this category have matching records in the expression data. Looking in at Category 6453/6947: GO:1903044 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6454/6947: GO:1903046 (117 genes). 117/117 genes from this category have matching records in the expression data. Looking in at Category 6455/6947: GO:1903051 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 6456/6947: GO:1903052 (156 genes). 156/156 genes from this category have matching records in the expression data. Looking in at Category 6457/6947: GO:1903053 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 6458/6947: GO:1903054 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6459/6947: GO:1903055 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 6460/6947: GO:1903059 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6461/6947: GO:1903069 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6462/6947: GO:1903071 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6463/6947: GO:1903076 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 6464/6947: GO:1903077 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 6465/6947: GO:1903078 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 6466/6947: GO:1903115 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 6467/6947: GO:1903140 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6468/6947: GO:1903146 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 6469/6947: GO:1903147 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6470/6947: GO:1903169 (87 genes). 87/87 genes from this category have matching records in the expression data. Looking in at Category 6471/6947: GO:1903170 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 6472/6947: GO:1903201 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 6473/6947: GO:1903202 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 6474/6947: GO:1903203 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6475/6947: GO:1903204 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6476/6947: GO:1903205 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 6477/6947: GO:1903206 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 6478/6947: GO:1903209 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6479/6947: GO:1903214 (87 genes). 87/87 genes from this category have matching records in the expression data. Looking in at Category 6480/6947: GO:1903236 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6481/6947: GO:1903242 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6482/6947: GO:1903299 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6483/6947: GO:1903305 (103 genes). 103/103 genes from this category have matching records in the expression data. Looking in at Category 6484/6947: GO:1903306 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 6485/6947: GO:1903307 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 6486/6947: GO:1903311 (123 genes). 123/123 genes from this category have matching records in the expression data. Looking in at Category 6487/6947: GO:1903312 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 6488/6947: GO:1903313 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 6489/6947: GO:1903317 (60 genes). 60/60 genes from this category have matching records in the expression data. Looking in at Category 6490/6947: GO:1903318 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 6491/6947: GO:1903319 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 6492/6947: GO:1903321 (128 genes). 128/128 genes from this category have matching records in the expression data. Looking in at Category 6493/6947: GO:1903322 (180 genes). 180/180 genes from this category have matching records in the expression data. Looking in at Category 6494/6947: GO:1903332 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6495/6947: GO:1903333 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6496/6947: GO:1903335 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 6497/6947: GO:1903337 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6498/6947: GO:1903350 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6499/6947: GO:1903351 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6500/6947: GO:1903358 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6501/6947: GO:1903361 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6502/6947: GO:1903363 (40 genes). 40/40 genes from this category have matching records in the expression data. Looking in at Category 6503/6947: GO:1903364 (170 genes). 170/170 genes from this category have matching records in the expression data. Looking in at Category 6504/6947: GO:1903365 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6505/6947: GO:1903367 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6506/6947: GO:1903376 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6507/6947: GO:1903391 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 6508/6947: GO:1903392 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 6509/6947: GO:1903393 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 6510/6947: GO:1903405 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6511/6947: GO:1903409 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 6512/6947: GO:1903421 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6513/6947: GO:1903426 (55 genes). 55/55 genes from this category have matching records in the expression data. Looking in at Category 6514/6947: GO:1903427 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6515/6947: GO:1903428 (39 genes). 39/39 genes from this category have matching records in the expression data. Looking in at Category 6516/6947: GO:1903429 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 6517/6947: GO:1903430 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6518/6947: GO:1903431 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6519/6947: GO:1903432 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6520/6947: GO:1903441 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6521/6947: GO:1903504 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6522/6947: GO:1903509 (102 genes). 102/102 genes from this category have matching records in the expression data. Looking in at Category 6523/6947: GO:1903510 (92 genes). 92/92 genes from this category have matching records in the expression data. Looking in at Category 6524/6947: GO:1903513 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 6525/6947: GO:1903514 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 6526/6947: GO:1903523 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 6527/6947: GO:1903524 (66 genes). 66/66 genes from this category have matching records in the expression data. Looking in at Category 6528/6947: GO:1903531 (136 genes). 136/136 genes from this category have matching records in the expression data. Looking in at Category 6529/6947: GO:1903541 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6530/6947: GO:1903543 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6531/6947: GO:1903551 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6532/6947: GO:1903555 (81 genes). 81/81 genes from this category have matching records in the expression data. Looking in at Category 6533/6947: GO:1903556 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 6534/6947: GO:1903557 (47 genes). 47/47 genes from this category have matching records in the expression data. Looking in at Category 6535/6947: GO:1903573 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 6536/6947: GO:1903578 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 6537/6947: GO:1903579 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 6538/6947: GO:1903580 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 6539/6947: GO:1903593 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6540/6947: GO:1903599 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6541/6947: GO:1903608 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6542/6947: GO:1903624 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6543/6947: GO:1903649 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 6544/6947: GO:1903651 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6545/6947: GO:1903670 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 6546/6947: GO:1903671 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6547/6947: GO:1903672 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6548/6947: GO:1903689 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6549/6947: GO:1903707 (96 genes). 96/96 genes from this category have matching records in the expression data. Looking in at Category 6550/6947: GO:1903708 (116 genes). 116/116 genes from this category have matching records in the expression data. Looking in at Category 6551/6947: GO:1903715 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6552/6947: GO:1903725 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 6553/6947: GO:1903726 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6554/6947: GO:1903727 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 6555/6947: GO:1903729 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 6556/6947: GO:1903747 (116 genes). 116/116 genes from this category have matching records in the expression data. Looking in at Category 6557/6947: GO:1903748 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6558/6947: GO:1903749 (105 genes). 105/105 genes from this category have matching records in the expression data. Looking in at Category 6559/6947: GO:1903772 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6560/6947: GO:1903779 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 6561/6947: GO:1903792 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6562/6947: GO:1903793 (24 genes). 24/24 genes from this category have matching records in the expression data. Looking in at Category 6563/6947: GO:1903798 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6564/6947: GO:1903799 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6565/6947: GO:1903818 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6566/6947: GO:1903825 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 6567/6947: GO:1903828 (121 genes). 121/121 genes from this category have matching records in the expression data. Looking in at Category 6568/6947: GO:1903830 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6569/6947: GO:1903831 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 6570/6947: GO:1903844 (85 genes). 85/85 genes from this category have matching records in the expression data. Looking in at Category 6571/6947: GO:1903845 (57 genes). 57/57 genes from this category have matching records in the expression data. Looking in at Category 6572/6947: GO:1903846 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 6573/6947: GO:1903859 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 6574/6947: GO:1903861 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 6575/6947: GO:1903862 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6576/6947: GO:1903867 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6577/6947: GO:1903874 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6578/6947: GO:1903887 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6579/6947: GO:1903894 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6580/6947: GO:1903896 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6581/6947: GO:1903897 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6582/6947: GO:1903898 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6583/6947: GO:1903900 (144 genes). 144/144 genes from this category have matching records in the expression data. Looking in at Category 6584/6947: GO:1903901 (64 genes). 64/64 genes from this category have matching records in the expression data. Looking in at Category 6585/6947: GO:1903902 (83 genes). 83/83 genes from this category have matching records in the expression data. Looking in at Category 6586/6947: GO:1903909 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6587/6947: GO:1903912 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6588/6947: GO:1903955 (78 genes). 78/78 genes from this category have matching records in the expression data. Looking in at Category 6589/6947: GO:1903959 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 6590/6947: GO:1903960 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6591/6947: GO:1903963 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 6592/6947: GO:1903975 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6593/6947: GO:1904018 (110 genes). 110/110 genes from this category have matching records in the expression data. Looking in at Category 6594/6947: GO:1904019 (67 genes). 67/67 genes from this category have matching records in the expression data. Looking in at Category 6595/6947: GO:1904029 (79 genes). 79/79 genes from this category have matching records in the expression data. Looking in at Category 6596/6947: GO:1904030 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 6597/6947: GO:1904031 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 6598/6947: GO:1904035 (48 genes). 48/48 genes from this category have matching records in the expression data. Looking in at Category 6599/6947: GO:1904036 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 6600/6947: GO:1904037 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 6601/6947: GO:1904062 (172 genes). 172/172 genes from this category have matching records in the expression data. Looking in at Category 6602/6947: GO:1904063 (45 genes). 45/45 genes from this category have matching records in the expression data. Looking in at Category 6603/6947: GO:1904064 (81 genes). 81/81 genes from this category have matching records in the expression data. Looking in at Category 6604/6947: GO:1904152 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6605/6947: GO:1904153 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6606/6947: GO:1904181 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6607/6947: GO:1904238 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6608/6947: GO:1904251 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6609/6947: GO:1904259 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6610/6947: GO:1904261 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6611/6947: GO:1904262 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6612/6947: GO:1904292 (27 genes). 27/27 genes from this category have matching records in the expression data. Looking in at Category 6613/6947: GO:1904293 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6614/6947: GO:1904294 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6615/6947: GO:1904321 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6616/6947: GO:1904322 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6617/6947: GO:1904338 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6618/6947: GO:1904353 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 6619/6947: GO:1904354 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6620/6947: GO:1904355 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6621/6947: GO:1904356 (46 genes). 46/46 genes from this category have matching records in the expression data. Looking in at Category 6622/6947: GO:1904357 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 6623/6947: GO:1904358 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 6624/6947: GO:1904375 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 6625/6947: GO:1904376 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 6626/6947: GO:1904377 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 6627/6947: GO:1904380 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6628/6947: GO:1904385 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6629/6947: GO:1904396 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6630/6947: GO:1904406 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6631/6947: GO:1904407 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 6632/6947: GO:1904424 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6633/6947: GO:1904427 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 6634/6947: GO:1904429 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6635/6947: GO:1904526 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6636/6947: GO:1904589 (146 genes). 146/146 genes from this category have matching records in the expression data. Looking in at Category 6637/6947: GO:1904590 (54 genes). 54/54 genes from this category have matching records in the expression data. Looking in at Category 6638/6947: GO:1904591 (75 genes). 75/75 genes from this category have matching records in the expression data. Looking in at Category 6639/6947: GO:1904627 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6640/6947: GO:1904628 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6641/6947: GO:1904659 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6642/6947: GO:1904666 (78 genes). 78/78 genes from this category have matching records in the expression data. Looking in at Category 6643/6947: GO:1904667 (68 genes). 68/68 genes from this category have matching records in the expression data. Looking in at Category 6644/6947: GO:1904668 (77 genes). 77/77 genes from this category have matching records in the expression data. Looking in at Category 6645/6947: GO:1904683 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6646/6947: GO:1904705 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 6647/6947: GO:1904706 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6648/6947: GO:1904707 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6649/6947: GO:1904714 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6650/6947: GO:1904738 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6651/6947: GO:1904748 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6652/6947: GO:1904752 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6653/6947: GO:1904754 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6654/6947: GO:1904814 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6655/6947: GO:1904816 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6656/6947: GO:1904837 (42 genes). 42/42 genes from this category have matching records in the expression data. Looking in at Category 6657/6947: GO:1904851 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6658/6947: GO:1904861 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6659/6947: GO:1904867 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6660/6947: GO:1904869 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6661/6947: GO:1904871 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6662/6947: GO:1904872 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6663/6947: GO:1904874 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6664/6947: GO:1904885 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6665/6947: GO:1904886 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 6666/6947: GO:1904888 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 6667/6947: GO:1904892 (90 genes). 90/90 genes from this category have matching records in the expression data. Looking in at Category 6668/6947: GO:1904893 (37 genes). 37/37 genes from this category have matching records in the expression data. Looking in at Category 6669/6947: GO:1904894 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 6670/6947: GO:1904896 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6671/6947: GO:1904903 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6672/6947: GO:1904936 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6673/6947: GO:1904938 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6674/6947: GO:1904948 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6675/6947: GO:1904950 (175 genes). 175/175 genes from this category have matching records in the expression data. Looking in at Category 6676/6947: GO:1904953 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6677/6947: GO:1904994 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6678/6947: GO:1904995 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6679/6947: GO:1905005 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6680/6947: GO:1905007 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6681/6947: GO:1905037 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 6682/6947: GO:1905038 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6683/6947: GO:1905039 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 6684/6947: GO:1905048 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6685/6947: GO:1905049 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6686/6947: GO:1905063 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6687/6947: GO:1905144 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 6688/6947: GO:1905145 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 6689/6947: GO:1905153 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6690/6947: GO:1905155 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6691/6947: GO:1905206 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6692/6947: GO:1905207 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 6693/6947: GO:1905208 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6694/6947: GO:1905209 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 6695/6947: GO:1905214 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6696/6947: GO:1905268 (41 genes). 41/41 genes from this category have matching records in the expression data. Looking in at Category 6697/6947: GO:1905269 (79 genes). 79/79 genes from this category have matching records in the expression data. Looking in at Category 6698/6947: GO:1905276 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6699/6947: GO:1990001 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6700/6947: GO:1990035 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6701/6947: GO:1990089 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 6702/6947: GO:1990090 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 6703/6947: GO:1990118 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6704/6947: GO:1990126 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6705/6947: GO:1990138 (130 genes). 130/130 genes from this category have matching records in the expression data. Looking in at Category 6706/6947: GO:1990173 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6707/6947: GO:1990182 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 6708/6947: GO:1990266 (56 genes). 56/56 genes from this category have matching records in the expression data. Looking in at Category 6709/6947: GO:1990267 (101 genes). 101/101 genes from this category have matching records in the expression data. Looking in at Category 6710/6947: GO:1990403 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6711/6947: GO:1990440 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6712/6947: GO:1990441 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6713/6947: GO:1990542 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 6714/6947: GO:1990564 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6715/6947: GO:1990573 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6716/6947: GO:1990592 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6717/6947: GO:1990748 (69 genes). 69/69 genes from this category have matching records in the expression data. Looking in at Category 6718/6947: GO:1990776 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 6719/6947: GO:1990845 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6720/6947: GO:1990874 (18 genes). 18/18 genes from this category have matching records in the expression data. Looking in at Category 6721/6947: GO:1990966 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6722/6947: GO:2000001 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6723/6947: GO:2000008 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 6724/6947: GO:2000009 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6725/6947: GO:2000010 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6726/6947: GO:2000018 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6727/6947: GO:2000021 (154 genes). 154/154 genes from this category have matching records in the expression data. Looking in at Category 6728/6947: GO:2000036 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6729/6947: GO:2000045 (126 genes). 126/126 genes from this category have matching records in the expression data. Looking in at Category 6730/6947: GO:2000047 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6731/6947: GO:2000050 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6732/6947: GO:2000052 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6733/6947: GO:2000058 (92 genes). 92/92 genes from this category have matching records in the expression data. Looking in at Category 6734/6947: GO:2000059 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6735/6947: GO:2000060 (84 genes). 84/84 genes from this category have matching records in the expression data. Looking in at Category 6736/6947: GO:2000074 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6737/6947: GO:2000095 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6738/6947: GO:2000096 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6739/6947: GO:2000104 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6740/6947: GO:2000105 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6741/6947: GO:2000106 (59 genes). 59/59 genes from this category have matching records in the expression data. Looking in at Category 6742/6947: GO:2000107 (34 genes). 34/34 genes from this category have matching records in the expression data. Looking in at Category 6743/6947: GO:2000108 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 6744/6947: GO:2000109 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6745/6947: GO:2000114 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 6746/6947: GO:2000116 (175 genes). 175/175 genes from this category have matching records in the expression data. Looking in at Category 6747/6947: GO:2000117 (71 genes). 71/71 genes from this category have matching records in the expression data. Looking in at Category 6748/6947: GO:2000121 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6749/6947: GO:2000134 (86 genes). 86/86 genes from this category have matching records in the expression data. Looking in at Category 6750/6947: GO:2000136 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6751/6947: GO:2000138 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6752/6947: GO:2000142 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 6753/6947: GO:2000143 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6754/6947: GO:2000144 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 6755/6947: GO:2000146 (185 genes). 185/185 genes from this category have matching records in the expression data. Looking in at Category 6756/6947: GO:2000169 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6757/6947: GO:2000171 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 6758/6947: GO:2000177 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 6759/6947: GO:2000178 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6760/6947: GO:2000179 (33 genes). 33/33 genes from this category have matching records in the expression data. Looking in at Category 6761/6947: GO:2000181 (58 genes). 58/58 genes from this category have matching records in the expression data. Looking in at Category 6762/6947: GO:2000188 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6763/6947: GO:2000189 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6764/6947: GO:2000191 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 6765/6947: GO:2000192 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6766/6947: GO:2000193 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6767/6947: GO:2000194 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6768/6947: GO:2000197 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6769/6947: GO:2000209 (21 genes). 21/21 genes from this category have matching records in the expression data. Looking in at Category 6770/6947: GO:2000210 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6771/6947: GO:2000241 (83 genes). 83/83 genes from this category have matching records in the expression data. Looking in at Category 6772/6947: GO:2000242 (36 genes). 36/36 genes from this category have matching records in the expression data. Looking in at Category 6773/6947: GO:2000243 (32 genes). 32/32 genes from this category have matching records in the expression data. Looking in at Category 6774/6947: GO:2000249 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 6775/6947: GO:2000251 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6776/6947: GO:2000252 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6777/6947: GO:2000254 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6778/6947: GO:2000257 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 6779/6947: GO:2000258 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6780/6947: GO:2000269 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6781/6947: GO:2000270 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6782/6947: GO:2000271 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6783/6947: GO:2000272 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 6784/6947: GO:2000273 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 6785/6947: GO:2000278 (82 genes). 82/82 genes from this category have matching records in the expression data. Looking in at Category 6786/6947: GO:2000279 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 6787/6947: GO:2000291 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6788/6947: GO:2000300 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 6789/6947: GO:2000303 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6790/6947: GO:2000304 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6791/6947: GO:2000310 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6792/6947: GO:2000311 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 6793/6947: GO:2000322 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6794/6947: GO:2000323 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6795/6947: GO:2000341 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6796/6947: GO:2000343 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6797/6947: GO:2000344 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6798/6947: GO:2000345 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6799/6947: GO:2000351 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 6800/6947: GO:2000352 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 6801/6947: GO:2000353 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6802/6947: GO:2000369 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 6803/6947: GO:2000370 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6804/6947: GO:2000377 (117 genes). 117/117 genes from this category have matching records in the expression data. Looking in at Category 6805/6947: GO:2000378 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 6806/6947: GO:2000379 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 6807/6947: GO:2000380 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6808/6947: GO:2000392 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6809/6947: GO:2000394 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6810/6947: GO:2000398 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6811/6947: GO:2000400 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6812/6947: GO:2000401 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 6813/6947: GO:2000403 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6814/6947: GO:2000404 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6815/6947: GO:2000406 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6816/6947: GO:2000425 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6817/6947: GO:2000427 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6818/6947: GO:2000463 (20 genes). 20/20 genes from this category have matching records in the expression data. Looking in at Category 6819/6947: GO:2000465 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6820/6947: GO:2000479 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6821/6947: GO:2000480 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6822/6947: GO:2000482 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6823/6947: GO:2000484 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6824/6947: GO:2000505 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 6825/6947: GO:2000507 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6826/6947: GO:2000508 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6827/6947: GO:2000510 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6828/6947: GO:2000514 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 6829/6947: GO:2000515 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6830/6947: GO:2000516 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 6831/6947: GO:2000535 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6832/6947: GO:2000542 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6833/6947: GO:2000543 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6834/6947: GO:2000573 (51 genes). 51/51 genes from this category have matching records in the expression data. Looking in at Category 6835/6947: GO:2000574 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6836/6947: GO:2000601 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6837/6947: GO:2000615 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6838/6947: GO:2000617 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6839/6947: GO:2000618 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6840/6947: GO:2000628 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6841/6947: GO:2000637 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6842/6947: GO:2000641 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 6843/6947: GO:2000643 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6844/6947: GO:2000644 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6845/6947: GO:2000647 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6846/6947: GO:2000648 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 6847/6947: GO:2000649 (38 genes). 38/38 genes from this category have matching records in the expression data. Looking in at Category 6848/6947: GO:2000650 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6849/6947: GO:2000651 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6850/6947: GO:2000671 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6851/6947: GO:2000674 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6852/6947: GO:2000675 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6853/6947: GO:2000677 (30 genes). 30/30 genes from this category have matching records in the expression data. Looking in at Category 6854/6947: GO:2000678 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6855/6947: GO:2000679 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6856/6947: GO:2000680 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6857/6947: GO:2000696 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6858/6947: GO:2000725 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 6859/6947: GO:2000726 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6860/6947: GO:2000727 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6861/6947: GO:2000736 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 6862/6947: GO:2000737 (12 genes). 12/12 genes from this category have matching records in the expression data. Looking in at Category 6863/6947: GO:2000738 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6864/6947: GO:2000739 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6865/6947: GO:2000756 (50 genes). 50/50 genes from this category have matching records in the expression data. Looking in at Category 6866/6947: GO:2000757 (17 genes). 17/17 genes from this category have matching records in the expression data. Looking in at Category 6867/6947: GO:2000758 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 6868/6947: GO:2000765 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6869/6947: GO:2000766 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6870/6947: GO:2000767 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6871/6947: GO:2000772 (25 genes). 25/25 genes from this category have matching records in the expression data. Looking in at Category 6872/6947: GO:2000773 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6873/6947: GO:2000774 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6874/6947: GO:2000778 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6875/6947: GO:2000779 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 6876/6947: GO:2000780 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6877/6947: GO:2000781 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6878/6947: GO:2000785 (35 genes). 35/35 genes from this category have matching records in the expression data. Looking in at Category 6879/6947: GO:2000786 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6880/6947: GO:2000794 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6881/6947: GO:2000807 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6882/6947: GO:2000809 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6883/6947: GO:2000810 (15 genes). 15/15 genes from this category have matching records in the expression data. Looking in at Category 6884/6947: GO:2000811 (16 genes). 16/16 genes from this category have matching records in the expression data. Looking in at Category 6885/6947: GO:2000816 (26 genes). 26/26 genes from this category have matching records in the expression data. Looking in at Category 6886/6947: GO:2000822 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6887/6947: GO:2000823 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6888/6947: GO:2000826 (28 genes). 28/28 genes from this category have matching records in the expression data. Looking in at Category 6889/6947: GO:2000831 (11 genes). 11/11 genes from this category have matching records in the expression data. Looking in at Category 6890/6947: GO:2000833 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6891/6947: GO:2000846 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6892/6947: GO:2000848 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6893/6947: GO:2000849 (9 genes). 9/9 genes from this category have matching records in the expression data. Looking in at Category 6894/6947: GO:2000851 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6895/6947: GO:2000973 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6896/6947: GO:2000980 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6897/6947: GO:2000987 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6898/6947: GO:2001014 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6899/6947: GO:2001016 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6900/6947: GO:2001020 (134 genes). 134/134 genes from this category have matching records in the expression data. Looking in at Category 6901/6947: GO:2001021 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 6902/6947: GO:2001022 (60 genes). 60/60 genes from this category have matching records in the expression data. Looking in at Category 6903/6947: GO:2001026 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6904/6947: GO:2001028 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6905/6947: GO:2001032 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6906/6947: GO:2001044 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6907/6947: GO:2001046 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6908/6947: GO:2001053 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6909/6947: GO:2001054 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6910/6947: GO:2001056 (107 genes). 107/107 genes from this category have matching records in the expression data. Looking in at Category 6911/6947: GO:2001057 (61 genes). 61/61 genes from this category have matching records in the expression data. Looking in at Category 6912/6947: GO:2001135 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6913/6947: GO:2001138 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6914/6947: GO:2001140 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6915/6947: GO:2001169 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6916/6947: GO:2001171 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6917/6947: GO:2001197 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6918/6947: GO:2001198 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6919/6947: GO:2001204 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6920/6947: GO:2001212 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6921/6947: GO:2001214 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6922/6947: GO:2001222 (22 genes). 22/22 genes from this category have matching records in the expression data. Looking in at Category 6923/6947: GO:2001223 (8 genes). 8/8 genes from this category have matching records in the expression data. Looking in at Category 6924/6947: GO:2001224 (7 genes). 7/7 genes from this category have matching records in the expression data. Looking in at Category 6925/6947: GO:2001234 (181 genes). 181/181 genes from this category have matching records in the expression data. Looking in at Category 6926/6947: GO:2001235 (152 genes). 152/152 genes from this category have matching records in the expression data. Looking in at Category 6927/6947: GO:2001236 (134 genes). 134/134 genes from this category have matching records in the expression data. Looking in at Category 6928/6947: GO:2001237 (85 genes). 85/85 genes from this category have matching records in the expression data. Looking in at Category 6929/6947: GO:2001238 (49 genes). 49/49 genes from this category have matching records in the expression data. Looking in at Category 6930/6947: GO:2001239 (43 genes). 43/43 genes from this category have matching records in the expression data. Looking in at Category 6931/6947: GO:2001240 (29 genes). 29/29 genes from this category have matching records in the expression data. Looking in at Category 6932/6947: GO:2001241 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6933/6947: GO:2001242 (133 genes). 133/133 genes from this category have matching records in the expression data. Looking in at Category 6934/6947: GO:2001243 (85 genes). 85/85 genes from this category have matching records in the expression data. Looking in at Category 6935/6947: GO:2001244 (44 genes). 44/44 genes from this category have matching records in the expression data. Looking in at Category 6936/6947: GO:2001251 (96 genes). 96/96 genes from this category have matching records in the expression data. Looking in at Category 6937/6947: GO:2001252 (133 genes). 133/133 genes from this category have matching records in the expression data. Looking in at Category 6938/6947: GO:2001256 (6 genes). 6/6 genes from this category have matching records in the expression data. Looking in at Category 6939/6947: GO:2001257 (76 genes). 76/76 genes from this category have matching records in the expression data. Looking in at Category 6940/6947: GO:2001258 (23 genes). 23/23 genes from this category have matching records in the expression data. Looking in at Category 6941/6947: GO:2001259 (31 genes). 31/31 genes from this category have matching records in the expression data. Looking in at Category 6942/6947: GO:2001267 (19 genes). 19/19 genes from this category have matching records in the expression data. Looking in at Category 6943/6947: GO:2001268 (5 genes). 5/5 genes from this category have matching records in the expression data. Looking in at Category 6944/6947: GO:2001269 (14 genes). 14/14 genes from this category have matching records in the expression data. Looking in at Category 6945/6947: GO:2001273 (13 genes). 13/13 genes from this category have matching records in the expression data. Looking in at Category 6946/6947: GO:2001275 (10 genes). 10/10 genes from this category have matching records in the expression data. Looking in at Category 6947/6947: GO:2001279 (5 genes). 5/5 genes from this category have matching records in the expression data. Saving nulls from 5000 iterations to '/Users/leonlotter/projects/ABAnnotate/ABAnnotate_v1/nulls/categonulls_GO-biologicalProcessProp-discrete_ale_z_GO_BP.mat' Loaded 15039 annotated categories from /Users/leonlotter/projects/ABAnnotate/ABAnnotate_v1/datasets/GO-biologicalProcessProp-discrete.mat. Transposed 0 category annotation vectors from row to column vector. Matching annotated genes to 15633 ABA-genes. 1117242/1414183 annotated genes are in gene expression dataset. 802 categories have no annotated genes matching our 15633 genes. Using binarized category-gene-annotations. Removed 0 genes annotated in >= 100 percent of categories. Categories have between 0 and 11894 annotated genes. Filtered to 6947 categories with between 5 and 200 annotated genes. Computing category scores for the spatial phenotype provided. 10541 of 234368 annotated genes are unique. Check again: We should have data for all 10541 of 10541 unique annotated genes. Computing category null distributions corresponding to 1 null phenotypes for all 10541 genes annotated to categories. Progress (this might take some time...): .................................................................................................... .................................................................................................... 391 significant categories at p < 0.050 derived from gaussian distributions. 474 significant categories at p < 0.050 derived from null distributions. Saved results to /Users/leonlotter/MAsync/project/data/context/gcea/GCEA_ale_z_GO_BP*.*. ------------------------------------------------------------------------- 26-Feb-2022 13:59:32 Finished ABAnnotate: ale_z_GO_BP -------------------------------------------------------------------------
# show results
gcea_go = pd.read_csv(join(wd, 'context', 'gcea', 'GCEA_ale_z_GO_BP.csv'))
gcea_go[['cDesc', 'cGenes', 'cScorePheno', 'pValZ']].sort_values(by='pValZ').head(20)
cDesc | cGenes | cScorePheno | pValZ | |
---|---|---|---|---|
0 | negative regulation of voltage-gated calcium c... | GNB5, OPRL1, DRD2, DRD4, FMR1 | 0.234669 | 0.000002 |
1 | positive regulation of skeletal muscle cell di... | GPC1, MEF2C, CYP26B1, ARNTL, TBX1 | 0.417535 | 0.000002 |
9 | regulation of water loss via skin | SRF, TMEM79, CLDN4, GBA, CYP26B1, SFN, ALOX12B... | 0.209875 | 0.000009 |
15 | positive regulation of nonmotile primary ciliu... | SEPT9, WRAP73, CEP135, CENPJ, SEPT7, HAP1 | 0.235095 | 0.000011 |
3 | deadenylation-dependent decapping of nuclear-t... | PAN3, DCP2, DCP1B, DCPS, PATL1, DCP1A, CNOT7, ... | 0.278557 | 0.000012 |
13 | protein K6-linked ubiquitination | BARD1, RNF6, BRCA1, UBE2D4, UBE2T, UBE2S, RNF4 | 0.262404 | 0.000012 |
14 | regulation of macromitophagy | HK2, VPS13C, RNF41, CLEC16A, TIGAR | 0.278571 | 0.000013 |
7 | cerebellar Purkinje cell differentiation | AGTPBP1, HERC1, ATP2B2, LDB1, ATP7A, CEND1, RO... | 0.231782 | 0.000013 |
10 | regulation of Golgi to plasma membrane protein... | CSK, ACSL3, PKDCC, LYPLA1, GOPC, CNST, RACK1 | 0.368475 | 0.000015 |
11 | regulation of mRNA splicing, via spliceosome | SF3B4, RBFOX2, U2AF2, RBMX, HNRNPA2B1, TIA1, R... | 0.137262 | 0.000019 |
2 | phosphorelay signal transduction system | KCNH4, MMS19, KCNH2, KCNH3, KCNH5, KCNH8, KCNH1 | 0.255715 | 0.000020 |
5 | cardiac muscle adaptation | EZH2, INPP5F, CAMTA2, KLF15, MEF2C, HDAC4, TCA... | 0.162581 | 0.000022 |
4 | muscle hypertrophy in response to stress | MYH7, HEY2, KDM4A, MEF2C, TRPC3, ATP2B4, TCAP,... | 0.186430 | 0.000023 |
6 | cardiac muscle hypertrophy in response to stress | ATP2A2, PPP3CA, MYH7, HDAC4, TRPC3, MEF2C, HEY... | 0.186430 | 0.000023 |
12 | response to parathyroid hormone | GNAS, MEF2C, HDAC4, PRKACA, WNT10B, ITGA2, CITED1 | 0.238323 | 0.000024 |
8 | regulation of protein sumoylation | RASD2, RWDD3, MUL1, PIAS1, ARNT, TOLLIP, RNF22... | 0.142512 | 0.000025 |
21 | cell differentiation in hindbrain | PROX1, GRID2, RORA, ATP7A, NRXN1, LDB1, KNDC1,... | 0.172387 | 0.000033 |
25 | regulation of Rac protein signal transduction | NF1, OGT, STMN3, DNM2, SSX2IP, CRK, ARF6, KRAS... | 0.214216 | 0.000034 |
26 | histone H2A monoubiquitination | RYBP, KDM2B, SKP1, RNF168, BCOR, CUL4B, PCGF1,... | 0.207937 | 0.000045 |
19 | N-terminal protein lipidation | NMT2, MAP6D1, HHATL, PPM1B, NMT1, PPM1A | 0.297014 | 0.000046 |
We validate the detected association between INS and in-vivo GABAa receptor distributions using AHBA data. The GABAa receptor consists of multiple subunits assembled in different GABAa receptor types with different regional distributions in the brain (Tremblay et al., 2016). We collected a list of GABA-related genes and extracted the expression corresponding data from the AHBA dataset. The GABAa-tracer, flumazenil, binds most likely to the parvalbumin-expressing GABA interneurons which express α1-containing GABAa-receptors (Lukow et al., 2021). As it is to be expected that many of the selected genes co-express with each other, we perform a clustering analysis on the correlation matrix of the selected genes and correlate the INS ALE data with the average expression of each of these clusters.
Indeed, the GABA gene cluster most strongly correlated to INS (cluster 2) consists of the parvalbumin gene (PVALB), the α1 receptor subunit (GABRA1), and further subunits found in cortically expressed α1-GABAa receptors, e.g. α1β2 (GABRA1, GABRB2), α1β2γ2S (GABRA1, GABRB2, GABRG2).
# GABAa-related genes
genes_GABA = ['GABRA1', 'GABRA2', 'GABRA3', 'GABRA4', 'GABRA5', # missing: 'GABRA6'
'GABRB1', 'GABRB2', 'GABRB3',
'GABRG1', 'GABRG2', 'GABRG3',
'GABRD', 'GABRE', # missing: 'GABRP', 'GABRQ', 'GABRR1', 'GABRR2', 'GABRR3'
'GAD1', 'GAD2',
'PVALB', 'SST', 'VIP', 'CCK', 'NPY', 'CALB1', 'CALB2', 'NOS1', 'RELN', 'ADRB2', 'LHX6', # missing: 'LAMB5'
'TAC1', 'TAC3', 'TAC4',
'SLC6A1', 'SLC6A13', 'SLC6A12', 'SLC32A1', # missing: 'SLC6A11'
'GABBR1', 'GABBR2'
]
# get parcel-wise data
mRNA_parcellated_GABA = mRNA_parcellated[genes_GABA].reset_index(drop=True)
# get spearman correlation matrix
mRNA_parcellated_GABA_corr = mRNA_parcellated_GABA.corr(method='spearman')
# distance clustering
mRNA_parcellated_GABA_dist = spc.distance.pdist(mRNA_parcellated_GABA_corr)
mRNA_parcellated_GABA_link = spc.linkage(mRNA_parcellated_GABA_dist, method='complete')
idx = spc.fcluster(mRNA_parcellated_GABA_link, 0.5 * mRNA_parcellated_GABA_dist.max(), 'distance')
genes_GABA_clustered = pd.Series(idx.T, index=mRNA_parcellated_GABA.columns, name='cluster')
# plot cluster-heatmap
clustermap(mRNA_parcellated_GABA_corr, figsize=(9,9))
plt.show()
# get mean for each gene cluster
GABA_mean_list = list()
for cl in range(1, idx.max()+1):
GABA_cl = genes_GABA_clustered[genes_GABA_clustered==cl].index.tolist() # genes in cluster
mRNA_parcellated_GABA_cl_tempmean = sp.stats.zscore(mRNA_parcellated_GABA[GABA_cl], axis=0).mean(axis=1)
GABA_mean_list.append(mRNA_parcellated_GABA_cl_tempmean)
print(f'GABA gene cluster {cl}: {GABA_cl}')
mRNA_parcellated_GABA_means = pd.DataFrame(GABA_mean_list, index=['GABAcl1', 'GABAcl2', 'GABAcl3', 'GABAcl4']).transpose()
# save data
mRNA_parcellated_GABA.to_csv(join(wd, 'context', 'GABAall_parcellated_data.csv'), index=False)
mRNA_parcellated_GABA_means.to_csv(join(wd, 'context', 'GABAcl_parcellated_data.csv'), index=False)
GABA gene cluster 1: ['GABRA2', 'GABRA3', 'GABRA5', 'GABRB1', 'GABRB3', 'GABRG1', 'GABRE', 'SST', 'NPY', 'CALB1', 'CALB2', 'NOS1', 'RELN', 'ADRB2', 'TAC1', 'TAC4', 'GABBR1'] GABA gene cluster 2: ['GABRA1', 'GABRB2', 'GABRG2', 'GABRD', 'PVALB'] GABA gene cluster 3: ['GABRA4', 'GABRG3', 'VIP', 'CCK', 'LHX6', 'TAC3', 'GABBR2'] GABA gene cluster 4: ['GAD1', 'GAD2', 'SLC6A1', 'SLC6A13', 'SLC6A12', 'SLC32A1']
juspyce_GABAcl = JuSpyce(
x=mRNA_parcellated_GABA_means.T, # GABA clusters
y=ale_z_parc.T,
z='gm',
data_space='MNI152',
parcellation=atlas116,
parcellation_space='MNI152',
standardize='z',
drop_nan=False,
n_proc=1).fit()
juspyce_GABAcl.predict(method='partialspearman', r_to_z=True)
juspyce_GABAcl.permute_maps('partialspearman', permute='X', seed=42, n_perm=n_perm, n_proc=8,
p_tail={'partialspearman':'upper'})
juspyce_GABAcl.correct_p(mc_method='fdr_bh')
GABAcl_res = pd.concat(
[juspyce_GABAcl.predictions['partialspearman'],
juspyce_GABAcl.p_predictions['partialspearman'],
juspyce_GABAcl.p_predictions['partialspearman-fdr_bh']],
axis=0).T
GABAcl_res.columns = ['zr', 'p', 'q']
# save and show
GABAcl_res.to_csv(join(wd, 'context', 'GABAcl_ale_z.csv'))
display(GABAcl_res)
INFO: Checking input data for x (should be, e.g., PET data): INFO: Input type: DataFrame, assuming parcellated data with shape (n_files/subjects/etc, n_parcels). INFO: Got 'x' data for 4 x 116 parcels. INFO: Checking input data for y (should be, e.g., subject data): INFO: Input type: DataFrame, assuming parcellated data with shape (n_files/subjects/etc, n_parcels). INFO: Got 'y' data for 1 x 116 parcels. INFO: Checking input data for z (should be, e.g., grey matter data): INFO: Using nilearn grey matter template as 'z' to control for GMV. INFO: Input type: list, assuming imaging data.
Parcellating imaging data: 0%| | 0/1 [00:00<?, ?it/s]
INFO: Got 'z' data for 1 x 116 parcels. INFO: Z-standardizing 'Z' data.
Predicting (partialspearman, 1 proc): 0%| | 0/1 [00:00<?, ?it/s]
INFO: No null maps found. INFO: Generating null maps for 'X' data (n = 5000, null_method = 'variogram', method = 'partialspearman', n_proc = 8). INFO: Loading parcellation (parc_space = 'MNI152', parc_hemi = ['L', 'R'], parc_density = '10k'. INFO: Null map generation: Assuming n = 4 data vector(s) for n = 116 parcels. INFO: Calculating distance matrix/matrices (space = 'MNI152').
Generating null maps: 0%| | 0/4 [00:00<?, ?it/s]
INFO: Null data generation finished.
Null predictions (partialspearman, 8 proc): 0%| | 0/5000 [00:00<?, ?it/s]
INFO: Calculating exact p-values (tails = {'partialspearman': 'upper'}).
zr | p | q | |
---|---|---|---|
GABAcl1 | -0.232876 | 0.9518 | 0.9518 |
GABAcl2 | 0.431411 | 0.0070 | 0.0140 |
GABAcl3 | 0.448600 | 0.0052 | 0.0140 |
GABAcl4 | -0.189030 | 0.9322 | 0.9518 |
fig, axes = plt.subplots(1,4, figsize=(15,3))
for i, map in enumerate(mRNA_parcellated_GABA_means):
regplot(x=ale_z_parc, y=mRNA_parcellated_GABA_means[map], ax=axes[i])
r, p, q = GABAcl_res.loc[map,'zr'], GABAcl_res.loc[map,'p'], GABAcl_res.loc[map,'q']
axes[i].annotate(f'Z(r) = {r:.02f}, p = {p:.03f}, q = {q:.03f}', xy=(0.95,0.05), xycoords='axes fraction', ha='right')
fig.tight_layout()
We use dominance analysis (DA) to estimate the proportion of variance explained by transmitter and cell type distributions. The method is also implemented in JuSpyce. DA calculates the individual contribution of each predictor (average cell type maps and transmitters) in a multivariate regression analysis on a target (INS z map) based on repeated calculation of the regression with every available predictor combination.
The over all R^2 is 0.33 with Ex3 accounting for ~35% and In6, In5, and GABAa each accounting for ~11-14% of the total explained variance (=Total Dominance).
## get predictors
# reload pet data
PETmRNA_res = pd.read_csv(join(wd, 'context', 'PETmRNA_ale_z.csv'), index_col=0)
pet_parcellated = pd.read_csv(join(wd, 'datasets', 'pet_parcellated_data.csv'))
# make dataframe with pet data (FDR sign, positively associated),
dominance_data = pet_parcellated[list(PETmRNA_res.query('q<0.05').index)]
# and (3) cell data (FDR sign, positively associated)
for cell in ['Ex3', 'In5', 'In6']:
cell_data = pd.read_csv(join(wd, 'context', 'gcea', f'GCEA_cell_genes_Adult-{cell}.csv'))
dominance_data[cell] = sp.stats.zscore(cell_data, axis=0).mean(axis=1)
print(f'N = {dominance_data.shape[1]} predictors')
N = 6 predictors
juspyce_dominance = JuSpyce(
x=dominance_data.T,
y=ale_z_parc.T,
z='gm',
data_space='MNI152',
parcellation=atlas116,
parcellation_space='MNI152',
standardize='z',
drop_nan=False,
n_proc=1).fit()
# regress GMV data from predictors and ALE z volume before calculating DA
juspyce_dominance.transform(transform='partial', dataset='X')
juspyce_dominance.transform(transform='partial', dataset='Y')
# perform DA
juspyce_dominance.predict(method='dominance', adjust_r2=False)
# collect data
dominance_res = pd.concat(
[juspyce_dominance.predictions['dominance_total'],
juspyce_dominance.predictions['dominance_relative'],
juspyce_dominance.predictions['dominance_individual']],
axis=0).T
dominance_res.columns = ['total dominance', 'relative dominance', 'individual dominance']
# save and show
dominance_res.to_csv(join(wd, 'context', 'PETmRNAcells_dominance_analysis.csv'))
display(juspyce_dominance.predictions['dominance_full_r2'])
display(dominance_res)
INFO: Checking input data for x (should be, e.g., PET data): INFO: Input type: DataFrame, assuming parcellated data with shape (n_files/subjects/etc, n_parcels). INFO: Got 'x' data for 6 x 116 parcels. INFO: Checking input data for y (should be, e.g., subject data): INFO: Input type: Series, assuming parcellated data with shape (1, n_parcels). INFO: Got 'y' data for 1 x 116 parcels. INFO: Checking input data for z (should be, e.g., grey matter data): INFO: Using nilearn grey matter template as 'z' to control for GMV. INFO: Input type: list, assuming imaging data.
Parcellating imaging data (1 proc): 0%| | 0/1 [00:00<?, ?it/s]
INFO: Got 'z' data for 1 x 116 parcels. INFO: Z-standardizing 'Z' data. INFO: Regressing 'Z' from 'X': new X = residuals.
0%| | 0/6 [00:00<?, ?it/s]
INFO: Regressing 'Z' from 'Y': new Y = residuals.
0%| | 0/1 [00:00<?, ?it/s]
Predicting (dominance, 1 proc): 0%| | 0/1 [00:00<?, ?it/s]
dominance_full_r2 | |
---|---|
ALE z | 0.313916 |
total dominance | relative dominance | individual dominance | |
---|---|---|---|
GABAa | 0.062211 | 0.198177 | 0.161129 |
SV2a | 0.044517 | 0.141813 | 0.158860 |
mGluR5 | 0.057938 | 0.184566 | 0.162905 |
Ex3 | 0.082092 | 0.261509 | 0.216840 |
In5 | 0.043637 | 0.139009 | 0.115007 |
In6 | 0.023521 | 0.074927 | 0.089391 |
!jupyter nbconvert MAsync_analyses.ipynb --to html
[NbConvertApp] Converting notebook MAsync_analyses.ipynb to html [NbConvertApp] Writing 7014711 bytes to MAsync_analyses.html