diff --git a/PyNutil/__init__.py b/PyNutil/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..d06a3077d1205d56f14e9d13e7ed4c213b92891b --- /dev/null +++ b/PyNutil/__init__.py @@ -0,0 +1 @@ +from .main import PyNutil diff --git a/PyNutil/coordinate_extraction.py b/PyNutil/coordinate_extraction.py index 95a11bab455699db1d0e963b5fc1a61e68d5ed33..4f6c2b756a622c68786a8d6bd8894b0e6ac5baf4 100644 --- a/PyNutil/coordinate_extraction.py +++ b/PyNutil/coordinate_extraction.py @@ -1,4 +1,3 @@ - import numpy as np import pandas as pd from DeepSlice.coord_post_processing.spacing_and_indexing import number_sections @@ -12,21 +11,23 @@ import cv2 from skimage import measure import threading -#related to coordinate_extraction + +# related to coordinate_extraction def getCentroidsAndArea(Segmentation, pixelCutOff=0): """this function returns the center coordinate of each object in the segmentation. - You can set a pixelCutOff to remove objects that are smaller than that number of pixels""" - SegmentationBinary = ~np.all(Segmentation==255, axis=2) + You can set a pixelCutOff to remove objects that are smaller than that number of pixels + """ + SegmentationBinary = ~np.all(Segmentation == 255, axis=2) labels = measure.label(SegmentationBinary) - #this finds all the objects in the image + # this finds all the objects in the image labelsInfo = measure.regionprops(labels) - #remove objects that are less than pixelCutOff + # remove objects that are less than pixelCutOff labelsInfo = [label for label in labelsInfo if label.area > pixelCutOff] - #get the centre points of the objects + # get the centre points of the objects centroids = np.array([label.centroid for label in labelsInfo]) - #get the area of the objects + # get the area of the objects area = np.array([label.area for label in labelsInfo]) - #get the coordinates for all the pixels in each object + # get the coordinates for all the pixels in each object coords = np.array([label.coords for label in labelsInfo]) return centroids, area, coords @@ -34,31 +35,31 @@ def getCentroidsAndArea(Segmentation, pixelCutOff=0): # related to coordinate extraction def transformToRegistration(SegHeight, SegWidth, RegHeight, RegWidth): """this function returns the scaling factors to transform the segmentation to the registration space""" - Yscale = RegHeight/SegHeight - Xscale = RegWidth/SegWidth - return Yscale,Xscale + Yscale = RegHeight / SegHeight + Xscale = RegWidth / SegWidth + return Yscale, Xscale # related to coordinate extraction def findMatchingPixels(Segmentation, id): """this function returns the Y and X coordinates of all the pixels in the segmentation that match the id provided""" - mask = Segmentation==id + mask = Segmentation == id mask = np.all(mask, axis=2) id_positions = np.where(mask) - idY, idX = id_positions[0], id_positions[1] - return idY,idX + idY, idX = id_positions[0], id_positions[1] + return idY, idX -#related to coordinate extraction +# related to coordinate extraction def scalePositions(idY, idX, Yscale, Xscale): """this function scales the Y and X coordinates to the registration space. - (the Yscale and Xscale are the output of transformToRegistration)""" + (the Yscale and Xscale are the output of transformToRegistration)""" idY = idY * Yscale idX = idX * Xscale - return idY,idX + return idY, idX -#related to coordinate extraction +# related to coordinate extraction def transformToAtlasSpace(anchoring, Y, X, RegHeight, RegWidth): """transform to atlas space using the QuickNII anchoring vector""" O = anchoring[0:3] @@ -68,41 +69,43 @@ def transformToAtlasSpace(anchoring, Y, X, RegHeight, RegWidth): V = anchoring[6:9] # swap order of V V = np.array([V[0], V[1], V[2]]) - #scale X and Y to between 0 and 1 using the registration width and height - Yscale = Y/RegHeight - Xscale = X/RegWidth + # scale X and Y to between 0 and 1 using the registration width and height + Yscale = Y / RegHeight + Xscale = X / RegWidth # print("width: ", RegWidth, " height: ", RegHeight, " Xmax: ", np.max(X), " Ymax: ", np.max(Y), " Xscale: ", np.max(Xscale), " Yscale: ", np.max(Yscale)) - XYZV = np.array([Yscale*V[0], Yscale*V[1], Yscale*V[2]]) - XYZU = np.array([Xscale*U[0], Xscale*U[1], Xscale*U[2]]) - O = np.reshape(O, (3,1)) - return (O+XYZU+XYZV).T + XYZV = np.array([Yscale * V[0], Yscale * V[1], Yscale * V[2]]) + XYZU = np.array([Xscale * U[0], Xscale * U[1], Xscale * U[2]]) + O = np.reshape(O, (3, 1)) + return (O + XYZU + XYZV).T # related to coordinate extraction -def SegmentationToAtlasSpace(slice, SegmentationPath, pixelID='auto', nonLinear=True): +def SegmentationToAtlasSpace(slice, SegmentationPath, pixelID="auto", nonLinear=True): """combines many functions to convert a segmentation to atlas space. It takes care of deformations""" Segmentation = cv2.imread(SegmentationPath) - if pixelID == 'auto': - #remove the background from the segmentation - SegmentationNoBackGround = Segmentation[~np.all(Segmentation==255, axis=2)] - pixelID = np.vstack({tuple(r) for r in SegmentationNoBackGround.reshape(-1,3)})#remove background - #currently only works for a single label + if pixelID == "auto": + # remove the background from the segmentation + SegmentationNoBackGround = Segmentation[~np.all(Segmentation == 255, axis=2)] + pixelID = np.vstack( + {tuple(r) for r in SegmentationNoBackGround.reshape(-1, 3)} + ) # remove background + # currently only works for a single label pixelID = pixelID[0] ID_pixels = findMatchingPixels(Segmentation, pixelID) - #transform pixels to registration space (the registered image and segmentation have different dimensions) + # transform pixels to registration space (the registered image and segmentation have different dimensions) SegHeight = Segmentation.shape[0] - SegWidth = Segmentation.shape[1] + SegWidth = Segmentation.shape[1] RegHeight = slice["height"] - RegWidth = slice["width"] - #this calculates reg/seg - Yscale , Xscale = transformToRegistration(SegHeight,SegWidth, RegHeight,RegWidth) - scaledY,scaledX = scalePositions(ID_pixels[0], ID_pixels[1], Yscale, Xscale) + RegWidth = slice["width"] + # this calculates reg/seg + Yscale, Xscale = transformToRegistration(SegHeight, SegWidth, RegHeight, RegWidth) + scaledY, scaledX = scalePositions(ID_pixels[0], ID_pixels[1], Yscale, Xscale) if nonLinear: if "markers" in slice: - #this creates a triangulation using the reg width - triangulation = triangulate(RegWidth, RegHeight, slice["markers"]) + # this creates a triangulation using the reg width + triangulation = triangulate(RegWidth, RegHeight, slice["markers"]) newX, newY = transform_vec(triangulation, scaledX, scaledY) else: print(f"no markers found for " + slice["filename"]) @@ -110,9 +113,8 @@ def SegmentationToAtlasSpace(slice, SegmentationPath, pixelID='auto', nonLinear= else: newX, newY = scaledX, scaledY - - #scale U by Uxyz/RegWidth and V by Vxyz/RegHeight - points = transformToAtlasSpace(slice['anchoring'], newY, newX, RegHeight, RegWidth) + # scale U by Uxyz/RegWidth and V by Vxyz/RegHeight + points = transformToAtlasSpace(slice["anchoring"], newY, newX, RegHeight, RegWidth) # points = points.reshape(-1) return np.array(points) @@ -122,42 +124,67 @@ def FolderToAtlasSpace(folder, QUINT_alignment, pixelID=[0, 0, 0], nonLinear=Tru "apply Segmentation to atlas space to all segmentations in a folder" slices = loadVisuAlignJson(QUINT_alignment) points = [] - segmentationFileTypes = [".png", ".tif", ".tiff", ".jpg", ".jpeg"] - Segmentations = [file for file in glob(folder + "/*") if any([file.endswith(type) for type in segmentationFileTypes])] + segmentationFileTypes = [".png", ".tif", ".tiff", ".jpg", ".jpeg"] + Segmentations = [ + file + for file in glob(folder + "/*") + if any([file.endswith(type) for type in segmentationFileTypes]) + ] SectionNumbers = number_sections(Segmentations) - #order segmentations and sectionNumbers + # order segmentations and sectionNumbers # Segmentations = [x for _,x in sorted(zip(SectionNumbers,Segmentations))] # SectionNumbers.sort() - for SegmentationPath in Segmentations: + for SegmentationPath in Segmentations: seg_nr = int(number_sections([SegmentationPath])[0]) - current_slice_index = np.where([s["nr"]==seg_nr for s in slices]) + current_slice_index = np.where([s["nr"] == seg_nr for s in slices]) current_slice = slices[current_slice_index[0][0]] ##this converts the segmentation to a point cloud - points.extend(SegmentationToAtlasSpace(current_slice, SegmentationPath, pixelID, nonLinear)) + points.extend( + SegmentationToAtlasSpace( + current_slice, SegmentationPath, pixelID, nonLinear + ) + ) return np.array(points) -# points.append would make list of lists, keeping sections separate. + +# points.append would make list of lists, keeping sections separate. -#related to coordinate extraction -#this function returns an array of points -def FolderToAtlasSpaceMultiThreaded(folder, QUINT_alignment, pixelID=[0, 0, 0], nonLinear=True): +# related to coordinate extraction +# this function returns an array of points +def FolderToAtlasSpaceMultiThreaded( + folder, QUINT_alignment, pixelID=[0, 0, 0], nonLinear=True +): "apply Segmentation to atlas space to all segmentations in a folder" slices = loadVisuAlignJson(QUINT_alignment) - - segmentationFileTypes = [".png", ".tif", ".tiff", ".jpg", ".jpeg"] - Segmentations = [file for file in glob(folder + "/*") if any([file.endswith(type) for type in segmentationFileTypes])] + + segmentationFileTypes = [".png", ".tif", ".tiff", ".jpg", ".jpeg"] + Segmentations = [ + file + for file in glob(folder + "/*") + if any([file.endswith(type) for type in segmentationFileTypes]) + ] SectionNumbers = number_sections(Segmentations) - #order segmentations and sectionNumbers + # order segmentations and sectionNumbers # Segmentations = [x for _,x in sorted(zip(SectionNumbers,Segmentations))] # SectionNumbers.sort() pointsList = [None] * len(Segmentations) threads = [] - for SegmentationPath, index in zip(Segmentations, range(len(Segmentations))): + for SegmentationPath, index in zip(Segmentations, range(len(Segmentations))): seg_nr = int(number_sections([SegmentationPath])[0]) - current_slice_index = np.where([s["nr"]==seg_nr for s in slices]) + current_slice_index = np.where([s["nr"] == seg_nr for s in slices]) current_slice = slices[current_slice_index[0][0]] - x = threading.Thread(target=SegmentationToAtlasSpaceMultiThreaded, args=(current_slice, SegmentationPath, pixelID, nonLinear, pointsList, index)) + x = threading.Thread( + target=SegmentationToAtlasSpaceMultiThreaded, + args=( + current_slice, + SegmentationPath, + pixelID, + nonLinear, + pointsList, + index, + ), + ) threads.append(x) ##this converts the segmentation to a point cloud # start threads @@ -171,41 +198,43 @@ def FolderToAtlasSpaceMultiThreaded(folder, QUINT_alignment, pixelID=[0, 0, 0], # related to coordinate extraction # this function returns an array of points -def SegmentationToAtlasSpaceMultiThreaded(slice, SegmentationPath, pixelID='auto', nonLinear=True, pointsList=None, index=None): +def SegmentationToAtlasSpaceMultiThreaded( + slice, SegmentationPath, pixelID="auto", nonLinear=True, pointsList=None, index=None +): """combines many functions to convert a segmentation to atlas space. It takes care of deformations""" Segmentation = cv2.imread(SegmentationPath) - if pixelID == 'auto': - #remove the background from the segmentation - SegmentationNoBackGround = Segmentation[~np.all(Segmentation==255, axis=2)] - pixelID = np.vstack({tuple(r) for r in SegmentationNoBackGround.reshape(-1,3)})#remove background - #currently only works for a single label + if pixelID == "auto": + # remove the background from the segmentation + SegmentationNoBackGround = Segmentation[~np.all(Segmentation == 255, axis=2)] + pixelID = np.vstack( + {tuple(r) for r in SegmentationNoBackGround.reshape(-1, 3)} + ) # remove background + # currently only works for a single label pixelID = pixelID[0] ID_pixels = findMatchingPixels(Segmentation, pixelID) - #transform pixels to registration space (the registered image and segmentation have different dimensions) + # transform pixels to registration space (the registered image and segmentation have different dimensions) SegHeight = Segmentation.shape[0] - SegWidth = Segmentation.shape[1] + SegWidth = Segmentation.shape[1] RegHeight = slice["height"] - RegWidth = slice["width"] - #this calculates reg/seg - Yscale , Xscale = transformToRegistration(SegHeight,SegWidth, RegHeight,RegWidth) + RegWidth = slice["width"] + # this calculates reg/seg + Yscale, Xscale = transformToRegistration(SegHeight, SegWidth, RegHeight, RegWidth) - #scale the seg coordinates to reg/seg - scaledY,scaledX = scalePositions(ID_pixels[0], ID_pixels[1], Yscale, Xscale) + # scale the seg coordinates to reg/seg + scaledY, scaledX = scalePositions(ID_pixels[0], ID_pixels[1], Yscale, Xscale) if nonLinear: if "markers" in slice: - #this creates a triangulation using the reg width - triangulation = triangulate(RegWidth, RegHeight, slice["markers"]) + # this creates a triangulation using the reg width + triangulation = triangulate(RegWidth, RegHeight, slice["markers"]) newX, newY = transform_vec(triangulation, scaledX, scaledY) else: print(f"no markers found for " + slice["filename"]) newX, newY = scaledX, scaledY else: newX, newY = scaledX, scaledY - #scale U by Uxyz/RegWidth and V by Vxyz/RegHeight - points = transformToAtlasSpace(slice['anchoring'], newY, newX, RegHeight, RegWidth) + # scale U by Uxyz/RegWidth and V by Vxyz/RegHeight + points = transformToAtlasSpace(slice["anchoring"], newY, newX, RegHeight, RegWidth) # points = points.reshape(-1) pointsList[index] = np.array(points) - - diff --git a/PyNutil/counting_and_load.py b/PyNutil/counting_and_load.py index 77f19a4607e59d6be394c59a16912a7a8b68e523..d0775e64fbaaddcf8301139845374173ca600826 100644 --- a/PyNutil/counting_and_load.py +++ b/PyNutil/counting_and_load.py @@ -2,55 +2,56 @@ import numpy as np import pandas as pd import struct + # related to counting and load def labelPoints(points, label_volume, scale_factor=1): """this function takes a list of points and assigns them to a region based on the regionVolume. These regions will just be the values in the regionVolume at the points. it returns a dictionary with the region as the key and the points as the value""" - #first convert the points to 3 columns - points = np.reshape(points, (-1,3)) - #scale the points + # first convert the points to 3 columns + points = np.reshape(points, (-1, 3)) + # scale the points points = points * scale_factor - #round the points to the nearest whole number + # round the points to the nearest whole number points = np.round(points).astype(int) - x = points[:,0] - y = points[:,1] - z = points[:,2] - #get the label value for each point - labels = label_volume[x,y,z] + x = points[:, 0] + y = points[:, 1] + z = points[:, 2] + # get the label value for each point + labels = label_volume[x, y, z] return labels # related to counting_and_load -def PixelCountPerRegion(labelsDict, label_colours): - """Function for counting no. of pixels per region and writing to CSV based on - a dictionary with the region as the key and the points as the value, """ +def PixelCountPerRegion(labelsDict, label_colours): + """Function for counting no. of pixels per region and writing to CSV based on + a dictionary with the region as the key and the points as the value,""" counted_labels, label_counts = np.unique(labelsDict, return_counts=True) # which regions have pixels, and how many pixels are there per region - counts_per_label = list(zip(counted_labels,label_counts)) + counts_per_label = list(zip(counted_labels, label_counts)) # create a list of unique regions and pixel counts per region - df_counts_per_label = pd.DataFrame(counts_per_label, columns=["idx","pixel_count"]) + df_counts_per_label = pd.DataFrame(counts_per_label, columns=["idx", "pixel_count"]) # create a pandas df with regions and pixel counts - df_label_colours =pd.read_csv(label_colours, sep=",") + df_label_colours = pd.read_csv(label_colours, sep=",") # find colours corresponding to each region ID and add to the pandas dataframe - #look up name, r, g, b in df_allen_colours in df_counts_per_label based on "idx" + # look up name, r, g, b in df_allen_colours in df_counts_per_label based on "idx" new_rows = [] for index, row in df_counts_per_label.iterrows(): - mask = df_label_colours["idx"] == row["idx"] + mask = df_label_colours["idx"] == row["idx"] current_region_row = df_label_colours[mask] current_region_name = current_region_row["name"].values current_region_red = current_region_row["r"].values current_region_green = current_region_row["g"].values current_region_blue = current_region_row["b"].values - row["name"] = current_region_name[0] + row["name"] = current_region_name[0] row["r"] = current_region_red[0] row["g"] = current_region_green[0] row["b"] = current_region_blue[0] - + new_rows.append(row) df_counts_per_label_name = pd.DataFrame(new_rows) @@ -58,23 +59,25 @@ def PixelCountPerRegion(labelsDict, label_colours): """read flat file and write into an np array""" + + def flat_to_array(flatfile): - with open(flatfile,"rb") as f: - #i dont know what b is, w and h are the width and height that we get from the - #flat file header - b,w,h=struct.unpack(">BII",f.read(9)) - #data is a one dimensional list of values - #it has the shape width times height - data =struct.unpack(">"+("xBH"[b]*(w*h)),f.read(b*w*h)) - - #convert flat file data into an array, previously data was a tuple + with open(flatfile, "rb") as f: + # i dont know what b is, w and h are the width and height that we get from the + # flat file header + b, w, h = struct.unpack(">BII", f.read(9)) + # data is a one dimensional list of values + # it has the shape width times height + data = struct.unpack(">" + ("xBH"[b] * (w * h)), f.read(b * w * h)) + + # convert flat file data into an array, previously data was a tuple imagedata = np.array(data) - #create an empty image array in the right shape, write imagedata into image_array - image = np.zeros((h,w)) + # create an empty image array in the right shape, write imagedata into image_array + image = np.zeros((h, w)) for x in range(w): for y in range(h): - image[y,x] = imagedata[x+y*w] + image[y, x] = imagedata[x + y * w] image_arr = np.array(image) return image_arr diff --git a/PyNutil/dream_workflow.py b/PyNutil/dream_workflow.py index 5f53d9eb732967c4cfc0a1619976e92ea5fa6c5d..205896ba2029a7afde79730204dabcd495b0e9c6 100644 --- a/PyNutil/dream_workflow.py +++ b/PyNutil/dream_workflow.py @@ -1,30 +1,27 @@ import PyNutil -#define parameters -#specify loacation of segmentation folder +# define parameters +# specify loacation of segmentation folder segmentation_folder = r"blabla/blabla" -#specify location of json file +# specify location of json file json_file = r"blabla/blabla.json" -#specify colour to quantify +# specify colour to quantify colour = [255, 255, 255] -#specify output location +# specify output location output_path = r"blabla/blabla/output" -quantifier = PyNutil(segmentation_folder, - json_file, - colour, - output_path) +quantifier = PyNutil(segmentation_folder, json_file, colour, output_path) quantifier.build_quantifier() -#define your mask as either a png, or a qcalign damage map -#this mask will be applied to all +# define your mask as either a png, or a qcalign damage map +# this mask will be applied to all quantifier.load_mask(mask_path=r"blablabla/") -#load a custom region file +# load a custom region file quantifier.load_custom_regions(custom_region_json=r"blablabla/") -#run coordinate extraction -#ideally extract coordinates per section and whole brain +# run coordinate extraction +# ideally extract coordinates per section and whole brain points = quantifier.get_coordinates() quantifier.save_coordinates() @@ -33,4 +30,4 @@ objects = quantifier.get_objects() loads = quantifier.get_loads() -quantifier.save_segmentation_atlas_overlays() \ No newline at end of file +quantifier.save_segmentation_atlas_overlays() diff --git a/PyNutil/folder_of_segmentations_to_meshview.py b/PyNutil/folder_of_segmentations_to_meshview.py index 82775778a7dba50eec2e9046073ee2b0cd6858de..0fba9d990f74880f88d217d94f06b697bb9da00a 100644 --- a/PyNutil/folder_of_segmentations_to_meshview.py +++ b/PyNutil/folder_of_segmentations_to_meshview.py @@ -1,7 +1,7 @@ - -#pandas is used for working with csv files +# pandas is used for working with csv files import pandas as pd -#nrrd just lets us open nrrd files + +# nrrd just lets us open nrrd files import nrrd import numpy as np import csv @@ -9,7 +9,7 @@ import json from datetime import datetime -#import our function for converting a folder of segmentations to points +# import our function for converting a folder of segmentations to points from PyNutil import FolderToAtlasSpace, labelPoints, WritePointsToMeshview volume_path = "../annotation_volumes//annotation_10_reoriented.nrrd" @@ -19,72 +19,76 @@ startTime = datetime.now() segmentation_folder = "../test_data/ext-d000033_PVMouseExtraction_pub-Nutil_Quantifier_analysis-81264-Input_dir/" alignment_json = "../test_data/PVMouse_81264_nonlin.json" -#now we can use our function to convert the folder of segmentations to points -points = FolderToAtlasSpace(segmentation_folder,alignment_json, pixelID=[255, 0, 0], nonLinear=True) +# now we can use our function to convert the folder of segmentations to points +points = FolderToAtlasSpace( + segmentation_folder, alignment_json, pixelID=[255, 0, 0], nonLinear=True +) time_taken = datetime.now() - startTime print(f"Folder to atlas took: {time_taken}") -#first we need to find the label file for the volume +# first we need to find the label file for the volume label_path = "../annotation_volumes//allen2022_colours.csv" -#then the path to the volume +# then the path to the volume -#read the label files +# read the label files label_df = pd.read_csv(label_path) -#read the annotation volume, it also has a header but we don't need it -#now we can get the labels for each point +# read the annotation volume, it also has a header but we don't need it +# now we can get the labels for each point labels = labelPoints(points, data, scale_factor=2.5) -#save points to a meshview json -WritePointsToMeshview(points, labels,"../outputs/points.json", label_df) +# save points to a meshview json +WritePointsToMeshview(points, labels, "../outputs/points.json", label_df) -#Task: +# Task: # Make a pandas dataframe # Column 1: counted_labels # Column 2: label_counts # Column 3: region_name (look up by reading Allen2022_colours.csv, look up name and RGB) # Save dataframe in output as CSV -# next task is to create functions from this. +# next task is to create functions from this. counted_labels, label_counts = np.unique(labels, return_counts=True) -counts_per_label = list(zip(counted_labels,label_counts)) +counts_per_label = list(zip(counted_labels, label_counts)) -df_counts_per_label = pd.DataFrame(counts_per_label, columns=["allenID","pixel count"]) +df_counts_per_label = pd.DataFrame(counts_per_label, columns=["allenID", "pixel count"]) allen_colours = "../annotation_volumes//allen2022_colours.csv" -df_allen_colours =pd.read_csv(allen_colours, sep=",") +df_allen_colours = pd.read_csv(allen_colours, sep=",") df_allen_colours -#look up name, r, g, b in df_allen_colours in df_counts_per_label based on "allenID" +# look up name, r, g, b in df_allen_colours in df_counts_per_label based on "allenID" new_rows = [] for index, row in df_counts_per_label.iterrows(): - mask = df_allen_colours["allenID"] == row["allenID"] + mask = df_allen_colours["allenID"] == row["allenID"] current_region_row = df_allen_colours[mask] current_region_name = current_region_row["name"].values current_region_red = current_region_row["r"].values current_region_green = current_region_row["g"].values current_region_blue = current_region_row["b"].values - row["name"] = current_region_name[0] + row["name"] = current_region_name[0] row["r"] = current_region_red[0] row["g"] = current_region_green[0] row["b"] = current_region_blue[0] - + new_rows.append(row) df_counts_per_label_name = pd.DataFrame(new_rows) df_counts_per_label_name # write to csv file -df_counts_per_label_name.to_csv("../outputs/counts_per_allenID.csv", sep=";", na_rep='', index= False) +df_counts_per_label_name.to_csv( + "../outputs/counts_per_allenID.csv", sep=";", na_rep="", index=False +) -#r = df_allen_colours["r"] -#g = df_allen_colours["g"] -#b = df_allen_colours["b"] -#region_name = df_allen_colours["name"] +# r = df_allen_colours["r"] +# g = df_allen_colours["g"] +# b = df_allen_colours["b"] +# region_name = df_allen_colours["name"] -#while we havent added it here it would be good to next quantify the number of cells for each label. +# while we havent added it here it would be good to next quantify the number of cells for each label. time_taken = datetime.now() - startTime -print(f"time taken was: {time_taken}") \ No newline at end of file +print(f"time taken was: {time_taken}") diff --git a/PyNutil/folder_of_segmentations_to_meshview_multithreaded.py b/PyNutil/folder_of_segmentations_to_meshview_multithreaded.py index f84c282ff8c22a4f954eb75c20cf76bf49eb5478..ea6f0e3d9a1b8aec00fd5368c8e53dbc04fba8ef 100644 --- a/PyNutil/folder_of_segmentations_to_meshview_multithreaded.py +++ b/PyNutil/folder_of_segmentations_to_meshview_multithreaded.py @@ -1,7 +1,7 @@ - -#pandas is used for working with csv files +# pandas is used for working with csv files import pandas as pd -#nrrd just lets us open nrrd files + +# nrrd just lets us open nrrd files import nrrd import numpy as np import csv @@ -9,34 +9,39 @@ import json from datetime import datetime -#import json, use to define input parameters -with open('../test/test5_NOP_s037.json', 'r') as f: - input = json.load(f) -#print(input) +# import json, use to define input parameters +with open("../test/test5_NOP_s037.json", "r") as f: + input = json.load(f) +# print(input) -#import our function for converting a folder of segmentations to points +# import our function for converting a folder of segmentations to points from coordinate_extraction import FolderToAtlasSpace, FolderToAtlasSpaceMultiThreaded from read_and_write import SaveDataframeasCSV, WritePointsToMeshview, FilesinDirectory from counting_and_load import PixelCountPerRegion, labelPoints startTime = datetime.now() -#now we can use our function to convert the folder of segmentations to points -points = FolderToAtlasSpaceMultiThreaded(input["segmentation_folder"],input["alignment_json"], pixelID=input["colour"], nonLinear=input["nonlinear"]) +# now we can use our function to convert the folder of segmentations to points +points = FolderToAtlasSpaceMultiThreaded( + input["segmentation_folder"], + input["alignment_json"], + pixelID=input["colour"], + nonLinear=input["nonlinear"], +) time_taken = datetime.now() - startTime print(f"Folder to atlas took: {time_taken}") -#first we need to find the label file for the volume -#then the path to the volume +# first we need to find the label file for the volume +# then the path to the volume -#read the label files +# read the label files label_df = pd.read_csv(input["label_path"]) -#read the annotation volume, it also has a header but we don't need it +# read the annotation volume, it also has a header but we don't need it data, header = nrrd.read(input["volume_path"]) -#now we can get the labels for each point +# now we can get the labels for each point labels = labelPoints(points, data, scale_factor=2.5) -#save points to a meshview jsonv +# save points to a meshview jsonv WritePointsToMeshview(points, labels, input["points_json_path"], label_df) df_counts_per_label_name = PixelCountPerRegion(labels, input["label_path"]) @@ -46,17 +51,14 @@ time_taken = datetime.now() - startTime print(f"overall time taken was: {time_taken}") -#while we havent added it here it would be good to next quantify the number of cells for each label. -#get centroids and areas returns a list of objects and the center coordinate. -#we need to deform the center coordinate according to visualign deformations¨ -#we need to then transform the coordinate into atlas space -#and then save labels like before. - - - +# while we havent added it here it would be good to next quantify the number of cells for each label. +# get centroids and areas returns a list of objects and the center coordinate. +# we need to deform the center coordinate according to visualign deformations¨ +# we need to then transform the coordinate into atlas space +# and then save labels like before. # Create a list of flat file names from a directory: -#flatfiles = FilesinDirectory('../test_data/ttA_2877_NOP_atlasmaps') -#print(flatfiles) \ No newline at end of file +# flatfiles = FilesinDirectory('../test_data/ttA_2877_NOP_atlasmaps') +# print(flatfiles) diff --git a/PyNutil/load_workflow.py b/PyNutil/load_workflow.py index 140221a60febad3f149e33338bbe9829d28c97d0..1d7d4131b27fd525829313c9180f9223936ea640 100644 --- a/PyNutil/load_workflow.py +++ b/PyNutil/load_workflow.py @@ -7,62 +7,62 @@ import numpy as np from read_and_write import FlattoArray, LabeltoArray -base= r"../test_data/tTA_2877_NOP_s037_atlasmap/2877_NOP_tTA_lacZ_Xgal_s037_nl.flat" +base = r"../test_data/tTA_2877_NOP_s037_atlasmap/2877_NOP_tTA_lacZ_Xgal_s037_nl.flat" label = r"../annotation_volumes\allen2017_colours.csv" image_arr = FlattoArray(base) plt.imshow(FlattoArray(base)) -"""assign label file values into image array""" +"""assign label file values into image array""" labelfile = pd.read_csv(r"../annotation_volumes\allen2017_colours.csv") -allen_id_image = np.zeros((h,w)) # create an empty image array +allen_id_image = np.zeros((h, w)) # create an empty image array coordsy, coordsx = np.meshgrid(list(range(w)), list(range(h))) -values = image_arr[coordsx, coordsy] # assign x,y coords from image_array into values -lbidx = labelfile['idx'].values -allen_id_image = lbidx[values.astype(int)] # assign allen IDs into image array +values = image_arr[coordsx, coordsy] # assign x,y coords from image_array into values +lbidx = labelfile["idx"].values +allen_id_image = lbidx[values.astype(int)] # assign allen IDs into image array plt.imshow(allen_id_image) """count pixels for unique idx""" unique_ids, counts = np.unique(allen_id_image, return_counts=True) -area_per_label = list(zip(unique_ids,counts)) +area_per_label = list(zip(unique_ids, counts)) # create a list of unique regions and pixel counts per region -df_area_per_label = pd.DataFrame(area_per_label, columns=["idx","area_count"]) +df_area_per_label = pd.DataFrame(area_per_label, columns=["idx", "area_count"]) # create a pandas df with regions and pixel counts """add region name and colours corresponding to each idx into dataframe. This could be a separate function""" -df_label_colours =pd.read_csv(label, sep=",") +df_label_colours = pd.read_csv(label, sep=",") # find colours corresponding to each region ID and add to the pandas dataframe -#look up name, r, g, b in df_allen_colours in df_area_per_label based on "idx" +# look up name, r, g, b in df_allen_colours in df_area_per_label based on "idx" new_rows = [] for index, row in df_area_per_label.iterrows(): - mask = df_label_colours["idx"] == row["idx"] + mask = df_label_colours["idx"] == row["idx"] current_region_row = df_label_colours[mask] current_region_name = current_region_row["name"].values current_region_red = current_region_row["r"].values current_region_green = current_region_row["g"].values current_region_blue = current_region_row["b"].values - row["name"] = current_region_name[0] + row["name"] = current_region_name[0] row["r"] = current_region_red[0] row["g"] = current_region_green[0] row["b"] = current_region_blue[0] - + new_rows.append(row) df_area_per_label_name = pd.DataFrame(new_rows) print(df_area_per_label_name) -df_area_per_label_name.to_csv("../outputs/test5_s037_area_per_idx.csv", sep=";", na_rep='', index= False) - - +df_area_per_label_name.to_csv( + "../outputs/test5_s037_area_per_idx.csv", sep=";", na_rep="", index=False +) # Count area per unique label in one flat file - done. diff --git a/PyNutil/main.py b/PyNutil/main.py index bf284b4c229aa48f7caab40cb82444fb4e3acf85..0626eeb014bd875d30e18075059dcf933c6e6c74 100644 --- a/PyNutil/main.py +++ b/PyNutil/main.py @@ -1,14 +1,27 @@ - - +from .metadata import metadata_loader +from read_and_write import readAtlasVolume class PyNutil: - def __init__(self, segmentation_folder) -> None: + def __init__( + self, + segmentation_folder, + json_file, + colour, + atlas, + ) -> None: + self.config, self.metadata_path = metadata_loader.load_config() + if atlas not in self.config["annotation_volumes"]: + raise ValueError( + f"Atlas {atlas} not found in config file\n valid atlases are {self.config['annotation_volumes'].keys()}" + ) self.segmentation_folder = segmentation_folder self.json_file = json_file self.colour = colour - self.output_path = output_path + self.atlas = atlas + # load the metadata json as well as the path to stored data files def build_quantifier(self): - #do all the expensive computations - + # do all the expensive computations + atlas_path = self.config["annotation_volumes"][self.atlas]["volume"] + self.atlas_volume = readAtlasVolume(self.atlas) diff --git a/PyNutil/metadata/__init__.py b/PyNutil/metadata/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..b6e690fd59145ce8900fd9ab8d8a996ee7d33834 --- /dev/null +++ b/PyNutil/metadata/__init__.py @@ -0,0 +1 @@ +from . import * diff --git a/PyNutil/metadata/config.json b/PyNutil/metadata/config.json new file mode 100644 index 0000000000000000000000000000000000000000..1ec2ba3bfbe14bf1994199f79e8c2dc870f8bce7 --- /dev/null +++ b/PyNutil/metadata/config.json @@ -0,0 +1,27 @@ +{"annotation_volumes":{ + "allen2015":{ + "labels":"allen2015_colours.csv", + "volume":"None" + }, + "allen2017":{ + "labels":"allen2017_colours.csv", + "volume":"annotation_10_reoriented_2017.nrrd" + }, + "allen2022":{ + "labels":"allen2022_colours.csv", + "volume":"annotation_10_reoriented_2022.nrrd" + }, + "WHS_Atlas_Rat_Brain_v2":{ + "labels":"WHS_v2_colours.csv", + "volume":"None" + }, + "WHS_Atlas_Rat_Brain_v3":{ + "labels":"WHS_v3_colours.csv", + "volume":"None" + }, + "WHS_Atlas_Rat_Brain_v4":{ + "labels":"WHS_v4_colours.csv", + "volume":"None" + }, + "annotation_volume_directory":"annotation_volumes/" +}} \ No newline at end of file diff --git a/PyNutil/metadata/metadata_loader.py b/PyNutil/metadata/metadata_loader.py new file mode 100644 index 0000000000000000000000000000000000000000..ec273633cec9518eccb6c9cc9db11ef815da986b --- /dev/null +++ b/PyNutil/metadata/metadata_loader.py @@ -0,0 +1,20 @@ +import json +from pathlib import Path +import os + + +def load_config() -> dict: + """ + Loads the config file + + :return: the configuration file + :rtype: dict + """ + # returns a path to the config file assuming that it is in the same directory as this script + path = str(Path(__file__).parent.parent.absolute()) + "/config.json" + # open the config file + with open(path, "r") as f: + # load the config file + config = json.load(f) + # return the config file and path + return config, path diff --git a/PyNutil/read_and_write.py b/PyNutil/read_and_write.py index a701ebf2455fb092a3bb60b2f4a3c65810f6233c..5689fa151ab8d99778781fa9b5d6399d3b64d2ed 100644 --- a/PyNutil/read_and_write.py +++ b/PyNutil/read_and_write.py @@ -4,9 +4,10 @@ import struct import pandas as pd import matplotlib.pyplot as plt import os +import nrrd -#related to read and write +# related to read and write # this function reads a VisuAlign JSON and returns the slices def loadVisuAlignJson(filename): with open(filename) as f: @@ -15,31 +16,33 @@ def loadVisuAlignJson(filename): return slices -#related to read_and_write, used in WritePointsToMeshview +# related to read_and_write, used in WritePointsToMeshview # this function returns a dictionary of region names def createRegionDict(points, regions): """points is a list of points and regions is an id for each point""" - regionDict = {region:points[regions==region].flatten().tolist() for region in np.unique(regions)} + regionDict = { + region: points[regions == region].flatten().tolist() + for region in np.unique(regions) + } return regionDict -#related to read and write: WritePoints +# related to read and write: WritePoints # this function writes the region dictionary to a meshview json def WritePoints(pointsDict, filename, infoFile): - meshview = [ - { - "idx": idx, - "count": len(pointsDict[name])//3, - "name" :str(infoFile["name"].values[infoFile["idx"]==name][0]), - "triplets": pointsDict[name], - "r": str(infoFile["r"].values[infoFile["idx"]==name][0]), - "g": str(infoFile["g"].values[infoFile["idx"]==name][0]), - "b": str(infoFile["b"].values[infoFile["idx"]==name][0]) - } - for name, idx in zip(pointsDict.keys(), range(len(pointsDict.keys()))) + { + "idx": idx, + "count": len(pointsDict[name]) // 3, + "name": str(infoFile["name"].values[infoFile["idx"] == name][0]), + "triplets": pointsDict[name], + "r": str(infoFile["r"].values[infoFile["idx"] == name][0]), + "g": str(infoFile["g"].values[infoFile["idx"] == name][0]), + "b": str(infoFile["b"].values[infoFile["idx"] == name][0]), + } + for name, idx in zip(pointsDict.keys(), range(len(pointsDict.keys()))) ] - #write meshview json + # write meshview json with open(filename, "w") as f: json.dump(meshview, f) @@ -53,40 +56,42 @@ def WritePointsToMeshview(points, pointNames, filename, infoFile): def SaveDataframeasCSV(df_to_save, output_csv): """Function for saving a df as a CSV file""" - df_to_save.to_csv(output_csv, sep=";", na_rep='', index= False) + df_to_save.to_csv(output_csv, sep=";", na_rep="", index=False) def FlattoArray(flatfile): """Read flat file and write into an np array, return array""" - with open(flatfile,"rb") as f: - #i dont know what b is, w and h are the width and height that we get from the - #flat file header - b,w,h=struct.unpack(">BII",f.read(9)) - #data is a one dimensional list of values - #it has the shape width times height - data =struct.unpack(">"+("xBH"[b]*(w*h)),f.read(b*w*h)) - - #convert flat file data into an array, previously data was a tuple + with open(flatfile, "rb") as f: + # i dont know what b is, w and h are the width and height that we get from the + # flat file header + b, w, h = struct.unpack(">BII", f.read(9)) + # data is a one dimensional list of values + # it has the shape width times height + data = struct.unpack(">" + ("xBH"[b] * (w * h)), f.read(b * w * h)) + + # convert flat file data into an array, previously data was a tuple imagedata = np.array(data) - #create an empty image array in the right shape, write imagedata into image_array - image = np.zeros((h,w)) + # create an empty image array in the right shape, write imagedata into image_array + image = np.zeros((h, w)) for x in range(w): for y in range(h): - image[y,x] = imagedata[x+y*w] + image[y, x] = imagedata[x + y * w] image_arr = np.array(image) return image_arr def LabeltoArray(label_path, image_array): - """assign label file values into image array, return array""" + """assign label file values into image array, return array""" labelfile = pd.read_csv(label_path) - allen_id_image = np.zeros((h,w)) # create an empty image array + allen_id_image = np.zeros((h, w)) # create an empty image array coordsy, coordsx = np.meshgrid(list(range(w)), list(range(h))) - values = image_array[coordsx, coordsy] # assign x,y coords from image_array into values - lbidx = labelfile['idx'].values - allen_id_image = lbidx[values.astype(int)] # assign allen IDs into image array + values = image_array[ + coordsx, coordsy + ] # assign x,y coords from image_array into values + lbidx = labelfile["idx"].values + allen_id_image = lbidx[values.astype(int)] # assign allen IDs into image array return allen_id_image @@ -95,11 +100,15 @@ def FilesinDirectory(directory): list_of_files = [] for file in os.scandir(directory): if file.path.endswith(".flat") and file.is_file: - #print(filename.path) - #newfilename, file_ext = os.path.splitext(filename) - #print(newfilename) + # print(filename.path) + # newfilename, file_ext = os.path.splitext(filename) + # print(newfilename) filename = os.path.basename(file) newfilename, file_ext = os.path.splitext(filename) list_of_files.append(newfilename) return list_of_files + +def readAtlasVolume(atlas_volume_path): + data, header = nrrd.read(atlas_volume_path) + return data, header diff --git a/PyNutil/testing_openflatfile.py b/PyNutil/testing_openflatfile.py index 59bc5f332d4601e3c8e7066cbe33bb432a2dea83..2d7071cdae8d2a455e5792b718a6ce437d5f93d2 100644 --- a/PyNutil/testing_openflatfile.py +++ b/PyNutil/testing_openflatfile.py @@ -1,4 +1,4 @@ -base= r"../test_data\ttA_2877_NOP_atlasmaps\2877_NOP_tTA_lacZ_Xgal_s037_nl.flat" +base = r"../test_data\ttA_2877_NOP_atlasmaps\2877_NOP_tTA_lacZ_Xgal_s037_nl.flat" import numpy as np import struct import pandas as pd @@ -6,34 +6,34 @@ import matplotlib.pyplot as plt """read flat file and write into an np array""" -with open(base,"rb") as f: - #i dont know what b is, w and h are the width and height that we get from the - #flat file header - b,w,h=struct.unpack(">BII",f.read(9)) - #data is a one dimensional list of values - #it has the shape width times height - data =struct.unpack(">"+("xBH"[b]*(w*h)),f.read(b*w*h)) +with open(base, "rb") as f: + # i dont know what b is, w and h are the width and height that we get from the + # flat file header + b, w, h = struct.unpack(">BII", f.read(9)) + # data is a one dimensional list of values + # it has the shape width times height + data = struct.unpack(">" + ("xBH"[b] * (w * h)), f.read(b * w * h)) - #convert flat file data into an array, previously data was a tuple + # convert flat file data into an array, previously data was a tuple imagedata = np.array(data) - #create an empty image array in the right shape, - image = np.zeros((h,w)) - #pallette = dict(zip(np.unique(data), np.random.randint(0,255,len(np.unique(data))))) + # create an empty image array in the right shape, + image = np.zeros((h, w)) + # pallette = dict(zip(np.unique(data), np.random.randint(0,255,len(np.unique(data))))) - #assign values from flat file into the image array + # assign values from flat file into the image array for x in range(w): for y in range(h): - image[y,x] = imagedata[x+y*w] + image[y, x] = imagedata[x + y * w] image_arr = np.array(image) # show image with plt.imshow(image_arr) -"""assign label file values into image array""" +"""assign label file values into image array""" labelfile = pd.read_csv(r"../annotation_volumes\allen2017_colours.csv") -allen_id_image = np.zeros((h,w)) # create an empty image array +allen_id_image = np.zeros((h, w)) # create an empty image array """for ph in range(h): for pw in range(w): @@ -42,22 +42,24 @@ allen_id_image = np.zeros((h,w)) # create an empty image array """for efficiency, vectorize instead of using the for loops above""" coordsy, coordsx = np.meshgrid(list(range(w)), list(range(h))) -values = image_arr[coordsx, coordsy] # assign x,y coords from image_array into values -lbidx = labelfile['idx'].values -allen_id_image = lbidx[values.astype(int)] # assign allen IDs into image array +values = image_arr[coordsx, coordsy] # assign x,y coords from image_array into values +lbidx = labelfile["idx"].values +allen_id_image = lbidx[values.astype(int)] # assign allen IDs into image array """count pixels for unique idx""" unique_ids, counts = np.unique(allen_id_image, return_counts=True) -area_per_label = list(zip(unique_ids,counts)) +area_per_label = list(zip(unique_ids, counts)) # create a list of unique regions and pixel counts per region -df_area_per_label = pd.DataFrame(area_per_label, columns=["idx","area_count"]) +df_area_per_label = pd.DataFrame(area_per_label, columns=["idx", "area_count"]) # create a pandas df with regions and pixel counts print(df_area_per_label) -df_area_per_label.to_csv("../outputs/s037_area_per_idx.csv", sep=";", na_rep='', index= False) +df_area_per_label.to_csv( + "../outputs/s037_area_per_idx.csv", sep=";", na_rep="", index=False +) -#df_label_colours =pd.read_csv(label_colours, sep=",") +# df_label_colours =pd.read_csv(label_colours, sep=",") # find colours corresponding to each region ID and add to the pandas dataframe diff --git a/PyNutil/testing_sharon.py b/PyNutil/testing_sharon.py index 0a4b18838196fd11d7234a8609c859c5cca3561a..b5c40038ce98313ea984ae6c9c80d6e2a62674cc 100644 --- a/PyNutil/testing_sharon.py +++ b/PyNutil/testing_sharon.py @@ -1,43 +1,37 @@ - import subprocess import sys import os import glob -dir = ('../test_data/ttA_2877_NOP_atlasmaps') +dir = "../test_data/ttA_2877_NOP_atlasmaps" """fetch file names in a directory""" + def FilesinDirectory(directory): for file in os.scandir(directory): if file.path.endswith(".flat") and file.is_file: - #print(filename.path) - #newfilename, file_ext = os.path.splitext(filename) - #print(newfilename) + # print(filename.path) + # newfilename, file_ext = os.path.splitext(filename) + # print(newfilename) filename = os.path.basename(file) newfilename, file_ext = os.path.splitext(filename) return newfilename -#Question: how to return multiple file names into a list? + +# Question: how to return multiple file names into a list? files = [] -newfiles = files.append(FilesinDirectory('../test_data/ttA_2877_NOP_atlasmaps')) +newfiles = files.append(FilesinDirectory("../test_data/ttA_2877_NOP_atlasmaps")) print(files) - - - import os # file name with extension -file_name = os.path.basename('../test_data/ttA_2877_NOP_atlasmaps') +file_name = os.path.basename("../test_data/ttA_2877_NOP_atlasmaps") print(file_name) # file name without extension print(os.path.splitext(file_name)[0]) - - - - diff --git a/PyNutil/visualign_deformations.py b/PyNutil/visualign_deformations.py index 36d7789fe457f7bc5825469964a9714dc3ecd3ce..5441b5e690f1af7a7eca2dcaea0968747db6f610 100644 --- a/PyNutil/visualign_deformations.py +++ b/PyNutil/visualign_deformations.py @@ -2,165 +2,230 @@ import numpy as np -def triangulate(w,h,markers): - vertices=[[-0.1*w,-0.1*h,-0.1*w,-0.1*h], - [ 1.1*w,-0.1*h, 1.1*w,-0.1*h], - [-0.1*w, 1.1*h,-0.1*w, 1.1*h], - [ 1.1*w, 1.1*h, 1.1*w, 1.1*h]] + +def triangulate(w, h, markers): + vertices = [ + [-0.1 * w, -0.1 * h, -0.1 * w, -0.1 * h], + [1.1 * w, -0.1 * h, 1.1 * w, -0.1 * h], + [-0.1 * w, 1.1 * h, -0.1 * w, 1.1 * h], + [1.1 * w, 1.1 * h, 1.1 * w, 1.1 * h], + ] # vertices = [[0, 0, 0, 0], # [w, 0, w, 0], # [0, h, 0, h], # [w, h, w, h]] - edges=[0]*((len(markers)+4)*(len(markers)+4-1)//2) - triangles=[Triangle(0,1,2,vertices,edges),Triangle(1,2,3,vertices,edges)] - edges[0]=edges[1]=edges[4]=edges[5]=2 - for marker in markers: - x,y=marker[2:4] - found=False - keep=[] - remove=[] - for triangle in triangles: - if not found and triangle.intriangle(x,y): - found=True - if triangle.incircle(x,y): - remove.append(triangle) - else: - keep.append(triangle) - if found: - for triangle in remove: - triangle.removeedges() - else: - keep.extend(remove) - triangles=keep - vcount=len(vertices) - vertices.append(marker) - for i in range(vcount-1): - for j in range(i+1,vcount): - if edges[edgeindex(i,j)]==1: - triangles.append(Triangle(i,j,vcount,vertices,edges)) - return triangles - -def transform(triangulation,x,y): - for triangle in triangulation: - uv1=triangle.intriangle(x,y) - if uv1: - return (triangle.A[0] - +(triangle.B[0]-triangle.A[0])*uv1[0] - +(triangle.C[0]-triangle.A[0])*uv1[1], - triangle.A[1] - +(triangle.B[1]-triangle.A[1])*uv1[0] - +(triangle.C[1]-triangle.A[1])*uv1[1]) -def transform_vec(triangulation,x,y): - xPrime = np.zeros(x.shape,float) - yPrime = np.zeros(y.shape,float) + edges = [0] * ((len(markers) + 4) * (len(markers) + 4 - 1) // 2) + triangles = [Triangle(0, 1, 2, vertices, edges), Triangle(1, 2, 3, vertices, edges)] + edges[0] = edges[1] = edges[4] = edges[5] = 2 + for marker in markers: + x, y = marker[2:4] + found = False + keep = [] + remove = [] + for triangle in triangles: + if not found and triangle.intriangle(x, y): + found = True + if triangle.incircle(x, y): + remove.append(triangle) + else: + keep.append(triangle) + if found: + for triangle in remove: + triangle.removeedges() + else: + keep.extend(remove) + triangles = keep + vcount = len(vertices) + vertices.append(marker) + for i in range(vcount - 1): + for j in range(i + 1, vcount): + if edges[edgeindex(i, j)] == 1: + triangles.append(Triangle(i, j, vcount, vertices, edges)) + return triangles + + +def transform(triangulation, x, y): + for triangle in triangulation: + uv1 = triangle.intriangle(x, y) + if uv1: + return ( + triangle.A[0] + + (triangle.B[0] - triangle.A[0]) * uv1[0] + + (triangle.C[0] - triangle.A[0]) * uv1[1], + triangle.A[1] + + (triangle.B[1] - triangle.A[1]) * uv1[0] + + (triangle.C[1] - triangle.A[1]) * uv1[1], + ) + + +def transform_vec(triangulation, x, y): + xPrime = np.zeros(x.shape, float) + yPrime = np.zeros(y.shape, float) for triangle in triangulation: - triangle.intriangle_vec(x,y, xPrime,yPrime) - return (xPrime,yPrime) - -def forwardtransform(triangulation,x,y): - for triangle in triangulation: - uv1=triangle.inforward(x,y) - if uv1: - return (triangle.A[2] - +(triangle.B[2]-triangle.A[2])*uv1[0] - +(triangle.C[2]-triangle.A[2])*uv1[1], - triangle.A[3] - +(triangle.B[3]-triangle.A[3])*uv1[0] - +(triangle.C[3]-triangle.A[3])*uv1[1]) - + triangle.intriangle_vec(x, y, xPrime, yPrime) + return (xPrime, yPrime) + + +def forwardtransform(triangulation, x, y): + for triangle in triangulation: + uv1 = triangle.inforward(x, y) + if uv1: + return ( + triangle.A[2] + + (triangle.B[2] - triangle.A[2]) * uv1[0] + + (triangle.C[2] - triangle.A[2]) * uv1[1], + triangle.A[3] + + (triangle.B[3] - triangle.A[3]) * uv1[0] + + (triangle.C[3] - triangle.A[3]) * uv1[1], + ) + + # xy: 2-dimensional array with one xy-pair per row -def forwardtransform_vec(triangulation,x,y): - xPrime = np.zeros(x.shape,float) - yPrime = np.zeros(y.shape,float) - for triangle in triangulation: - triangle.inforward_vec(x,y, xPrime,yPrime) - return (xPrime,yPrime) - +def forwardtransform_vec(triangulation, x, y): + xPrime = np.zeros(x.shape, float) + yPrime = np.zeros(y.shape, float) + for triangle in triangulation: + triangle.inforward_vec(x, y, xPrime, yPrime) + return (xPrime, yPrime) + + def inv3x3(m): - det = m[0][0] * (m[1][1] * m[2][2] - m[2][1] * m[1][2])\ - - m[0][1] * (m[1][0] * m[2][2] - m[1][2] * m[2][0])\ - + m[0][2] * (m[1][0] * m[2][1] - m[1][1] * m[2][0]) - if det == 0: - return None - return [[(m[1][1] * m[2][2] - m[2][1] * m[1][2]) / det, - (m[0][2] * m[2][1] - m[0][1] * m[2][2]) / det, - (m[0][1] * m[1][2] - m[0][2] * m[1][1]) / det], - [(m[1][2] * m[2][0] - m[1][0] * m[2][2]) / det, - (m[0][0] * m[2][2] - m[0][2] * m[2][0]) / det, - (m[1][0] * m[0][2] - m[0][0] * m[1][2]) / det], - [(m[1][0] * m[2][1] - m[2][0] * m[1][1]) / det, - (m[2][0] * m[0][1] - m[0][0] * m[2][1]) / det, - (m[0][0] * m[1][1] - m[1][0] * m[0][1]) / det]] - -def rowmul3(v,m):return [sum(v[j]*m[j][i] for j in range(3)) for i in range(3)] -def rowmul3_vec(x,y,m):return np.outer(x,m[0])+np.outer(y,m[1])+m[2] -def distsquare(ax,ay,bx,by):return (ax-bx)*(ax-bx)+(ay-by)*(ay-by) -def edgeindex(a,b):i=min(a,b);j=max(a,b);return j*(j-1)//2+i - + det = ( + m[0][0] * (m[1][1] * m[2][2] - m[2][1] * m[1][2]) + - m[0][1] * (m[1][0] * m[2][2] - m[1][2] * m[2][0]) + + m[0][2] * (m[1][0] * m[2][1] - m[1][1] * m[2][0]) + ) + if det == 0: + return None + return [ + [ + (m[1][1] * m[2][2] - m[2][1] * m[1][2]) / det, + (m[0][2] * m[2][1] - m[0][1] * m[2][2]) / det, + (m[0][1] * m[1][2] - m[0][2] * m[1][1]) / det, + ], + [ + (m[1][2] * m[2][0] - m[1][0] * m[2][2]) / det, + (m[0][0] * m[2][2] - m[0][2] * m[2][0]) / det, + (m[1][0] * m[0][2] - m[0][0] * m[1][2]) / det, + ], + [ + (m[1][0] * m[2][1] - m[2][0] * m[1][1]) / det, + (m[2][0] * m[0][1] - m[0][0] * m[2][1]) / det, + (m[0][0] * m[1][1] - m[1][0] * m[0][1]) / det, + ], + ] + + +def rowmul3(v, m): + return [sum(v[j] * m[j][i] for j in range(3)) for i in range(3)] + + +def rowmul3_vec(x, y, m): + return np.outer(x, m[0]) + np.outer(y, m[1]) + m[2] + + +def distsquare(ax, ay, bx, by): + return (ax - bx) * (ax - bx) + (ay - by) * (ay - by) + + +def edgeindex(a, b): + i = min(a, b) + j = max(a, b) + return j * (j - 1) // 2 + i + + class Triangle: - def __init__(self,a,b,c,vlist,elist): - self.A=vlist[a] - self.B=vlist[b] - self.C=vlist[c] - self.elist=elist - self.edges=[edgeindex(a,b), - edgeindex(a,c), - edgeindex(b,c)] - for edge in self.edges: - elist[edge]+=1 - ax,ay=self.A[0:2] - bx,by=self.B[0:2] - cx,cy=self.C[0:2] - self.forwarddecomp=inv3x3([[bx-ax,by-ay,0], - [cx-ax,cy-ay,0], - [ax,ay,1]]) - ax,ay=self.A[2:4] - bx,by=self.B[2:4] - cx,cy=self.C[2:4] - self.decomp=inv3x3([[bx-ax,by-ay,0], - [cx-ax,cy-ay,0], - [ax,ay,1]]) - a2=distsquare(bx,by,cx,cy) - b2=distsquare(ax,ay,cx,cy) - c2=distsquare(ax,ay,bx,by) - fa=a2*(b2+c2-a2) - fb=b2*(c2+a2-b2) - fc=c2*(a2+b2-c2) - self.den=fa+fb+fc - self.Mdenx=fa*ax+fb*bx+fc*cx - self.Mdeny=fa*ay+fb*by+fc*cy - self.r2den=distsquare(ax*self.den,ay*self.den,self.Mdenx,self.Mdeny) - - def removeedges(self): - for edge in self.edges: - self.elist[edge]-=1 - del self.edges - del self.elist - - def incircle(self,x,y): - return distsquare(x*self.den,y*self.den,self.Mdenx,self.Mdeny)<self.r2den - - def intriangle(self,x,y): - uv1=rowmul3([x,y,1],self.decomp) - if 0<=uv1[0]<=1 and 0<=uv1[1]<=1 and uv1[0]+uv1[1]<=1: - return uv1 - - def inforward(self,x,y): - uv1=rowmul3([x,y,1],self.forwarddecomp) - if 0<=uv1[0]<=1 and 0<=uv1[1]<=1 and uv1[0]+uv1[1]<=1: - return uv1 - - # xy: 2-dimensional array with one xy-pair per row - def inforward_vec(self,x,y, xPrime,yPrime): - uv1 = rowmul3_vec(x,y,self.forwarddecomp) - # also compute the next step, since it uses the parameters of this triangle - ok = (uv1[:,0]>=0) & (uv1[:,0]<=1) & (uv1[:,1]>=0) & (uv1[:,1]<=1) & (uv1[:,0]+uv1[:,1]<=1) - xPrime[ok] = self.A[2] + (self.B[2]-self.A[2])*uv1[ok,0] + (self.C[2]-self.A[2])*uv1[ok,1] - yPrime[ok] = self.A[3] + (self.B[3]-self.A[3])*uv1[ok,0] + (self.C[3]-self.A[3])*uv1[ok,1] - - def intriangle_vec(self,x,y, xPrime,yPrime): - uv1 = rowmul3_vec(x,y,self.decomp) - # also compute the next step, since it uses the parameters of this triangle - ok = (uv1[:,0]>=0) & (uv1[:,0]<=1) & (uv1[:,1]>=0) & (uv1[:,1]<=1) & (uv1[:,0]+uv1[:,1]<=1) - xPrime[ok] = self.A[0] + (self.B[0]-self.A[0])*uv1[ok,0] + (self.C[0]-self.A[0])*uv1[ok,1] - yPrime[ok] = self.A[1] + (self.B[1]-self.A[1])*uv1[ok,0] + (self.C[1]-self.A[1])*uv1[ok,1] + def __init__(self, a, b, c, vlist, elist): + self.A = vlist[a] + self.B = vlist[b] + self.C = vlist[c] + self.elist = elist + self.edges = [edgeindex(a, b), edgeindex(a, c), edgeindex(b, c)] + for edge in self.edges: + elist[edge] += 1 + ax, ay = self.A[0:2] + bx, by = self.B[0:2] + cx, cy = self.C[0:2] + self.forwarddecomp = inv3x3( + [[bx - ax, by - ay, 0], [cx - ax, cy - ay, 0], [ax, ay, 1]] + ) + ax, ay = self.A[2:4] + bx, by = self.B[2:4] + cx, cy = self.C[2:4] + self.decomp = inv3x3( + [[bx - ax, by - ay, 0], [cx - ax, cy - ay, 0], [ax, ay, 1]] + ) + a2 = distsquare(bx, by, cx, cy) + b2 = distsquare(ax, ay, cx, cy) + c2 = distsquare(ax, ay, bx, by) + fa = a2 * (b2 + c2 - a2) + fb = b2 * (c2 + a2 - b2) + fc = c2 * (a2 + b2 - c2) + self.den = fa + fb + fc + self.Mdenx = fa * ax + fb * bx + fc * cx + self.Mdeny = fa * ay + fb * by + fc * cy + self.r2den = distsquare(ax * self.den, ay * self.den, self.Mdenx, self.Mdeny) + + def removeedges(self): + for edge in self.edges: + self.elist[edge] -= 1 + del self.edges + del self.elist + + def incircle(self, x, y): + return ( + distsquare(x * self.den, y * self.den, self.Mdenx, self.Mdeny) < self.r2den + ) + + def intriangle(self, x, y): + uv1 = rowmul3([x, y, 1], self.decomp) + if 0 <= uv1[0] <= 1 and 0 <= uv1[1] <= 1 and uv1[0] + uv1[1] <= 1: + return uv1 + + def inforward(self, x, y): + uv1 = rowmul3([x, y, 1], self.forwarddecomp) + if 0 <= uv1[0] <= 1 and 0 <= uv1[1] <= 1 and uv1[0] + uv1[1] <= 1: + return uv1 + + # xy: 2-dimensional array with one xy-pair per row + def inforward_vec(self, x, y, xPrime, yPrime): + uv1 = rowmul3_vec(x, y, self.forwarddecomp) + # also compute the next step, since it uses the parameters of this triangle + ok = ( + (uv1[:, 0] >= 0) + & (uv1[:, 0] <= 1) + & (uv1[:, 1] >= 0) + & (uv1[:, 1] <= 1) + & (uv1[:, 0] + uv1[:, 1] <= 1) + ) + xPrime[ok] = ( + self.A[2] + + (self.B[2] - self.A[2]) * uv1[ok, 0] + + (self.C[2] - self.A[2]) * uv1[ok, 1] + ) + yPrime[ok] = ( + self.A[3] + + (self.B[3] - self.A[3]) * uv1[ok, 0] + + (self.C[3] - self.A[3]) * uv1[ok, 1] + ) + + def intriangle_vec(self, x, y, xPrime, yPrime): + uv1 = rowmul3_vec(x, y, self.decomp) + # also compute the next step, since it uses the parameters of this triangle + ok = ( + (uv1[:, 0] >= 0) + & (uv1[:, 0] <= 1) + & (uv1[:, 1] >= 0) + & (uv1[:, 1] <= 1) + & (uv1[:, 0] + uv1[:, 1] <= 1) + ) + xPrime[ok] = ( + self.A[0] + + (self.B[0] - self.A[0]) * uv1[ok, 0] + + (self.C[0] - self.A[0]) * uv1[ok, 1] + ) + yPrime[ok] = ( + self.A[1] + + (self.B[1] - self.A[1]) * uv1[ok, 0] + + (self.C[1] - self.A[1]) * uv1[ok, 1] + ) diff --git a/annotation_volumes/AllenMouseBrain_Atlas_CCF_2015.label b/annotation_volumes/AllenMouseBrain_Atlas_CCF_2015.label deleted file mode 100644 index 990cbe2d2dc6a9554aba1d000d04dbec10c0d371..0000000000000000000000000000000000000000 --- a/annotation_volumes/AllenMouseBrain_Atlas_CCF_2015.label +++ /dev/null @@ -1,1302 +0,0 @@ -################################################ -# ITK-SnAP Label Description File -# File format: -# IDX -R- -G- -B- -A-- VIS MSH LABEL -# Fields: -# IDX: Zero-based index -# -R-: Red color component (0..255) -# -G-: Green color component (0..255) -# -B-: Blue color component (0..255) -# -A-: Label transparency (0.00 .. 1.00) -# VIS: Label visibility (0 or 1) -# IDX: Label mesh visibility (0 or 1) -# LABEL: Label description -################################################ - 0 0 0 0 0 0 0 "Clear Label" -997 255 255 255 1 1 1 "root" -8 191 218 227 1 1 1 "Basic cell groups and regions" -567 176 240 255 1 1 1 "Cerebrum" -688 176 255 184 1 1 1 "Cerebral cortex" -695 112 255 112 1 1 1 "Cortical plate" -315 112 255 113 1 1 1 "Isocortex" -184 38 143 69 1 1 1 "Frontal pole, cerebral cortex" -68 38 143 69 1 1 1 "Frontal pole, layer 1" -667 38 143 69 1 1 1 "Frontal pole, layer 2/3" -500 31 157 90 1 1 1 "Somatomotor areas" -107 31 157 90 1 1 1 "Somatomotor areas, Layer 1" -219 31 157 90 1 1 1 "Somatomotor areas, Layer 2/3" -299 31 157 90 1 1 1 "Somatomotor areas, Layer 5" -644 31 157 90 1 1 1 "Somatomotor areas, Layer 6a" -947 31 157 90 1 1 1 "Somatomotor areas, Layer 6b" -985 31 157 90 1 1 1 "Primary motor area" -320 31 157 90 1 1 1 "Primary motor area, Layer 1" -943 31 157 90 1 1 1 "Primary motor area, Layer 2/3" -648 31 157 90 1 1 1 "Primary motor area, Layer 5" -844 31 157 90 1 1 1 "Primary motor area, Layer 6a" -882 31 157 90 1 1 1 "Primary motor area, Layer 6b" -993 31 157 90 1 1 1 "Secondary motor area" -656 31 157 90 1 1 1 "Secondary motor area, layer 1" -962 31 157 90 1 1 1 "Secondary motor area, layer 2/3" -767 31 157 90 1 1 1 "Secondary motor area, layer 5" -1021 31 157 90 1 1 1 "Secondary motor area, layer 6a" -1085 31 157 90 1 1 1 "Secondary motor area, layer 6b" -453 24 128 100 1 1 1 "Somatosensory areas" -12993 24 128 100 1 1 1 "Somatosensory areas, layer 1" -12994 24 128 100 1 1 1 "Somatosensory areas, layer 2/3" -12995 24 128 100 1 1 1 "Somatosensory areas, layer 4" -12996 24 128 100 1 1 1 "Somatosensory areas, layer 5" -12997 24 128 100 1 1 1 "Somatosensory areas, layer 6a" -12998 24 128 100 1 1 1 "Somatosensory areas, layer 6b" -322 24 128 100 1 1 1 "Primary somatosensory area" -793 24 128 100 1 1 1 "Primary somatosensory area, layer 1" -346 24 128 100 1 1 1 "Primary somatosensory area, layer 2/3" -865 24 128 100 1 1 1 "Primary somatosensory area, layer 4" -921 24 128 100 1 1 1 "Primary somatosensory area, layer 5" -686 24 128 100 1 1 1 "Primary somatosensory area, layer 6a" -719 24 128 100 1 1 1 "Primary somatosensory area, layer 6b" -353 24 128 100 1 1 1 "Primary somatosensory area, nose" -558 24 128 100 1 1 1 "Primary somatosensory area, nose, layer 1" -838 24 128 100 1 1 1 "Primary somatosensory area, nose, layer 2/3" -654 24 128 100 1 1 1 "Primary somatosensory area, nose, layer 4" -702 24 128 100 1 1 1 "Primary somatosensory area, nose, layer 5" -889 24 128 100 1 1 1 "Primary somatosensory area, nose, layer 6a" -929 24 128 100 1 1 1 "Primary somatosensory area, nose, layer 6b" -329 24 128 100 1 1 1 "Primary somatosensory area, barrel field" -981 24 128 100 1 1 1 "Primary somatosensory area, barrel field, layer 1" -201 24 128 100 1 1 1 "Primary somatosensory area, barrel field, layer 2/3" -1047 24 128 100 1 1 1 "Primary somatosensory area, barrel field, layer 4" -1070 24 128 100 1 1 1 "Primary somatosensory area, barrel field, layer 5" -1038 24 128 100 1 1 1 "Primary somatosensory area, barrel field, layer 6a" -1062 24 128 100 1 1 1 "Primary somatosensory area, barrel field, layer 6b" -480149202 24 128 100 1 1 1 "Rostrolateral lateral visual area" -480149206 24 128 100 1 1 1 "Rostrolateral lateral visual area, layer 1" -480149210 24 128 100 1 1 1 "Rostrolateral lateral visual area, layer 2/3" -480149214 24 128 100 1 1 1 "Rostrolateral lateral visual area, layer 4" -480149218 24 128 100 1 1 1 "Rostrolateral lateral visual area,layer 5" -480149222 24 128 100 1 1 1 "Rostrolateral lateral visual area, layer 6a" -480149226 24 128 100 1 1 1 "Rostrolateral lateral visual area, layer 6b" -337 24 128 100 1 1 1 "Primary somatosensory area, lower limb" -1030 24 128 100 1 1 1 "Primary somatosensory area, lower limb, layer 1" -113 24 128 100 1 1 1 "Primary somatosensory area, lower limb, layer 2/3" -1094 24 128 100 1 1 1 "Primary somatosensory area, lower limb, layer 4" -1128 24 128 100 1 1 1 "Primary somatosensory area, lower limb, layer 5" -478 24 128 100 1 1 1 "Primary somatosensory area, lower limb, layer 6a" -510 24 128 100 1 1 1 "Primary somatosensory area, lower limb, layer 6b" -345 24 128 100 1 1 1 "Primary somatosensory area, mouth" -878 24 128 100 1 1 1 "Primary somatosensory area, mouth, layer 1" -657 24 128 100 1 1 1 "Primary somatosensory area, mouth, layer 2/3" -950 24 128 100 1 1 1 "Primary somatosensory area, mouth, layer 4" -974 24 128 100 1 1 1 "Primary somatosensory area, mouth, layer 5" -1102 24 128 100 1 1 1 "Primary somatosensory area, mouth, layer 6a" -2 24 128 100 1 1 1 "Primary somatosensory area, mouth, layer 6b" -369 24 128 100 1 1 1 "Primary somatosensory area, upper limb" -450 24 128 100 1 1 1 "Primary somatosensory area, upper limb, layer 1" -854 24 128 100 1 1 1 "Primary somatosensory area, upper limb, layer 2/3" -577 24 128 100 1 1 1 "Primary somatosensory area, upper limb, layer 4" -625 24 128 100 1 1 1 "Primary somatosensory area, upper limb, layer 5" -945 24 128 100 1 1 1 "Primary somatosensory area, upper limb, layer 6a" -1026 24 128 100 1 1 1 "Primary somatosensory area, upper limb, layer 6b" -361 24 128 100 1 1 1 "Primary somatosensory area, trunk" -1006 24 128 100 1 1 1 "Primary somatosensory area, trunk, layer 1" -670 24 128 100 1 1 1 "Primary somatosensory area, trunk, layer 2/3" -1086 24 128 100 1 1 1 "Primary somatosensory area, trunk, layer 4" -1111 24 128 100 1 1 1 "Primary somatosensory area, trunk, layer 5" -9 24 128 100 1 1 1 "Primary somatosensory area, trunk, layer 6a" -461 24 128 100 1 1 1 "Primary somatosensory area, trunk, layer 6b" -182305689 24 128 100 1 1 1 "Primary somatosensory area, unassigned" -182305693 24 128 100 1 1 1 "Primary somatosensory area, unassigned, layer 1" -182305697 24 128 100 1 1 1 "Primary somatosensory area, unassigned, layer 2/3" -182305701 24 128 100 1 1 1 "Primary somatosensory area, unassigned, layer 4" -182305705 24 128 100 1 1 1 "Primary somatosensory area, unassigned, layer 5" -182305709 24 128 100 1 1 1 "Primary somatosensory area, unassigned, layer 6a" -182305713 24 128 100 1 1 1 "Primary somatosensory area, unassigned, layer 6b" -378 24 128 100 1 1 1 "Supplemental somatosensory area" -873 24 128 100 1 1 1 "Supplemental somatosensory area, layer 1" -806 24 128 100 1 1 1 "Supplemental somatosensory area, layer 2/3" -1035 24 128 100 1 1 1 "Supplemental somatosensory area, layer 4" -1090 24 128 100 1 1 1 "Supplemental somatosensory area, layer 5" -862 24 128 100 1 1 1 "Supplemental somatosensory area, layer 6a" -893 24 128 100 1 1 1 "Supplemental somatosensory area, layer 6b" -1057 0 156 117 1 1 1 "Gustatory areas" -36 0 156 117 1 1 1 "Gustatory areas, layer 1" -180 0 156 117 1 1 1 "Gustatory areas, layer 2/3" -148 0 156 117 1 1 1 "Gustatory areas, layer 4" -187 0 156 117 1 1 1 "Gustatory areas, layer 5" -638 0 156 117 1 1 1 "Gustatory areas, layer 6a" -662 0 156 117 1 1 1 "Gustatory areas, layer 6b" -677 17 173 131 1 1 1 "Visceral area" -897 17 173 131 1 1 1 "Visceral area, layer 1" -1106 17 173 131 1 1 1 "Visceral area, layer 2/3" -1010 17 173 131 1 1 1 "Visceral area, layer 4" -1058 17 173 131 1 1 1 "Visceral area, layer 5" -857 17 173 131 1 1 1 "Visceral area, layer 6a" -849 17 173 131 1 1 1 "Visceral area, layer 6b" -247 1 147 153 1 1 1 "Auditory areas" -1011 1 147 153 1 1 1 "Dorsal auditory area" -527 1 147 153 1 1 1 "Dorsal auditory area, layer 1" -600 1 147 153 1 1 1 "Dorsal auditory area, layer 2/3" -678 1 147 153 1 1 1 "Dorsal auditory area, layer 4" -252 1 147 153 1 1 1 "Dorsal auditory area, layer 5" -156 1 147 153 1 1 1 "Dorsal auditory area, layer 6a" -243 1 147 153 1 1 1 "Dorsal auditory area, layer 6b" -480149230 1 147 153 1 1 1 "Laterolateral anterior visual area" -480149234 1 147 153 1 1 1 "Laterolateral anterior visual area, layer 1" -480149238 1 147 153 1 1 1 "Laterolateral anterior visual area, layer 2/3" -480149242 1 147 153 1 1 1 "Laterolateral anterior visual area, layer 4" -480149246 1 147 153 1 1 1 "Laterolateral anterior visual area,layer 5" -480149250 1 147 153 1 1 1 "Laterolateral anterior visual area, layer 6a" -480149254 1 147 153 1 1 1 "Laterolateral anterior visual area, layer 6b" -1002 1 147 153 1 1 1 "Primary auditory area" -735 1 147 153 1 1 1 "Primary auditory area, layer 1" -251 1 147 153 1 1 1 "Primary auditory area, layer 2/3" -816 1 147 153 1 1 1 "Primary auditory area, layer 4" -847 1 147 153 1 1 1 "Primary auditory area, layer 5" -954 1 147 153 1 1 1 "Primary auditory area, layer 6a" -1005 1 147 153 1 1 1 "Primary auditory area, layer 6b" -1027 1 147 153 1 1 1 "Posterior auditory area" -696 1 147 153 1 1 1 "Posterior auditory area, layer 1" -643 1 147 153 1 1 1 "Posterior auditory area, layer 2/3" -759 1 147 153 1 1 1 "Posterior auditory area, layer 4" -791 1 147 153 1 1 1 "Posterior auditory area, layer 5" -249 1 147 153 1 1 1 "Posterior auditory area, layer 6a" -456 1 147 153 1 1 1 "Posterior auditory area, layer 6b" -1018 1 147 153 1 1 1 "Ventral auditory area" -959 1 147 153 1 1 1 "Ventral auditory area, layer 1" -755 1 147 153 1 1 1 "Ventral auditory area, layer 2/3" -990 1 147 153 1 1 1 "Ventral auditory area, layer 4" -1023 1 147 153 1 1 1 "Ventral auditory area, layer 5" -520 1 147 153 1 1 1 "Ventral auditory area, layer 6a" -598 1 147 153 1 1 1 "Ventral auditory area, layer 6b" -669 8 133 140 1 1 1 "Visual areas" -801 8 133 140 1 1 1 "Visual areas, layer 1" -561 8 133 140 1 1 1 "Visual areas, layer 2/3" -913 8 133 140 1 1 1 "Visual areas, layer 4" -937 8 133 140 1 1 1 "Visual areas, layer 5" -457 8 133 140 1 1 1 "Visual areas, layer 6a" -497 8 133 140 1 1 1 "Visual areas, layer 6b" -402 8 133 140 1 1 1 "Anterolateral visual area" -1074 8 133 140 1 1 1 "Anterolateral visual area, layer 1" -905 8 133 140 1 1 1 "Anterolateral visual area, layer 2/3" -1114 8 133 140 1 1 1 "Anterolateral visual area, layer 4" -233 8 133 140 1 1 1 "Anterolateral visual area, layer 5" -601 8 133 140 1 1 1 "Anterolateral visual area, layer 6a" -649 8 133 140 1 1 1 "Anterolateral visual area, layer 6b" -394 8 133 140 1 1 1 "Anteromedial visual area" -281 8 133 140 1 1 1 "Anteromedial visual area, layer 1" -1066 8 133 140 1 1 1 "Anteromedial visual area, layer 2/3" -401 8 133 140 1 1 1 "Anteromedial visual area, layer 4" -433 8 133 140 1 1 1 "Anteromedial visual area, layer 5" -1046 8 133 140 1 1 1 "Anteromedial visual area, layer 6a" -441 8 133 140 1 1 1 "Anteromedial visual area, layer 6b" -409 8 133 140 1 1 1 "Lateral visual area" -421 8 133 140 1 1 1 "Lateral visual area, layer 1" -973 8 133 140 1 1 1 "Lateral visual area, layer 2/3" -573 8 133 140 1 1 1 "Lateral visual area, layer 4" -613 8 133 140 1 1 1 "Lateral visual area, layer 5" -74 8 133 140 1 1 1 "Lateral visual area, layer 6a" -121 8 133 140 1 1 1 "Lateral visual area, layer 6b" -385 8 133 140 1 1 1 "Primary visual area" -593 8 133 140 1 1 1 "Primary visual area, layer 1" -821 8 133 140 1 1 1 "Primary visual area, layer 2/3" -721 8 133 140 1 1 1 "Primary visual area, layer 4" -778 8 133 140 1 1 1 "Primary visual area, layer 5" -33 8 133 140 1 1 1 "Primary visual area, layer 6a" -305 8 133 140 1 1 1 "Primary visual area, layer 6b" -425 8 133 140 1 1 1 "Posterolateral visual area" -750 8 133 140 1 1 1 "Posterolateral visual area, layer 1" -269 8 133 140 1 1 1 "Posterolateral visual area, layer 2/3" -869 8 133 140 1 1 1 "Posterolateral visual area, layer 4" -902 8 133 140 1 1 1 "Posterolateral visual area, layer 5" -377 8 133 140 1 1 1 "Posterolateral visual area, layer 6a" -393 8 133 140 1 1 1 "Posterolateral visual area, layer 6b" -533 8 133 140 1 1 1 "posteromedial visual area" -805 8 133 140 1 1 1 "posteromedial visual area, layer 1" -41 8 133 140 1 1 1 "posteromedial visual area, layer 2/3" -501 8 133 140 1 1 1 "posteromedial visual area, layer 4" -565 8 133 140 1 1 1 "posteromedial visual area, layer 5" -257 8 133 140 1 1 1 "posteromedial visual area, layer 6a" -469 8 133 140 1 1 1 "posteromedial visual area, layer 6b" -312782574 8 133 140 1 1 1 "Laterointermediate area" -312782578 8 133 140 1 1 1 "Laterointermediate area, layer 1" -312782582 8 133 140 1 1 1 "Laterointermediate area, layer 2/3" -312782586 8 133 140 1 1 1 "Laterointermediate area, layer 4" -312782590 8 133 140 1 1 1 "Laterointermediate area, layer 5" -312782594 8 133 140 1 1 1 "Laterointermediate area, layer 6a" -312782598 8 133 140 1 1 1 "Laterointermediate area, layer 6b" -312782628 8 133 140 1 1 1 "Postrhinal area" -312782632 8 133 140 1 1 1 "Postrhinal area, layer 1" -312782636 8 133 140 1 1 1 "Postrhinal area, layer 2/3" -312782640 8 133 140 1 1 1 "Postrhinal area, layer 4" -312782644 8 133 140 1 1 1 "Postrhinal area, layer 5" -312782648 8 133 140 1 1 1 "Postrhinal area, layer 6a" -312782652 8 133 140 1 1 1 "Postrhinal area, layer 6b" -31 64 166 102 1 1 1 "Anterior cingulate area" -572 64 166 102 1 1 1 "Anterior cingulate area, layer 1" -1053 64 166 102 1 1 1 "Anterior cingulate area, layer 2/3" -739 64 166 102 1 1 1 "Anterior cingulate area, layer 5" -179 64 166 102 1 1 1 "Anterior cingulate area, layer 6a" -227 64 166 102 1 1 1 "Anterior cingulate area, layer 6b" -39 64 166 102 1 1 1 "Anterior cingulate area, dorsal part" -935 64 166 102 1 1 1 "Anterior cingulate area, dorsal part, layer 1" -211 64 166 102 1 1 1 "Anterior cingulate area, dorsal part, layer 2/3" -1015 64 166 102 1 1 1 "Anterior cingulate area, dorsal part, layer 5" -919 64 166 102 1 1 1 "Anterior cingulate area, dorsal part, layer 6a" -927 64 166 102 1 1 1 "Anterior cingulate area, dorsal part, layer 6b" -48 64 166 102 1 1 1 "Anterior cingulate area, ventral part" -588 64 166 102 1 1 1 "Anterior cingulate area, ventral part, layer 1" -296 64 166 102 1 1 1 "Anterior cingulate area, ventral part, layer 2/3" -772 64 166 102 1 1 1 "Anterior cingulate area, ventral part, layer 5" -810 64 166 102 1 1 1 "Anterior cingulate area, ventral part, 6a" -819 64 166 102 1 1 1 "Anterior cingulate area, ventral part, 6b" -972 47 168 80 1 1 1 "Prelimbic area" -171 47 168 80 1 1 1 "Prelimbic area, layer 1" -195 47 168 80 1 1 1 "Prelimbic area, layer 2" -304 47 168 80 1 1 1 "Prelimbic area, layer 2/3" -363 47 168 80 1 1 1 "Prelimbic area, layer 5" -84 47 168 80 1 1 1 "Prelimbic area, layer 6a" -132 47 168 80 1 1 1 "Prelimbic area, layer 6b" -44 89 179 99 1 1 1 "Infralimbic area" -707 89 179 99 1 1 1 "Infralimbic area, layer 1" -747 89 179 99 1 1 1 "Infralimbic area, layer 2" -556 89 179 99 1 1 1 "Infralimbic area, layer 2/3" -827 89 179 99 1 1 1 "Infralimbic area, layer 5" -1054 89 179 99 1 1 1 "Infralimbic area, layer 6a" -1081 89 179 99 1 1 1 "Infralimbic area, layer 6b" -714 36 138 94 1 1 1 "Orbital area" -264 36 138 94 1 1 1 "Orbital area, layer 1" -492 36 138 94 1 1 1 "Orbital area, layer 2/3" -352 36 138 94 1 1 1 "Orbital area, layer 5" -476 36 138 94 1 1 1 "Orbital area, layer 6a" -516 36 138 94 1 1 1 "Orbital area, layer 6b" -723 36 138 94 1 1 1 "Orbital area, lateral part" -448 36 138 94 1 1 1 "Orbital area, lateral part, layer 1" -412 36 138 94 1 1 1 "Orbital area, lateral part, layer 2/3" -630 36 138 94 1 1 1 "Orbital area, lateral part, layer 5" -440 36 138 94 1 1 1 "Orbital area, lateral part, layer 6a" -488 36 138 94 1 1 1 "Orbital area, lateral part, layer 6b" -731 36 138 94 1 1 1 "Orbital area, medial part" -484 36 138 94 1 1 1 "Orbital area, medial part, layer 1" -524 36 138 94 1 1 1 "Orbital area, medial part, layer 2" -582 36 138 94 1 1 1 "Orbital area, medial part, layer 2/3" -620 36 138 94 1 1 1 "Orbital area, medial part, layer 5" -910 36 138 94 1 1 1 "Orbital area, medial part, layer 6a" -738 36 138 94 1 1 1 "Orbital area, ventral part" -746 36 138 94 1 1 1 "Orbital area, ventrolateral part" -969 36 138 94 1 1 1 "Orbital area, ventrolateral part, layer 1" -288 36 138 94 1 1 1 "Orbital area, ventrolateral part, layer 2/3" -1125 36 138 94 1 1 1 "Orbital area, ventrolateral part, layer 5" -608 36 138 94 1 1 1 "Orbital area, ventrolateral part, layer 6a" -680 36 138 94 1 1 1 "Orbital area, ventrolateral part, layer 6b" -95 33 152 102 1 1 1 "Agranular insular area" -104 33 152 102 1 1 1 "Agranular insular area, dorsal part" -996 33 152 102 1 1 1 "Agranular insular area, dorsal part, layer 1" -328 33 152 102 1 1 1 "Agranular insular area, dorsal part, layer 2/3" -1101 33 152 102 1 1 1 "Agranular insular area, dorsal part, layer 5" -783 33 152 102 1 1 1 "Agranular insular area, dorsal part, layer 6a" -831 33 152 102 1 1 1 "Agranular insular area, dorsal part, layer 6b" -111 33 152 102 1 1 1 "Agranular insular area, posterior part" -120 33 152 102 1 1 1 "Agranular insular area, posterior part, layer 1" -163 33 152 102 1 1 1 "Agranular insular area, posterior part, layer 2/3" -344 33 152 102 1 1 1 "Agranular insular area, posterior part, layer 5" -314 33 152 102 1 1 1 "Agranular insular area, posterior part, layer 6a" -355 33 152 102 1 1 1 "Agranular insular area, posterior part, layer 6b" -119 33 152 102 1 1 1 "Agranular insular area, ventral part" -704 33 152 102 1 1 1 "Agranular insular area, ventral part, layer 1" -694 33 152 102 1 1 1 "Agranular insular area, ventral part, layer 2/3" -800 33 152 102 1 1 1 "Agranular insular area, ventral part, layer 5" -675 33 152 102 1 1 1 "Agranular insular area, ventral part, layer 6a" -699 33 152 102 1 1 1 "Agranular insular area, ventral part, layer 6b" -254 26 166 152 1 1 1 "Retrosplenial area" -894 26 166 152 1 1 1 "Retrosplenial area, lateral agranular part" -671 26 166 152 1 1 1 "Retrosplenial area, lateral agranular part, layer 1" -965 26 166 152 1 1 1 "Retrosplenial area, lateral agranular part, layer 2/3" -774 26 166 152 1 1 1 "Retrosplenial area, lateral agranular part, layer 5" -906 26 166 152 1 1 1 "Retrosplenial area, lateral agranular part, layer 6a" -279 26 166 152 1 1 1 "Retrosplenial area, lateral agranular part, layer 6b" -480149258 26 166 152 1 1 1 "Mediomedial anterior visual area" -480149262 26 166 152 1 1 1 "Mediomedial anterior visual area, layer 1" -480149266 26 166 152 1 1 1 "Mediomedial anterior visual area, layer 2/3" -480149270 26 166 152 1 1 1 "Mediomedial anterior visual area, layer 4" -480149274 26 166 152 1 1 1 "Mediomedial anterior visual area,layer 5" -480149278 26 166 152 1 1 1 "Mediomedial anterior visual area, layer 6a" -480149282 26 166 152 1 1 1 "Mediomedial anterior visual area, layer 6b" -480149286 26 166 152 1 1 1 "Mediomedial posterior visual area" -480149290 26 166 152 1 1 1 "Mediomedial posterior visual area, layer 1" -480149294 26 166 152 1 1 1 "Mediomedial posterior visual area, layer 2/3" -480149298 26 166 152 1 1 1 "Mediomedial posterior visual area, layer 4" -480149302 26 166 152 1 1 1 "Mediomedial posterior visual area,layer 5" -480149306 26 166 152 1 1 1 "Mediomedial posterior visual area, layer 6a" -480149310 26 166 152 1 1 1 "Mediomedial posterior visual area, layer 6b" -480149314 26 166 152 1 1 1 "Medial visual area" -480149318 26 166 152 1 1 1 "Medial visual area, layer 1" -480149322 26 166 152 1 1 1 "Medial visual area, layer 2/3" -480149326 26 166 152 1 1 1 "Medial visual area, layer 4" -480149330 26 166 152 1 1 1 "Medial visual area,layer 5" -480149334 26 166 152 1 1 1 "Medial visual area, layer 6a" -480149338 26 166 152 1 1 1 "Medial visual area, layer 6b" -879 26 166 152 1 1 1 "Retrosplenial area, dorsal part" -442 26 166 152 1 1 1 "Retrosplenial area, dorsal part, layer 1" -434 26 166 152 1 1 1 "Retrosplenial area, dorsal part, layer 2/3" -545 26 166 152 1 1 1 "Retrosplenial area, dorsal part, layer 4" -610 26 166 152 1 1 1 "Retrosplenial area, dorsal part, layer 5" -274 26 166 152 1 1 1 "Retrosplenial area, dorsal part, layer 6a" -330 26 166 152 1 1 1 "Retrosplenial area, dorsal part, layer 6b" -886 26 166 152 1 1 1 "Retrosplenial area, ventral part" -542 26 166 152 1 1 1 "Retrosplenial area, ventral part, layer 1" -606 26 166 152 1 1 1 "Retrosplenial area, ventral part, layer 2" -430 26 166 152 1 1 1 "Retrosplenial area, ventral part, layer 2/3" -687 26 166 152 1 1 1 "Retrosplenial area, ventral part, layer 5" -590 26 166 152 1 1 1 "Retrosplenial area, ventral part, layer 6a" -622 26 166 152 1 1 1 "Retrosplenial area, ventral part, layer 6b" -22 0 159 172 1 1 1 "Posterior parietal association areas" -532 0 159 172 1 1 1 "Posterior parietal association areas, layer 1" -241 0 159 172 1 1 1 "Posterior parietal association areas, layer 2/3" -635 0 159 172 1 1 1 "Posterior parietal association areas, layer 4" -683 0 159 172 1 1 1 "Posterior parietal association areas, layer 5" -308 0 159 172 1 1 1 "Posterior parietal association areas, layer 6a" -340 0 159 172 1 1 1 "Posterior parietal association areas, layer 6b" -312782546 0 159 172 1 1 1 "Anterior area" -312782550 0 159 172 1 1 1 "Anterior area, layer 1" -312782554 0 159 172 1 1 1 "Anterior area, layer 2/3" -312782558 0 159 172 1 1 1 "Anterior area, layer 4" -312782562 0 159 172 1 1 1 "Anterior area, layer 5" -312782566 0 159 172 1 1 1 "Anterior area, layer 6a" -312782570 0 159 172 1 1 1 "Anterior area, layer 6b" -417 0 159 172 1 1 1 "Rostrolateral visual area" -312782604 0 159 172 1 1 1 "Rostrolateral area, layer 1" -312782608 0 159 172 1 1 1 "Rostrolateral area, layer 2/3" -312782612 0 159 172 1 1 1 "Rostrolateral area, layer 4" -312782616 0 159 172 1 1 1 "Rostrolateral area, layer 5" -312782620 0 159 172 1 1 1 "Rostrolateral area, layer 6a" -312782624 0 159 172 1 1 1 "Rostrolateral area, layer 6b" -541 21 176 179 1 1 1 "Temporal association areas" -97 21 176 179 1 1 1 "Temporal association areas, layer 1" -1127 21 176 179 1 1 1 "Temporal association areas, layer 2/3" -234 21 176 179 1 1 1 "Temporal association areas, layer 4" -289 21 176 179 1 1 1 "Temporal association areas, layer 5" -729 21 176 179 1 1 1 "Temporal association areas, layer 6a" -786 21 176 179 1 1 1 "Temporal association areas, layer 6b" -922 14 150 132 1 1 1 "Perirhinal area" -335 14 150 132 1 1 1 "Perirhinal area, layer 6a" -368 14 150 132 1 1 1 "Perirhinal area, layer 6b" -540 14 150 132 1 1 1 "Perirhinal area, layer 1" -692 14 150 132 1 1 1 "Perirhinal area, layer 5" -888 14 150 132 1 1 1 "Perirhinal area, layer 2/3" -895 13 159 145 1 1 1 "Ectorhinal area" -836 13 159 145 1 1 1 "Ectorhinal area/Layer 1" -427 13 159 145 1 1 1 "Ectorhinal area/Layer 2/3" -988 13 159 145 1 1 1 "Ectorhinal area/Layer 5" -977 13 159 145 1 1 1 "Ectorhinal area/Layer 6a" -1045 13 159 145 1 1 1 "Ectorhinal area/Layer 6b" -698 154 210 189 1 1 1 "Olfactory areas" -507 154 210 189 1 1 1 "Main olfactory bulb" -212 130 199 174 1 1 1 "Main olfactory bulb, glomerular layer" -220 130 199 174 1 1 1 "Main olfactory bulb, granule layer" -228 154 210 189 1 1 1 "Main olfactory bulb, inner plexiform layer" -236 130 199 174 1 1 1 "Main olfactory bulb, mitral layer" -244 154 210 189 1 1 1 "Main olfactory bulb, outer plexiform layer" -151 157 240 210 1 1 1 "Accessory olfactory bulb" -188 157 240 210 1 1 1 "Accessory olfactory bulb, glomerular layer" -196 149 228 200 1 1 1 "Accessory olfactory bulb, granular layer" -204 157 240 210 1 1 1 "Accessory olfactory bulb, mitral layer" -159 84 191 148 1 1 1 "Anterior olfactory nucleus" -167 84 191 148 1 1 1 "Anterior olfactory nucleus, dorsal part" -175 84 191 148 1 1 1 "Anterior olfactory nucleus, external part" -183 84 191 148 1 1 1 "Anterior olfactory nucleus, lateral part" -191 84 191 148 1 1 1 "Anterior olfactory nucleus, medial part" -199 84 191 148 1 1 1 "Anterior olfactory nucleus, posteroventral part" -160 84 191 148 1 1 1 "Anterior olfactory nucleus, layer 1" -168 84 191 148 1 1 1 "Anterior olfactory nucleus, layer 2" -589 98 208 159 1 1 1 "Taenia tecta" -597 98 208 159 1 1 1 "Taenia tecta, dorsal part" -297 98 208 159 1 1 1 "Taenia tecta, dorsal part, layers 1-4" -1034 98 208 159 1 1 1 "Taenia tecta, dorsal part, layer 1" -1042 98 208 159 1 1 1 "Taenia tecta, dorsal part, layer 2" -1050 98 208 159 1 1 1 "Taenia tecta, dorsal part, layer 3" -1059 98 208 159 1 1 1 "Taenia tecta, dorsal part, layer 4" -605 98 208 159 1 1 1 "Taenia tecta, ventral part" -306 98 208 159 1 1 1 "Taenia tecta, ventral part, layers 1-3" -1067 98 208 159 1 1 1 "Taenia tecta, ventral part, layer 1" -1075 98 208 159 1 1 1 "Taenia tecta, ventral part, layer 2" -1082 98 208 159 1 1 1 "Taenia tecta, ventral part, layer 3" -814 164 218 164 1 1 1 "Dorsal peduncular area" -496 164 218 164 1 1 1 "Dorsal peduncular area, layer 1" -535 164 218 164 1 1 1 "Dorsal peduncular area, layer 2" -360 164 218 164 1 1 1 "Dorsal peduncular area, layer 2/3" -646 164 218 164 1 1 1 "Dorsal peduncular area, layer 5" -267 164 218 164 1 1 1 "Dorsal peduncular area, layer 6a" -961 106 203 186 1 1 1 "Piriform area" -152 106 203 186 1 1 1 "Piriform area, layers 1-3" -276 106 203 186 1 1 1 "Piriform area, molecular layer" -284 106 203 186 1 1 1 "Piriform area, pyramidal layer" -291 106 203 186 1 1 1 "Piriform area, polymorph layer" -619 149 228 200 1 1 1 "Nucleus of the lateral olfactory tract" -392 149 228 200 1 1 1 "Nucleus of the lateral olfactory tract, layers 1-3" -260 149 228 200 1 1 1 "Nucleus of the lateral olfactory tract, molecular layer" -268 149 228 200 1 1 1 "Nucleus of the lateral olfactory tract, pyramidal layer" -1139 149 228 200 1 1 1 "Nucleus of the lateral olfactory tract, layer 3" -631 97 231 183 1 1 1 "Cortical amygdalar area" -639 97 231 183 1 1 1 "Cortical amygdalar area, anterior part" -192 97 231 183 1 1 1 "Cortical amygdalar area, anterior part, layer 1" -200 97 231 183 1 1 1 "Cortical amygdalar area, anterior part, layer 2" -208 97 231 183 1 1 1 "Cortical amygdalar area, anterior part, layer 3" -647 97 231 183 1 1 1 "Cortical amygdalar area, posterior part" -655 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, lateral zone" -584 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, lateral zone, layers 1-2" -376 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, lateral zone, layers 1-3" -216 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, lateral zone, layer 1" -224 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, lateral zone, layer 2" -232 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, lateral zone, layer 3" -663 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, medial zone" -592 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, medial zone, layers 1-2" -383 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, medial zone, layers 1-3" -240 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, medial zone, layer 1" -248 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, medial zone, layer 2" -256 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, medial zone, layer 3" -788 89 218 171 1 1 1 "Piriform-amygdalar area" -400 89 218 171 1 1 1 "Piriform-amygdalar area, layers 1-3" -408 89 218 171 1 1 1 "Piriform-amygdalar area, molecular layer" -416 89 218 171 1 1 1 "Piriform-amygdalar area, pyramidal layer" -424 89 218 171 1 1 1 "Piriform-amygdalar area, polymorph layer" -566 168 236 211 1 1 1 "Postpiriform transition area" -517 168 236 211 1 1 1 "Postpiriform transition area, layers 1-3" -1140 168 236 211 1 1 1 "Postpiriform transition area, layers 1" -1141 168 236 211 1 1 1 "Postpiriform transition area, layers 2" -1142 168 236 211 1 1 1 "Postpiriform transition area, layers 3" -1089 126 208 75 1 1 1 "Hippocampal formation" -1080 126 208 75 1 1 1 "Hippocampal region" -375 126 208 75 1 1 1 "Ammon's horn" -382 126 208 75 1 1 1 "Field CA1" -391 126 208 75 1 1 1 "Field CA1, stratum lacunosum-moleculare" -399 126 208 75 1 1 1 "Field CA1, stratum oriens" -407 102 168 61 1 1 1 "Field CA1, pyramidal layer" -415 126 208 75 1 1 1 "Field CA1, stratum radiatum" -423 126 208 75 1 1 1 "Field CA2" -431 126 208 75 1 1 1 "Field CA2, stratum lacunosum-moleculare" -438 126 208 75 1 1 1 "Field CA2, stratum oriens" -446 102 168 61 1 1 1 "Field CA2, pyramidal layer" -454 126 208 75 1 1 1 "Field CA2, stratum radiatum" -463 126 208 75 1 1 1 "Field CA3" -471 126 208 75 1 1 1 "Field CA3, stratum lacunosum-moleculare" -479 126 208 75 1 1 1 "Field CA3, stratum lucidum" -486 126 208 75 1 1 1 "Field CA3, stratum oriens" -495 102 168 61 1 1 1 "Field CA3, pyramidal layer" -504 126 208 75 1 1 1 "Field CA3, stratum radiatum" -726 126 208 75 1 1 1 "Dentate gyrus" -10703 126 208 75 1 1 1 "Dentate gyrus, molecular layer" -10704 126 208 75 1 1 1 "Dentate gyrus, polymorph layer" -632 102 168 61 1 1 1 "Dentate gyrus, granule cell layer" -10702 126 208 75 1 1 1 "Dentate gyrus, subgranular zone" -734 126 208 75 1 1 1 "Dentate gyrus crest" -742 126 208 75 1 1 1 "Dentate gyrus crest, molecular layer" -751 126 208 75 1 1 1 "Dentate gyrus crest, polymorph layer" -758 126 208 75 1 1 1 "Dentate gyrus crest, granule cell layer" -766 126 208 75 1 1 1 "Dentate gyrus lateral blade" -775 126 208 75 1 1 1 "Dentate gyrus lateral blade, molecular layer" -782 126 208 75 1 1 1 "Dentate gyrus lateral blade, polymorph layer" -790 126 208 75 1 1 1 "Dentate gyrus lateral blade, granule cell layer" -799 126 208 75 1 1 1 "Dentate gyrus medial blade" -807 126 208 75 1 1 1 "Dentate gyrus medial blade, molecular layer" -815 126 208 75 1 1 1 "Dentate gyrus medial blade, polymorph layer" -823 126 208 75 1 1 1 "Dentate gyrus medial blade, granule cell layer" -982 126 208 75 1 1 1 "Fasciola cinerea" -19 126 208 75 1 1 1 "Induseum griseum" -822 50 184 37 1 1 1 "Retrohippocampal region" -909 50 184 37 1 1 1 "Entorhinal area" -918 50 184 37 1 1 1 "Entorhinal area, lateral part" -1121 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 1" -20 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 2" -999 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 2/3" -715 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 2a" -764 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 2b" -52 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 3" -92 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 4" -312 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 4/5" -139 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 5" -387 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 5/6" -28 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 6a" -60 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 6b" -926 50 184 37 1 1 1 "Entorhinal area, medial part, dorsal zone" -526 50 184 37 1 1 1 "Entorhinal area, medial part, dorsal zone, layer 1" -543 50 184 37 1 1 1 "Entorhinal area, medial part, dorsal zone, layer 2" -468 50 184 37 1 1 1 "Entorhinal area, medial part, dorsal zone, layer 2a" -508 50 184 37 1 1 1 "Entorhinal area, medial part, dorsal zone, layer 2b" -664 50 184 37 1 1 1 "Entorhinal area, medial part, dorsal zone, layer 3" -712 50 184 37 1 1 1 "Entorhinal area, medial part, dorsal zone, layer 4" -727 50 184 37 1 1 1 "Entorhinal area, medial part, dorsal zone, layer 5" -550 50 184 37 1 1 1 "Entorhinal area, medial part, dorsal zone, layer 5/6" -743 50 184 37 1 1 1 "Entorhinal area, medial part, dorsal zone, layer 6" -934 50 184 37 1 1 1 "Entorhinal area, medial part, ventral zone" -259 50 184 37 1 1 1 "Entorhinal area, medial part, ventral zone, layer 1" -324 50 184 37 1 1 1 "Entorhinal area, medial part, ventral zone, layer 2" -371 50 184 37 1 1 1 "Entorhinal area, medial part, ventral zone, layer 3" -419 50 184 37 1 1 1 "Entorhinal area, medial part, ventral zone, layer 4" -1133 50 184 37 1 1 1 "Entorhinal area, medial part, ventral zone, layer 5/6" -843 114 213 105 1 1 1 "Parasubiculum" -10693 114 213 105 1 1 1 "Parasubiculum, layer 1" -10694 114 213 105 1 1 1 "Parasubiculum, layer 2" -10695 114 213 105 1 1 1 "Parasubiculum, layer 3" -1037 72 200 60 1 1 1 "Postsubiculum" -10696 72 200 60 1 1 1 "Postsubiculum, layer 1" -10697 72 200 60 1 1 1 "Postsubiculum, layer 2" -10698 72 200 60 1 1 1 "Postsubiculum, layer 3" -1084 89 185 71 1 1 1 "Presubiculum" -10699 89 185 71 1 1 1 "Presubiculum, layer 1" -10700 89 185 71 1 1 1 "Presubiculum, layer 2" -10701 89 185 71 1 1 1 "Presubiculum, layer 3" -502 79 194 68 1 1 1 "Subiculum" -509 79 194 68 1 1 1 "Subiculum, dorsal part" -829 79 194 68 1 1 1 "Subiculum, dorsal part, molecular layer" -845 75 181 71 1 1 1 "Subiculum, dorsal part, pyramidal layer" -837 79 194 68 1 1 1 "Subiculum, dorsal part, stratum radiatum" -518 79 194 68 1 1 1 "Subiculum, ventral part" -853 79 194 68 1 1 1 "Subiculum, ventral part, molecular layer" -870 75 181 71 1 1 1 "Subiculum, ventral part, pyramidal layer" -861 79 194 68 1 1 1 "Subiculum, ventral part, stratum radiatum" -484682470 88 186 72 1 1 1 "Prosubiculum" -484682475 88 186 72 1 1 1 "Prosubiculum, dorsal part" -484682479 88 186 72 1 1 1 "Prosubiculum, dorsal part, molecular layer" -484682483 86 184 75 1 1 1 "Prosubiculum, dorsal part, pyramidal layer" -484682487 88 186 72 1 1 1 "Prosubiculum, dorsal part, stratum radiatum" -484682492 88 186 72 1 1 1 "Prosubiculum, ventral part" -484682496 88 186 72 1 1 1 "Prosubiculum, ventral part, molecular layer" -484682500 86 184 75 1 1 1 "Prosubiculum, ventral part, pyramidal layer" -484682504 88 186 72 1 1 1 "Prosubiculum, ventral part, stratum radiatum" -484682508 51 185 50 1 1 1 "Area prostriata" -703 138 218 135 1 1 1 "Cortical subplate" -16 138 218 135 1 1 1 "Layer 6b, isocortex" -583 138 218 135 1 1 1 "Claustrum" -942 160 238 157 1 1 1 "Endopiriform nucleus" -952 160 238 157 1 1 1 "Endopiriform nucleus, dorsal part" -966 160 238 157 1 1 1 "Endopiriform nucleus, ventral part" -131 144 235 141 1 1 1 "Lateral amygdalar nucleus" -295 157 231 156 1 1 1 "Basolateral amygdalar nucleus" -303 157 231 156 1 1 1 "Basolateral amygdalar nucleus, anterior part" -311 157 231 156 1 1 1 "Basolateral amygdalar nucleus, posterior part" -451 157 231 156 1 1 1 "Basolateral amygdalar nucleus, ventral part" -319 132 234 129 1 1 1 "Basomedial amygdalar nucleus" -327 132 234 129 1 1 1 "Basomedial amygdalar nucleus, anterior part" -334 132 234 129 1 1 1 "Basomedial amygdalar nucleus, posterior part" -780 151 236 147 1 1 1 "Posterior amygdalar nucleus" -623 152 214 249 1 1 1 "Cerebral nuclei" -477 152 214 249 1 1 1 "Striatum" -485 152 214 249 1 1 1 "Striatum dorsal region" -672 152 214 249 1 1 1 "Caudoputamen" -493 128 205 248 1 1 1 "Striatum ventral region" -56 128 205 248 1 1 1 "Nucleus accumbens" -998 128 205 248 1 1 1 "Fundus of striatum" -754 128 205 248 1 1 1 "Olfactory tubercle" -481 128 205 248 1 1 1 "Islands of Calleja" -489 128 205 248 1 1 1 "Major island of Calleja" -144 128 205 248 1 1 1 "Olfactory tubercle, layers 1-3" -458 128 205 248 1 1 1 "Olfactory tubercle, molecular layer" -465 128 205 248 1 1 1 "Olfactory tubercle, pyramidal layer" -473 128 205 248 1 1 1 "Olfactory tubercle, polymorph layer" -275 144 203 237 1 1 1 "Lateral septal complex" -242 144 203 237 1 1 1 "Lateral septal nucleus" -250 144 203 237 1 1 1 "Lateral septal nucleus, caudal (caudodorsal) part" -258 144 203 237 1 1 1 "Lateral septal nucleus, rostral (rostroventral) part" -266 144 203 237 1 1 1 "Lateral septal nucleus, ventral part" -310 144 203 237 1 1 1 "Septofimbrial nucleus" -333 144 203 237 1 1 1 "Septohippocampal nucleus" -278 128 192 226 1 1 1 "Striatum-like amygdalar nuclei" -23 128 192 226 1 1 1 "Anterior amygdalar area" -292 128 192 226 1 1 1 "Bed nucleus of the accessory olfactory tract" -536 128 192 226 1 1 1 "Central amygdalar nucleus" -544 128 192 226 1 1 1 "Central amygdalar nucleus, capsular part" -551 128 192 226 1 1 1 "Central amygdalar nucleus, lateral part" -559 128 192 226 1 1 1 "Central amygdalar nucleus, medial part" -1105 128 192 226 1 1 1 "Intercalated amygdalar nucleus" -403 128 192 226 1 1 1 "Medial amygdalar nucleus" -411 128 192 226 1 1 1 "Medial amygdalar nucleus, anterodorsal part" -418 128 192 226 1 1 1 "Medial amygdalar nucleus, anteroventral part" -426 128 192 226 1 1 1 "Medial amygdalar nucleus, posterodorsal part" -472 128 192 226 1 1 1 "Medial amygdalar nucleus, posterodorsal part, sublayer a" -480 128 192 226 1 1 1 "Medial amygdalar nucleus, posterodorsal part, sublayer b" -487 128 192 226 1 1 1 "Medial amygdalar nucleus, posterodorsal part, sublayer c" -435 128 192 226 1 1 1 "Medial amygdalar nucleus, posteroventral part" -803 133 153 204 1 1 1 "Pallidum" -818 133 153 204 1 1 1 "Pallidum, dorsal region" -1022 133 153 204 1 1 1 "Globus pallidus, external segment" -1031 133 153 204 1 1 1 "Globus pallidus, internal segment" -835 162 177 216 1 1 1 "Pallidum, ventral region" -342 162 177 216 1 1 1 "Substantia innominata" -298 162 177 216 1 1 1 "Magnocellular nucleus" -826 150 167 211 1 1 1 "Pallidum, medial region" -904 150 167 211 1 1 1 "Medial septal complex" -564 150 167 211 1 1 1 "Medial septal nucleus" -596 150 167 211 1 1 1 "Diagonal band nucleus" -581 150 167 211 1 1 1 "Triangular nucleus of septum" -809 179 192 223 1 1 1 "Pallidum, caudal region" -351 179 192 223 1 1 1 "Bed nuclei of the stria terminalis" -359 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, anterior division" -537 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, anterior division, anterolateral area" -498 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, anterior division, anteromedial area" -505 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, anterior division, dorsomedial nucleus" -513 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, anterior division, fusiform nucleus" -546 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, anterior division, juxtacapsular nucleus" -521 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, anterior division, magnocellular nucleus" -554 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, anterior division, oval nucleus" -562 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, anterior division, rhomboid nucleus" -529 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, anterior division, ventral nucleus" -367 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, posterior division" -569 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, posterior division, dorsal nucleus" -578 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, posterior division, principal nucleus" -585 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, posterior division, interfascicular nucleus" -594 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, posterior division, transverse nucleus" -602 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, posterior division, strial extension" -287 179 192 223 1 1 1 "Bed nucleus of the anterior commissure" -343 255 112 128 1 1 1 "Brain stem" -1129 255 112 128 1 1 1 "Interbrain" -549 255 112 128 1 1 1 "Thalamus" -864 255 128 132 1 1 1 "Thalamus, sensory-motor cortex related" -637 255 128 132 1 1 1 "Ventral group of the dorsal thalamus" -629 255 128 132 1 1 1 "Ventral anterior-lateral complex of the thalamus" -685 255 128 132 1 1 1 "Ventral medial nucleus of the thalamus" -709 255 128 132 1 1 1 "Ventral posterior complex of the thalamus" -718 255 128 132 1 1 1 "Ventral posterolateral nucleus of the thalamus" -725 255 128 132 1 1 1 "Ventral posterolateral nucleus of the thalamus, parvicellular part" -733 255 128 132 1 1 1 "Ventral posteromedial nucleus of the thalamus" -741 255 128 132 1 1 1 "Ventral posteromedial nucleus of the thalamus, parvicellular part" -406 255 128 132 1 1 1 "Subparafascicular nucleus" -414 255 128 132 1 1 1 "Subparafascicular nucleus, magnocellular part" -422 255 128 132 1 1 1 "Subparafascicular nucleus, parvicellular part" -609 255 128 132 1 1 1 "Subparafascicular area" -1044 255 128 132 1 1 1 "Peripeduncular nucleus" -1008 255 128 132 1 1 1 "Geniculate group, dorsal thalamus" -475 255 128 132 1 1 1 "Medial geniculate complex" -1072 255 128 132 1 1 1 "Medial geniculate complex, dorsal part" -1079 255 128 132 1 1 1 "Medial geniculate complex, ventral part" -1088 255 128 132 1 1 1 "Medial geniculate complex, medial part" -170 255 128 132 1 1 1 "Dorsal part of the lateral geniculate complex" -496345664 255 128 132 1 1 1 "Dorsal part of the lateral geniculate complex, shell" -496345668 255 128 132 1 1 1 "Dorsal part of the lateral geniculate complex, core" -496345672 255 128 132 1 1 1 "Dorsal part of the lateral geniculate complex, ipsilateral zone" -856 255 144 159 1 1 1 "Thalamus, polymodal association cortex related" -138 255 144 159 1 1 1 "Lateral group of the dorsal thalamus" -218 255 144 159 1 1 1 "Lateral posterior nucleus of the thalamus" -1020 255 144 159 1 1 1 "Posterior complex of the thalamus" -1029 255 144 159 1 1 1 "Posterior limiting nucleus of the thalamus" -325 255 144 159 1 1 1 "Suprageniculate nucleus" -239 255 144 159 1 1 1 "Anterior group of the dorsal thalamus" -255 255 144 159 1 1 1 "Anteroventral nucleus of thalamus" -127 255 144 159 1 1 1 "Anteromedial nucleus" -1096 255 144 159 1 1 1 "Anteromedial nucleus, dorsal part" -1104 255 144 159 1 1 1 "Anteromedial nucleus, ventral part" -64 255 144 159 1 1 1 "Anterodorsal nucleus" -1120 255 144 159 1 1 1 "Interanteromedial nucleus of the thalamus" -1113 255 144 159 1 1 1 "Interanterodorsal nucleus of the thalamus" -155 255 144 159 1 1 1 "Lateral dorsal nucleus of thalamus" -444 255 144 159 1 1 1 "Medial group of the dorsal thalamus" -59 255 144 159 1 1 1 "Intermediodorsal nucleus of the thalamus" -362 255 144 159 1 1 1 "Mediodorsal nucleus of thalamus" -617 255 144 159 1 1 1 "Mediodorsal nucleus of the thalamus, central part" -626 255 144 159 1 1 1 "Mediodorsal nucleus of the thalamus, lateral part" -636 255 144 159 1 1 1 "Mediodorsal nucleus of the thalamus, medial part" -366 255 144 159 1 1 1 "Submedial nucleus of the thalamus" -1077 255 144 159 1 1 1 "Perireunensis nucleus" -571 255 144 159 1 1 1 "Midline group of the dorsal thalamus" -149 255 144 159 1 1 1 "Paraventricular nucleus of the thalamus" -15 255 144 159 1 1 1 "Parataenial nucleus" -181 255 144 159 1 1 1 "Nucleus of reunions" -51 255 144 159 1 1 1 "Intralaminar nuclei of the dorsal thalamus" -189 255 144 159 1 1 1 "Rhomboid nucleus" -599 255 144 159 1 1 1 "Central medial nucleus of the thalamus" -907 255 144 159 1 1 1 "Paracentral nucleus" -575 255 144 159 1 1 1 "Central lateral nucleus of the thalamus" -930 255 144 159 1 1 1 "Parafascicular nucleus" -262 255 144 159 1 1 1 "Reticular nucleus of the thalamus" -1014 255 144 159 1 1 1 "Geniculate group, ventral thalamus" -27 255 144 159 1 1 1 "Intergeniculate leaflet of the lateral geniculate complex" -178 255 144 159 1 1 1 "Ventral part of the lateral geniculate complex" -300 255 144 159 1 1 1 "Ventral part of the lateral geniculate complex, lateral zone" -316 255 144 159 1 1 1 "Ventral part of the lateral geniculate complex, medial zone" -321 255 144 159 1 1 1 "Subgeniculate nucleus" -958 255 144 159 1 1 1 "Epithalamus" -483 255 144 159 1 1 1 "Medial habenula" -186 255 144 159 1 1 1 "Lateral habenula" -953 255 144 159 1 1 1 "Pineal body" -1097 230 68 56 1 1 1 "Hypothalamus" -157 255 93 80 1 1 1 "Periventricular zone" -390 255 93 80 1 1 1 "Supraoptic nucleus" -332 255 93 80 1 1 1 "Accessory supraoptic group" -432 255 93 80 1 1 1 "Nucleus circularis" -38 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus" -71 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus, magnocellular division" -47 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus, magnocellular division, anterior magnocellular part" -79 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus, magnocellular division, medial magnocellular part" -103 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus, magnocellular division, posterior magnocellular part" -652 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus, magnocellular division, posterior magnocellular part, lateral zone" -660 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus, magnocellular division, posterior magnocellular part, medial zone" -94 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus, parvicellular division" -55 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus, parvicellular division, anterior parvicellular part" -87 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus, parvicellular division, medial parvicellular part, dorsal zone" -110 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus, parvicellular division, periventricular part" -30 255 93 80 1 1 1 "Periventricular hypothalamic nucleus, anterior part" -118 255 93 80 1 1 1 "Periventricular hypothalamic nucleus, intermediate part" -223 255 93 80 1 1 1 "Arcuate hypothalamic nucleus" -141 255 85 71 1 1 1 "Periventricular region" -72 255 85 71 1 1 1 "Anterodorsal preoptic nucleus" -80 255 85 71 1 1 1 "Anterior hypothalamic area" -263 255 85 71 1 1 1 "Anteroventral preoptic nucleus" -272 255 85 71 1 1 1 "Anteroventral periventricular nucleus" -830 255 85 71 1 1 1 "Dorsomedial nucleus of the hypothalamus" -668 255 85 71 1 1 1 "Dorsomedial nucleus of the hypothalamus, anterior part" -676 255 85 71 1 1 1 "Dorsomedial nucleus of the hypothalamus, posterior part" -684 255 85 71 1 1 1 "Dorsomedial nucleus of the hypothalamus, ventral part" -452 255 85 71 1 1 1 "Median preoptic nucleus" -523 255 85 71 1 1 1 "Medial preoptic area" -763 255 85 71 1 1 1 "Vascular organ of the lamina terminalis" -914 255 85 71 1 1 1 "Posterodorsal preoptic nucleus" -1109 255 85 71 1 1 1 "Parastrial nucleus" -1124 255 85 71 1 1 1 "Suprachiasmatic preoptic nucleus" -126 255 85 71 1 1 1 "Periventricular hypothalamic nucleus, posterior part" -133 255 85 71 1 1 1 "Periventricular hypothalamic nucleus, preoptic part" -347 255 85 71 1 1 1 "Subparaventricular zone" -286 255 85 71 1 1 1 "Suprachiasmatic nucleus" -338 255 85 71 1 1 1 "Subfornical organ" -689 255 85 71 1 1 1 "Ventrolateral preoptic nucleus" -467 255 76 62 1 1 1 "Hypothalamic medial zone" -88 255 76 62 1 1 1 "Anterior hypothalamic nucleus" -700 255 76 62 1 1 1 "Anterior hypothalamic nucleus, anterior part" -708 255 76 62 1 1 1 "Anterior hypothalamic nucleus, central part" -716 255 76 62 1 1 1 "Anterior hypothalamic nucleus, dorsal part" -724 255 76 62 1 1 1 "Anterior hypothalamic nucleus, posterior part" -331 255 76 62 1 1 1 "Mammillary body" -210 255 76 62 1 1 1 "Lateral mammillary nucleus" -491 255 76 62 1 1 1 "Medial mammillary nucleus" -732 255 76 62 1 1 1 "Medial mammillary nucleus, median part" -525 255 76 62 1 1 1 "Supramammillary nucleus" -1110 255 76 62 1 1 1 "Supramammillary nucleus, lateral part" -1118 255 76 62 1 1 1 "Supramammillary nucleus, medial part" -557 255 76 62 1 1 1 "Tuberomammillary nucleus" -1126 255 76 62 1 1 1 "Tuberomammillary nucleus, dorsal part" -1 255 76 62 1 1 1 "Tuberomammillary nucleus, ventral part" -515 255 76 62 1 1 1 "Medial preoptic nucleus" -740 255 76 62 1 1 1 "Medial preoptic nucleus, central part" -748 255 76 62 1 1 1 "Medial preoptic nucleus, lateral part" -756 255 76 62 1 1 1 "Medial preoptic nucleus, medial part" -980 255 76 62 1 1 1 "Dorsal premammillary nucleus" -1004 255 76 62 1 1 1 "Ventral premammillary nucleus" -63 255 76 62 1 1 1 "Paraventricular hypothalamic nucleus, descending division" -439 255 76 62 1 1 1 "Paraventricular hypothalamic nucleus, descending division, dorsal parvicellular part" -447 255 76 62 1 1 1 "Paraventricular hypothalamic nucleus, descending division, forniceal part" -455 255 76 62 1 1 1 "Paraventricular hypothalamic nucleus, descending division, lateral parvicellular part" -464 255 76 62 1 1 1 "Paraventricular hypothalamic nucleus, descending division, medial parvicellular part, ventral zone" -693 255 76 62 1 1 1 "Ventromedial hypothalamic nucleus" -761 255 76 62 1 1 1 "Ventromedial hypothalamic nucleus, anterior part" -769 255 76 62 1 1 1 "Ventromedial hypothalamic nucleus, central part" -777 255 76 62 1 1 1 "Ventromedial hypothalamic nucleus, dorsomedial part" -785 255 76 62 1 1 1 "Ventromedial hypothalamic nucleus, ventrolateral part" -946 255 76 62 1 1 1 "Posterior hypothalamic nucleus" -290 242 72 59 1 1 1 "Hypothalamic lateral zone" -194 242 72 59 1 1 1 "Lateral hypothalamic area" -226 242 72 59 1 1 1 "Lateral preoptic area" -356 242 72 59 1 1 1 "Preparasubthalamic nucleus" -364 242 72 59 1 1 1 "Parasubthalamic nucleus" -173 242 72 59 1 1 1 "Retrochiasmatic area" -470 242 72 59 1 1 1 "Subthalamic nucleus" -614 242 72 59 1 1 1 "Tuberal nucleus" -797 242 72 59 1 1 1 "Zona incerta" -796 242 72 59 1 1 1 "Dopaminergic A13 group" -804 242 72 59 1 1 1 "Fields of Forel" -10671 242 72 59 1 1 1 "Median eminence" -313 255 100 255 1 1 1 "Midbrain" -339 255 122 255 1 1 1 "Midbrain, sensory related" -302 255 122 255 1 1 1 "Superior colliculus, sensory related" -851 255 122 255 1 1 1 "Superior colliculus, optic layer" -842 255 122 255 1 1 1 "Superior colliculus, superficial gray layer" -834 255 122 255 1 1 1 "Superior colliculus, zonal layer" -4 255 122 255 1 1 1 "Inferior colliculus" -811 255 122 255 1 1 1 "Inferior colliculus, central nucleus" -820 255 122 255 1 1 1 "Inferior colliculus, dorsal nucleus" -828 255 122 255 1 1 1 "Inferior colliculus, external nucleus" -580 255 122 255 1 1 1 "Nucleus of the brachium of the inferior colliculus" -271 255 122 255 1 1 1 "Nucleus sagulum" -874 255 122 255 1 1 1 "Parabigeminal nucleus" -460 255 122 255 1 1 1 "Midbrain trigeminal nucleus" -323 255 144 255 1 1 1 "Midbrain, motor related" -381 255 144 255 1 1 1 "Substantia nigra, reticular part" -749 255 144 255 1 1 1 "Ventral tegmental area" -246 255 144 255 1 1 1 "Midbrain reticular nucleus, retrorubral area" -128 255 144 255 1 1 1 "Midbrain reticular nucleus" -539 255 144 255 1 1 1 "Midbrain reticular nucleus, magnocellular part" -548 255 144 255 1 1 1 "Midbrain reticular nucleus, magnocellular part, general" -555 255 144 255 1 1 1 "Midbrain reticular nucleus, parvicellular part" -294 255 144 255 1 1 1 "Superior colliculus, motor related" -26 255 144 255 1 1 1 "Superior colliculus, motor related, deep gray layer" -42 255 144 255 1 1 1 "Superior colliculus, motor related, deep white layer" -17 255 144 255 1 1 1 "Superior colliculus, motor related, intermediate white layer" -10 255 144 255 1 1 1 "Superior colliculus, motor related, intermediate gray layer" -494 255 144 255 1 1 1 "Superior colliculus, motor related, intermediate gray layer, sublayer a" -503 255 144 255 1 1 1 "Superior colliculus, motor related, intermediate gray layer, sublayer b" -511 255 144 255 1 1 1 "Superior colliculus, motor related, intermediate gray layer, sublayer c" -795 255 144 255 1 1 1 "Periaqueductal gray" -50 255 144 255 1 1 1 "Precommissural nucleus" -67 255 144 255 1 1 1 "Interstitial nucleus of Cajal" -587 255 144 255 1 1 1 "Nucleus of Darkschewitsch" -1100 255 144 255 1 1 1 "Pretectal region" -215 255 144 255 1 1 1 "Anterior pretectal nucleus" -531 255 144 255 1 1 1 "Medial pretectal area" -628 255 144 255 1 1 1 "Nucleus of the optic tract" -634 255 144 255 1 1 1 "Nucleus of the posterior commissure" -706 255 144 255 1 1 1 "Olivary pretectal nucleus" -1061 255 144 255 1 1 1 "Posterior pretectal nucleus" -616 255 144 255 1 1 1 "Cuneiform nucleus" -214 255 144 255 1 1 1 "Red nucleus" -35 255 144 255 1 1 1 "Oculomotor nucleus" -975 255 144 255 1 1 1 "Edinger-Westphal nucleus" -115 255 144 255 1 1 1 "Trochlear nucleus" -757 255 144 255 1 1 1 "Ventral tegmental nucleus" -231 255 144 255 1 1 1 "Anterior tegmental nucleus" -66 255 144 255 1 1 1 "Lateral terminal nucleus of the accessory optic tract" -75 255 144 255 1 1 1 "Dorsal terminal nucleus of the accessory optic tract" -58 255 144 255 1 1 1 "Medial terminal nucleus of the accessory optic tract" -615 255 144 255 1 1 1 "Substantia nigra, lateral part" -348 255 144 255 1 1 1 "Midbrain, behavioral state related" -374 255 166 255 1 1 1 "Substantia nigra, compact part" -1052 255 166 255 1 1 1 "Pedunculopontine nucleus" -165 255 166 255 1 1 1 "Midbrain raphe nuclei" -12 255 166 255 1 1 1 "Interfascicular nucleus raphe" -100 255 166 255 1 1 1 "Interpeduncular nucleus" -197 255 166 255 1 1 1 "Rostral linear nucleus raphe" -591 255 166 255 1 1 1 "Central linear nucleus raphe" -872 255 166 255 1 1 1 "Dorsal nucleus raphe" -1065 255 155 136 1 1 1 "Hindbrain" -771 255 155 136 1 1 1 "Pons" -1132 255 174 111 1 1 1 "Pons, sensory related" -612 255 174 111 1 1 1 "Nucleus of the lateral lemniscus" -82 255 174 111 1 1 1 "Nucleus of the lateral lemniscus, dorsal part" -90 255 174 111 1 1 1 "Nucleus of the lateral lemniscus, horizontal part" -99 255 174 111 1 1 1 "Nucleus of the lateral lemniscus, ventral part" -7 255 174 111 1 1 1 "Principal sensory nucleus of the trigeminal" -867 255 174 111 1 1 1 "Parabrachial nucleus" -123 255 174 111 1 1 1 "Koelliker-Fuse subnucleus" -881 255 174 111 1 1 1 "Parabrachial nucleus, lateral division" -860 255 174 111 1 1 1 "Parabrachial nucleus, lateral division, central lateral part" -868 255 174 111 1 1 1 "Parabrachial nucleus, lateral division, dorsal lateral part" -875 255 174 111 1 1 1 "Parabrachial nucleus, lateral division, external lateral part" -883 255 174 111 1 1 1 "Parabrachial nucleus, lateral division, superior lateral part" -891 255 174 111 1 1 1 "Parabrachial nucleus, lateral division, ventral lateral part" -890 255 174 111 1 1 1 "Parabrachial nucleus, medial division" -899 255 174 111 1 1 1 "Parabrachial nucleus, medial division, external medial part" -915 255 174 111 1 1 1 "Parabrachial nucleus, medial division, medial medial part" -923 255 174 111 1 1 1 "Parabrachial nucleus, medial division, ventral medial part" -398 255 174 111 1 1 1 "Superior olivary complex" -122 255 174 111 1 1 1 "Superior olivary complex, periolivary region" -105 255 174 111 1 1 1 "Superior olivary complex, medial part" -114 255 174 111 1 1 1 "Superior olivary complex, lateral part" -987 255 186 134 1 1 1 "Pons, motor related" -280 255 186 134 1 1 1 "Barrington's nucleus" -880 255 186 134 1 1 1 "Dorsal tegmental nucleus" -283 255 186 134 1 1 1 "Lateral tegmental nucleus" -898 255 186 134 1 1 1 "Pontine central gray" -931 255 186 134 1 1 1 "Pontine gray" -1093 255 186 134 1 1 1 "Pontine reticular nucleus, caudal part" -552 255 186 134 1 1 1 "Pontine reticular nucleus, ventral part" -318 255 186 134 1 1 1 "Supragenual nucleus" -462 255 186 134 1 1 1 "Superior salivatory nucleus" -534 255 186 134 1 1 1 "Supratrigeminal nucleus" -574 255 186 134 1 1 1 "Tegmental reticular nucleus" -621 255 186 134 1 1 1 "Motor nucleus of trigeminal" -1117 255 195 149 1 1 1 "Pons, behavioral state related" -679 255 195 149 1 1 1 "Superior central nucleus raphe" -137 255 195 149 1 1 1 "Superior central nucleus raphe, lateral part" -130 255 195 149 1 1 1 "Superior central nucleus raphe, medial part" -147 255 195 149 1 1 1 "Locus ceruleus" -162 255 195 149 1 1 1 "Laterodorsal tegmental nucleus" -604 255 195 149 1 1 1 "Nucleus incertus" -146 255 195 149 1 1 1 "Pontine reticular nucleus" -238 255 195 149 1 1 1 "Nucleus raphe pontis" -350 255 195 149 1 1 1 "Subceruleus nucleus" -358 255 195 149 1 1 1 "Sublaterodorsal nucleus" -354 255 155 205 1 1 1 "Medulla" -386 255 165 210 1 1 1 "Medulla, sensory related" -207 255 165 210 1 1 1 "Area postrema" -607 255 165 210 1 1 1 "Cochlear nuclei" -112 255 165 210 1 1 1 "Granular lamina of the cochlear nuclei" -560 255 165 210 1 1 1 "Cochlear nucleus, subpedunclular granular region" -96 255 165 210 1 1 1 "Dorsal cochlear nucleus" -101 255 165 210 1 1 1 "Ventral cochlear nucleus" -720 255 165 210 1 1 1 "Dorsal column nuclei" -711 255 165 210 1 1 1 "Cuneate nucleus" -1039 255 165 210 1 1 1 "Gracile nucleus" -903 255 165 210 1 1 1 "External cuneate nucleus" -642 255 165 210 1 1 1 "Nucleus of the trapezoid body" -651 255 165 210 1 1 1 "Nucleus of the solitary tract" -659 255 165 210 1 1 1 "Nucleus of the solitary tract, central part" -666 255 165 210 1 1 1 "Nucleus of the solitary tract, commissural part" -674 255 165 210 1 1 1 "Nucleus of the solitary tract, gelatinous part" -682 255 165 210 1 1 1 "Nucleus of the solitary tract, lateral part" -691 255 165 210 1 1 1 "Nucleus of the solitary tract, medial part" -429 255 165 210 1 1 1 "Spinal nucleus of the trigeminal, caudal part" -437 255 165 210 1 1 1 "Spinal nucleus of the trigeminal, interpolar part" -445 255 165 210 1 1 1 "Spinal nucleus of the trigeminal, oral part" -77 255 165 210 1 1 1 "Spinal nucleus of the trigeminal, oral part, caudal dorsomedial part" -53 255 165 210 1 1 1 "Spinal nucleus of the trigeminal, oral part, middle dorsomedial part, dorsal zone" -61 255 165 210 1 1 1 "Spinal nucleus of the trigeminal, oral part, middle dorsomedial part, ventral zone" -45 255 165 210 1 1 1 "Spinal nucleus of the trigeminal, oral part, rostral dorsomedial part" -69 255 165 210 1 1 1 "Spinal nucleus of the trigeminal, oral part, ventrolateral part" -789 255 165 210 1 1 1 "Nucleus z" -370 255 179 217 1 1 1 "Medulla, motor related" -653 255 179 217 1 1 1 "Abducens nucleus" -568 255 179 217 1 1 1 "Accessory abducens nucleus" -661 255 179 217 1 1 1 "Facial motor nucleus" -576 255 179 217 1 1 1 "Accessory facial motor nucleus" -640 255 179 217 1 1 1 "Efferent vestibular nucleus" -135 255 179 217 1 1 1 "Nucleus ambiguus" -939 255 179 217 1 1 1 "Nucleus ambiguus, dorsal division" -143 255 179 217 1 1 1 "Nucleus ambiguus, ventral division" -839 255 179 217 1 1 1 "Dorsal motor nucleus of the vagus nerve" -887 255 179 217 1 1 1 "Efferent cochlear group" -1048 255 179 217 1 1 1 "Gigantocellular reticular nucleus" -372 255 179 217 1 1 1 "Infracerebellar nucleus" -83 255 179 217 1 1 1 "Inferior olivary complex" -136 255 179 217 1 1 1 "Intermediate reticular nucleus" -106 255 179 217 1 1 1 "Inferior salivatory nucleus" -203 255 179 217 1 1 1 "Linear nucleus of the medulla" -235 255 179 217 1 1 1 "Lateral reticular nucleus" -955 255 179 217 1 1 1 "Lateral reticular nucleus, magnocellular part" -963 255 179 217 1 1 1 "Lateral reticular nucleus, parvicellular part" -307 255 179 217 1 1 1 "Magnocellular reticular nucleus" -395 255 179 217 1 1 1 "Medullary reticular nucleus" -1098 255 179 217 1 1 1 "Medullary reticular nucleus, dorsal part" -1107 255 179 217 1 1 1 "Medullary reticular nucleus, ventral part" -852 255 179 217 1 1 1 "Parvicellular reticular nucleus" -859 255 179 217 1 1 1 "Parasolitary nucleus" -938 255 179 217 1 1 1 "Paragigantocellular reticular nucleus" -970 255 179 217 1 1 1 "Paragigantocellular reticular nucleus, dorsal part" -978 255 179 217 1 1 1 "Paragigantocellular reticular nucleus, lateral part" -154 255 179 217 1 1 1 "Perihypoglossal nuclei" -161 255 179 217 1 1 1 "Nucleus intercalatus" -177 255 179 217 1 1 1 "Nucleus of Roller" -169 255 179 217 1 1 1 "Nucleus prepositus" -995 255 179 217 1 1 1 "Paramedian reticular nucleus" -1069 255 179 217 1 1 1 "Parapyramidal nucleus" -185 255 179 217 1 1 1 "Parapyramidal nucleus, deep part" -193 255 179 217 1 1 1 "Parapyramidal nucleus, superficial part" -701 255 179 217 1 1 1 "Vestibular nuclei" -209 255 179 217 1 1 1 "Lateral vestibular nucleus" -202 255 179 217 1 1 1 "Medial vestibular nucleus" -225 255 179 217 1 1 1 "Spinal vestibular nucleus" -217 255 179 217 1 1 1 "Superior vestibular nucleus" -765 255 179 217 1 1 1 "Nucleus x" -773 255 179 217 1 1 1 "Hypoglossal nucleus" -781 255 179 217 1 1 1 "Nucleus y" -76 255 179 217 1 1 1 "Interstitial nucleus of the vestibular nerve" -379 255 198 226 1 1 1 "Medulla, behavioral state related" -206 255 198 226 1 1 1 "Nucleus raphe magnus" -230 255 198 226 1 1 1 "Nucleus raphe pallidus" -222 255 198 226 1 1 1 "Nucleus raphe obscurus" -512 240 240 128 1 1 1 "Cerebellum" -528 240 240 128 1 1 1 "Cerebellar cortex" -645 255 252 145 1 1 1 "Vermal regions" -912 255 252 145 1 1 1 "Lingula (I)" -10707 255 252 145 1 1 1 "Lingula (I), molecular layer" -10706 255 252 145 1 1 1 "Lingula (I), Purkinje layer" -10705 236 231 84 1 1 1 "Lingula (I), granular layer" -920 255 252 145 1 1 1 "Central lobule" -976 255 252 145 1 1 1 "Lobule II" -10710 255 252 145 1 1 1 "Lobule II, molecular layer" -10709 255 252 145 1 1 1 "Lobule II, Purkinje layer" -10708 236 231 84 1 1 1 "Lobule II, granular layer" -984 255 252 145 1 1 1 "Lobule III" -10713 255 252 145 1 1 1 "Lobule III, molecular layer" -10712 255 252 145 1 1 1 "Lobule III, Purkinje layer" -10711 236 231 84 1 1 1 "Lobule III, granular layer" -928 255 252 145 1 1 1 "Culmen" -992 255 252 145 1 1 1 "Lobule IV" -10716 255 252 145 1 1 1 "Lobule IV, molecular layer" -10715 255 252 145 1 1 1 "Lobule IV, Purkinje layer" -10714 236 231 84 1 1 1 "Lobule IV, granular layer" -1001 255 252 145 1 1 1 "Lobule V" -10719 255 252 145 1 1 1 "Lobule V, molecular layer" -10718 255 252 145 1 1 1 "Lobule V, Purkinje layer" -10717 236 231 84 1 1 1 "Lobule V, granular layer" -1091 255 252 145 1 1 1 "Lobules IV-V" -10722 255 252 145 1 1 1 "Lobules IV-V, molecular layer" -10721 255 252 145 1 1 1 "Lobules IV-V, Purkinje layer" -10720 236 231 84 1 1 1 "Lobules IV-V, granular layer" -936 255 252 145 1 1 1 "Declive (VI)" -10725 255 252 145 1 1 1 "Declive (VI), molecular layer" -10724 255 252 145 1 1 1 "Declive (VI), Purkinje layer" -10723 236 231 84 1 1 1 "Declive (VI), granular layer" -944 255 252 145 1 1 1 "Folium-tuber vermis (VII)" -10728 255 252 145 1 1 1 "Folium-tuber vermis (VII), molecular layer" -10727 255 252 145 1 1 1 "Folium-tuber vermis (VII), Purkinje layer" -10726 236 231 84 1 1 1 "Folium-tuber vermis (VII), granular layer" -951 255 252 145 1 1 1 "Pyramus (VIII)" -10731 255 252 145 1 1 1 "Pyramus (VIII), molecular layer" -10730 255 252 145 1 1 1 "Pyramus (VIII), Purkinje layer" -10729 236 231 84 1 1 1 "Pyramus (VIII), granular layer" -957 255 252 145 1 1 1 "Uvula (IX)" -10734 255 252 145 1 1 1 "Uvula (IX), molecular layer" -10733 255 252 145 1 1 1 "Uvula (IX), Purkinje layer" -10732 236 231 84 1 1 1 "Uvula (IX), granular layer" -968 255 252 145 1 1 1 "Nodulus (X)" -10737 255 252 145 1 1 1 "Nodulus (X), molecular layer" -10736 255 252 145 1 1 1 "Nodulus (X), Purkinje layer" -10735 236 231 84 1 1 1 "Nodulus (X), granular layer" -1073 255 252 145 1 1 1 "Hemispheric regions" -1007 255 252 145 1 1 1 "Simple lobule" -10674 255 252 145 1 1 1 "Simple lobule, molecular layer" -10673 255 252 145 1 1 1 "Simple lobule, Purkinje layer" -10672 236 231 84 1 1 1 "Simple lobule, granular layer" -1017 255 252 145 1 1 1 "Ansiform lobule" -1056 255 252 145 1 1 1 "Crus 1" -10677 255 252 145 1 1 1 "Crus 1, molecular layer" -10676 255 252 145 1 1 1 "Crus 1, Purkinje layer" -10675 236 231 84 1 1 1 "Crus 1, granular layer" -1064 255 252 145 1 1 1 "Crus 2" -10680 255 252 145 1 1 1 "Crus 2, molecular layer" -10679 255 252 145 1 1 1 "Crus 2, Purkinje layer" -10678 236 231 84 1 1 1 "Crus 2, granular layer" -1025 255 252 145 1 1 1 "Paramedian lobule" -10683 255 252 145 1 1 1 "Paramedian lobule, molecular layer" -10682 255 252 145 1 1 1 "Paramedian lobule, Purkinje layer" -10681 236 231 84 1 1 1 "Paramedian lobule, granular layer" -1033 255 252 145 1 1 1 "Copula pyramidis" -10686 255 252 145 1 1 1 "Copula pyramidis, molecular layer" -10685 255 252 145 1 1 1 "Copula pyramidis, Purkinje layer" -10684 236 231 84 1 1 1 "Copula pyramidis, granular layer" -1041 255 252 145 1 1 1 "Paraflocculus" -10689 255 252 145 1 1 1 "Paraflocculus, molecular layer" -10688 255 252 145 1 1 1 "Paraflocculus, Purkinje layer" -10687 236 231 84 1 1 1 "Paraflocculus, granular layer" -1049 255 252 145 1 1 1 "Flocculus" -10692 255 252 145 1 1 1 "Flocculus, molecular layer" -10691 255 252 145 1 1 1 "Flocculus, Purkinje layer" -10690 236 231 84 1 1 1 "Flocculus, granular layer" -1144 255 252 145 1 1 1 "Cerebellar cortex, molecular layer" -1145 255 252 145 1 1 1 "Cerebellar cortex, Purkinje layer" -1143 236 231 84 1 1 1 "Cerebellar cortex, granular layer" -519 240 240 128 1 1 1 "Cerebellar nuclei" -989 255 253 188 1 1 1 "Fastigial nucleus" -91 255 253 188 1 1 1 "Interposed nucleus" -846 255 253 188 1 1 1 "Dentate nucleus" -1009 204 204 204 1 1 1 "fiber tracts" -967 204 204 204 1 1 1 "cranial nerves" -885 204 204 204 1 1 1 "terminal nerve" -949 204 204 204 1 1 1 "vomeronasal nerve" -840 204 204 204 1 1 1 "olfactory nerve" -1016 204 204 204 1 1 1 "olfactory nerve layer of main olfactory bulb" -21 204 204 204 1 1 1 "lateral olfactory tract, general" -665 204 204 204 1 1 1 "lateral olfactory tract, body" -538 204 204 204 1 1 1 "dorsal limb" -459 204 204 204 1 1 1 "accessory olfactory tract" -900 204 204 204 1 1 1 "anterior commissure, olfactory limb" -848 204 204 204 1 1 1 "optic nerve" -876 204 204 204 1 1 1 "accessory optic tract" -916 204 204 204 1 1 1 "brachium of the superior colliculus" -336 204 204 204 1 1 1 "superior colliculus commissure" -117 204 204 204 1 1 1 "optic chiasm" -125 204 204 204 1 1 1 "optic tract" -357 204 204 204 1 1 1 "tectothalamic pathway" -832 204 204 204 1 1 1 "oculomotor nerve" -62 204 204 204 1 1 1 "medial longitudinal fascicle" -158 204 204 204 1 1 1 "posterior commissure" -911 204 204 204 1 1 1 "trochlear nerve" -384 204 204 204 1 1 1 "trochlear nerve decussation" -710 204 204 204 1 1 1 "abducens nerve" -901 204 204 204 1 1 1 "trigeminal nerve" -93 204 204 204 1 1 1 "motor root of the trigeminal nerve" -229 204 204 204 1 1 1 "sensory root of the trigeminal nerve" -705 204 204 204 1 1 1 "midbrain tract of the trigeminal nerve" -794 204 204 204 1 1 1 "spinal tract of the trigeminal nerve" -798 204 204 204 1 1 1 "facial nerve" -1131 204 204 204 1 1 1 "intermediate nerve" -1116 204 204 204 1 1 1 "genu of the facial nerve" -933 204 204 204 1 1 1 "vestibulocochlear nerve" -1076 204 204 204 1 1 1 "efferent cochleovestibular bundle" -413 204 204 204 1 1 1 "vestibular nerve" -948 204 204 204 1 1 1 "cochlear nerve" -841 204 204 204 1 1 1 "trapezoid body" -641 204 204 204 1 1 1 "intermediate acoustic stria" -506 204 204 204 1 1 1 "dorsal acoustic stria" -658 204 204 204 1 1 1 "lateral lemniscus" -633 204 204 204 1 1 1 "inferior colliculus commissure" -482 204 204 204 1 1 1 "brachium of the inferior colliculus" -808 204 204 204 1 1 1 "glossopharyngeal nerve" -917 204 204 204 1 1 1 "vagus nerve" -237 204 204 204 1 1 1 "solitary tract" -717 204 204 204 1 1 1 "accessory spinal nerve" -813 204 204 204 1 1 1 "hypoglossal nerve" -925 204 204 204 1 1 1 "ventral roots" -792 204 204 204 1 1 1 "dorsal roots" -932 204 204 204 1 1 1 "cervicothalamic tract" -570 204 204 204 1 1 1 "dorsolateral fascicle" -522 204 204 204 1 1 1 "dorsal commissure of the spinal cord" -858 204 204 204 1 1 1 "ventral commissure of the spinal cord" -586 204 204 204 1 1 1 "fasciculus proprius" -514 204 204 204 1 1 1 "dorsal column" -380 204 204 204 1 1 1 "cuneate fascicle" -388 204 204 204 1 1 1 "gracile fascicle" -396 204 204 204 1 1 1 "internal arcuate fibers" -697 204 204 204 1 1 1 "medial lemniscus" -871 204 204 204 1 1 1 "spinothalamic tract" -29 204 204 204 1 1 1 "lateral spinothalamic tract" -389 204 204 204 1 1 1 "ventral spinothalamic tract" -245 204 204 204 1 1 1 "spinocervical tract" -261 204 204 204 1 1 1 "spino-olivary pathway" -270 204 204 204 1 1 1 "spinoreticular pathway" -293 204 204 204 1 1 1 "spinovestibular pathway" -277 204 204 204 1 1 1 "spinotectal pathway" -253 204 204 204 1 1 1 "spinohypothalamic pathway" -285 204 204 204 1 1 1 "spinotelenchephalic pathway" -627 204 204 204 1 1 1 "hypothalamohypophysial tract" -960 204 204 204 1 1 1 "cerebellum related fiber tracts" -744 204 204 204 1 1 1 "cerebellar commissure" -752 204 204 204 1 1 1 "cerebellar peduncles" -326 204 204 204 1 1 1 "superior cerebelar peduncles" -812 204 204 204 1 1 1 "superior cerebellar peduncle decussation" -85 204 204 204 1 1 1 "spinocerebellar tract" -850 204 204 204 1 1 1 "uncinate fascicle" -866 204 204 204 1 1 1 "ventral spinocerebellar tract" -78 204 204 204 1 1 1 "middle cerebellar peduncle" -1123 204 204 204 1 1 1 "inferior cerebellar peduncle" -553 204 204 204 1 1 1 "dorsal spinocerebellar tract" -499 204 204 204 1 1 1 "cuneocerebellar tract" -650 204 204 204 1 1 1 "juxtarestiform body" -490 204 204 204 1 1 1 "bulbocerebellar tract" -404 204 204 204 1 1 1 "olivocerebellar tract" -410 204 204 204 1 1 1 "reticulocerebellar tract" -373 204 204 204 1 1 1 "trigeminocerebellar tract" -728 204 204 204 1 1 1 "arbor vitae" -484682512 204 204 204 1 1 1 "supra-callosal cerebral white matter" -983 204 204 204 1 1 1 "lateral forebrain bundle system" -776 204 204 204 1 1 1 "corpus callosum" -956 204 204 204 1 1 1 "corpus callosum, anterior forceps" -579 204 204 204 1 1 1 "external capsule" -964 204 204 204 1 1 1 "corpus callosum, extreme capsule" -1108 204 204 204 1 1 1 "genu of corpus callosum" -971 204 204 204 1 1 1 "corpus callosum, posterior forceps" -979 204 204 204 1 1 1 "corpus callosum, rostrum" -484682516 204 204 204 1 1 1 "corpus callosum, body" -986 204 204 204 1 1 1 "corpus callosum, splenium" -784 204 204 204 1 1 1 "corticospinal tract" -6 204 204 204 1 1 1 "internal capsule" -924 204 204 204 1 1 1 "cerebal peduncle" -1036 204 204 204 1 1 1 "corticotectal tract" -1012 204 204 204 1 1 1 "corticorubral tract" -1003 204 204 204 1 1 1 "corticopontine tract" -994 204 204 204 1 1 1 "corticobulbar tract" -190 204 204 204 1 1 1 "pyramid" -198 204 204 204 1 1 1 "pyramidal decussation" -1019 204 204 204 1 1 1 "corticospinal tract, crossed" -1028 204 204 204 1 1 1 "corticospinal tract, uncrossed" -896 204 204 204 1 1 1 "thalamus related" -1092 204 204 204 1 1 1 "external medullary lamina of the thalamus" -14 204 204 204 1 1 1 "internal medullary lamina of the thalamus" -86 204 204 204 1 1 1 "middle thalamic commissure" -365 204 204 204 1 1 1 "thalamic peduncles" -484682520 204 204 204 1 1 1 "optic radiation" -484682524 204 204 204 1 1 1 "auditory radiation" -1000 204 204 204 1 1 1 "extrapyramidal fiber systems" -760 204 204 204 1 1 1 "cerebral nuclei related" -142 204 204 204 1 1 1 "pallidothalmic pathway" -102 204 204 204 1 1 1 "nigrostriatal tract" -109 204 204 204 1 1 1 "nigrothalamic fibers" -134 204 204 204 1 1 1 "pallidotegmental fascicle" -309 204 204 204 1 1 1 "striatonigral pathway" -317 204 204 204 1 1 1 "subthalamic fascicle" -877 204 204 204 1 1 1 "tectospinal pathway" -1051 204 204 204 1 1 1 "direct tectospinal pathway" -1060 204 204 204 1 1 1 "doral tegmental decussation" -1043 204 204 204 1 1 1 "crossed tectospinal pathway" -863 204 204 204 1 1 1 "rubrospinal tract" -397 204 204 204 1 1 1 "ventral tegmental decussation" -221 204 204 204 1 1 1 "rubroreticular tract" -736 204 204 204 1 1 1 "central tegmental bundle" -855 204 204 204 1 1 1 "retriculospinal tract" -205 204 204 204 1 1 1 "retriculospinal tract, lateral part" -213 204 204 204 1 1 1 "retriculospinal tract, medial part" -941 204 204 204 1 1 1 "vestibulospinal pathway" -991 204 204 204 1 1 1 "medial forebrain bundle system" -768 204 204 204 1 1 1 "cerebrum related" -884 204 204 204 1 1 1 "amygdalar capsule" -892 204 204 204 1 1 1 "ansa peduncularis" -908 204 204 204 1 1 1 "anterior commissure, temporal limb" -940 204 204 204 1 1 1 "cingulum bundle" -1099 204 204 204 1 1 1 "fornix system" -466 204 204 204 1 1 1 "alveus" -530 204 204 204 1 1 1 "dorsal fornix" -603 204 204 204 1 1 1 "fimbria" -745 204 204 204 1 1 1 "precommissural fornix, general" -420 204 204 204 1 1 1 "precommissural fornix diagonal band" -737 204 204 204 1 1 1 "postcommissural fornix" -428 204 204 204 1 1 1 "medial corticohypothalmic tract" -436 204 204 204 1 1 1 "columns of the fornix" -618 204 204 204 1 1 1 "hippocampal commissures" -443 204 204 204 1 1 1 "dorsal hippocampal commissure" -449 204 204 204 1 1 1 "ventral hippocampal commissure" -713 204 204 204 1 1 1 "perforant path" -474 204 204 204 1 1 1 "angular path" -37 204 204 204 1 1 1 "longitudinal association bundle" -301 204 204 204 1 1 1 "stria terminalis" -484682528 204 204 204 1 1 1 "commissural branch of stria terminalis" -824 204 204 204 1 1 1 "hypothalamus related" -54 204 204 204 1 1 1 "medial forebrain bundle" -405 204 204 204 1 1 1 "ventrolateral hypothalamic tract" -174 204 204 204 1 1 1 "preoptic commissure" -349 204 204 204 1 1 1 "supraoptic commissures" -817 204 204 204 1 1 1 "supraoptic commissures, anterior" -825 204 204 204 1 1 1 "supraoptic commissures, dorsal" -833 204 204 204 1 1 1 "supraoptic commissures, ventral" -166 204 204 204 1 1 1 "premammillary commissure" -341 204 204 204 1 1 1 "supramammillary decussation" -182 204 204 204 1 1 1 "propriohypothalamic pathways" -762 204 204 204 1 1 1 "propriohypothalamic pathways, dorsal" -770 204 204 204 1 1 1 "propriohypothalamic pathways, lateral" -779 204 204 204 1 1 1 "propriohypothalamic pathways, medial" -787 204 204 204 1 1 1 "propriohypothalamic pathways, ventral" -150 204 204 204 1 1 1 "periventricular bundle of the hypothalamus" -46 204 204 204 1 1 1 "mammillary related" -753 204 204 204 1 1 1 "principal mammillary tract" -690 204 204 204 1 1 1 "mammilothalmic tract" -681 204 204 204 1 1 1 "mammillotegmental tract" -673 204 204 204 1 1 1 "mammillary peduncle" -1068 204 204 204 1 1 1 "dorsal thalamus related" -722 204 204 204 1 1 1 "periventricular bundle of the thalamus" -1083 204 204 204 1 1 1 "epithalamus related" -802 204 204 204 1 1 1 "stria medullaris" -595 204 204 204 1 1 1 "fasciculus retroflexus" -611 204 204 204 1 1 1 "habenular commissure" -730 204 204 204 1 1 1 "pineal stalk" -70 204 204 204 1 1 1 "midbrain related" -547 204 204 204 1 1 1 "dorsal longitudinal fascicle" -563 204 204 204 1 1 1 "dorsal tegmental tract" -73 170 170 170 1 1 1 "ventricular systems" -81 170 170 170 1 1 1 "lateral ventricle" -89 170 170 170 1 1 1 "rhinocele" -98 170 170 170 1 1 1 "subependymal zone" -108 170 170 170 1 1 1 "choroid plexus" -116 170 170 170 1 1 1 "choroid fissure" -124 170 170 170 1 1 1 "interventricular foramen" -129 170 170 170 1 1 1 "third ventricle" -140 170 170 170 1 1 1 "cerebral aqueduct" -145 170 170 170 1 1 1 "fourth ventricle" -153 170 170 170 1 1 1 "lateral recess" -164 170 170 170 1 1 1 "central canal, spinal cord/medulla" -1024 170 170 170 1 1 1 "grooves" -1032 170 170 170 1 1 1 "grooves of the cerebral cortex" -1055 170 170 170 1 1 1 "endorhinal groove" -1063 170 170 170 1 1 1 "hippocampal fissure" -1071 170 170 170 1 1 1 "rhinal fissure" -1078 170 170 170 1 1 1 "rhinal incisure" -1040 170 170 170 1 1 1 "grooves of the cerebellar cortex" -1087 170 170 170 1 1 1 "precentral fissure" -1095 170 170 170 1 1 1 "preculminate fissure" -1103 170 170 170 1 1 1 "primary fissure" -1112 170 170 170 1 1 1 "posterior superior fissure" -1119 170 170 170 1 1 1 "prepyramidal fissure" -3 170 170 170 1 1 1 "secondary fissure" -11 170 170 170 1 1 1 "posterolateral fissure" -18 170 170 170 1 1 1 "nodular fissure" -25 170 170 170 1 1 1 "simple fissure" -34 170 170 170 1 1 1 "intercrural fissure" -43 170 170 170 1 1 1 "ansoparamedian fissure" -49 170 170 170 1 1 1 "intraparafloccular fissure" -57 170 170 170 1 1 1 "paramedian sulcus" -65 170 170 170 1 1 1 "parafloccular sulcus" -624 170 170 170 1 1 1 "Interpeduncular fossa" -304325711 127 46 126 1 1 1 "retina" diff --git a/annotation_volumes/AllenMouseBrain_Atlas_CCF_2017.label b/annotation_volumes/AllenMouseBrain_Atlas_CCF_2017.label deleted file mode 100644 index 31c781b65efa839a9cf955b3475921f5937e01af..0000000000000000000000000000000000000000 --- a/annotation_volumes/AllenMouseBrain_Atlas_CCF_2017.label +++ /dev/null @@ -1,1342 +0,0 @@ -################################################ -# ITK-SnAP Label Description File -# File format: -# IDX -R- -G- -B- -A-- VIS MSH LABEL -# Fields: -# IDX: Zero-based index -# -R-: Red color component (0..255) -# -G-: Green color component (0..255) -# -B-: Blue color component (0..255) -# -A-: Label transparency (0.00 .. 1.00) -# VIS: Label visibility (0 or 1) -# IDX: Label mesh visibility (0 or 1) -# LABEL: Label description -################################################ - 0 0 0 0 0 0 0 "Clear Label" -997 255 255 255 1 1 1 "root" -8 191 218 227 1 1 1 "Basic cell groups and regions" -567 176 240 255 1 1 1 "Cerebrum" -688 176 255 184 1 1 1 "Cerebral cortex" -695 112 255 112 1 1 1 "Cortical plate" -315 112 255 113 1 1 1 "Isocortex" -184 38 143 69 1 1 1 "Frontal pole, cerebral cortex" -68 38 143 69 1 1 1 "Frontal pole, layer 1" -667 38 143 69 1 1 1 "Frontal pole, layer 2/3" -526157192 38 143 69 1 1 1 "Frontal pole, layer 5" -526157196 38 143 69 1 1 1 "Frontal pole, layer 6a" -526322264 38 143 69 1 1 1 "Frontal pole, layer 6b" -500 31 157 90 1 1 1 "Somatomotor areas" -107 31 157 90 1 1 1 "Somatomotor areas, Layer 1" -219 31 157 90 1 1 1 "Somatomotor areas, Layer 2/3" -299 31 157 90 1 1 1 "Somatomotor areas, Layer 5" -644 31 157 90 1 1 1 "Somatomotor areas, Layer 6a" -947 31 157 90 1 1 1 "Somatomotor areas, Layer 6b" -985 31 157 90 1 1 1 "Primary motor area" -320 31 157 90 1 1 1 "Primary motor area, Layer 1" -943 31 157 90 1 1 1 "Primary motor area, Layer 2/3" -648 31 157 90 1 1 1 "Primary motor area, Layer 5" -844 31 157 90 1 1 1 "Primary motor area, Layer 6a" -882 31 157 90 1 1 1 "Primary motor area, Layer 6b" -993 31 157 90 1 1 1 "Secondary motor area" -656 31 157 90 1 1 1 "Secondary motor area, layer 1" -962 31 157 90 1 1 1 "Secondary motor area, layer 2/3" -767 31 157 90 1 1 1 "Secondary motor area, layer 5" -1021 31 157 90 1 1 1 "Secondary motor area, layer 6a" -1085 31 157 90 1 1 1 "Secondary motor area, layer 6b" -453 24 128 100 1 1 1 "Somatosensory areas" -12993 24 128 100 1 1 1 "Somatosensory areas, layer 1" -12994 24 128 100 1 1 1 "Somatosensory areas, layer 2/3" -12995 24 128 100 1 1 1 "Somatosensory areas, layer 4" -12996 24 128 100 1 1 1 "Somatosensory areas, layer 5" -12997 24 128 100 1 1 1 "Somatosensory areas, layer 6a" -12998 24 128 100 1 1 1 "Somatosensory areas, layer 6b" -322 24 128 100 1 1 1 "Primary somatosensory area" -793 24 128 100 1 1 1 "Primary somatosensory area, layer 1" -346 24 128 100 1 1 1 "Primary somatosensory area, layer 2/3" -865 24 128 100 1 1 1 "Primary somatosensory area, layer 4" -921 24 128 100 1 1 1 "Primary somatosensory area, layer 5" -686 24 128 100 1 1 1 "Primary somatosensory area, layer 6a" -719 24 128 100 1 1 1 "Primary somatosensory area, layer 6b" -353 24 128 100 1 1 1 "Primary somatosensory area, nose" -558 24 128 100 1 1 1 "Primary somatosensory area, nose, layer 1" -838 24 128 100 1 1 1 "Primary somatosensory area, nose, layer 2/3" -654 24 128 100 1 1 1 "Primary somatosensory area, nose, layer 4" -702 24 128 100 1 1 1 "Primary somatosensory area, nose, layer 5" -889 24 128 100 1 1 1 "Primary somatosensory area, nose, layer 6a" -929 24 128 100 1 1 1 "Primary somatosensory area, nose, layer 6b" -329 24 128 100 1 1 1 "Primary somatosensory area, barrel field" -981 24 128 100 1 1 1 "Primary somatosensory area, barrel field, layer 1" -201 24 128 100 1 1 1 "Primary somatosensory area, barrel field, layer 2/3" -1047 24 128 100 1 1 1 "Primary somatosensory area, barrel field, layer 4" -1070 24 128 100 1 1 1 "Primary somatosensory area, barrel field, layer 5" -1038 24 128 100 1 1 1 "Primary somatosensory area, barrel field, layer 6a" -1062 24 128 100 1 1 1 "Primary somatosensory area, barrel field, layer 6b" -480149202 24 128 100 1 1 1 "Rostrolateral lateral visual area" -480149206 24 128 100 1 1 1 "Rostrolateral lateral visual area, layer 1" -480149210 24 128 100 1 1 1 "Rostrolateral lateral visual area, layer 2/3" -480149214 24 128 100 1 1 1 "Rostrolateral lateral visual area, layer 4" -480149218 24 128 100 1 1 1 "Rostrolateral lateral visual area,layer 5" -480149222 24 128 100 1 1 1 "Rostrolateral lateral visual area, layer 6a" -480149226 24 128 100 1 1 1 "Rostrolateral lateral visual area, layer 6b" -337 24 128 100 1 1 1 "Primary somatosensory area, lower limb" -1030 24 128 100 1 1 1 "Primary somatosensory area, lower limb, layer 1" -113 24 128 100 1 1 1 "Primary somatosensory area, lower limb, layer 2/3" -1094 24 128 100 1 1 1 "Primary somatosensory area, lower limb, layer 4" -1128 24 128 100 1 1 1 "Primary somatosensory area, lower limb, layer 5" -478 24 128 100 1 1 1 "Primary somatosensory area, lower limb, layer 6a" -510 24 128 100 1 1 1 "Primary somatosensory area, lower limb, layer 6b" -345 24 128 100 1 1 1 "Primary somatosensory area, mouth" -878 24 128 100 1 1 1 "Primary somatosensory area, mouth, layer 1" -657 24 128 100 1 1 1 "Primary somatosensory area, mouth, layer 2/3" -950 24 128 100 1 1 1 "Primary somatosensory area, mouth, layer 4" -974 24 128 100 1 1 1 "Primary somatosensory area, mouth, layer 5" -1102 24 128 100 1 1 1 "Primary somatosensory area, mouth, layer 6a" -2 24 128 100 1 1 1 "Primary somatosensory area, mouth, layer 6b" -369 24 128 100 1 1 1 "Primary somatosensory area, upper limb" -450 24 128 100 1 1 1 "Primary somatosensory area, upper limb, layer 1" -854 24 128 100 1 1 1 "Primary somatosensory area, upper limb, layer 2/3" -577 24 128 100 1 1 1 "Primary somatosensory area, upper limb, layer 4" -625 24 128 100 1 1 1 "Primary somatosensory area, upper limb, layer 5" -945 24 128 100 1 1 1 "Primary somatosensory area, upper limb, layer 6a" -1026 24 128 100 1 1 1 "Primary somatosensory area, upper limb, layer 6b" -361 24 128 100 1 1 1 "Primary somatosensory area, trunk" -1006 24 128 100 1 1 1 "Primary somatosensory area, trunk, layer 1" -670 24 128 100 1 1 1 "Primary somatosensory area, trunk, layer 2/3" -1086 24 128 100 1 1 1 "Primary somatosensory area, trunk, layer 4" -1111 24 128 100 1 1 1 "Primary somatosensory area, trunk, layer 5" -9 24 128 100 1 1 1 "Primary somatosensory area, trunk, layer 6a" -461 24 128 100 1 1 1 "Primary somatosensory area, trunk, layer 6b" -182305689 24 128 100 1 1 1 "Primary somatosensory area, unassigned" -182305693 24 128 100 1 1 1 "Primary somatosensory area, unassigned, layer 1" -182305697 24 128 100 1 1 1 "Primary somatosensory area, unassigned, layer 2/3" -182305701 24 128 100 1 1 1 "Primary somatosensory area, unassigned, layer 4" -182305705 24 128 100 1 1 1 "Primary somatosensory area, unassigned, layer 5" -182305709 24 128 100 1 1 1 "Primary somatosensory area, unassigned, layer 6a" -182305713 24 128 100 1 1 1 "Primary somatosensory area, unassigned, layer 6b" -378 24 128 100 1 1 1 "Supplemental somatosensory area" -873 24 128 100 1 1 1 "Supplemental somatosensory area, layer 1" -806 24 128 100 1 1 1 "Supplemental somatosensory area, layer 2/3" -1035 24 128 100 1 1 1 "Supplemental somatosensory area, layer 4" -1090 24 128 100 1 1 1 "Supplemental somatosensory area, layer 5" -862 24 128 100 1 1 1 "Supplemental somatosensory area, layer 6a" -893 24 128 100 1 1 1 "Supplemental somatosensory area, layer 6b" -1057 0 156 117 1 1 1 "Gustatory areas" -36 0 156 117 1 1 1 "Gustatory areas, layer 1" -180 0 156 117 1 1 1 "Gustatory areas, layer 2/3" -148 0 156 117 1 1 1 "Gustatory areas, layer 4" -187 0 156 117 1 1 1 "Gustatory areas, layer 5" -638 0 156 117 1 1 1 "Gustatory areas, layer 6a" -662 0 156 117 1 1 1 "Gustatory areas, layer 6b" -677 17 173 131 1 1 1 "Visceral area" -897 17 173 131 1 1 1 "Visceral area, layer 1" -1106 17 173 131 1 1 1 "Visceral area, layer 2/3" -1010 17 173 131 1 1 1 "Visceral area, layer 4" -1058 17 173 131 1 1 1 "Visceral area, layer 5" -857 17 173 131 1 1 1 "Visceral area, layer 6a" -849 17 173 131 1 1 1 "Visceral area, layer 6b" -247 1 147 153 1 1 1 "Auditory areas" -1011 1 147 153 1 1 1 "Dorsal auditory area" -527 1 147 153 1 1 1 "Dorsal auditory area, layer 1" -600 1 147 153 1 1 1 "Dorsal auditory area, layer 2/3" -678 1 147 153 1 1 1 "Dorsal auditory area, layer 4" -252 1 147 153 1 1 1 "Dorsal auditory area, layer 5" -156 1 147 153 1 1 1 "Dorsal auditory area, layer 6a" -243 1 147 153 1 1 1 "Dorsal auditory area, layer 6b" -480149230 1 147 153 1 1 1 "Laterolateral anterior visual area" -480149234 1 147 153 1 1 1 "Laterolateral anterior visual area, layer 1" -480149238 1 147 153 1 1 1 "Laterolateral anterior visual area, layer 2/3" -480149242 1 147 153 1 1 1 "Laterolateral anterior visual area, layer 4" -480149246 1 147 153 1 1 1 "Laterolateral anterior visual area,layer 5" -480149250 1 147 153 1 1 1 "Laterolateral anterior visual area, layer 6a" -480149254 1 147 153 1 1 1 "Laterolateral anterior visual area, layer 6b" -1002 1 147 153 1 1 1 "Primary auditory area" -735 1 147 153 1 1 1 "Primary auditory area, layer 1" -251 1 147 153 1 1 1 "Primary auditory area, layer 2/3" -816 1 147 153 1 1 1 "Primary auditory area, layer 4" -847 1 147 153 1 1 1 "Primary auditory area, layer 5" -954 1 147 153 1 1 1 "Primary auditory area, layer 6a" -1005 1 147 153 1 1 1 "Primary auditory area, layer 6b" -1027 1 147 153 1 1 1 "Posterior auditory area" -696 1 147 153 1 1 1 "Posterior auditory area, layer 1" -643 1 147 153 1 1 1 "Posterior auditory area, layer 2/3" -759 1 147 153 1 1 1 "Posterior auditory area, layer 4" -791 1 147 153 1 1 1 "Posterior auditory area, layer 5" -249 1 147 153 1 1 1 "Posterior auditory area, layer 6a" -456 1 147 153 1 1 1 "Posterior auditory area, layer 6b" -1018 1 147 153 1 1 1 "Ventral auditory area" -959 1 147 153 1 1 1 "Ventral auditory area, layer 1" -755 1 147 153 1 1 1 "Ventral auditory area, layer 2/3" -990 1 147 153 1 1 1 "Ventral auditory area, layer 4" -1023 1 147 153 1 1 1 "Ventral auditory area, layer 5" -520 1 147 153 1 1 1 "Ventral auditory area, layer 6a" -598 1 147 153 1 1 1 "Ventral auditory area, layer 6b" -669 8 133 140 1 1 1 "Visual areas" -801 8 133 140 1 1 1 "Visual areas, layer 1" -561 8 133 140 1 1 1 "Visual areas, layer 2/3" -913 8 133 140 1 1 1 "Visual areas, layer 4" -937 8 133 140 1 1 1 "Visual areas, layer 5" -457 8 133 140 1 1 1 "Visual areas, layer 6a" -497 8 133 140 1 1 1 "Visual areas, layer 6b" -402 8 133 140 1 1 1 "Anterolateral visual area" -1074 8 133 140 1 1 1 "Anterolateral visual area, layer 1" -905 8 133 140 1 1 1 "Anterolateral visual area, layer 2/3" -1114 8 133 140 1 1 1 "Anterolateral visual area, layer 4" -233 8 133 140 1 1 1 "Anterolateral visual area, layer 5" -601 8 133 140 1 1 1 "Anterolateral visual area, layer 6a" -649 8 133 140 1 1 1 "Anterolateral visual area, layer 6b" -394 8 133 140 1 1 1 "Anteromedial visual area" -281 8 133 140 1 1 1 "Anteromedial visual area, layer 1" -1066 8 133 140 1 1 1 "Anteromedial visual area, layer 2/3" -401 8 133 140 1 1 1 "Anteromedial visual area, layer 4" -433 8 133 140 1 1 1 "Anteromedial visual area, layer 5" -1046 8 133 140 1 1 1 "Anteromedial visual area, layer 6a" -441 8 133 140 1 1 1 "Anteromedial visual area, layer 6b" -409 8 133 140 1 1 1 "Lateral visual area" -421 8 133 140 1 1 1 "Lateral visual area, layer 1" -973 8 133 140 1 1 1 "Lateral visual area, layer 2/3" -573 8 133 140 1 1 1 "Lateral visual area, layer 4" -613 8 133 140 1 1 1 "Lateral visual area, layer 5" -74 8 133 140 1 1 1 "Lateral visual area, layer 6a" -121 8 133 140 1 1 1 "Lateral visual area, layer 6b" -385 8 133 140 1 1 1 "Primary visual area" -593 8 133 140 1 1 1 "Primary visual area, layer 1" -821 8 133 140 1 1 1 "Primary visual area, layer 2/3" -721 8 133 140 1 1 1 "Primary visual area, layer 4" -778 8 133 140 1 1 1 "Primary visual area, layer 5" -33 8 133 140 1 1 1 "Primary visual area, layer 6a" -305 8 133 140 1 1 1 "Primary visual area, layer 6b" -425 8 133 140 1 1 1 "Posterolateral visual area" -750 8 133 140 1 1 1 "Posterolateral visual area, layer 1" -269 8 133 140 1 1 1 "Posterolateral visual area, layer 2/3" -869 8 133 140 1 1 1 "Posterolateral visual area, layer 4" -902 8 133 140 1 1 1 "Posterolateral visual area, layer 5" -377 8 133 140 1 1 1 "Posterolateral visual area, layer 6a" -393 8 133 140 1 1 1 "Posterolateral visual area, layer 6b" -533 8 133 140 1 1 1 "posteromedial visual area" -805 8 133 140 1 1 1 "posteromedial visual area, layer 1" -41 8 133 140 1 1 1 "posteromedial visual area, layer 2/3" -501 8 133 140 1 1 1 "posteromedial visual area, layer 4" -565 8 133 140 1 1 1 "posteromedial visual area, layer 5" -257 8 133 140 1 1 1 "posteromedial visual area, layer 6a" -469 8 133 140 1 1 1 "posteromedial visual area, layer 6b" -312782574 8 133 140 1 1 1 "Laterointermediate area" -312782578 8 133 140 1 1 1 "Laterointermediate area, layer 1" -312782582 8 133 140 1 1 1 "Laterointermediate area, layer 2/3" -312782586 8 133 140 1 1 1 "Laterointermediate area, layer 4" -312782590 8 133 140 1 1 1 "Laterointermediate area, layer 5" -312782594 8 133 140 1 1 1 "Laterointermediate area, layer 6a" -312782598 8 133 140 1 1 1 "Laterointermediate area, layer 6b" -312782628 8 133 140 1 1 1 "Postrhinal area" -312782632 8 133 140 1 1 1 "Postrhinal area, layer 1" -312782636 8 133 140 1 1 1 "Postrhinal area, layer 2/3" -312782640 8 133 140 1 1 1 "Postrhinal area, layer 4" -312782644 8 133 140 1 1 1 "Postrhinal area, layer 5" -312782648 8 133 140 1 1 1 "Postrhinal area, layer 6a" -312782652 8 133 140 1 1 1 "Postrhinal area, layer 6b" -31 64 166 102 1 1 1 "Anterior cingulate area" -572 64 166 102 1 1 1 "Anterior cingulate area, layer 1" -1053 64 166 102 1 1 1 "Anterior cingulate area, layer 2/3" -739 64 166 102 1 1 1 "Anterior cingulate area, layer 5" -179 64 166 102 1 1 1 "Anterior cingulate area, layer 6a" -227 64 166 102 1 1 1 "Anterior cingulate area, layer 6b" -39 64 166 102 1 1 1 "Anterior cingulate area, dorsal part" -935 64 166 102 1 1 1 "Anterior cingulate area, dorsal part, layer 1" -211 64 166 102 1 1 1 "Anterior cingulate area, dorsal part, layer 2/3" -1015 64 166 102 1 1 1 "Anterior cingulate area, dorsal part, layer 5" -919 64 166 102 1 1 1 "Anterior cingulate area, dorsal part, layer 6a" -927 64 166 102 1 1 1 "Anterior cingulate area, dorsal part, layer 6b" -48 64 166 102 1 1 1 "Anterior cingulate area, ventral part" -588 64 166 102 1 1 1 "Anterior cingulate area, ventral part, layer 1" -296 64 166 102 1 1 1 "Anterior cingulate area, ventral part, layer 2/3" -772 64 166 102 1 1 1 "Anterior cingulate area, ventral part, layer 5" -810 64 166 102 1 1 1 "Anterior cingulate area, ventral part, 6a" -819 64 166 102 1 1 1 "Anterior cingulate area, ventral part, 6b" -972 47 168 80 1 1 1 "Prelimbic area" -171 47 168 80 1 1 1 "Prelimbic area, layer 1" -195 47 168 80 1 1 1 "Prelimbic area, layer 2" -304 47 168 80 1 1 1 "Prelimbic area, layer 2/3" -363 47 168 80 1 1 1 "Prelimbic area, layer 5" -84 47 168 80 1 1 1 "Prelimbic area, layer 6a" -132 47 168 80 1 1 1 "Prelimbic area, layer 6b" -44 89 179 99 1 1 1 "Infralimbic area" -707 89 179 99 1 1 1 "Infralimbic area, layer 1" -747 89 179 99 1 1 1 "Infralimbic area, layer 2" -556 89 179 99 1 1 1 "Infralimbic area, layer 2/3" -827 89 179 99 1 1 1 "Infralimbic area, layer 5" -1054 89 179 99 1 1 1 "Infralimbic area, layer 6a" -1081 89 179 99 1 1 1 "Infralimbic area, layer 6b" -714 36 138 94 1 1 1 "Orbital area" -264 36 138 94 1 1 1 "Orbital area, layer 1" -492 36 138 94 1 1 1 "Orbital area, layer 2/3" -352 36 138 94 1 1 1 "Orbital area, layer 5" -476 36 138 94 1 1 1 "Orbital area, layer 6a" -516 36 138 94 1 1 1 "Orbital area, layer 6b" -723 36 138 94 1 1 1 "Orbital area, lateral part" -448 36 138 94 1 1 1 "Orbital area, lateral part, layer 1" -412 36 138 94 1 1 1 "Orbital area, lateral part, layer 2/3" -630 36 138 94 1 1 1 "Orbital area, lateral part, layer 5" -440 36 138 94 1 1 1 "Orbital area, lateral part, layer 6a" -488 36 138 94 1 1 1 "Orbital area, lateral part, layer 6b" -731 36 138 94 1 1 1 "Orbital area, medial part" -484 36 138 94 1 1 1 "Orbital area, medial part, layer 1" -524 36 138 94 1 1 1 "Orbital area, medial part, layer 2" -582 36 138 94 1 1 1 "Orbital area, medial part, layer 2/3" -620 36 138 94 1 1 1 "Orbital area, medial part, layer 5" -910 36 138 94 1 1 1 "Orbital area, medial part, layer 6a" -527696977 36 138 94 1 1 1 "Orbital area, medial part, layer 6b" -738 36 138 94 1 1 1 "Orbital area, ventral part" -746 36 138 94 1 1 1 "Orbital area, ventrolateral part" -969 36 138 94 1 1 1 "Orbital area, ventrolateral part, layer 1" -288 36 138 94 1 1 1 "Orbital area, ventrolateral part, layer 2/3" -1125 36 138 94 1 1 1 "Orbital area, ventrolateral part, layer 5" -608 36 138 94 1 1 1 "Orbital area, ventrolateral part, layer 6a" -680 36 138 94 1 1 1 "Orbital area, ventrolateral part, layer 6b" -95 33 152 102 1 1 1 "Agranular insular area" -104 33 152 102 1 1 1 "Agranular insular area, dorsal part" -996 33 152 102 1 1 1 "Agranular insular area, dorsal part, layer 1" -328 33 152 102 1 1 1 "Agranular insular area, dorsal part, layer 2/3" -1101 33 152 102 1 1 1 "Agranular insular area, dorsal part, layer 5" -783 33 152 102 1 1 1 "Agranular insular area, dorsal part, layer 6a" -831 33 152 102 1 1 1 "Agranular insular area, dorsal part, layer 6b" -111 33 152 102 1 1 1 "Agranular insular area, posterior part" -120 33 152 102 1 1 1 "Agranular insular area, posterior part, layer 1" -163 33 152 102 1 1 1 "Agranular insular area, posterior part, layer 2/3" -344 33 152 102 1 1 1 "Agranular insular area, posterior part, layer 5" -314 33 152 102 1 1 1 "Agranular insular area, posterior part, layer 6a" -355 33 152 102 1 1 1 "Agranular insular area, posterior part, layer 6b" -119 33 152 102 1 1 1 "Agranular insular area, ventral part" -704 33 152 102 1 1 1 "Agranular insular area, ventral part, layer 1" -694 33 152 102 1 1 1 "Agranular insular area, ventral part, layer 2/3" -800 33 152 102 1 1 1 "Agranular insular area, ventral part, layer 5" -675 33 152 102 1 1 1 "Agranular insular area, ventral part, layer 6a" -699 33 152 102 1 1 1 "Agranular insular area, ventral part, layer 6b" -254 26 166 152 1 1 1 "Retrosplenial area" -894 26 166 152 1 1 1 "Retrosplenial area, lateral agranular part" -671 26 166 152 1 1 1 "Retrosplenial area, lateral agranular part, layer 1" -965 26 166 152 1 1 1 "Retrosplenial area, lateral agranular part, layer 2/3" -774 26 166 152 1 1 1 "Retrosplenial area, lateral agranular part, layer 5" -906 26 166 152 1 1 1 "Retrosplenial area, lateral agranular part, layer 6a" -279 26 166 152 1 1 1 "Retrosplenial area, lateral agranular part, layer 6b" -480149258 26 166 152 1 1 1 "Mediomedial anterior visual area" -480149262 26 166 152 1 1 1 "Mediomedial anterior visual area, layer 1" -480149266 26 166 152 1 1 1 "Mediomedial anterior visual area, layer 2/3" -480149270 26 166 152 1 1 1 "Mediomedial anterior visual area, layer 4" -480149274 26 166 152 1 1 1 "Mediomedial anterior visual area,layer 5" -480149278 26 166 152 1 1 1 "Mediomedial anterior visual area, layer 6a" -480149282 26 166 152 1 1 1 "Mediomedial anterior visual area, layer 6b" -480149286 26 166 152 1 1 1 "Mediomedial posterior visual area" -480149290 26 166 152 1 1 1 "Mediomedial posterior visual area, layer 1" -480149294 26 166 152 1 1 1 "Mediomedial posterior visual area, layer 2/3" -480149298 26 166 152 1 1 1 "Mediomedial posterior visual area, layer 4" -480149302 26 166 152 1 1 1 "Mediomedial posterior visual area,layer 5" -480149306 26 166 152 1 1 1 "Mediomedial posterior visual area, layer 6a" -480149310 26 166 152 1 1 1 "Mediomedial posterior visual area, layer 6b" -480149314 26 166 152 1 1 1 "Medial visual area" -480149318 26 166 152 1 1 1 "Medial visual area, layer 1" -480149322 26 166 152 1 1 1 "Medial visual area, layer 2/3" -480149326 26 166 152 1 1 1 "Medial visual area, layer 4" -480149330 26 166 152 1 1 1 "Medial visual area,layer 5" -480149334 26 166 152 1 1 1 "Medial visual area, layer 6a" -480149338 26 166 152 1 1 1 "Medial visual area, layer 6b" -879 26 166 152 1 1 1 "Retrosplenial area, dorsal part" -442 26 166 152 1 1 1 "Retrosplenial area, dorsal part, layer 1" -434 26 166 152 1 1 1 "Retrosplenial area, dorsal part, layer 2/3" -545 26 166 152 1 1 1 "Retrosplenial area, dorsal part, layer 4" -610 26 166 152 1 1 1 "Retrosplenial area, dorsal part, layer 5" -274 26 166 152 1 1 1 "Retrosplenial area, dorsal part, layer 6a" -330 26 166 152 1 1 1 "Retrosplenial area, dorsal part, layer 6b" -886 26 166 152 1 1 1 "Retrosplenial area, ventral part" -542 26 166 152 1 1 1 "Retrosplenial area, ventral part, layer 1" -606 26 166 152 1 1 1 "Retrosplenial area, ventral part, layer 2" -430 26 166 152 1 1 1 "Retrosplenial area, ventral part, layer 2/3" -687 26 166 152 1 1 1 "Retrosplenial area, ventral part, layer 5" -590 26 166 152 1 1 1 "Retrosplenial area, ventral part, layer 6a" -622 26 166 152 1 1 1 "Retrosplenial area, ventral part, layer 6b" -22 0 159 172 1 1 1 "Posterior parietal association areas" -532 0 159 172 1 1 1 "Posterior parietal association areas, layer 1" -241 0 159 172 1 1 1 "Posterior parietal association areas, layer 2/3" -635 0 159 172 1 1 1 "Posterior parietal association areas, layer 4" -683 0 159 172 1 1 1 "Posterior parietal association areas, layer 5" -308 0 159 172 1 1 1 "Posterior parietal association areas, layer 6a" -340 0 159 172 1 1 1 "Posterior parietal association areas, layer 6b" -312782546 0 159 172 1 1 1 "Anterior area" -312782550 0 159 172 1 1 1 "Anterior area, layer 1" -312782554 0 159 172 1 1 1 "Anterior area, layer 2/3" -312782558 0 159 172 1 1 1 "Anterior area, layer 4" -312782562 0 159 172 1 1 1 "Anterior area, layer 5" -312782566 0 159 172 1 1 1 "Anterior area, layer 6a" -312782570 0 159 172 1 1 1 "Anterior area, layer 6b" -417 0 159 172 1 1 1 "Rostrolateral visual area" -312782604 0 159 172 1 1 1 "Rostrolateral area, layer 1" -312782608 0 159 172 1 1 1 "Rostrolateral area, layer 2/3" -312782612 0 159 172 1 1 1 "Rostrolateral area, layer 4" -312782616 0 159 172 1 1 1 "Rostrolateral area, layer 5" -312782620 0 159 172 1 1 1 "Rostrolateral area, layer 6a" -312782624 0 159 172 1 1 1 "Rostrolateral area, layer 6b" -541 21 176 179 1 1 1 "Temporal association areas" -97 21 176 179 1 1 1 "Temporal association areas, layer 1" -1127 21 176 179 1 1 1 "Temporal association areas, layer 2/3" -234 21 176 179 1 1 1 "Temporal association areas, layer 4" -289 21 176 179 1 1 1 "Temporal association areas, layer 5" -729 21 176 179 1 1 1 "Temporal association areas, layer 6a" -786 21 176 179 1 1 1 "Temporal association areas, layer 6b" -922 14 150 132 1 1 1 "Perirhinal area" -540 14 150 132 1 1 1 "Perirhinal area, layer 1" -888 14 150 132 1 1 1 "Perirhinal area, layer 2/3" -692 14 150 132 1 1 1 "Perirhinal area, layer 5" -335 14 150 132 1 1 1 "Perirhinal area, layer 6a" -368 14 150 132 1 1 1 "Perirhinal area, layer 6b" -895 13 159 145 1 1 1 "Ectorhinal area" -836 13 159 145 1 1 1 "Ectorhinal area/Layer 1" -427 13 159 145 1 1 1 "Ectorhinal area/Layer 2/3" -988 13 159 145 1 1 1 "Ectorhinal area/Layer 5" -977 13 159 145 1 1 1 "Ectorhinal area/Layer 6a" -1045 13 159 145 1 1 1 "Ectorhinal area/Layer 6b" -698 154 210 189 1 1 1 "Olfactory areas" -507 154 210 189 1 1 1 "Main olfactory bulb" -212 130 199 174 1 1 1 "Main olfactory bulb, glomerular layer" -220 130 199 174 1 1 1 "Main olfactory bulb, granule layer" -228 154 210 189 1 1 1 "Main olfactory bulb, inner plexiform layer" -236 130 199 174 1 1 1 "Main olfactory bulb, mitral layer" -244 154 210 189 1 1 1 "Main olfactory bulb, outer plexiform layer" -151 157 240 210 1 1 1 "Accessory olfactory bulb" -188 157 240 210 1 1 1 "Accessory olfactory bulb, glomerular layer" -196 149 228 200 1 1 1 "Accessory olfactory bulb, granular layer" -204 157 240 210 1 1 1 "Accessory olfactory bulb, mitral layer" -159 84 191 148 1 1 1 "Anterior olfactory nucleus" -167 84 191 148 1 1 1 "Anterior olfactory nucleus, dorsal part" -175 84 191 148 1 1 1 "Anterior olfactory nucleus, external part" -183 84 191 148 1 1 1 "Anterior olfactory nucleus, lateral part" -191 84 191 148 1 1 1 "Anterior olfactory nucleus, medial part" -199 84 191 148 1 1 1 "Anterior olfactory nucleus, posteroventral part" -160 84 191 148 1 1 1 "Anterior olfactory nucleus, layer 1" -168 84 191 148 1 1 1 "Anterior olfactory nucleus, layer 2" -589 98 208 159 1 1 1 "Taenia tecta" -597 98 208 159 1 1 1 "Taenia tecta, dorsal part" -297 98 208 159 1 1 1 "Taenia tecta, dorsal part, layers 1-4" -1034 98 208 159 1 1 1 "Taenia tecta, dorsal part, layer 1" -1042 98 208 159 1 1 1 "Taenia tecta, dorsal part, layer 2" -1050 98 208 159 1 1 1 "Taenia tecta, dorsal part, layer 3" -1059 98 208 159 1 1 1 "Taenia tecta, dorsal part, layer 4" -605 98 208 159 1 1 1 "Taenia tecta, ventral part" -306 98 208 159 1 1 1 "Taenia tecta, ventral part, layers 1-3" -1067 98 208 159 1 1 1 "Taenia tecta, ventral part, layer 1" -1075 98 208 159 1 1 1 "Taenia tecta, ventral part, layer 2" -1082 98 208 159 1 1 1 "Taenia tecta, ventral part, layer 3" -814 164 218 164 1 1 1 "Dorsal peduncular area" -496 164 218 164 1 1 1 "Dorsal peduncular area, layer 1" -535 164 218 164 1 1 1 "Dorsal peduncular area, layer 2" -360 164 218 164 1 1 1 "Dorsal peduncular area, layer 2/3" -646 164 218 164 1 1 1 "Dorsal peduncular area, layer 5" -267 164 218 164 1 1 1 "Dorsal peduncular area, layer 6a" -961 106 203 186 1 1 1 "Piriform area" -152 106 203 186 1 1 1 "Piriform area, layers 1-3" -276 106 203 186 1 1 1 "Piriform area, molecular layer" -284 106 203 186 1 1 1 "Piriform area, pyramidal layer" -291 106 203 186 1 1 1 "Piriform area, polymorph layer" -619 149 228 200 1 1 1 "Nucleus of the lateral olfactory tract" -392 149 228 200 1 1 1 "Nucleus of the lateral olfactory tract, layers 1-3" -260 149 228 200 1 1 1 "Nucleus of the lateral olfactory tract, molecular layer" -268 149 228 200 1 1 1 "Nucleus of the lateral olfactory tract, pyramidal layer" -1139 149 228 200 1 1 1 "Nucleus of the lateral olfactory tract, layer 3" -631 97 231 183 1 1 1 "Cortical amygdalar area" -639 97 231 183 1 1 1 "Cortical amygdalar area, anterior part" -192 97 231 183 1 1 1 "Cortical amygdalar area, anterior part, layer 1" -200 97 231 183 1 1 1 "Cortical amygdalar area, anterior part, layer 2" -208 97 231 183 1 1 1 "Cortical amygdalar area, anterior part, layer 3" -647 97 231 183 1 1 1 "Cortical amygdalar area, posterior part" -655 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, lateral zone" -584 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, lateral zone, layers 1-2" -376 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, lateral zone, layers 1-3" -216 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, lateral zone, layer 1" -224 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, lateral zone, layer 2" -232 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, lateral zone, layer 3" -663 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, medial zone" -592 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, medial zone, layers 1-2" -383 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, medial zone, layers 1-3" -240 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, medial zone, layer 1" -248 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, medial zone, layer 2" -256 97 231 183 1 1 1 "Cortical amygdalar area, posterior part, medial zone, layer 3" -788 89 218 171 1 1 1 "Piriform-amygdalar area" -400 89 218 171 1 1 1 "Piriform-amygdalar area, layers 1-3" -408 89 218 171 1 1 1 "Piriform-amygdalar area, molecular layer" -416 89 218 171 1 1 1 "Piriform-amygdalar area, pyramidal layer" -424 89 218 171 1 1 1 "Piriform-amygdalar area, polymorph layer" -566 168 236 211 1 1 1 "Postpiriform transition area" -517 168 236 211 1 1 1 "Postpiriform transition area, layers 1-3" -1140 168 236 211 1 1 1 "Postpiriform transition area, layers 1" -1141 168 236 211 1 1 1 "Postpiriform transition area, layers 2" -1142 168 236 211 1 1 1 "Postpiriform transition area, layers 3" -1089 126 208 75 1 1 1 "Hippocampal formation" -1080 126 208 75 1 1 1 "Hippocampal region" -375 126 208 75 1 1 1 "Ammon's horn" -382 126 208 75 1 1 1 "Field CA1" -391 126 208 75 1 1 1 "Field CA1, stratum lacunosum-moleculare" -399 126 208 75 1 1 1 "Field CA1, stratum oriens" -407 102 168 61 1 1 1 "Field CA1, pyramidal layer" -415 126 208 75 1 1 1 "Field CA1, stratum radiatum" -423 126 208 75 1 1 1 "Field CA2" -431 126 208 75 1 1 1 "Field CA2, stratum lacunosum-moleculare" -438 126 208 75 1 1 1 "Field CA2, stratum oriens" -446 102 168 61 1 1 1 "Field CA2, pyramidal layer" -454 126 208 75 1 1 1 "Field CA2, stratum radiatum" -463 126 208 75 1 1 1 "Field CA3" -471 126 208 75 1 1 1 "Field CA3, stratum lacunosum-moleculare" -479 126 208 75 1 1 1 "Field CA3, stratum lucidum" -486 126 208 75 1 1 1 "Field CA3, stratum oriens" -495 102 168 61 1 1 1 "Field CA3, pyramidal layer" -504 126 208 75 1 1 1 "Field CA3, stratum radiatum" -726 126 208 75 1 1 1 "Dentate gyrus" -10703 126 208 75 1 1 1 "Dentate gyrus, molecular layer" -10704 126 208 75 1 1 1 "Dentate gyrus, polymorph layer" -632 102 168 61 1 1 1 "Dentate gyrus, granule cell layer" -10702 126 208 75 1 1 1 "Dentate gyrus, subgranular zone" -734 126 208 75 1 1 1 "Dentate gyrus crest" -742 126 208 75 1 1 1 "Dentate gyrus crest, molecular layer" -751 126 208 75 1 1 1 "Dentate gyrus crest, polymorph layer" -758 126 208 75 1 1 1 "Dentate gyrus crest, granule cell layer" -766 126 208 75 1 1 1 "Dentate gyrus lateral blade" -775 126 208 75 1 1 1 "Dentate gyrus lateral blade, molecular layer" -782 126 208 75 1 1 1 "Dentate gyrus lateral blade, polymorph layer" -790 126 208 75 1 1 1 "Dentate gyrus lateral blade, granule cell layer" -799 126 208 75 1 1 1 "Dentate gyrus medial blade" -807 126 208 75 1 1 1 "Dentate gyrus medial blade, molecular layer" -815 126 208 75 1 1 1 "Dentate gyrus medial blade, polymorph layer" -823 126 208 75 1 1 1 "Dentate gyrus medial blade, granule cell layer" -982 126 208 75 1 1 1 "Fasciola cinerea" -19 126 208 75 1 1 1 "Induseum griseum" -822 50 184 37 1 1 1 "Retrohippocampal region" -909 50 184 37 1 1 1 "Entorhinal area" -918 50 184 37 1 1 1 "Entorhinal area, lateral part" -1121 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 1" -20 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 2" -999 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 2/3" -715 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 2a" -764 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 2b" -52 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 3" -92 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 4" -312 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 4/5" -139 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 5" -387 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 5/6" -28 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 6a" -60 50 184 37 1 1 1 "Entorhinal area, lateral part, layer 6b" -926 50 184 37 1 1 1 "Entorhinal area, medial part, dorsal zone" -526 50 184 37 1 1 1 "Entorhinal area, medial part, dorsal zone, layer 1" -543 50 184 37 1 1 1 "Entorhinal area, medial part, dorsal zone, layer 2" -468 50 184 37 1 1 1 "Entorhinal area, medial part, dorsal zone, layer 2a" -508 50 184 37 1 1 1 "Entorhinal area, medial part, dorsal zone, layer 2b" -664 50 184 37 1 1 1 "Entorhinal area, medial part, dorsal zone, layer 3" -712 50 184 37 1 1 1 "Entorhinal area, medial part, dorsal zone, layer 4" -727 50 184 37 1 1 1 "Entorhinal area, medial part, dorsal zone, layer 5" -550 50 184 37 1 1 1 "Entorhinal area, medial part, dorsal zone, layer 5/6" -743 50 184 37 1 1 1 "Entorhinal area, medial part, dorsal zone, layer 6" -934 50 184 37 1 1 1 "Entorhinal area, medial part, ventral zone" -259 50 184 37 1 1 1 "Entorhinal area, medial part, ventral zone, layer 1" -324 50 184 37 1 1 1 "Entorhinal area, medial part, ventral zone, layer 2" -371 50 184 37 1 1 1 "Entorhinal area, medial part, ventral zone, layer 3" -419 50 184 37 1 1 1 "Entorhinal area, medial part, ventral zone, layer 4" -1133 50 184 37 1 1 1 "Entorhinal area, medial part, ventral zone, layer 5/6" -843 114 213 105 1 1 1 "Parasubiculum" -10693 114 213 105 1 1 1 "Parasubiculum, layer 1" -10694 114 213 105 1 1 1 "Parasubiculum, layer 2" -10695 114 213 105 1 1 1 "Parasubiculum, layer 3" -1037 72 200 60 1 1 1 "Postsubiculum" -10696 72 200 60 1 1 1 "Postsubiculum, layer 1" -10697 72 200 60 1 1 1 "Postsubiculum, layer 2" -10698 72 200 60 1 1 1 "Postsubiculum, layer 3" -1084 89 185 71 1 1 1 "Presubiculum" -10699 89 185 71 1 1 1 "Presubiculum, layer 1" -10700 89 185 71 1 1 1 "Presubiculum, layer 2" -10701 89 185 71 1 1 1 "Presubiculum, layer 3" -502 79 194 68 1 1 1 "Subiculum" -509 79 194 68 1 1 1 "Subiculum, dorsal part" -829 79 194 68 1 1 1 "Subiculum, dorsal part, molecular layer" -845 75 181 71 1 1 1 "Subiculum, dorsal part, pyramidal layer" -837 79 194 68 1 1 1 "Subiculum, dorsal part, stratum radiatum" -518 79 194 68 1 1 1 "Subiculum, ventral part" -853 79 194 68 1 1 1 "Subiculum, ventral part, molecular layer" -870 75 181 71 1 1 1 "Subiculum, ventral part, pyramidal layer" -861 79 194 68 1 1 1 "Subiculum, ventral part, stratum radiatum" -484682470 88 186 72 1 1 1 "Prosubiculum" -484682475 88 186 72 1 1 1 "Prosubiculum, dorsal part" -484682479 88 186 72 1 1 1 "Prosubiculum, dorsal part, molecular layer" -484682483 86 184 75 1 1 1 "Prosubiculum, dorsal part, pyramidal layer" -484682487 88 186 72 1 1 1 "Prosubiculum, dorsal part, stratum radiatum" -484682492 88 186 72 1 1 1 "Prosubiculum, ventral part" -484682496 88 186 72 1 1 1 "Prosubiculum, ventral part, molecular layer" -484682500 86 184 75 1 1 1 "Prosubiculum, ventral part, pyramidal layer" -484682504 88 186 72 1 1 1 "Prosubiculum, ventral part, stratum radiatum" -589508447 51 185 50 1 1 1 "Hippocampo-amygdalar transition area" -484682508 51 185 50 1 1 1 "Area prostriata" -703 138 218 135 1 1 1 "Cortical subplate" -16 138 218 135 1 1 1 "Layer 6b, isocortex" -583 138 218 135 1 1 1 "Claustrum" -942 160 238 157 1 1 1 "Endopiriform nucleus" -952 160 238 157 1 1 1 "Endopiriform nucleus, dorsal part" -966 160 238 157 1 1 1 "Endopiriform nucleus, ventral part" -131 144 235 141 1 1 1 "Lateral amygdalar nucleus" -295 157 231 156 1 1 1 "Basolateral amygdalar nucleus" -303 157 231 156 1 1 1 "Basolateral amygdalar nucleus, anterior part" -311 157 231 156 1 1 1 "Basolateral amygdalar nucleus, posterior part" -451 157 231 156 1 1 1 "Basolateral amygdalar nucleus, ventral part" -319 132 234 129 1 1 1 "Basomedial amygdalar nucleus" -327 132 234 129 1 1 1 "Basomedial amygdalar nucleus, anterior part" -334 132 234 129 1 1 1 "Basomedial amygdalar nucleus, posterior part" -780 151 236 147 1 1 1 "Posterior amygdalar nucleus" -623 152 214 249 1 1 1 "Cerebral nuclei" -477 152 214 249 1 1 1 "Striatum" -485 152 214 249 1 1 1 "Striatum dorsal region" -672 152 214 249 1 1 1 "Caudoputamen" -493 128 205 248 1 1 1 "Striatum ventral region" -56 128 205 248 1 1 1 "Nucleus accumbens" -998 128 205 248 1 1 1 "Fundus of striatum" -754 128 205 248 1 1 1 "Olfactory tubercle" -481 128 205 248 1 1 1 "Islands of Calleja" -489 128 205 248 1 1 1 "Major island of Calleja" -144 128 205 248 1 1 1 "Olfactory tubercle, layers 1-3" -458 128 205 248 1 1 1 "Olfactory tubercle, molecular layer" -465 128 205 248 1 1 1 "Olfactory tubercle, pyramidal layer" -473 128 205 248 1 1 1 "Olfactory tubercle, polymorph layer" -549009199 128 205 248 1 1 1 "Lateral strip of striatum" -275 144 203 237 1 1 1 "Lateral septal complex" -242 144 203 237 1 1 1 "Lateral septal nucleus" -250 144 203 237 1 1 1 "Lateral septal nucleus, caudal (caudodorsal) part" -258 144 203 237 1 1 1 "Lateral septal nucleus, rostral (rostroventral) part" -266 144 203 237 1 1 1 "Lateral septal nucleus, ventral part" -310 144 203 237 1 1 1 "Septofimbrial nucleus" -333 144 203 237 1 1 1 "Septohippocampal nucleus" -278 128 192 226 1 1 1 "Striatum-like amygdalar nuclei" -23 128 192 226 1 1 1 "Anterior amygdalar area" -292 128 192 226 1 1 1 "Bed nucleus of the accessory olfactory tract" -536 128 192 226 1 1 1 "Central amygdalar nucleus" -544 128 192 226 1 1 1 "Central amygdalar nucleus, capsular part" -551 128 192 226 1 1 1 "Central amygdalar nucleus, lateral part" -559 128 192 226 1 1 1 "Central amygdalar nucleus, medial part" -1105 128 192 226 1 1 1 "Intercalated amygdalar nucleus" -403 128 192 226 1 1 1 "Medial amygdalar nucleus" -411 128 192 226 1 1 1 "Medial amygdalar nucleus, anterodorsal part" -418 128 192 226 1 1 1 "Medial amygdalar nucleus, anteroventral part" -426 128 192 226 1 1 1 "Medial amygdalar nucleus, posterodorsal part" -472 128 192 226 1 1 1 "Medial amygdalar nucleus, posterodorsal part, sublayer a" -480 128 192 226 1 1 1 "Medial amygdalar nucleus, posterodorsal part, sublayer b" -487 128 192 226 1 1 1 "Medial amygdalar nucleus, posterodorsal part, sublayer c" -435 128 192 226 1 1 1 "Medial amygdalar nucleus, posteroventral part" -803 133 153 204 1 1 1 "Pallidum" -818 133 153 204 1 1 1 "Pallidum, dorsal region" -1022 133 153 204 1 1 1 "Globus pallidus, external segment" -1031 133 153 204 1 1 1 "Globus pallidus, internal segment" -835 162 177 216 1 1 1 "Pallidum, ventral region" -342 162 177 216 1 1 1 "Substantia innominata" -298 162 177 216 1 1 1 "Magnocellular nucleus" -826 150 167 211 1 1 1 "Pallidum, medial region" -904 150 167 211 1 1 1 "Medial septal complex" -564 150 167 211 1 1 1 "Medial septal nucleus" -596 150 167 211 1 1 1 "Diagonal band nucleus" -581 150 167 211 1 1 1 "Triangular nucleus of septum" -809 179 192 223 1 1 1 "Pallidum, caudal region" -351 179 192 223 1 1 1 "Bed nuclei of the stria terminalis" -359 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, anterior division" -537 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, anterior division, anterolateral area" -498 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, anterior division, anteromedial area" -505 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, anterior division, dorsomedial nucleus" -513 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, anterior division, fusiform nucleus" -546 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, anterior division, juxtacapsular nucleus" -521 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, anterior division, magnocellular nucleus" -554 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, anterior division, oval nucleus" -562 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, anterior division, rhomboid nucleus" -529 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, anterior division, ventral nucleus" -367 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, posterior division" -569 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, posterior division, dorsal nucleus" -578 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, posterior division, principal nucleus" -585 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, posterior division, interfascicular nucleus" -594 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, posterior division, transverse nucleus" -602 179 192 223 1 1 1 "Bed nuclei of the stria terminalis, posterior division, strial extension" -287 179 192 223 1 1 1 "Bed nucleus of the anterior commissure" -343 255 112 128 1 1 1 "Brain stem" -1129 255 112 128 1 1 1 "Interbrain" -549 255 112 128 1 1 1 "Thalamus" -864 255 128 132 1 1 1 "Thalamus, sensory-motor cortex related" -637 255 128 132 1 1 1 "Ventral group of the dorsal thalamus" -629 255 128 132 1 1 1 "Ventral anterior-lateral complex of the thalamus" -685 255 128 132 1 1 1 "Ventral medial nucleus of the thalamus" -709 255 128 132 1 1 1 "Ventral posterior complex of the thalamus" -718 255 128 132 1 1 1 "Ventral posterolateral nucleus of the thalamus" -725 255 128 132 1 1 1 "Ventral posterolateral nucleus of the thalamus, parvicellular part" -733 255 128 132 1 1 1 "Ventral posteromedial nucleus of the thalamus" -741 255 128 132 1 1 1 "Ventral posteromedial nucleus of the thalamus, parvicellular part" -563807435 255 128 132 1 1 1 "Posterior triangular thalamic nucleus" -406 255 128 132 1 1 1 "Subparafascicular nucleus" -414 255 128 132 1 1 1 "Subparafascicular nucleus, magnocellular part" -422 255 128 132 1 1 1 "Subparafascicular nucleus, parvicellular part" -609 255 128 132 1 1 1 "Subparafascicular area" -1044 255 128 132 1 1 1 "Peripeduncular nucleus" -1008 255 128 132 1 1 1 "Geniculate group, dorsal thalamus" -475 255 128 132 1 1 1 "Medial geniculate complex" -1072 255 128 132 1 1 1 "Medial geniculate complex, dorsal part" -1079 255 128 132 1 1 1 "Medial geniculate complex, ventral part" -1088 255 128 132 1 1 1 "Medial geniculate complex, medial part" -170 255 128 132 1 1 1 "Dorsal part of the lateral geniculate complex" -496345664 255 128 132 1 1 1 "Dorsal part of the lateral geniculate complex, shell" -496345668 255 128 132 1 1 1 "Dorsal part of the lateral geniculate complex, core" -496345672 255 128 132 1 1 1 "Dorsal part of the lateral geniculate complex, ipsilateral zone" -856 255 144 159 1 1 1 "Thalamus, polymodal association cortex related" -138 255 144 159 1 1 1 "Lateral group of the dorsal thalamus" -218 255 144 159 1 1 1 "Lateral posterior nucleus of the thalamus" -1020 255 144 159 1 1 1 "Posterior complex of the thalamus" -1029 255 144 159 1 1 1 "Posterior limiting nucleus of the thalamus" -325 255 144 159 1 1 1 "Suprageniculate nucleus" -560581551 255 144 159 1 1 1 "Ethmoid nucleus of the thalamus" -560581555 255 144 159 1 1 1 "Retroethmoid nucleus" -239 255 144 159 1 1 1 "Anterior group of the dorsal thalamus" -255 255 144 159 1 1 1 "Anteroventral nucleus of thalamus" -127 255 144 159 1 1 1 "Anteromedial nucleus" -1096 255 144 159 1 1 1 "Anteromedial nucleus, dorsal part" -1104 255 144 159 1 1 1 "Anteromedial nucleus, ventral part" -64 255 144 159 1 1 1 "Anterodorsal nucleus" -1120 255 144 159 1 1 1 "Interanteromedial nucleus of the thalamus" -1113 255 144 159 1 1 1 "Interanterodorsal nucleus of the thalamus" -155 255 144 159 1 1 1 "Lateral dorsal nucleus of thalamus" -444 255 144 159 1 1 1 "Medial group of the dorsal thalamus" -59 255 144 159 1 1 1 "Intermediodorsal nucleus of the thalamus" -362 255 144 159 1 1 1 "Mediodorsal nucleus of thalamus" -617 255 144 159 1 1 1 "Mediodorsal nucleus of the thalamus, central part" -626 255 144 159 1 1 1 "Mediodorsal nucleus of the thalamus, lateral part" -636 255 144 159 1 1 1 "Mediodorsal nucleus of the thalamus, medial part" -366 255 144 159 1 1 1 "Submedial nucleus of the thalamus" -1077 255 144 159 1 1 1 "Perireunensis nucleus" -571 255 144 159 1 1 1 "Midline group of the dorsal thalamus" -149 255 144 159 1 1 1 "Paraventricular nucleus of the thalamus" -15 255 144 159 1 1 1 "Parataenial nucleus" -181 255 144 159 1 1 1 "Nucleus of reuniens" -560581559 255 144 159 1 1 1 "Xiphoid thalamic nucleus" -51 255 144 159 1 1 1 "Intralaminar nuclei of the dorsal thalamus" -189 255 144 159 1 1 1 "Rhomboid nucleus" -599 255 144 159 1 1 1 "Central medial nucleus of the thalamus" -907 255 144 159 1 1 1 "Paracentral nucleus" -575 255 144 159 1 1 1 "Central lateral nucleus of the thalamus" -930 255 144 159 1 1 1 "Parafascicular nucleus" -560581563 255 144 159 1 1 1 "Posterior intralaminar thalamic nucleus" -262 255 144 159 1 1 1 "Reticular nucleus of the thalamus" -1014 255 144 159 1 1 1 "Geniculate group, ventral thalamus" -27 255 144 159 1 1 1 "Intergeniculate leaflet of the lateral geniculate complex" -563807439 255 144 159 1 1 1 "Intermediate geniculate nucleus" -178 255 144 159 1 1 1 "Ventral part of the lateral geniculate complex" -300 255 144 159 1 1 1 "Ventral part of the lateral geniculate complex, lateral zone" -316 255 144 159 1 1 1 "Ventral part of the lateral geniculate complex, medial zone" -321 255 144 159 1 1 1 "Subgeniculate nucleus" -958 255 144 159 1 1 1 "Epithalamus" -483 255 144 159 1 1 1 "Medial habenula" -186 255 144 159 1 1 1 "Lateral habenula" -953 255 144 159 1 1 1 "Pineal body" -1097 230 68 56 1 1 1 "Hypothalamus" -157 255 93 80 1 1 1 "Periventricular zone" -390 255 93 80 1 1 1 "Supraoptic nucleus" -332 255 93 80 1 1 1 "Accessory supraoptic group" -432 255 93 80 1 1 1 "Nucleus circularis" -38 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus" -71 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus, magnocellular division" -47 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus, magnocellular division, anterior magnocellular part" -79 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus, magnocellular division, medial magnocellular part" -103 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus, magnocellular division, posterior magnocellular part" -652 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus, magnocellular division, posterior magnocellular part, lateral zone" -660 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus, magnocellular division, posterior magnocellular part, medial zone" -94 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus, parvicellular division" -55 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus, parvicellular division, anterior parvicellular part" -87 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus, parvicellular division, medial parvicellular part, dorsal zone" -110 255 93 80 1 1 1 "Paraventricular hypothalamic nucleus, parvicellular division, periventricular part" -30 255 93 80 1 1 1 "Periventricular hypothalamic nucleus, anterior part" -118 255 93 80 1 1 1 "Periventricular hypothalamic nucleus, intermediate part" -223 255 93 80 1 1 1 "Arcuate hypothalamic nucleus" -141 255 85 71 1 1 1 "Periventricular region" -72 255 85 71 1 1 1 "Anterodorsal preoptic nucleus" -80 255 85 71 1 1 1 "Anterior hypothalamic area" -263 255 85 71 1 1 1 "Anteroventral preoptic nucleus" -272 255 85 71 1 1 1 "Anteroventral periventricular nucleus" -830 255 85 71 1 1 1 "Dorsomedial nucleus of the hypothalamus" -668 255 85 71 1 1 1 "Dorsomedial nucleus of the hypothalamus, anterior part" -676 255 85 71 1 1 1 "Dorsomedial nucleus of the hypothalamus, posterior part" -684 255 85 71 1 1 1 "Dorsomedial nucleus of the hypothalamus, ventral part" -452 255 85 71 1 1 1 "Median preoptic nucleus" -523 255 85 71 1 1 1 "Medial preoptic area" -763 255 85 71 1 1 1 "Vascular organ of the lamina terminalis" -914 255 85 71 1 1 1 "Posterodorsal preoptic nucleus" -1109 255 85 71 1 1 1 "Parastrial nucleus" -1124 255 85 71 1 1 1 "Suprachiasmatic preoptic nucleus" -126 255 85 71 1 1 1 "Periventricular hypothalamic nucleus, posterior part" -133 255 85 71 1 1 1 "Periventricular hypothalamic nucleus, preoptic part" -347 255 85 71 1 1 1 "Subparaventricular zone" -286 255 85 71 1 1 1 "Suprachiasmatic nucleus" -338 255 85 71 1 1 1 "Subfornical organ" -576073699 255 85 71 1 1 1 "Ventromedial preoptic nucleus" -689 255 85 71 1 1 1 "Ventrolateral preoptic nucleus" -467 255 76 62 1 1 1 "Hypothalamic medial zone" -88 255 76 62 1 1 1 "Anterior hypothalamic nucleus" -700 255 76 62 1 1 1 "Anterior hypothalamic nucleus, anterior part" -708 255 76 62 1 1 1 "Anterior hypothalamic nucleus, central part" -716 255 76 62 1 1 1 "Anterior hypothalamic nucleus, dorsal part" -724 255 76 62 1 1 1 "Anterior hypothalamic nucleus, posterior part" -331 255 76 62 1 1 1 "Mammillary body" -210 255 76 62 1 1 1 "Lateral mammillary nucleus" -491 255 76 62 1 1 1 "Medial mammillary nucleus" -732 255 76 62 1 1 1 "Medial mammillary nucleus, median part" -606826647 255 76 62 1 1 1 "Medial mammillary nucleus, lateral part" -606826651 255 76 62 1 1 1 "Medial mammillary nucleus, medial part" -606826655 255 76 62 1 1 1 "Medial mammillary nucleus, posterior part" -606826659 255 76 62 1 1 1 "Medial mammillary nucleus, dorsal part" -525 255 76 62 1 1 1 "Supramammillary nucleus" -1110 255 76 62 1 1 1 "Supramammillary nucleus, lateral part" -1118 255 76 62 1 1 1 "Supramammillary nucleus, medial part" -557 255 76 62 1 1 1 "Tuberomammillary nucleus" -1126 255 76 62 1 1 1 "Tuberomammillary nucleus, dorsal part" -1 255 76 62 1 1 1 "Tuberomammillary nucleus, ventral part" -515 255 76 62 1 1 1 "Medial preoptic nucleus" -740 255 76 62 1 1 1 "Medial preoptic nucleus, central part" -748 255 76 62 1 1 1 "Medial preoptic nucleus, lateral part" -756 255 76 62 1 1 1 "Medial preoptic nucleus, medial part" -980 255 76 62 1 1 1 "Dorsal premammillary nucleus" -1004 255 76 62 1 1 1 "Ventral premammillary nucleus" -63 255 76 62 1 1 1 "Paraventricular hypothalamic nucleus, descending division" -439 255 76 62 1 1 1 "Paraventricular hypothalamic nucleus, descending division, dorsal parvicellular part" -447 255 76 62 1 1 1 "Paraventricular hypothalamic nucleus, descending division, forniceal part" -455 255 76 62 1 1 1 "Paraventricular hypothalamic nucleus, descending division, lateral parvicellular part" -464 255 76 62 1 1 1 "Paraventricular hypothalamic nucleus, descending division, medial parvicellular part, ventral zone" -693 255 76 62 1 1 1 "Ventromedial hypothalamic nucleus" -761 255 76 62 1 1 1 "Ventromedial hypothalamic nucleus, anterior part" -769 255 76 62 1 1 1 "Ventromedial hypothalamic nucleus, central part" -777 255 76 62 1 1 1 "Ventromedial hypothalamic nucleus, dorsomedial part" -785 255 76 62 1 1 1 "Ventromedial hypothalamic nucleus, ventrolateral part" -946 255 76 62 1 1 1 "Posterior hypothalamic nucleus" -290 242 72 59 1 1 1 "Hypothalamic lateral zone" -194 242 72 59 1 1 1 "Lateral hypothalamic area" -226 242 72 59 1 1 1 "Lateral preoptic area" -356 242 72 59 1 1 1 "Preparasubthalamic nucleus" -364 242 72 59 1 1 1 "Parasubthalamic nucleus" -576073704 242 72 59 1 1 1 "Perifornical nucleus" -173 242 72 59 1 1 1 "Retrochiasmatic area" -470 242 72 59 1 1 1 "Subthalamic nucleus" -614 242 72 59 1 1 1 "Tuberal nucleus" -797 242 72 59 1 1 1 "Zona incerta" -796 242 72 59 1 1 1 "Dopaminergic A13 group" -804 242 72 59 1 1 1 "Fields of Forel" -10671 242 72 59 1 1 1 "Median eminence" -313 255 100 255 1 1 1 "Midbrain" -339 255 122 255 1 1 1 "Midbrain, sensory related" -302 255 122 255 1 1 1 "Superior colliculus, sensory related" -851 255 122 255 1 1 1 "Superior colliculus, optic layer" -842 255 122 255 1 1 1 "Superior colliculus, superficial gray layer" -834 255 122 255 1 1 1 "Superior colliculus, zonal layer" -4 255 122 255 1 1 1 "Inferior colliculus" -811 255 122 255 1 1 1 "Inferior colliculus, central nucleus" -820 255 122 255 1 1 1 "Inferior colliculus, dorsal nucleus" -828 255 122 255 1 1 1 "Inferior colliculus, external nucleus" -580 255 122 255 1 1 1 "Nucleus of the brachium of the inferior colliculus" -271 255 122 255 1 1 1 "Nucleus sagulum" -874 255 122 255 1 1 1 "Parabigeminal nucleus" -460 255 122 255 1 1 1 "Midbrain trigeminal nucleus" -599626923 255 122 255 1 1 1 "Subcommissural organ" -323 255 144 255 1 1 1 "Midbrain, motor related" -381 255 144 255 1 1 1 "Substantia nigra, reticular part" -749 255 144 255 1 1 1 "Ventral tegmental area" -607344830 255 144 255 1 1 1 "Paranigral nucleus" -246 255 144 255 1 1 1 "Midbrain reticular nucleus, retrorubral area" -128 255 144 255 1 1 1 "Midbrain reticular nucleus" -539 255 144 255 1 1 1 "Midbrain reticular nucleus, magnocellular part" -548 255 144 255 1 1 1 "Midbrain reticular nucleus, magnocellular part, general" -555 255 144 255 1 1 1 "Midbrain reticular nucleus, parvicellular part" -294 255 144 255 1 1 1 "Superior colliculus, motor related" -26 255 144 255 1 1 1 "Superior colliculus, motor related, deep gray layer" -42 255 144 255 1 1 1 "Superior colliculus, motor related, deep white layer" -17 255 144 255 1 1 1 "Superior colliculus, motor related, intermediate white layer" -10 255 144 255 1 1 1 "Superior colliculus, motor related, intermediate gray layer" -494 255 144 255 1 1 1 "Superior colliculus, motor related, intermediate gray layer, sublayer a" -503 255 144 255 1 1 1 "Superior colliculus, motor related, intermediate gray layer, sublayer b" -511 255 144 255 1 1 1 "Superior colliculus, motor related, intermediate gray layer, sublayer c" -795 255 144 255 1 1 1 "Periaqueductal gray" -50 255 144 255 1 1 1 "Precommissural nucleus" -67 255 144 255 1 1 1 "Interstitial nucleus of Cajal" -587 255 144 255 1 1 1 "Nucleus of Darkschewitsch" -614454277 255 144 255 1 1 1 "Supraoculomotor periaqueductal gray" -1100 255 144 255 1 1 1 "Pretectal region" -215 255 144 255 1 1 1 "Anterior pretectal nucleus" -531 255 144 255 1 1 1 "Medial pretectal area" -628 255 144 255 1 1 1 "Nucleus of the optic tract" -634 255 144 255 1 1 1 "Nucleus of the posterior commissure" -706 255 144 255 1 1 1 "Olivary pretectal nucleus" -1061 255 144 255 1 1 1 "Posterior pretectal nucleus" -549009203 255 144 255 1 1 1 "Retroparafascicular nucleus" -549009207 255 144 255 1 1 1 "Intercollicular nucleus" -616 255 144 255 1 1 1 "Cuneiform nucleus" -214 255 144 255 1 1 1 "Red nucleus" -35 255 144 255 1 1 1 "Oculomotor nucleus" -549009211 255 144 255 1 1 1 "Medial accesory oculomotor nucleus" -975 255 144 255 1 1 1 "Edinger-Westphal nucleus" -115 255 144 255 1 1 1 "Trochlear nucleus" -606826663 255 144 255 1 1 1 "Paratrochlear nucleus" -757 255 144 255 1 1 1 "Ventral tegmental nucleus" -231 255 144 255 1 1 1 "Anterior tegmental nucleus" -66 255 144 255 1 1 1 "Lateral terminal nucleus of the accessory optic tract" -75 255 144 255 1 1 1 "Dorsal terminal nucleus of the accessory optic tract" -58 255 144 255 1 1 1 "Medial terminal nucleus of the accessory optic tract" -615 255 144 255 1 1 1 "Substantia nigra, lateral part" -348 255 144 255 1 1 1 "Midbrain, behavioral state related" -374 255 166 255 1 1 1 "Substantia nigra, compact part" -1052 255 166 255 1 1 1 "Pedunculopontine nucleus" -165 255 166 255 1 1 1 "Midbrain raphe nuclei" -12 255 166 255 1 1 1 "Interfascicular nucleus raphe" -100 255 166 255 1 1 1 "Interpeduncular nucleus" -607344834 255 166 255 1 1 1 "Interpeduncular nucleus, rostral" -607344838 255 166 255 1 1 1 "Interpeduncular nucleus, caudal" -607344842 255 166 255 1 1 1 "Interpeduncular nucleus, apical" -607344846 255 166 255 1 1 1 "Interpeduncular nucleus, lateral" -607344850 255 166 255 1 1 1 "Interpeduncular nucleus, intermediate" -607344854 255 166 255 1 1 1 "Interpeduncular nucleus, dorsomedial" -607344858 255 166 255 1 1 1 "Interpeduncular nucleus, dorsolateral" -607344862 255 166 255 1 1 1 "Interpeduncular nucleus, rostrolateral" -197 255 166 255 1 1 1 "Rostral linear nucleus raphe" -591 255 166 255 1 1 1 "Central linear nucleus raphe" -872 255 166 255 1 1 1 "Dorsal nucleus raphe" -1065 255 155 136 1 1 1 "Hindbrain" -771 255 155 136 1 1 1 "Pons" -1132 255 174 111 1 1 1 "Pons, sensory related" -612 255 174 111 1 1 1 "Nucleus of the lateral lemniscus" -82 255 174 111 1 1 1 "Nucleus of the lateral lemniscus, dorsal part" -90 255 174 111 1 1 1 "Nucleus of the lateral lemniscus, horizontal part" -99 255 174 111 1 1 1 "Nucleus of the lateral lemniscus, ventral part" -7 255 174 111 1 1 1 "Principal sensory nucleus of the trigeminal" -867 255 174 111 1 1 1 "Parabrachial nucleus" -123 255 174 111 1 1 1 "Koelliker-Fuse subnucleus" -881 255 174 111 1 1 1 "Parabrachial nucleus, lateral division" -860 255 174 111 1 1 1 "Parabrachial nucleus, lateral division, central lateral part" -868 255 174 111 1 1 1 "Parabrachial nucleus, lateral division, dorsal lateral part" -875 255 174 111 1 1 1 "Parabrachial nucleus, lateral division, external lateral part" -883 255 174 111 1 1 1 "Parabrachial nucleus, lateral division, superior lateral part" -891 255 174 111 1 1 1 "Parabrachial nucleus, lateral division, ventral lateral part" -890 255 174 111 1 1 1 "Parabrachial nucleus, medial division" -899 255 174 111 1 1 1 "Parabrachial nucleus, medial division, external medial part" -915 255 174 111 1 1 1 "Parabrachial nucleus, medial division, medial medial part" -923 255 174 111 1 1 1 "Parabrachial nucleus, medial division, ventral medial part" -398 255 174 111 1 1 1 "Superior olivary complex" -122 255 174 111 1 1 1 "Superior olivary complex, periolivary region" -105 255 174 111 1 1 1 "Superior olivary complex, medial part" -114 255 174 111 1 1 1 "Superior olivary complex, lateral part" -987 255 186 134 1 1 1 "Pons, motor related" -280 255 186 134 1 1 1 "Barrington's nucleus" -880 255 186 134 1 1 1 "Dorsal tegmental nucleus" -283 255 186 134 1 1 1 "Lateral tegmental nucleus" -599626927 255 186 134 1 1 1 "Posterodorsal tegmental nucleus" -898 255 186 134 1 1 1 "Pontine central gray" -931 255 186 134 1 1 1 "Pontine gray" -1093 255 186 134 1 1 1 "Pontine reticular nucleus, caudal part" -552 255 186 134 1 1 1 "Pontine reticular nucleus, ventral part" -318 255 186 134 1 1 1 "Supragenual nucleus" -462 255 186 134 1 1 1 "Superior salivatory nucleus" -534 255 186 134 1 1 1 "Supratrigeminal nucleus" -574 255 186 134 1 1 1 "Tegmental reticular nucleus" -621 255 186 134 1 1 1 "Motor nucleus of trigeminal" -549009215 255 186 134 1 1 1 "Peritrigeminal zone" -549009219 255 186 134 1 1 1 "Accessory trigeminal nucleus" -549009223 255 186 134 1 1 1 "Parvicellular motor 5 nucleus" -549009227 255 186 134 1 1 1 "Intertrigeminal nucleus" -1117 255 195 149 1 1 1 "Pons, behavioral state related" -679 255 195 149 1 1 1 "Superior central nucleus raphe" -137 255 195 149 1 1 1 "Superior central nucleus raphe, lateral part" -130 255 195 149 1 1 1 "Superior central nucleus raphe, medial part" -147 255 195 149 1 1 1 "Locus ceruleus" -162 255 195 149 1 1 1 "Laterodorsal tegmental nucleus" -604 255 195 149 1 1 1 "Nucleus incertus" -146 255 195 149 1 1 1 "Pontine reticular nucleus" -238 255 195 149 1 1 1 "Nucleus raphe pontis" -350 255 195 149 1 1 1 "Subceruleus nucleus" -358 255 195 149 1 1 1 "Sublaterodorsal nucleus" -354 255 155 205 1 1 1 "Medulla" -386 255 165 210 1 1 1 "Medulla, sensory related" -207 255 165 210 1 1 1 "Area postrema" -607 255 165 210 1 1 1 "Cochlear nuclei" -112 255 165 210 1 1 1 "Granular lamina of the cochlear nuclei" -560 255 165 210 1 1 1 "Cochlear nucleus, subpedunclular granular region" -96 255 165 210 1 1 1 "Dorsal cochlear nucleus" -101 255 165 210 1 1 1 "Ventral cochlear nucleus" -720 255 165 210 1 1 1 "Dorsal column nuclei" -711 255 165 210 1 1 1 "Cuneate nucleus" -1039 255 165 210 1 1 1 "Gracile nucleus" -903 255 165 210 1 1 1 "External cuneate nucleus" -642 255 165 210 1 1 1 "Nucleus of the trapezoid body" -651 255 165 210 1 1 1 "Nucleus of the solitary tract" -659 255 165 210 1 1 1 "Nucleus of the solitary tract, central part" -666 255 165 210 1 1 1 "Nucleus of the solitary tract, commissural part" -674 255 165 210 1 1 1 "Nucleus of the solitary tract, gelatinous part" -682 255 165 210 1 1 1 "Nucleus of the solitary tract, lateral part" -691 255 165 210 1 1 1 "Nucleus of the solitary tract, medial part" -429 255 165 210 1 1 1 "Spinal nucleus of the trigeminal, caudal part" -437 255 165 210 1 1 1 "Spinal nucleus of the trigeminal, interpolar part" -445 255 165 210 1 1 1 "Spinal nucleus of the trigeminal, oral part" -77 255 165 210 1 1 1 "Spinal nucleus of the trigeminal, oral part, caudal dorsomedial part" -53 255 165 210 1 1 1 "Spinal nucleus of the trigeminal, oral part, middle dorsomedial part, dorsal zone" -61 255 165 210 1 1 1 "Spinal nucleus of the trigeminal, oral part, middle dorsomedial part, ventral zone" -45 255 165 210 1 1 1 "Spinal nucleus of the trigeminal, oral part, rostral dorsomedial part" -69 255 165 210 1 1 1 "Spinal nucleus of the trigeminal, oral part, ventrolateral part" -589508451 255 165 210 1 1 1 "Paratrigeminal nucleus" -789 255 165 210 1 1 1 "Nucleus z" -370 255 179 217 1 1 1 "Medulla, motor related" -653 255 179 217 1 1 1 "Abducens nucleus" -568 255 179 217 1 1 1 "Accessory abducens nucleus" -661 255 179 217 1 1 1 "Facial motor nucleus" -576 255 179 217 1 1 1 "Accessory facial motor nucleus" -640 255 179 217 1 1 1 "Efferent vestibular nucleus" -135 255 179 217 1 1 1 "Nucleus ambiguus" -939 255 179 217 1 1 1 "Nucleus ambiguus, dorsal division" -143 255 179 217 1 1 1 "Nucleus ambiguus, ventral division" -839 255 179 217 1 1 1 "Dorsal motor nucleus of the vagus nerve" -887 255 179 217 1 1 1 "Efferent cochlear group" -1048 255 179 217 1 1 1 "Gigantocellular reticular nucleus" -372 255 179 217 1 1 1 "Infracerebellar nucleus" -83 255 179 217 1 1 1 "Inferior olivary complex" -136 255 179 217 1 1 1 "Intermediate reticular nucleus" -106 255 179 217 1 1 1 "Inferior salivatory nucleus" -203 255 179 217 1 1 1 "Linear nucleus of the medulla" -235 255 179 217 1 1 1 "Lateral reticular nucleus" -955 255 179 217 1 1 1 "Lateral reticular nucleus, magnocellular part" -963 255 179 217 1 1 1 "Lateral reticular nucleus, parvicellular part" -307 255 179 217 1 1 1 "Magnocellular reticular nucleus" -395 255 179 217 1 1 1 "Medullary reticular nucleus" -1098 255 179 217 1 1 1 "Medullary reticular nucleus, dorsal part" -1107 255 179 217 1 1 1 "Medullary reticular nucleus, ventral part" -852 255 179 217 1 1 1 "Parvicellular reticular nucleus" -859 255 179 217 1 1 1 "Parasolitary nucleus" -938 255 179 217 1 1 1 "Paragigantocellular reticular nucleus" -970 255 179 217 1 1 1 "Paragigantocellular reticular nucleus, dorsal part" -978 255 179 217 1 1 1 "Paragigantocellular reticular nucleus, lateral part" -154 255 179 217 1 1 1 "Perihypoglossal nuclei" -161 255 179 217 1 1 1 "Nucleus intercalatus" -177 255 179 217 1 1 1 "Nucleus of Roller" -169 255 179 217 1 1 1 "Nucleus prepositus" -995 255 179 217 1 1 1 "Paramedian reticular nucleus" -1069 255 179 217 1 1 1 "Parapyramidal nucleus" -185 255 179 217 1 1 1 "Parapyramidal nucleus, deep part" -193 255 179 217 1 1 1 "Parapyramidal nucleus, superficial part" -701 255 179 217 1 1 1 "Vestibular nuclei" -209 255 179 217 1 1 1 "Lateral vestibular nucleus" -202 255 179 217 1 1 1 "Medial vestibular nucleus" -225 255 179 217 1 1 1 "Spinal vestibular nucleus" -217 255 179 217 1 1 1 "Superior vestibular nucleus" -765 255 179 217 1 1 1 "Nucleus x" -773 255 179 217 1 1 1 "Hypoglossal nucleus" -781 255 179 217 1 1 1 "Nucleus y" -76 255 179 217 1 1 1 "Interstitial nucleus of the vestibular nerve" -379 255 198 226 1 1 1 "Medulla, behavioral state related" -206 255 198 226 1 1 1 "Nucleus raphe magnus" -230 255 198 226 1 1 1 "Nucleus raphe pallidus" -222 255 198 226 1 1 1 "Nucleus raphe obscurus" -512 240 240 128 1 1 1 "Cerebellum" -528 240 240 128 1 1 1 "Cerebellar cortex" -1144 255 252 145 1 1 1 "Cerebellar cortex, molecular layer" -1145 255 252 145 1 1 1 "Cerebellar cortex, Purkinje layer" -1143 236 231 84 1 1 1 "Cerebellar cortex, granular layer" -645 255 252 145 1 1 1 "Vermal regions" -912 255 252 145 1 1 1 "Lingula (I)" -10707 255 252 145 1 1 1 "Lingula (I), molecular layer" -10706 255 252 145 1 1 1 "Lingula (I), Purkinje layer" -10705 236 231 84 1 1 1 "Lingula (I), granular layer" -920 255 252 145 1 1 1 "Central lobule" -976 255 252 145 1 1 1 "Lobule II" -10710 255 252 145 1 1 1 "Lobule II, molecular layer" -10709 255 252 145 1 1 1 "Lobule II, Purkinje layer" -10708 236 231 84 1 1 1 "Lobule II, granular layer" -984 255 252 145 1 1 1 "Lobule III" -10713 255 252 145 1 1 1 "Lobule III, molecular layer" -10712 255 252 145 1 1 1 "Lobule III, Purkinje layer" -10711 236 231 84 1 1 1 "Lobule III, granular layer" -928 255 252 145 1 1 1 "Culmen" -992 255 252 145 1 1 1 "Lobule IV" -10716 255 252 145 1 1 1 "Lobule IV, molecular layer" -10715 255 252 145 1 1 1 "Lobule IV, Purkinje layer" -10714 236 231 84 1 1 1 "Lobule IV, granular layer" -1001 255 252 145 1 1 1 "Lobule V" -10719 255 252 145 1 1 1 "Lobule V, molecular layer" -10718 255 252 145 1 1 1 "Lobule V, Purkinje layer" -10717 236 231 84 1 1 1 "Lobule V, granular layer" -1091 255 252 145 1 1 1 "Lobules IV-V" -10722 255 252 145 1 1 1 "Lobules IV-V, molecular layer" -10721 255 252 145 1 1 1 "Lobules IV-V, Purkinje layer" -10720 236 231 84 1 1 1 "Lobules IV-V, granular layer" -936 255 252 145 1 1 1 "Declive (VI)" -10725 255 252 145 1 1 1 "Declive (VI), molecular layer" -10724 255 252 145 1 1 1 "Declive (VI), Purkinje layer" -10723 236 231 84 1 1 1 "Declive (VI), granular layer" -944 255 252 145 1 1 1 "Folium-tuber vermis (VII)" -10728 255 252 145 1 1 1 "Folium-tuber vermis (VII), molecular layer" -10727 255 252 145 1 1 1 "Folium-tuber vermis (VII), Purkinje layer" -10726 236 231 84 1 1 1 "Folium-tuber vermis (VII), granular layer" -951 255 252 145 1 1 1 "Pyramus (VIII)" -10731 255 252 145 1 1 1 "Pyramus (VIII), molecular layer" -10730 255 252 145 1 1 1 "Pyramus (VIII), Purkinje layer" -10729 236 231 84 1 1 1 "Pyramus (VIII), granular layer" -957 255 252 145 1 1 1 "Uvula (IX)" -10734 255 252 145 1 1 1 "Uvula (IX), molecular layer" -10733 255 252 145 1 1 1 "Uvula (IX), Purkinje layer" -10732 236 231 84 1 1 1 "Uvula (IX), granular layer" -968 255 252 145 1 1 1 "Nodulus (X)" -10737 255 252 145 1 1 1 "Nodulus (X), molecular layer" -10736 255 252 145 1 1 1 "Nodulus (X), Purkinje layer" -10735 236 231 84 1 1 1 "Nodulus (X), granular layer" -1073 255 252 145 1 1 1 "Hemispheric regions" -1007 255 252 145 1 1 1 "Simple lobule" -10674 255 252 145 1 1 1 "Simple lobule, molecular layer" -10673 255 252 145 1 1 1 "Simple lobule, Purkinje layer" -10672 236 231 84 1 1 1 "Simple lobule, granular layer" -1017 255 252 145 1 1 1 "Ansiform lobule" -1056 255 252 145 1 1 1 "Crus 1" -10677 255 252 145 1 1 1 "Crus 1, molecular layer" -10676 255 252 145 1 1 1 "Crus 1, Purkinje layer" -10675 236 231 84 1 1 1 "Crus 1, granular layer" -1064 255 252 145 1 1 1 "Crus 2" -10680 255 252 145 1 1 1 "Crus 2, molecular layer" -10679 255 252 145 1 1 1 "Crus 2, Purkinje layer" -10678 236 231 84 1 1 1 "Crus 2, granular layer" -1025 255 252 145 1 1 1 "Paramedian lobule" -10683 255 252 145 1 1 1 "Paramedian lobule, molecular layer" -10682 255 252 145 1 1 1 "Paramedian lobule, Purkinje layer" -10681 236 231 84 1 1 1 "Paramedian lobule, granular layer" -1033 255 252 145 1 1 1 "Copula pyramidis" -10686 255 252 145 1 1 1 "Copula pyramidis, molecular layer" -10685 255 252 145 1 1 1 "Copula pyramidis, Purkinje layer" -10684 236 231 84 1 1 1 "Copula pyramidis, granular layer" -1041 255 252 145 1 1 1 "Paraflocculus" -10689 255 252 145 1 1 1 "Paraflocculus, molecular layer" -10688 255 252 145 1 1 1 "Paraflocculus, Purkinje layer" -10687 236 231 84 1 1 1 "Paraflocculus, granular layer" -1049 255 252 145 1 1 1 "Flocculus" -10692 255 252 145 1 1 1 "Flocculus, molecular layer" -10691 255 252 145 1 1 1 "Flocculus, Purkinje layer" -10690 236 231 84 1 1 1 "Flocculus, granular layer" -519 240 240 128 1 1 1 "Cerebellar nuclei" -989 255 253 188 1 1 1 "Fastigial nucleus" -91 255 253 188 1 1 1 "Interposed nucleus" -846 255 253 188 1 1 1 "Dentate nucleus" -589508455 255 253 188 1 1 1 "Vestibulocerebellar nucleus" -1009 204 204 204 1 1 1 "fiber tracts" -967 204 204 204 1 1 1 "cranial nerves" -885 204 204 204 1 1 1 "terminal nerve" -949 204 204 204 1 1 1 "vomeronasal nerve" -840 204 204 204 1 1 1 "olfactory nerve" -1016 204 204 204 1 1 1 "olfactory nerve layer of main olfactory bulb" -21 204 204 204 1 1 1 "lateral olfactory tract, general" -665 204 204 204 1 1 1 "lateral olfactory tract, body" -538 204 204 204 1 1 1 "dorsal limb" -459 204 204 204 1 1 1 "accessory olfactory tract" -900 204 204 204 1 1 1 "anterior commissure, olfactory limb" -848 204 204 204 1 1 1 "optic nerve" -876 204 204 204 1 1 1 "accessory optic tract" -916 204 204 204 1 1 1 "brachium of the superior colliculus" -336 204 204 204 1 1 1 "superior colliculus commissure" -117 204 204 204 1 1 1 "optic chiasm" -125 204 204 204 1 1 1 "optic tract" -357 204 204 204 1 1 1 "tectothalamic pathway" -832 204 204 204 1 1 1 "oculomotor nerve" -62 204 204 204 1 1 1 "medial longitudinal fascicle" -158 204 204 204 1 1 1 "posterior commissure" -911 204 204 204 1 1 1 "trochlear nerve" -384 204 204 204 1 1 1 "trochlear nerve decussation" -710 204 204 204 1 1 1 "abducens nerve" -901 204 204 204 1 1 1 "trigeminal nerve" -93 204 204 204 1 1 1 "motor root of the trigeminal nerve" -229 204 204 204 1 1 1 "sensory root of the trigeminal nerve" -705 204 204 204 1 1 1 "midbrain tract of the trigeminal nerve" -794 204 204 204 1 1 1 "spinal tract of the trigeminal nerve" -798 204 204 204 1 1 1 "facial nerve" -1131 204 204 204 1 1 1 "intermediate nerve" -1116 204 204 204 1 1 1 "genu of the facial nerve" -933 204 204 204 1 1 1 "vestibulocochlear nerve" -1076 204 204 204 1 1 1 "efferent cochleovestibular bundle" -413 204 204 204 1 1 1 "vestibular nerve" -948 204 204 204 1 1 1 "cochlear nerve" -841 204 204 204 1 1 1 "trapezoid body" -641 204 204 204 1 1 1 "intermediate acoustic stria" -506 204 204 204 1 1 1 "dorsal acoustic stria" -658 204 204 204 1 1 1 "lateral lemniscus" -633 204 204 204 1 1 1 "inferior colliculus commissure" -482 204 204 204 1 1 1 "brachium of the inferior colliculus" -808 204 204 204 1 1 1 "glossopharyngeal nerve" -917 204 204 204 1 1 1 "vagus nerve" -237 204 204 204 1 1 1 "solitary tract" -717 204 204 204 1 1 1 "accessory spinal nerve" -813 204 204 204 1 1 1 "hypoglossal nerve" -925 204 204 204 1 1 1 "ventral roots" -792 204 204 204 1 1 1 "dorsal roots" -932 204 204 204 1 1 1 "cervicothalamic tract" -570 204 204 204 1 1 1 "dorsolateral fascicle" -522 204 204 204 1 1 1 "dorsal commissure of the spinal cord" -858 204 204 204 1 1 1 "ventral commissure of the spinal cord" -586 204 204 204 1 1 1 "fasciculus proprius" -514 204 204 204 1 1 1 "dorsal column" -380 204 204 204 1 1 1 "cuneate fascicle" -388 204 204 204 1 1 1 "gracile fascicle" -396 204 204 204 1 1 1 "internal arcuate fibers" -697 204 204 204 1 1 1 "medial lemniscus" -871 204 204 204 1 1 1 "spinothalamic tract" -29 204 204 204 1 1 1 "lateral spinothalamic tract" -389 204 204 204 1 1 1 "ventral spinothalamic tract" -245 204 204 204 1 1 1 "spinocervical tract" -261 204 204 204 1 1 1 "spino-olivary pathway" -270 204 204 204 1 1 1 "spinoreticular pathway" -293 204 204 204 1 1 1 "spinovestibular pathway" -277 204 204 204 1 1 1 "spinotectal pathway" -253 204 204 204 1 1 1 "spinohypothalamic pathway" -285 204 204 204 1 1 1 "spinotelenchephalic pathway" -627 204 204 204 1 1 1 "hypothalamohypophysial tract" -960 204 204 204 1 1 1 "cerebellum related fiber tracts" -744 204 204 204 1 1 1 "cerebellar commissure" -752 204 204 204 1 1 1 "cerebellar peduncles" -326 204 204 204 1 1 1 "superior cerebelar peduncles" -812 204 204 204 1 1 1 "superior cerebellar peduncle decussation" -85 204 204 204 1 1 1 "spinocerebellar tract" -850 204 204 204 1 1 1 "uncinate fascicle" -866 204 204 204 1 1 1 "ventral spinocerebellar tract" -78 204 204 204 1 1 1 "middle cerebellar peduncle" -1123 204 204 204 1 1 1 "inferior cerebellar peduncle" -553 204 204 204 1 1 1 "dorsal spinocerebellar tract" -499 204 204 204 1 1 1 "cuneocerebellar tract" -650 204 204 204 1 1 1 "juxtarestiform body" -490 204 204 204 1 1 1 "bulbocerebellar tract" -404 204 204 204 1 1 1 "olivocerebellar tract" -410 204 204 204 1 1 1 "reticulocerebellar tract" -373 204 204 204 1 1 1 "trigeminocerebellar tract" -728 204 204 204 1 1 1 "arbor vitae" -484682512 204 204 204 1 1 1 "supra-callosal cerebral white matter" -983 204 204 204 1 1 1 "lateral forebrain bundle system" -776 204 204 204 1 1 1 "corpus callosum" -956 204 204 204 1 1 1 "corpus callosum, anterior forceps" -579 204 204 204 1 1 1 "external capsule" -964 204 204 204 1 1 1 "corpus callosum, extreme capsule" -1108 204 204 204 1 1 1 "genu of corpus callosum" -971 204 204 204 1 1 1 "corpus callosum, posterior forceps" -979 204 204 204 1 1 1 "corpus callosum, rostrum" -484682516 204 204 204 1 1 1 "corpus callosum, body" -986 204 204 204 1 1 1 "corpus callosum, splenium" -784 204 204 204 1 1 1 "corticospinal tract" -6 204 204 204 1 1 1 "internal capsule" -924 204 204 204 1 1 1 "cerebal peduncle" -1036 204 204 204 1 1 1 "corticotectal tract" -1012 204 204 204 1 1 1 "corticorubral tract" -1003 204 204 204 1 1 1 "corticopontine tract" -994 204 204 204 1 1 1 "corticobulbar tract" -190 204 204 204 1 1 1 "pyramid" -198 204 204 204 1 1 1 "pyramidal decussation" -1019 204 204 204 1 1 1 "corticospinal tract, crossed" -1028 204 204 204 1 1 1 "corticospinal tract, uncrossed" -896 204 204 204 1 1 1 "thalamus related" -1092 204 204 204 1 1 1 "external medullary lamina of the thalamus" -14 204 204 204 1 1 1 "internal medullary lamina of the thalamus" -86 204 204 204 1 1 1 "middle thalamic commissure" -365 204 204 204 1 1 1 "thalamic peduncles" -484682520 204 204 204 1 1 1 "optic radiation" -484682524 204 204 204 1 1 1 "auditory radiation" -1000 204 204 204 1 1 1 "extrapyramidal fiber systems" -760 204 204 204 1 1 1 "cerebral nuclei related" -142 204 204 204 1 1 1 "pallidothalamic pathway" -102 204 204 204 1 1 1 "nigrostriatal tract" -109 204 204 204 1 1 1 "nigrothalamic fibers" -134 204 204 204 1 1 1 "pallidotegmental fascicle" -309 204 204 204 1 1 1 "striatonigral pathway" -317 204 204 204 1 1 1 "subthalamic fascicle" -877 204 204 204 1 1 1 "tectospinal pathway" -1051 204 204 204 1 1 1 "direct tectospinal pathway" -1060 204 204 204 1 1 1 "doral tegmental decussation" -1043 204 204 204 1 1 1 "crossed tectospinal pathway" -863 204 204 204 1 1 1 "rubrospinal tract" -397 204 204 204 1 1 1 "ventral tegmental decussation" -221 204 204 204 1 1 1 "rubroreticular tract" -736 204 204 204 1 1 1 "central tegmental bundle" -855 204 204 204 1 1 1 "retriculospinal tract" -205 204 204 204 1 1 1 "retriculospinal tract, lateral part" -213 204 204 204 1 1 1 "retriculospinal tract, medial part" -941 204 204 204 1 1 1 "vestibulospinal pathway" -991 204 204 204 1 1 1 "medial forebrain bundle system" -768 204 204 204 1 1 1 "cerebrum related" -884 204 204 204 1 1 1 "amygdalar capsule" -892 204 204 204 1 1 1 "ansa peduncularis" -908 204 204 204 1 1 1 "anterior commissure, temporal limb" -940 204 204 204 1 1 1 "cingulum bundle" -1099 204 204 204 1 1 1 "fornix system" -466 204 204 204 1 1 1 "alveus" -530 204 204 204 1 1 1 "dorsal fornix" -603 204 204 204 1 1 1 "fimbria" -745 204 204 204 1 1 1 "precommissural fornix, general" -420 204 204 204 1 1 1 "precommissural fornix diagonal band" -737 204 204 204 1 1 1 "postcommissural fornix" -428 204 204 204 1 1 1 "medial corticohypothalamic tract" -436 204 204 204 1 1 1 "columns of the fornix" -618 204 204 204 1 1 1 "hippocampal commissures" -443 204 204 204 1 1 1 "dorsal hippocampal commissure" -449 204 204 204 1 1 1 "ventral hippocampal commissure" -713 204 204 204 1 1 1 "perforant path" -474 204 204 204 1 1 1 "angular path" -37 204 204 204 1 1 1 "longitudinal association bundle" -301 204 204 204 1 1 1 "stria terminalis" -484682528 204 204 204 1 1 1 "commissural branch of stria terminalis" -824 204 204 204 1 1 1 "hypothalamus related" -54 204 204 204 1 1 1 "medial forebrain bundle" -405 204 204 204 1 1 1 "ventrolateral hypothalamic tract" -174 204 204 204 1 1 1 "preoptic commissure" -349 204 204 204 1 1 1 "supraoptic commissures" -817 204 204 204 1 1 1 "supraoptic commissures, anterior" -825 204 204 204 1 1 1 "supraoptic commissures, dorsal" -833 204 204 204 1 1 1 "supraoptic commissures, ventral" -166 204 204 204 1 1 1 "premammillary commissure" -341 204 204 204 1 1 1 "supramammillary decussation" -182 204 204 204 1 1 1 "propriohypothalamic pathways" -762 204 204 204 1 1 1 "propriohypothalamic pathways, dorsal" -770 204 204 204 1 1 1 "propriohypothalamic pathways, lateral" -779 204 204 204 1 1 1 "propriohypothalamic pathways, medial" -787 204 204 204 1 1 1 "propriohypothalamic pathways, ventral" -150 204 204 204 1 1 1 "periventricular bundle of the hypothalamus" -46 204 204 204 1 1 1 "mammillary related" -753 204 204 204 1 1 1 "principal mammillary tract" -690 204 204 204 1 1 1 "mammillothalamic tract" -681 204 204 204 1 1 1 "mammillotegmental tract" -673 204 204 204 1 1 1 "mammillary peduncle" -1068 204 204 204 1 1 1 "dorsal thalamus related" -722 204 204 204 1 1 1 "periventricular bundle of the thalamus" -1083 204 204 204 1 1 1 "epithalamus related" -802 204 204 204 1 1 1 "stria medullaris" -595 204 204 204 1 1 1 "fasciculus retroflexus" -611 204 204 204 1 1 1 "habenular commissure" -730 204 204 204 1 1 1 "pineal stalk" -70 204 204 204 1 1 1 "midbrain related" -547 204 204 204 1 1 1 "dorsal longitudinal fascicle" -563 204 204 204 1 1 1 "dorsal tegmental tract" -73 170 170 170 1 1 1 "ventricular systems" -81 170 170 170 1 1 1 "lateral ventricle" -89 170 170 170 1 1 1 "rhinocele" -98 170 170 170 1 1 1 "subependymal zone" -108 170 170 170 1 1 1 "choroid plexus" -116 170 170 170 1 1 1 "choroid fissure" -124 170 170 170 1 1 1 "interventricular foramen" -129 170 170 170 1 1 1 "third ventricle" -140 170 170 170 1 1 1 "cerebral aqueduct" -145 170 170 170 1 1 1 "fourth ventricle" -153 170 170 170 1 1 1 "lateral recess" -164 170 170 170 1 1 1 "central canal, spinal cord/medulla" -1024 170 170 170 1 1 1 "grooves" -1032 170 170 170 1 1 1 "grooves of the cerebral cortex" -1055 170 170 170 1 1 1 "endorhinal groove" -1063 170 170 170 1 1 1 "hippocampal fissure" -1071 170 170 170 1 1 1 "rhinal fissure" -1078 170 170 170 1 1 1 "rhinal incisure" -1040 170 170 170 1 1 1 "grooves of the cerebellar cortex" -1087 170 170 170 1 1 1 "precentral fissure" -1095 170 170 170 1 1 1 "preculminate fissure" -1103 170 170 170 1 1 1 "primary fissure" -1112 170 170 170 1 1 1 "posterior superior fissure" -1119 170 170 170 1 1 1 "prepyramidal fissure" -3 170 170 170 1 1 1 "secondary fissure" -11 170 170 170 1 1 1 "posterolateral fissure" -18 170 170 170 1 1 1 "nodular fissure" -25 170 170 170 1 1 1 "simple fissure" -34 170 170 170 1 1 1 "intercrural fissure" -43 170 170 170 1 1 1 "ansoparamedian fissure" -49 170 170 170 1 1 1 "intraparafloccular fissure" -57 170 170 170 1 1 1 "paramedian sulcus" -65 170 170 170 1 1 1 "parafloccular sulcus" -624 170 170 170 1 1 1 "Interpeduncular fossa" -304325711 127 46 126 1 1 1 "retina" diff --git a/annotation_volumes/WHS_Atlas_Rat_Brain_v2.label b/annotation_volumes/WHS_Atlas_Rat_Brain_v2.label deleted file mode 100644 index effc072f8a226443eb2461ea5ff53f8d9ad8efdf..0000000000000000000000000000000000000000 --- a/annotation_volumes/WHS_Atlas_Rat_Brain_v2.label +++ /dev/null @@ -1,95 +0,0 @@ -################################################ -# ITK-SnAP Label Description File -# File format: -# IDX -R- -G- -B- -A-- VIS MSH LABEL -# Fields: -# IDX: Zero-based index -# -R-: Red color component (0..255) -# -G-: Green color component (0..255) -# -B-: Blue color component (0..255) -# -A-: Label transparency (0.00 .. 1.00) -# VIS: Label visibility (0 or 1) -# IDX: Label mesh visibility (0 or 1) -# LABEL: Label description -################################################ - 0 0 0 0 0 0 0 "Clear Label" - 1 255 52 39 1 1 0 "descending corticofugal pathways" - 2 255 186 0 1 1 0 "substantia nigra" - 3 0 0 255 1 1 0 "subthalamic nucleus" - 4 255 255 0 1 1 0 "molecular layer of the cerebellum" - 5 0 255 255 1 1 0 "granule cell level of the cerebellum" - 6 255 0 255 1 1 0 "alveus of the hippocampus" - 7 52 255 13 1 1 0 "inferior cerebellar peduncle" - 10 29 104 235 1 1 0 "cingulate cortex, area 2" - 30 129 79 255 1 1 0 "striatum" - 31 255 145 186 1 1 0 "globus pallidus" - 32 26 231 255 1 1 0 "entopeduncular nucleus" - 33 2 44 255 1 1 0 "ventricular system" - 34 212 255 0 1 1 0 "medial lemniscus" - 35 0 176 63 1 1 0 "facial nerve" - 36 124 252 0 1 1 0 "anterior commissure, anterior part" - 37 255 186 0 1 1 0 "anterior commissure, posterior part" - 38 174 0 232 1 1 0 "ventral hippocampal commissure" - 39 0 100 0 1 1 0 "thalamus" - 40 255 8 0 1 1 0 "septal region" - 41 48 218 0 1 1 0 "optic nerve" - 42 38 126 255 1 1 0 "optic tract and optic chiasm" - 43 218 170 62 1 1 0 "pineal gland" - 44 0 165 21 1 1 0 "inner ear" - 45 134 255 90 0.68 1 0 "spinal cord" - 46 33 230 255 1 1 0 "commissure of the superior colliculus" - 47 153 83 255 1 1 0 "brainstem" - 48 226 120 161 1 1 0 "hypothalamic region" - 49 238 47 44 1 1 0 "inferior colliculus" - 50 86 0 221 1 1 0 "superficial gray layer of the superior colliculus" - 51 7 255 89 1 1 0 "periaqueductal gray" - 52 21 192 255 1 1 0 "fornix" - 53 238 186 0 1 1 0 "mammillothalamic tract" - 54 173 255 47 1 1 0 "commissural stria terminalis" - 55 225 151 15 1 1 0 "deeper layers of the superior colliculus" - 56 235 87 255 1 1 0 "periventricular gray" - 57 250 244 247 1 1 0 "genu of the facial nerve" - 58 0 215 11 1 1 0 "pontine nuclei" - 59 0 255 29 1 1 0 "fimbria of the hippocampus" - 60 244 67 69 1 1 0 "fasciculus retroflexus" - 61 255 252 0 1 1 0 "stria medullaris of the thalamus" - 62 238 117 51 1 1 0 "stria terminalis" - 63 255 0 218 1 1 0 "posterior commissure" - 64 15 109 230 1 1 0 "glomerular layer of the accessory olfactory bulb" - 65 255 227 0 1 1 0 "glomerular layer of the olfactory bulb" - 66 255 135 0 1 1 0 "olfactory bulb" - 67 255 110 0 1 1 0 "corpus callosum and associated subcortical white matter" - 68 188 32 173 1 1 0 "brachium of the superior colliculus" - 69 147 255 39 1 1 0 "commissure of the inferior colliculus" - 70 39 244 253 1 1 0 "central canal" - 71 63 192 255 1 1 0 "interpeduncular nucleus" - 72 179 28 53 1 1 0 "ascending fibers of the facial nerve" - 73 255 79 206 1 1 0 "anterior commissure" - 74 0 246 14 1 1 0 "inferior olive" - 75 91 241 255 1 1 0 "spinal trigeminal nuclus" - 76 250 128 114 1 1 0 "spinal trigeminal tract" - 77 206 211 7 1 1 0 "frontal associiation cortex" - 78 134 204 76 1 1 0 "middle cerebellar peduncle" - 79 128 170 255 1 1 0 "transverse fibers of the pons" - 80 69 235 202 1 1 0 "habenular commissure" - 81 222 7 237 1 1 0 "nucleus of the stria medullaris" - 82 225 240 13 1 1 0 "basal forebrain region" - 83 250 170 64 1 1 0 "supraoptic decussation" - 84 65 150 255 1 1 0 "medial lemniscus decussation" - 85 114 9 212 1 1 0 "pyramidal decussation" - 92 3 193 45 1 1 0 "neocortex" - 93 0 8 182 1 1 0 "bed nucleus of the stria terminalis" - 94 255 87 30 1 1 0 "pretectal region" - 95 165 131 107 1 1 1 "cornu ammonis 3" - 96 91 45 10 1 1 1 "dentate gyrus" - 97 255 255 0 1 1 1 "cornu ammonis 2" - 98 217 104 13 1 1 1 "cornu ammonis 1" - 99 255 82 82 1 1 1 "fasciola cinereum" - 100 255 192 0 1 1 1 "subiculum" - 108 40 112 130 1 1 1 "postrhinal cortex" - 109 80 123 175 1 1 1 "presubiculum" - 110 23 54 96 1 1 1 "parasubiculum" - 112 205 51 255 1 1 1 "perirhinal area 35" - 113 112 48 160 1 1 1 "perirhinal area 36" - 114 12 92 8 1 1 1 "entorhinal cortex" - 115 221 166 36 1 1 1 "lateral entorhinal cortex" diff --git a/annotation_volumes/WHS_Atlas_Rat_Brain_v3.label b/annotation_volumes/WHS_Atlas_Rat_Brain_v3.label deleted file mode 100644 index 61aef2497c8b9e6c5fd47fca6c679bc25fc6e176..0000000000000000000000000000000000000000 --- a/annotation_volumes/WHS_Atlas_Rat_Brain_v3.label +++ /dev/null @@ -1,134 +0,0 @@ -################################################ -# ITK-SnAP Label Description File -# File format: -# IDX -R- -G- -B- -A-- VIS MSH LABEL -# Fields: -# IDX: Zero-based index -# -R-: Red color component (0..255) -# -G-: Green color component (0..255) -# -B-: Blue color component (0..255) -# -A-: Label transparency (0.00 .. 1.00) -# VIS: Label visibility (0 or 1) -# IDX: Label mesh visibility (0 or 1) -# LABEL: Label description -################################################ - 0 0 0 0 0 0 0 "Clear Label" - 1 255 52 39 1 1 0 "descending corticofugal pathways" - 2 255 186 0 1 1 0 "substantia nigra" - 3 0 0 255 1 1 0 "subthalamic nucleus" - 4 255 255 0 1 1 0 "molecular layer of the cerebellum" - 5 0 255 255 1 1 0 "granule cell level of the cerebellum" - 6 255 0 255 1 1 0 "alveus of the hippocampus" - 7 52 255 13 1 1 0 "inferior cerebellar peduncle" - 10 29 104 235 1 1 0 "cingulate cortex, area 2" - 30 129 79 255 1 1 0 "striatum" - 31 255 145 186 1 1 0 "globus pallidus" - 32 26 231 255 1 1 0 "entopeduncular nucleus" - 33 2 44 255 1 1 0 "ventricular system" - 34 212 255 0 1 1 0 "medial lemniscus" - 35 255 25 240 1 1 0 "facial nerve" - 36 124 252 0 1 1 0 "anterior commissure, anterior part" - 37 255 186 0 1 1 0 "anterior commissure, posterior part" - 38 174 0 232 1 1 0 "ventral hippocampal commissure" - 39 0 100 0 1 1 0 "thalamus" - 40 255 8 0 1 1 0 "septal region" - 41 48 218 0 1 1 0 "optic nerve" - 42 38 126 255 1 1 0 "optic tract and optic chiasm" - 43 218 170 62 1 1 0 "pineal gland" - 44 255 255 255 1 1 0 "inner ear, erroneous" - 45 134 255 90 1 1 0 "spinal cord" - 46 33 230 255 1 1 0 "commissure of the superior colliculus" - 47 153 83 255 1 1 0 "brainstem" - 48 226 120 161 1 1 0 "hypothalamic region" - 50 86 0 221 1 1 0 "superficial gray layer of the superior colliculus" - 51 7 255 89 1 1 0 "periaqueductal gray" - 52 21 192 255 1 1 0 "fornix" - 53 238 186 0 1 1 0 "mammillothalamic tract" - 54 173 255 47 1 1 0 "commissural stria terminalis" - 55 225 151 15 1 1 0 "deeper layers of the superior colliculus" - 56 235 87 255 1 1 0 "periventricular gray" - 57 250 244 247 1 1 0 "genu of the facial nerve" - 58 0 215 11 1 1 0 "pontine nuclei" - 59 0 255 29 1 1 0 "fimbria of the hippocampus" - 60 244 67 69 1 1 0 "fasciculus retroflexus" - 61 0 255 0 1 1 0 "stria medullaris of the thalamus" - 62 238 117 51 1 1 0 "stria terminalis" - 63 255 0 218 1 1 0 "posterior commissure" - 64 15 109 230 1 1 0 "glomerular layer of the accessory olfactory bulb" - 65 255 227 0 1 1 0 "glomerular layer of the olfactory bulb" - 66 255 135 0 1 1 0 "olfactory bulb" - 67 255 110 0 1 1 0 "corpus callosum and associated subcortical white matter" - 68 188 32 173 1 1 0 "brachium of the superior colliculus" - 69 255 42 39 1 1 1 "inferior colliculus, commissure" - 70 39 244 253 1 1 0 "central canal" - 71 63 192 255 1 1 0 "interpeduncular nucleus" - 72 179 28 53 1 1 0 "ascending fibers of the facial nerve" - 73 255 79 206 1 1 0 "anterior commissure" - 74 0 246 14 1 1 0 "inferior olive" - 75 91 241 255 1 1 0 "spinal trigeminal nucleus" - 76 250 128 114 1 1 0 "spinal trigeminal tract" - 77 206 211 7 1 1 0 "frontal association cortex" - 78 134 204 76 1 1 0 "middle cerebellar peduncle" - 79 128 170 255 1 1 0 "transverse fibers of the pons" - 80 69 235 202 1 1 0 "habenular commissure" - 81 222 7 237 1 1 0 "nucleus of the stria medullaris" - 82 225 240 13 1 1 0 "basal forebrain region" - 83 250 170 64 1 1 0 "supraoptic decussation" - 84 65 150 255 1 1 0 "medial lemniscus decussation" - 85 114 9 212 1 1 0 "pyramidal decussation" - 92 3 193 45 1 1 0 "neocortex" - 93 0 8 182 1 1 0 "bed nucleus of the stria terminalis" - 94 255 87 30 1 1 0 "pretectal region" - 95 165 131 107 1 1 0 "cornu ammonis 3" - 96 91 45 10 1 1 0 "dentate gyrus" - 97 255 255 0 1 1 0 "cornu ammonis 2" - 98 217 104 13 1 1 0 "cornu ammonis 1" - 99 255 0 0 1 1 0 "fasciola cinereum" - 100 255 192 0 1 1 0 "subiculum" - 108 40 112 130 1 1 0 "postrhinal cortex" - 109 80 123 175 1 1 0 "presubiculum" - 110 23 54 96 1 1 0 "parasubiculum" - 112 205 51 255 1 1 0 "perirhinal area 35" - 113 112 48 160 1 1 0 "perirhinal area 36" - 114 122 187 51 1 1 0 "entorhinal cortex" - 115 90 111 47 1 1 0 "lateral entorhinal cortex" - 119 0 144 55 1 1 1 "vestibular apparatus" - 120 0 255 29 1 1 1 "cochlea" - 121 253 148 0 1 1 1 "cochlear nerve" - 122 253 50 0 1 1 1 "vestibular nerve" - 123 0 12 255 1 1 1 "ventral cochlear nucleus, granule cell layer" - 125 52 29 144 1 1 0 "4th ventricle" - 126 92 156 211 1 1 1 "dorsal cochlear nucleus, molecular layer" - 127 0 80 156 1 1 1 "dorsal cochlear nucleus, fusiform and granule layer" - 128 197 238 255 1 1 1 "dorsal cochlear nucleus, deep core" - 129 255 217 0 1 1 1 "acoustic striae" - 130 213 255 0 1 1 1 "trapezoid body" - 131 0 255 81 1 1 1 "nucleus of the trapezoid body" - 132 0 238 255 1 1 1 "superior paraolivary nucleus" - 133 219 239 61 1 1 1 "medial superior olive" - 134 35 76 190 1 1 1 "lateral superior olive" - 135 1 153 21 1 1 1 "superior periolivary region" - 136 0 174 255 1 1 1 "ventral periolivary nuclei" - 137 255 0 115 1 1 1 "lateral lemniscus, ventral nucleus" - 138 171 16 91 1 1 1 "lateral lemniscus, intermediate nucleus" - 139 108 18 91 1 1 1 "lateral lemniscus, dorsal nucleus" - 140 255 29 0 1 1 1 "lateral lemniscus, commissure" - 141 255 166 0 1 1 1 "lateral lemniscus" - 142 206 255 142 1 1 1 "inferior colliculus, dorsal cortex" - 143 0 238 255 1 1 1 "inferior colliculus, central nucleus" - 145 48 136 203 1 1 1 "inferior colliculus, external cortex" - 146 176 58 72 1 1 1 "inferior colliculus, brachium" - 147 10 244 217 1 1 1 "medial geniculate body, medial division" - 148 239 163 0 1 1 1 "medial geniculate body, dorsal division" - 149 131 58 31 1 1 1 "medial geniculate body, ventral division" - 150 255 47 242 1 1 1 "medial geniculate body, marginal zone" - 151 255 215 0 1 1 1 "primary auditory cortex" - 152 240 255 255 1 1 1 "secondary auditory cortex, dorsal area" - 153 216 191 216 1 1 1 "secondary auditory cortex, ventral area" - 157 244 156 255 1 1 1 "auditory radiation" - 158 34 152 255 1 1 1 "ventral cochlear nucleus, anterior part" - 159 0 230 207 1 1 1 "ventral cochlear nucleus, posterior part" - 160 0 255 106 1 1 1 "ventral cochlear nucleus, cap area" - 162 185 255 233 1 1 1 "spiral ganglion" - 163 99 205 0 1 1 1 "nucleus sagulum" - 164 110 0 255 1 1 1 "reticular thalamic nucleus, auditory segment" \ No newline at end of file diff --git a/annotation_volumes/WHS_SD_rat_atlas_v4.label b/annotation_volumes/WHS_SD_rat_atlas_v4.label deleted file mode 100644 index 0aee42b2fc47d7759e73e23e574015048ed65d49..0000000000000000000000000000000000000000 --- a/annotation_volumes/WHS_SD_rat_atlas_v4.label +++ /dev/null @@ -1,237 +0,0 @@ -################################################ -# ITK-SnAP Label Description File -# File format: -# IDX -R- -G- -B- -A-- VIS MSH LABEL -# Fields: -# IDX: Zero-based index -# -R-: Red color component (0..255) -# -G-: Green color component (0..255) -# -B-: Blue color component (0..255) -# -A-: Label transparency (0.00 .. 1.00) -# VIS: Label visibility (0 or 1) -# IDX: Label mesh visibility (0 or 1) -# LABEL: Label description -################################################ - 0 0 0 0 0 0 0 "Clear Label" - 1 255 52 39 1 1 0 "corticofugal tract and corona radiata" - 3 0 0 255 1 1 0 "Subthalamic nucleus" - 4 255 255 1 1 1 0 "Molecular cell layer of the cerebellum" - 5 0 255 255 1 1 0 "Cerebellum, unspecified" - 6 255 0 255 1 1 0 "alveus of the hippocampus" - 7 52 255 13 1 1 0 "inferior cerebellar peduncle" - 10 29 104 235 1 1 0 "Cingulate area 2" - 32 26 231 255 1 1 0 "Entopeduncular nucleus" - 33 2 44 255 1 1 0 "Ventricular system, unspecified" - 34 212 255 0 1 1 0 "medial lemniscus, unspecified" - 35 255 25 240 1 1 0 "facial nerve, unspecified" - 36 124 252 0 1 1 0 "anterior commissure, anterior limb" - 37 255 186 0 1 1 0 "anterior commissure, posterior limb" - 38 174 0 232 1 1 0 "ventral hippocampal commissure" - 40 255 8 0 1 1 0 "Septal region" - 41 48 218 0 1 1 0 "optic nerve" - 42 38 126 255 1 1 0 "optic tract and optic chiasm" - 43 218 170 62 1 1 0 "Pineal gland" - 45 134 255 90 1 1 0 "Spinal cord" - 46 33 230 255 1 1 0 "commissure of the superior colliculus" - 47 153 83 255 1 1 0 "Brainstem, unspecified" - 48 226 120 161 1 1 0 "Hypothalamic region, unspecified" - 50 86 0 221 1 1 0 "Superficial gray layer of the superior colliculus" - 51 7 255 89 1 1 0 "Periaqueductal gray" - 52 21 192 255 1 1 0 "fornix" - 53 238 186 0 1 1 0 "mammillotegmental tract" - 54 173 255 47 1 1 0 "commissural stria terminalis" - 55 225 151 15 1 1 0 "Deeper layers of the superior colliculus" - 56 235 87 255 1 1 0 "Periventricular gray" - 57 250 244 247 1 1 0 "genu of the facial nerve" - 58 0 215 11 1 1 0 "Pontine nuclei" - 59 0 255 29 1 1 0 "fimbria of the hippocampus" - 60 244 67 69 1 1 0 "fasciculus retroflexus" - 61 0 255 0 1 1 0 "stria medullaris thalami" - 62 238 117 51 1 1 0 "stria terminalis" - 63 255 0 218 1 1 0 "posterior commissure" - 64 15 109 230 1 1 0 "Glomerular layer of the accessory olfactory bulb" - 65 255 227 0 1 1 0 "Glomerular layer of the olfactory bulb" - 66 255 135 0 1 1 0 "Olfactory bulb, unspecified" - 67 255 110 0 1 1 0 "corpus callosum and associated subcortical white matter" - 68 188 32 173 1 1 0 "brachium of the superior colliculus" - 69 255 42 39 1 1 0 "inferior colliculus, commissure" - 70 39 244 253 1 1 0 "Central canal" - 71 63 192 255 1 1 0 "Interpeduncular nucleus" - 72 179 28 53 1 1 0 "ascending fibers of the facial nerve" - 73 255 79 206 1 1 0 "anterior commissure, intrabulbar part" - 74 0 246 14 1 1 0 "Inferior olive" - 75 91 241 255 1 1 0 "Spinal trigeminal nucleus" - 76 250 128 114 1 1 0 "spinal trigeminal tract" - 77 206 211 7 1 1 0 "Frontal association cortex" - 78 134 204 76 1 1 0 "middle cerebellar peduncle" - 79 128 170 255 1 1 0 "transverse fibers of the pons" - 80 69 235 202 1 1 0 "habenular commissure" - 81 222 7 237 1 1 0 "Nucleus of the stria medullaris" - 82 225 240 13 1 1 0 "Basal forebrain region, unspecified" - 83 250 170 64 1 1 0 "supraoptic decussation" - 84 65 150 255 1 1 0 "medial lemniscus decussation" - 85 114 9 212 1 1 0 "pyramidal decussation" - 93 0 8 182 1 1 0 "Bed nucleus of the stria terminalis" - 94 255 87 30 1 1 0 "Pretectal region" - 95 165 131 107 1 1 0 "Cornu ammonis 3" - 96 91 45 10 1 1 0 "Dentate gyrus" - 97 255 255 0 1 1 0 "Cornu ammonis 2" - 98 217 104 13 1 1 0 "Cornu ammonis 1" - 99 255 0 0 1 1 0 "Fasciola cinereum" - 100 255 192 0 1 1 0 "Subiculum" - 108 40 112 130 1 1 0 "Postrhinal cortex" - 109 80 123 175 1 1 0 "Presubiculum" - 110 23 54 96 1 1 0 "Parasubiculum" - 112 205 51 255 1 1 0 "Perirhinal area 35" - 113 112 48 160 1 1 0 "Perirhinal area 36" - 114 122 187 51 1 1 0 "Medial entorhinal cortex" - 115 90 111 47 1 1 0 "Lateral entorhinal cortex" - 119 0 144 55 1 1 0 "Vestibular apparatus" - 120 0 255 28 1 1 0 "Cochlea" - 121 253 148 0 1 1 0 "Cochlear nerve" - 122 253 50 0 1 1 0 "Vestibular nerve" - 123 0 12 255 1 1 0 "Ventral cochlear nucleus, granule cell layer" - 125 52 29 144 1 1 0 "4th ventricle" - 126 92 156 211 1 1 0 "Dorsal cochlear nucleus, molecular layer" - 127 0 80 156 1 1 0 "Dorsal cochlear nucleus, fusiform and granule layer" - 128 197 238 255 1 1 0 "Dorsal cochlear nucleus, deep core" - 129 255 217 0 1 1 0 "acoustic striae" - 130 213 255 0 1 1 0 "trapezoid body" - 131 0 255 81 1 1 0 "Nucleus of the trapezoid body" - 132 0 238 255 1 1 0 "Superior paraolivary nucleus" - 133 219 239 61 1 1 0 "Medial superior olive" - 134 35 76 190 1 1 0 "Lateral superior olive" - 135 1 153 21 1 1 0 "Superior periolivary region" - 136 0 174 255 1 1 0 "Ventral periolivary nuclei" - 137 255 0 115 1 1 0 "Lateral lemniscus, ventral nucleus" - 138 171 16 91 1 1 0 "Lateral lemniscus, intermediate nucleus" - 139 108 18 91 1 1 0 "Lateral lemniscus, dorsal nucleus" - 140 255 29 0 1 1 0 "lateral lemniscus, commissure" - 141 255 166 0 1 1 0 "lateral lemniscus, unspecified" - 142 206 255 142 1 1 0 "Inferior colliculus, dorsal cortex" - 143 0 238 254 1 1 0 "Inferior colliculus, central nucleus" - 145 48 136 203 1 1 0 "Inferior colliculus, external cortex" - 146 176 58 72 1 1 0 "inferior colliculus, brachium" - 150 255 47 242 1 1 0 "Medial geniculate body, marginal zone" - 151 255 215 0 1 1 0 "Primary auditory area" - 152 240 255 255 1 1 0 "Secondary auditory area, dorsal part" - 153 216 191 216 1 1 0 "Secondary auditory area, ventral part" - 157 244 156 255 1 1 0 "external medullary lamina, auditory radiation" - 158 34 152 255 1 1 0 "Ventral cochlear nucleus, anterior part" - 159 0 230 207 1 1 0 "Ventral cochlear nucleus, posterior part" - 160 0 255 106 1 1 0 "Ventral cochlear nucleus, cap area" - 162 185 255 233 1 1 0 "Spiral ganglion" - 163 99 205 0 1 1 0 "Nucleus sagulum" - 164 110 0 255 1 1 0 "Reticular (pre)thalamic nucleus, auditory segment" - 180 255 0 221 1 1 0 "lateral olfactory tract" - 181 0 204 255 1 1 0 "Piriform cortex, layer 1" - 182 0 0 254 1 1 0 "Piriform cortex, layer 2" - 183 165 120 221 1 1 0 "Piriform cortex, layer 3" - 184 230 216 250 1 1 0 "Nucleus accumbens, core" - 187 99 197 18 1 1 0 "Substantia nigra, reticular part" - 188 255 255 127 1 1 0 "Substantia nigra, compact part" - 189 0 159 159 1 1 0 "Substantia nigra, lateral part" - 192 88 47 108 1 1 0 "Nucleus accumbens, shell" - 193 0 162 255 1 1 0 "Ventral pallidum" - 195 255 85 255 1 1 0 "Globus pallidus external, medial part" - 196 127 255 212 1 1 0 "Ventral tegmental area" - 197 129 79 155 1 1 0 "Caudate putamen" - 198 200 25 200 1 1 0 "Globus pallidus external, lateral part" - 199 220 20 60 1 1 0 "Ventral striatal region, unspecified" - 200 0 217 255 1 1 0 "Reticular (pre)thalamic nucleus, unspecified" - 201 183 199 136 1 1 0 "Peripeduncular nucleus" - 204 255 25 0 1 1 0 "Pregeniculate nucleus" - 205 255 226 0 1 1 0 "Dorsal lateral geniculate nucleus" - 206 217 108 0 1 1 0 "Lateral habenular nucleus" - 207 205 0 24 1 1 0 "Medial habenular nucleus" - 208 228 112 214 1 1 0 "Posterior intralaminar nucleus" - 210 255 255 200 1 1 0 "Posterior thalamic nuclear group, triangular part" - 211 205 0 6 1 1 0 "Parataenial thalamic nucleus" - 213 131 10 121 1 1 0 "Anterodorsal thalamic nucleus" - 214 239 121 218 1 1 0 "Anteroventral thalamic nucleus, dorsomedial part" - 215 101 35 142 1 1 0 "Anteroventral thalamic nucleus, ventrolateral part" - 216 0 255 17 1 1 0 "Rhomboid thalamic nucleus" - 218 35 255 236 1 1 0 "Xiphoid thalamic nucleus" - 219 255 170 0 1 1 0 "Reuniens thalamic nucleus" - 221 0 185 126 1 1 0 "Ventromedial thalamic nucleus" - 222 130 0 217 1 1 0 "Submedius thalamic nucleus" - 223 139 93 139 1 1 0 "Angular thalamic nucleus" - 227 255 0 254 1 1 0 "Ventral posteromedial thalamic nucleus" - 228 255 123 0 1 1 0 "Laterodorsal thalamic nucleus, dorsomedial part" - 229 43 153 31 1 1 0 "Laterodorsal thalamic nucleus, ventrolateral part" - 230 255 255 2 1 1 0 "Posterior thalamic nucleus" - 231 170 170 255 1 1 0 "Ventrolateral thalamic nucleus" - 232 255 85 127 1 1 0 "Mediodorsal thalamic nucleus, lateral part" - 233 85 170 0 1 1 0 "Mediodorsal thalamic nucleus, central part" - 235 216 191 217 1 1 0 "Zona incerta, dorsal part" - 236 75 200 138 1 1 0 "Zona incerta, ventral part" - 238 194 71 79 1 1 0 "Zona incerta, A13 dopamine cells" - 239 219 143 247 1 1 0 "pretectothalamic lamina" - 240 170 255 255 1 1 0 "Mediodorsal thalamic nucleus, medial part" - 242 156 51 51 1 1 0 "Paraventricular thalamic nuclei (anterior and posterior)" - 246 240 248 255 1 1 0 "Paracentral thalamic nucleus" - 247 224 182 64 1 1 0 "Central medial thalamic nucleus" - 248 153 50 204 1 1 0 "Central lateral thalamic nucleus" - 249 170 255 0 1 1 0 "external medullary lamina, unspecified" - 254 0 85 255 1 1 0 "Anteromedial thalamic nucleus" - 255 248 117 222 1 1 0 "Interanteromedial thalamic nucleus" - 257 30 144 255 1 1 0 "Zona incerta, rostral part" - 260 160 82 45 1 1 0 "Intermediodorsal thalamic nucleus" - 266 0 255 8 1 1 0 "Ventral posterior nucleus of the thalamus, parvicellular part" - 267 255 239 213 1 1 0 "Parafascicular thalamic nucleus" - 268 0 0 205 1 1 0 "Retroreuniens thalamic nucleus" - 270 210 182 140 1 1 0 "superior cerebellar peduncle and prerubral field" - 272 0 0 128 1 1 0 "Intergeniculate leaflet" - 278 233 150 122 1 1 0 "Subparafascicular nucleus" - 280 255 250 250 1 1 0 "Fields of Forel" - 281 147 112 219 1 1 0 "Subgeniculate nucleus" - 282 131 50 128 1 1 0 "Ethmoid-Limitans nucleus" - 283 199 87 61 1 1 0 "Lateral posterior thalamic nucleus, lateral part" - 284 255 182 193 1 1 0 "Zona incerta, A11 dopamine cells" - 285 60 179 113 1 1 0 "Lateral posterior thalamic nucleus, mediorostral part" - 286 255 235 205 1 1 0 "Lateral posterior thalamic nucleus, mediocaudal part" - 287 255 228 196 1 1 0 "Zona incerta, caudal part" - 290 155 148 111 1 1 0 "intramedullary thalamic area" - 291 255 92 10 1 1 0 "internal medullary lamina" - 293 255 136 0 1 1 0 "Ventral anterior thalamic nucleus" - 294 171 86 62 1 1 0 "Ventral posterolateral thalamic nucleus" - 295 239 163 0 1 1 0 "Medial geniculate body, dorsal division" - 297 10 244 217 1 1 0 "Medial geniculate body, medial division" - 298 131 58 31 1 1 0 "Medial geniculate body, ventral division" - 299 10 244 150 1 1 0 "Medial geniculate body, suprageniculate nucleus" - 400 255 0 1 1 1 0 "Ventrolateral orbital area" - 401 255 174 201 1 1 0 "Lateral orbital area" - 402 200 191 231 1 1 0 "Ventral orbital area" - 403 63 72 204 1 1 0 "Medial orbital area" - 404 185 122 87 1 1 0 "Dorsolateral orbital area" - 405 163 73 164 1 1 0 "Prelimbic area" - 406 0 162 232 1 1 0 "Secondary motor area" - 407 136 0 21 1 1 0 "Frontal association area 3" - 408 153 217 234 1 1 0 "Primary motor area" - 409 255 201 14 1 1 0 "Agranular insular cortex, ventral area" - 410 255 127 39 1 1 0 "Agranular insular cortex dorsal area " - 411 0 128 128 1 1 0 "Cingulate area 1" - 412 153 217 200 1 1 0 "Claustrum" - 413 34 177 76 1 1 0 "Infralimbic area" - 414 255 242 0 1 1 0 "Dysgranular insular cortex" - 416 239 228 176 1 1 0 "Granular insular cortex" - 417 185 14 131 1 1 0 "Primary somatosensory area, forelimb representation" - 418 237 28 36 1 1 0 "Primary somatosensory area, dysgranular zone" - 420 255 128 192 1 1 0 "Primary somatosensory area, face representation" - 422 200 100 250 1 1 0 "Secondary somatosensory area" - 423 136 100 21 1 1 0 "Primary somatosensory area, hindlimb representation" - 424 181 230 29 1 1 0 "Agranular insular cortex, posterior area " - 425 120 177 76 1 1 0 "Primary somatosensory area, barrel field" - 427 200 73 164 1 1 0 "Retrosplenial dysgranular area" - 429 225 150 201 1 1 0 "Primary somatosensory area, trunk representation" - 430 25 100 200 1 1 0 "Retrosplenial granular area" - 432 255 240 29 1 1 0 "Parietal association cortex, lateral area" - 433 108 0 108 1 1 0 "Parietal association cortex, medial area" - 436 128 0 64 1 1 0 "Parietal association cortex, posterior area " - 442 84 52 35 1 1 0 "Primary visual area" - 443 255 100 100 1 1 0 "Secondary visual area, lateral part" - 444 0 128 0 1 1 0 "Temporal association cortex" - 448 128 0 100 1 1 0 "Secondary visual area, medial part" - 500 1 10 100 1 1 0 "Endopiriform nucleus" - 501 2 20 200 1 1 0 "Amygdaloid area, unspecified" - 502 230 184 67 1 1 0 "Nucleus of the lateral olfactory tract" diff --git a/annotation_volumes/WHS_v2_colours.csv b/annotation_volumes/WHS_v2_colours.csv deleted file mode 100644 index 54b87982797c55e58f2a7a54f16aaead1c6a3dc2..0000000000000000000000000000000000000000 --- a/annotation_volumes/WHS_v2_colours.csv +++ /dev/null @@ -1,82 +0,0 @@ -idx,name,r,g,b,a,VIS,MSH -0,Clear Label,0,0,0,1.0,1.0,1.0 -1,descending corticofugal pathways,255,52,39,1.0,1.0,0.0 -2,substantia nigra,255,186,0,1.0,1.0,0.0 -3,subthalamic nucleus,0,0,255,1.0,1.0,0.0 -4,molecular layer of the cerebellum,255,255,0,1.0,1.0,0.0 -5,granule cell level of the cerebellum,0,255,255,1.0,1.0,0.0 -6,alveus of the hippocampus,255,0,255,1.0,1.0,0.0 -7,inferior cerebellar peduncle,52,255,13,1.0,1.0,0.0 -10,"cingulate cortex, area 2",29,104,235,1.0,1.0,0.0 -30,striatum,129,79,255,1.0,1.0,0.0 -31,globus pallidus,255,145,186,1.0,1.0,0.0 -32,entopeduncular nucleus,26,231,255,1.0,1.0,0.0 -33,ventricular system,2,44,255,1.0,1.0,0.0 -34,medial lemniscus,212,255,0,1.0,1.0,0.0 -35,facial nerve,0,176,63,1.0,1.0,0.0 -36,"anterior commissure, anterior part",124,252,0,1.0,1.0,0.0 -37,"anterior commissure, posterior part",255,186,0,1.0,1.0,0.0 -38,ventral hippocampal commissure,174,0,232,1.0,1.0,0.0 -39,thalamus,0,100,0,1.0,1.0,0.0 -40,septal region,255,8,0,1.0,1.0,0.0 -41,optic nerve,48,218,0,1.0,1.0,0.0 -42,optic tract and optic chiasm,38,126,255,1.0,1.0,0.0 -43,pineal gland,218,170,62,1.0,1.0,0.0 -44,inner ear,0,165,21,1.0,1.0,0.0 -45,spinal cord,134,255,90,0.68,1.0,0.0 -46,commissure of the superior colliculus,33,230,255,1.0,1.0,0.0 -47,brainstem,153,83,255,1.0,1.0,0.0 -48,hypothalamic region,226,120,161,1.0,1.0,0.0 -49,inferior colliculus,238,47,44,1.0,1.0,0.0 -50,superficial gray layer of the superior colliculus,86,0,221,1.0,1.0,0.0 -51,periaqueductal gray,7,255,89,1.0,1.0,0.0 -52,fornix,21,192,255,1.0,1.0,0.0 -53,mammillothalamic tract,238,186,0,1.0,1.0,0.0 -54,commissural stria terminalis,173,255,47,1.0,1.0,0.0 -55,deeper layers of the superior colliculus,225,151,15,1.0,1.0,0.0 -56,periventricular gray,235,87,255,1.0,1.0,0.0 -57,genu of the facial nerve,250,244,247,1.0,1.0,0.0 -58,pontine nuclei,0,215,11,1.0,1.0,0.0 -59,fimbria of the hippocampus,0,255,29,1.0,1.0,0.0 -60,fasciculus retroflexus,244,67,69,1.0,1.0,0.0 -61,stria medullaris of the thalamus,255,252,0,1.0,1.0,0.0 -62,stria terminalis,238,117,51,1.0,1.0,0.0 -63,posterior commissure,255,0,218,1.0,1.0,0.0 -64,glomerular layer of the accessory olfactory bulb,15,109,230,1.0,1.0,0.0 -65,glomerular layer of the olfactory bulb,255,227,0,1.0,1.0,0.0 -66,olfactory bulb,255,135,0,1.0,1.0,0.0 -67,corpus callosum and associated subcortical white matter,255,110,0,1.0,1.0,0.0 -68,brachium of the superior colliculus,188,32,173,1.0,1.0,0.0 -69,commissure of the inferior colliculus,147,255,39,1.0,1.0,0.0 -70,central canal,39,244,253,1.0,1.0,0.0 -71,interpeduncular nucleus,63,192,255,1.0,1.0,0.0 -72,ascending fibers of the facial nerve,179,28,53,1.0,1.0,0.0 -73,anterior commissure,255,79,206,1.0,1.0,0.0 -74,inferior olive,0,246,14,1.0,1.0,0.0 -75,spinal trigeminal nuclus,91,241,255,1.0,1.0,0.0 -76,spinal trigeminal tract,250,128,114,1.0,1.0,0.0 -77,frontal associiation cortex,206,211,7,1.0,1.0,0.0 -78,middle cerebellar peduncle,134,204,76,1.0,1.0,0.0 -79,transverse fibers of the pons,128,170,255,1.0,1.0,0.0 -80,habenular commissure,69,235,202,1.0,1.0,0.0 -81,nucleus of the stria medullaris,222,7,237,1.0,1.0,0.0 -82,basal forebrain region,225,240,13,1.0,1.0,0.0 -83,supraoptic decussation,250,170,64,1.0,1.0,0.0 -84,medial lemniscus decussation,65,150,255,1.0,1.0,0.0 -85,pyramidal decussation,114,9,212,1.0,1.0,0.0 -92,neocortex,3,193,45,1.0,1.0,0.0 -93,bed nucleus of the stria terminalis,0,8,182,1.0,1.0,0.0 -94,pretectal region,255,87,30,1.0,1.0,0.0 -95,cornu ammonis 3,165,131,107,1.0,1.0,1.0 -96,dentate gyrus,91,45,10,1.0,1.0,1.0 -97,cornu ammonis 2,255,255,0,1.0,1.0,1.0 -98,cornu ammonis 1,217,104,13,1.0,1.0,1.0 -99,fasciola cinereum,255,82,82,1.0,1.0,1.0 -100,subiculum,255,192,0,1.0,1.0,1.0 -108,postrhinal cortex,40,112,130,1.0,1.0,1.0 -109,presubiculum,80,123,175,1.0,1.0,1.0 -110,parasubiculum,23,54,96,1.0,1.0,1.0 -112,perirhinal area 35,205,51,255,1.0,1.0,1.0 -113,perirhinal area 36,112,48,160,1.0,1.0,1.0 -114,entorhinal cortex,12,92,8,1.0,1.0,1.0 -115,lateral entorhinal cortex,221,166,36,1.0,1.0,1.0 diff --git a/annotation_volumes/WHS_v3_colours.csv b/annotation_volumes/WHS_v3_colours.csv deleted file mode 100644 index 306b7c92915eab7382253caa7d4cb4a2253102af..0000000000000000000000000000000000000000 --- a/annotation_volumes/WHS_v3_colours.csv +++ /dev/null @@ -1,121 +0,0 @@ -idx,name,r,g,b,a,VIS,MSH -0,Clear Label,0,0,0,1.0,1.0,1.0 -1,descending corticofugal pathways,255,52,39,1.0,1.0,0.0 -2,substantia nigra,255,186,0,1.0,1.0,0.0 -3,subthalamic nucleus,0,0,255,1.0,1.0,0.0 -4,molecular layer of the cerebellum,255,255,0,1.0,1.0,0.0 -5,granule cell level of the cerebellum,0,255,255,1.0,1.0,0.0 -6,alveus of the hippocampus,255,0,255,1.0,1.0,0.0 -7,inferior cerebellar peduncle,52,255,13,1.0,1.0,0.0 -10,"cingulate cortex, area 2",29,104,235,1.0,1.0,0.0 -30,striatum,129,79,255,1.0,1.0,0.0 -31,globus pallidus,255,145,186,1.0,1.0,0.0 -32,entopeduncular nucleus,26,231,255,1.0,1.0,0.0 -33,ventricular system,2,44,255,1.0,1.0,0.0 -34,medial lemniscus,212,255,0,1.0,1.0,0.0 -35,facial nerve,255,25,240,1.0,1.0,0.0 -36,"anterior commissure, anterior part",124,252,0,1.0,1.0,0.0 -37,"anterior commissure, posterior part",255,186,0,1.0,1.0,0.0 -38,ventral hippocampal commissure,174,0,232,1.0,1.0,0.0 -39,thalamus,0,100,0,1.0,1.0,0.0 -40,septal region,255,8,0,1.0,1.0,0.0 -41,optic nerve,48,218,0,1.0,1.0,0.0 -42,optic tract and optic chiasm,38,126,255,1.0,1.0,0.0 -43,pineal gland,218,170,62,1.0,1.0,0.0 -44,"inner ear, erroneous",255,255,255,1.0,1.0,0.0 -45,spinal cord,134,255,90,1.0,1.0,0.0 -46,commissure of the superior colliculus,33,230,255,1.0,1.0,0.0 -47,brainstem,153,83,255,1.0,1.0,0.0 -48,hypothalamic region,226,120,161,1.0,1.0,0.0 -50,superficial gray layer of the superior colliculus,86,0,221,1.0,1.0,0.0 -51,periaqueductal gray,7,255,89,1.0,1.0,0.0 -52,fornix,21,192,255,1.0,1.0,0.0 -53,mammillothalamic tract,238,186,0,1.0,1.0,0.0 -54,commissural stria terminalis,173,255,47,1.0,1.0,0.0 -55,deeper layers of the superior colliculus,225,151,15,1.0,1.0,0.0 -56,periventricular gray,235,87,255,1.0,1.0,0.0 -57,genu of the facial nerve,250,244,247,1.0,1.0,0.0 -58,pontine nuclei,0,215,11,1.0,1.0,0.0 -59,fimbria of the hippocampus,0,255,29,1.0,1.0,0.0 -60,fasciculus retroflexus,244,67,69,1.0,1.0,0.0 -61,stria medullaris of the thalamus,0,255,0,1.0,1.0,0.0 -62,stria terminalis,238,117,51,1.0,1.0,0.0 -63,posterior commissure,255,0,218,1.0,1.0,0.0 -64,glomerular layer of the accessory olfactory bulb,15,109,230,1.0,1.0,0.0 -65,glomerular layer of the olfactory bulb,255,227,0,1.0,1.0,0.0 -66,olfactory bulb,255,135,0,1.0,1.0,0.0 -67,corpus callosum and associated subcortical white matter,255,110,0,1.0,1.0,0.0 -68,brachium of the superior colliculus,188,32,173,1.0,1.0,0.0 -69,"inferior colliculus, commissure",255,42,39,1.0,1.0,1.0 -70,central canal,39,244,253,1.0,1.0,0.0 -71,interpeduncular nucleus,63,192,255,1.0,1.0,0.0 -72,ascending fibers of the facial nerve,179,28,53,1.0,1.0,0.0 -73,anterior commissure,255,79,206,1.0,1.0,0.0 -74,inferior olive,0,246,14,1.0,1.0,0.0 -75,spinal trigeminal nucleus,91,241,255,1.0,1.0,0.0 -76,spinal trigeminal tract,250,128,114,1.0,1.0,0.0 -77,frontal association cortex,206,211,7,1.0,1.0,0.0 -78,middle cerebellar peduncle,134,204,76,1.0,1.0,0.0 -79,transverse fibers of the pons,128,170,255,1.0,1.0,0.0 -80,habenular commissure,69,235,202,1.0,1.0,0.0 -81,nucleus of the stria medullaris,222,7,237,1.0,1.0,0.0 -82,basal forebrain region,225,240,13,1.0,1.0,0.0 -83,supraoptic decussation,250,170,64,1.0,1.0,0.0 -84,medial lemniscus decussation,65,150,255,1.0,1.0,0.0 -85,pyramidal decussation,114,9,212,1.0,1.0,0.0 -92,neocortex,3,193,45,1.0,1.0,0.0 -93,bed nucleus of the stria terminalis,0,8,182,1.0,1.0,0.0 -94,pretectal region,255,87,30,1.0,1.0,0.0 -95,cornu ammonis 3,165,131,107,1.0,1.0,0.0 -96,dentate gyrus,91,45,10,1.0,1.0,0.0 -97,cornu ammonis 2,255,255,0,1.0,1.0,0.0 -98,cornu ammonis 1,217,104,13,1.0,1.0,0.0 -99,fasciola cinereum,255,0,0,1.0,1.0,0.0 -100,subiculum,255,192,0,1.0,1.0,0.0 -108,postrhinal cortex,40,112,130,1.0,1.0,0.0 -109,presubiculum,80,123,175,1.0,1.0,0.0 -110,parasubiculum,23,54,96,1.0,1.0,0.0 -112,perirhinal area 35,205,51,255,1.0,1.0,0.0 -113,perirhinal area 36,112,48,160,1.0,1.0,0.0 -114,entorhinal cortex,122,187,51,1.0,1.0,0.0 -115,lateral entorhinal cortex,90,111,47,1.0,1.0,0.0 -119,vestibular apparatus,0,144,55,1.0,1.0,1.0 -120,cochlea,0,255,29,1.0,1.0,1.0 -121,cochlear nerve,253,148,0,1.0,1.0,1.0 -122,vestibular nerve,253,50,0,1.0,1.0,1.0 -123,"ventral cochlear nucleus, granule cell layer",0,12,255,1.0,1.0,1.0 -125,4th ventricle,52,29,144,1.0,1.0,0.0 -126,"dorsal cochlear nucleus, molecular layer",92,156,211,1.0,1.0,1.0 -127,"dorsal cochlear nucleus, fusiform and granule layer",0,80,156,1.0,1.0,1.0 -128,"dorsal cochlear nucleus, deep core",197,238,255,1.0,1.0,1.0 -129,acoustic striae,255,217,0,1.0,1.0,1.0 -130,trapezoid body,213,255,0,1.0,1.0,1.0 -131,nucleus of the trapezoid body,0,255,81,1.0,1.0,1.0 -132,superior paraolivary nucleus,0,238,255,1.0,1.0,1.0 -133,medial superior olive,219,239,61,1.0,1.0,1.0 -134,lateral superior olive,35,76,190,1.0,1.0,1.0 -135,superior periolivary region,1,153,21,1.0,1.0,1.0 -136,ventral periolivary nuclei,0,174,255,1.0,1.0,1.0 -137,"lateral lemniscus, ventral nucleus",255,0,115,1.0,1.0,1.0 -138,"lateral lemniscus, intermediate nucleus",171,16,91,1.0,1.0,1.0 -139,"lateral lemniscus, dorsal nucleus",108,18,91,1.0,1.0,1.0 -140,"lateral lemniscus, commissure",255,29,0,1.0,1.0,1.0 -141,lateral lemniscus,255,166,0,1.0,1.0,1.0 -142,"inferior colliculus, dorsal cortex",206,255,142,1.0,1.0,1.0 -143,"inferior colliculus, central nucleus",0,238,255,1.0,1.0,1.0 -145,"inferior colliculus, external cortex",48,136,203,1.0,1.0,1.0 -146,"inferior colliculus, brachium",176,58,72,1.0,1.0,1.0 -147,"medial geniculate body, medial division",10,244,217,1.0,1.0,1.0 -148,"medial geniculate body, dorsal division",239,163,0,1.0,1.0,1.0 -149,"medial geniculate body, ventral division",131,58,31,1.0,1.0,1.0 -150,"medial geniculate body, marginal zone",255,47,242,1.0,1.0,1.0 -151,primary auditory cortex,255,215,0,1.0,1.0,1.0 -152,"secondary auditory cortex, dorsal area",240,255,255,1.0,1.0,1.0 -153,"secondary auditory cortex, ventral area",216,191,216,1.0,1.0,1.0 -157,auditory radiation,244,156,255,1.0,1.0,1.0 -158,"ventral cochlear nucleus, anterior part",34,152,255,1.0,1.0,1.0 -159,"ventral cochlear nucleus, posterior part",0,230,207,1.0,1.0,1.0 -160,"ventral cochlear nucleus, cap area",0,255,106,1.0,1.0,1.0 -162,spiral ganglion,185,255,233,1.0,1.0,1.0 -163,nucleus sagulum,99,205,0,1.0,1.0,1.0 -164,"reticular thalamic nucleus, auditory segment",110,0,255,1.0,1.0,1.0 diff --git a/annotation_volumes/WHS_v4_colours.csv b/annotation_volumes/WHS_v4_colours.csv deleted file mode 100644 index 6db3be4f76b124a9a1a7af37dcd702fb90b45243..0000000000000000000000000000000000000000 --- a/annotation_volumes/WHS_v4_colours.csv +++ /dev/null @@ -1,224 +0,0 @@ -idx,name,r,g,b,a,VIS,MSH -0,Clear Label,0,0,0,1.0,1.0,1.0 -1,corticofugal tract and corona radiata,255,52,39,1.0,1.0,0.0 -3,Subthalamic nucleus,0,0,255,1.0,1.0,0.0 -4,Molecular cell layer of the cerebellum,255,255,1,1.0,1.0,0.0 -5,"Cerebellum, unspecified",0,255,255,1.0,1.0,0.0 -6,alveus of the hippocampus,255,0,255,1.0,1.0,0.0 -7,inferior cerebellar peduncle,52,255,13,1.0,1.0,0.0 -10,Cingulate area 2,29,104,235,1.0,1.0,0.0 -32,Entopeduncular nucleus,26,231,255,1.0,1.0,0.0 -33,"Ventricular system, unspecified",2,44,255,1.0,1.0,0.0 -34,"medial lemniscus, unspecified",212,255,0,1.0,1.0,0.0 -35,"facial nerve, unspecified",255,25,240,1.0,1.0,0.0 -36,"anterior commissure, anterior limb",124,252,0,1.0,1.0,0.0 -37,"anterior commissure, posterior limb",255,186,0,1.0,1.0,0.0 -38,ventral hippocampal commissure,174,0,232,1.0,1.0,0.0 -40,Septal region,255,8,0,1.0,1.0,0.0 -41,optic nerve,48,218,0,1.0,1.0,0.0 -42,optic tract and optic chiasm,38,126,255,1.0,1.0,0.0 -43,Pineal gland,218,170,62,1.0,1.0,0.0 -45,Spinal cord,134,255,90,1.0,1.0,0.0 -46,commissure of the superior colliculus,33,230,255,1.0,1.0,0.0 -47,"Brainstem, unspecified",153,83,255,1.0,1.0,0.0 -48,"Hypothalamic region, unspecified",226,120,161,1.0,1.0,0.0 -50,Superficial gray layer of the superior colliculus,86,0,221,1.0,1.0,0.0 -51,Periaqueductal gray,7,255,89,1.0,1.0,0.0 -52,fornix,21,192,255,1.0,1.0,0.0 -53,mammillotegmental tract,238,186,0,1.0,1.0,0.0 -54,commissural stria terminalis,173,255,47,1.0,1.0,0.0 -55,Deeper layers of the superior colliculus,225,151,15,1.0,1.0,0.0 -56,Periventricular gray,235,87,255,1.0,1.0,0.0 -57,genu of the facial nerve,250,244,247,1.0,1.0,0.0 -58,Pontine nuclei,0,215,11,1.0,1.0,0.0 -59,fimbria of the hippocampus,0,255,29,1.0,1.0,0.0 -60,fasciculus retroflexus,244,67,69,1.0,1.0,0.0 -61,stria medullaris thalami,0,255,0,1.0,1.0,0.0 -62,stria terminalis,238,117,51,1.0,1.0,0.0 -63,posterior commissure,255,0,218,1.0,1.0,0.0 -64,Glomerular layer of the accessory olfactory bulb,15,109,230,1.0,1.0,0.0 -65,Glomerular layer of the olfactory bulb,255,227,0,1.0,1.0,0.0 -66,"Olfactory bulb, unspecified",255,135,0,1.0,1.0,0.0 -67,corpus callosum and associated subcortical white matter,255,110,0,1.0,1.0,0.0 -68,brachium of the superior colliculus,188,32,173,1.0,1.0,0.0 -69,"inferior colliculus, commissure",255,42,39,1.0,1.0,0.0 -70,Central canal,39,244,253,1.0,1.0,0.0 -71,Interpeduncular nucleus,63,192,255,1.0,1.0,0.0 -72,ascending fibers of the facial nerve,179,28,53,1.0,1.0,0.0 -73,"anterior commissure, intrabulbar part",255,79,206,1.0,1.0,0.0 -74,Inferior olive,0,246,14,1.0,1.0,0.0 -75,Spinal trigeminal nucleus,91,241,255,1.0,1.0,0.0 -76,spinal trigeminal tract,250,128,114,1.0,1.0,0.0 -77,Frontal association cortex,206,211,7,1.0,1.0,0.0 -78,middle cerebellar peduncle,134,204,76,1.0,1.0,0.0 -79,transverse fibers of the pons,128,170,255,1.0,1.0,0.0 -80,habenular commissure,69,235,202,1.0,1.0,0.0 -81,Nucleus of the stria medullaris,222,7,237,1.0,1.0,0.0 -82,"Basal forebrain region, unspecified",225,240,13,1.0,1.0,0.0 -83,supraoptic decussation,250,170,64,1.0,1.0,0.0 -84,medial lemniscus decussation,65,150,255,1.0,1.0,0.0 -85,pyramidal decussation,114,9,212,1.0,1.0,0.0 -93,Bed nucleus of the stria terminalis,0,8,182,1.0,1.0,0.0 -94,Pretectal region,255,87,30,1.0,1.0,0.0 -95,Cornu ammonis 3,165,131,107,1.0,1.0,0.0 -96,Dentate gyrus,91,45,10,1.0,1.0,0.0 -97,Cornu ammonis 2,255,255,0,1.0,1.0,0.0 -98,Cornu ammonis 1,217,104,13,1.0,1.0,0.0 -99,Fasciola cinereum,255,0,0,1.0,1.0,0.0 -100,Subiculum,255,192,0,1.0,1.0,0.0 -108,Postrhinal cortex,40,112,130,1.0,1.0,0.0 -109,Presubiculum,80,123,175,1.0,1.0,0.0 -110,Parasubiculum,23,54,96,1.0,1.0,0.0 -112,Perirhinal area 35,205,51,255,1.0,1.0,0.0 -113,Perirhinal area 36,112,48,160,1.0,1.0,0.0 -114,Medial entorhinal cortex,122,187,51,1.0,1.0,0.0 -115,Lateral entorhinal cortex,90,111,47,1.0,1.0,0.0 -119,Vestibular apparatus,0,144,55,1.0,1.0,0.0 -120,Cochlea,0,255,28,1.0,1.0,0.0 -121,Cochlear nerve,253,148,0,1.0,1.0,0.0 -122,Vestibular nerve,253,50,0,1.0,1.0,0.0 -123,"Ventral cochlear nucleus, granule cell layer",0,12,255,1.0,1.0,0.0 -125,4th ventricle,52,29,144,1.0,1.0,0.0 -126,"Dorsal cochlear nucleus, molecular layer",92,156,211,1.0,1.0,0.0 -127,"Dorsal cochlear nucleus, fusiform and granule layer",0,80,156,1.0,1.0,0.0 -128,"Dorsal cochlear nucleus, deep core",197,238,255,1.0,1.0,0.0 -129,acoustic striae,255,217,0,1.0,1.0,0.0 -130,trapezoid body,213,255,0,1.0,1.0,0.0 -131,Nucleus of the trapezoid body,0,255,81,1.0,1.0,0.0 -132,Superior paraolivary nucleus,0,238,255,1.0,1.0,0.0 -133,Medial superior olive,219,239,61,1.0,1.0,0.0 -134,Lateral superior olive,35,76,190,1.0,1.0,0.0 -135,Superior periolivary region,1,153,21,1.0,1.0,0.0 -136,Ventral periolivary nuclei,0,174,255,1.0,1.0,0.0 -137,"Lateral lemniscus, ventral nucleus",255,0,115,1.0,1.0,0.0 -138,"Lateral lemniscus, intermediate nucleus",171,16,91,1.0,1.0,0.0 -139,"Lateral lemniscus, dorsal nucleus",108,18,91,1.0,1.0,0.0 -140,"lateral lemniscus, commissure",255,29,0,1.0,1.0,0.0 -141,"lateral lemniscus, unspecified",255,166,0,1.0,1.0,0.0 -142,"Inferior colliculus, dorsal cortex",206,255,142,1.0,1.0,0.0 -143,"Inferior colliculus, central nucleus",0,238,254,1.0,1.0,0.0 -145,"Inferior colliculus, external cortex",48,136,203,1.0,1.0,0.0 -146,"inferior colliculus, brachium",176,58,72,1.0,1.0,0.0 -150,"Medial geniculate body, marginal zone",255,47,242,1.0,1.0,0.0 -151,Primary auditory area,255,215,0,1.0,1.0,0.0 -152,"Secondary auditory area, dorsal part",240,255,255,1.0,1.0,0.0 -153,"Secondary auditory area, ventral part",216,191,216,1.0,1.0,0.0 -157,"external medullary lamina, auditory radiation",244,156,255,1.0,1.0,0.0 -158,"Ventral cochlear nucleus, anterior part",34,152,255,1.0,1.0,0.0 -159,"Ventral cochlear nucleus, posterior part",0,230,207,1.0,1.0,0.0 -160,"Ventral cochlear nucleus, cap area",0,255,106,1.0,1.0,0.0 -162,Spiral ganglion,185,255,233,1.0,1.0,0.0 -163,Nucleus sagulum,99,205,0,1.0,1.0,0.0 -164,"Reticular (pre)thalamic nucleus, auditory segment",110,0,255,1.0,1.0,0.0 -180,lateral olfactory tract,255,0,221,1.0,1.0,0.0 -181,"Piriform cortex, layer 1",0,204,255,1.0,1.0,0.0 -182,"Piriform cortex, layer 2",0,0,254,1.0,1.0,0.0 -183,"Piriform cortex, layer 3",165,120,221,1.0,1.0,0.0 -184,"Nucleus accumbens, core",230,216,250,1.0,1.0,0.0 -187,"Substantia nigra, reticular part",99,197,18,1.0,1.0,0.0 -188,"Substantia nigra, compact part",255,255,127,1.0,1.0,0.0 -189,"Substantia nigra, lateral part",0,159,159,1.0,1.0,0.0 -192,"Nucleus accumbens, shell",88,47,108,1.0,1.0,0.0 -193,Ventral pallidum,0,162,255,1.0,1.0,0.0 -195,"Globus pallidus external, medial part",255,85,255,1.0,1.0,0.0 -196,Ventral tegmental area,127,255,212,1.0,1.0,0.0 -197,Caudate putamen,129,79,155,1.0,1.0,0.0 -198,"Globus pallidus external, lateral part",200,25,200,1.0,1.0,0.0 -199,"Ventral striatal region, unspecified",220,20,60,1.0,1.0,0.0 -200,"Reticular (pre)thalamic nucleus, unspecified",0,217,255,1.0,1.0,0.0 -201,Peripeduncular nucleus,183,199,136,1.0,1.0,0.0 -204,Pregeniculate nucleus,255,25,0,1.0,1.0,0.0 -205,Dorsal lateral geniculate nucleus,255,226,0,1.0,1.0,0.0 -206,Lateral habenular nucleus,217,108,0,1.0,1.0,0.0 -207,Medial habenular nucleus,205,0,24,1.0,1.0,0.0 -208,Posterior intralaminar nucleus,228,112,214,1.0,1.0,0.0 -210,"Posterior thalamic nuclear group, triangular part",255,255,200,1.0,1.0,0.0 -211,Parataenial thalamic nucleus,205,0,6,1.0,1.0,0.0 -213,Anterodorsal thalamic nucleus,131,10,121,1.0,1.0,0.0 -214,"Anteroventral thalamic nucleus, dorsomedial part",239,121,218,1.0,1.0,0.0 -215,"Anteroventral thalamic nucleus, ventrolateral part",101,35,142,1.0,1.0,0.0 -216,Rhomboid thalamic nucleus,0,255,17,1.0,1.0,0.0 -218,Xiphoid thalamic nucleus,35,255,236,1.0,1.0,0.0 -219,Reuniens thalamic nucleus,255,170,0,1.0,1.0,0.0 -221,Ventromedial thalamic nucleus,0,185,126,1.0,1.0,0.0 -222,Submedius thalamic nucleus,130,0,217,1.0,1.0,0.0 -223,Angular thalamic nucleus,139,93,139,1.0,1.0,0.0 -227,Ventral posteromedial thalamic nucleus,255,0,254,1.0,1.0,0.0 -228,"Laterodorsal thalamic nucleus, dorsomedial part",255,123,0,1.0,1.0,0.0 -229,"Laterodorsal thalamic nucleus, ventrolateral part",43,153,31,1.0,1.0,0.0 -230,Posterior thalamic nucleus,255,255,2,1.0,1.0,0.0 -231,Ventrolateral thalamic nucleus,170,170,255,1.0,1.0,0.0 -232,"Mediodorsal thalamic nucleus, lateral part",255,85,127,1.0,1.0,0.0 -233,"Mediodorsal thalamic nucleus, central part",85,170,0,1.0,1.0,0.0 -235,"Zona incerta, dorsal part",216,191,217,1.0,1.0,0.0 -236,"Zona incerta, ventral part",75,200,138,1.0,1.0,0.0 -238,"Zona incerta, A13 dopamine cells",194,71,79,1.0,1.0,0.0 -239,pretectothalamic lamina,219,143,247,1.0,1.0,0.0 -240,"Mediodorsal thalamic nucleus, medial part",170,255,255,1.0,1.0,0.0 -242,Paraventricular thalamic nuclei (anterior and posterior),156,51,51,1.0,1.0,0.0 -246,Paracentral thalamic nucleus,240,248,255,1.0,1.0,0.0 -247,Central medial thalamic nucleus,224,182,64,1.0,1.0,0.0 -248,Central lateral thalamic nucleus,153,50,204,1.0,1.0,0.0 -249,"external medullary lamina, unspecified",170,255,0,1.0,1.0,0.0 -254,Anteromedial thalamic nucleus,0,85,255,1.0,1.0,0.0 -255,Interanteromedial thalamic nucleus,248,117,222,1.0,1.0,0.0 -257,"Zona incerta, rostral part",30,144,255,1.0,1.0,0.0 -260,Intermediodorsal thalamic nucleus,160,82,45,1.0,1.0,0.0 -266,"Ventral posterior nucleus of the thalamus, parvicellular part",0,255,8,1.0,1.0,0.0 -267,Parafascicular thalamic nucleus,255,239,213,1.0,1.0,0.0 -268,Retroreuniens thalamic nucleus,0,0,205,1.0,1.0,0.0 -270,superior cerebellar peduncle and prerubral field,210,182,140,1.0,1.0,0.0 -272,Intergeniculate leaflet,0,0,128,1.0,1.0,0.0 -278,Subparafascicular nucleus,233,150,122,1.0,1.0,0.0 -280,Fields of Forel,255,250,250,1.0,1.0,0.0 -281,Subgeniculate nucleus,147,112,219,1.0,1.0,0.0 -282,Ethmoid-Limitans nucleus,131,50,128,1.0,1.0,0.0 -283,"Lateral posterior thalamic nucleus, lateral part",199,87,61,1.0,1.0,0.0 -284,"Zona incerta, A11 dopamine cells",255,182,193,1.0,1.0,0.0 -285,"Lateral posterior thalamic nucleus, mediorostral part",60,179,113,1.0,1.0,0.0 -286,"Lateral posterior thalamic nucleus, mediocaudal part",255,235,205,1.0,1.0,0.0 -287,"Zona incerta, caudal part",255,228,196,1.0,1.0,0.0 -290,intramedullary thalamic area,155,148,111,1.0,1.0,0.0 -291,internal medullary lamina,255,92,10,1.0,1.0,0.0 -293,Ventral anterior thalamic nucleus,255,136,0,1.0,1.0,0.0 -294,Ventral posterolateral thalamic nucleus,171,86,62,1.0,1.0,0.0 -295,"Medial geniculate body, dorsal division",239,163,0,1.0,1.0,0.0 -297,"Medial geniculate body, medial division",10,244,217,1.0,1.0,0.0 -298,"Medial geniculate body, ventral division",131,58,31,1.0,1.0,0.0 -299,"Medial geniculate body, suprageniculate nucleus",10,244,150,1.0,1.0,0.0 -400,Ventrolateral orbital area,255,0,1,1.0,1.0,0.0 -401,Lateral orbital area,255,174,201,1.0,1.0,0.0 -402,Ventral orbital area,200,191,231,1.0,1.0,0.0 -403,Medial orbital area,63,72,204,1.0,1.0,0.0 -404,Dorsolateral orbital area,185,122,87,1.0,1.0,0.0 -405,Prelimbic area,163,73,164,1.0,1.0,0.0 -406,Secondary motor area,0,162,232,1.0,1.0,0.0 -407,Frontal association area 3,136,0,21,1.0,1.0,0.0 -408,Primary motor area,153,217,234,1.0,1.0,0.0 -409,"Agranular insular cortex, ventral area",255,201,14,1.0,1.0,0.0 -410,Agranular insular cortex dorsal area ,255,127,39,1.0,1.0,0.0 -411,Cingulate area 1,0,128,128,1.0,1.0,0.0 -412,Claustrum,153,217,200,1.0,1.0,0.0 -413,Infralimbic area,34,177,76,1.0,1.0,0.0 -414,Dysgranular insular cortex,255,242,0,1.0,1.0,0.0 -416,Granular insular cortex,239,228,176,1.0,1.0,0.0 -417,"Primary somatosensory area, forelimb representation",185,14,131,1.0,1.0,0.0 -418,"Primary somatosensory area, dysgranular zone",237,28,36,1.0,1.0,0.0 -420,"Primary somatosensory area, face representation",255,128,192,1.0,1.0,0.0 -422,Secondary somatosensory area,200,100,250,1.0,1.0,0.0 -423,"Primary somatosensory area, hindlimb representation",136,100,21,1.0,1.0,0.0 -424,"Agranular insular cortex, posterior area ",181,230,29,1.0,1.0,0.0 -425,"Primary somatosensory area, barrel field",120,177,76,1.0,1.0,0.0 -427,Retrosplenial dysgranular area,200,73,164,1.0,1.0,0.0 -429,"Primary somatosensory area, trunk representation",225,150,201,1.0,1.0,0.0 -430,Retrosplenial granular area,25,100,200,1.0,1.0,0.0 -432,"Parietal association cortex, lateral area",255,240,29,1.0,1.0,0.0 -433,"Parietal association cortex, medial area",108,0,108,1.0,1.0,0.0 -436,"Parietal association cortex, posterior area ",128,0,64,1.0,1.0,0.0 -442,Primary visual area,84,52,35,1.0,1.0,0.0 -443,"Secondary visual area, lateral part",255,100,100,1.0,1.0,0.0 -444,Temporal association cortex,0,128,0,1.0,1.0,0.0 -448,"Secondary visual area, medial part",128,0,100,1.0,1.0,0.0 -500,Endopiriform nucleus,1,10,100,1.0,1.0,0.0 -501,"Amygdaloid area, unspecified",2,20,200,1.0,1.0,0.0 -502,Nucleus of the lateral olfactory tract,230,184,67,1.0,1.0,0.0 diff --git a/annotation_volumes/allen2015_colours.csv b/annotation_volumes/allen2015_colours.csv deleted file mode 100644 index 68e4e023ede33cfb43a35ebc2e891235cf924884..0000000000000000000000000000000000000000 --- a/annotation_volumes/allen2015_colours.csv +++ /dev/null @@ -1,1289 +0,0 @@ -idx,name,r,g,b,a,VIS,MSH -0,Clear Label,0,0,0,1.0,1.0,1.0 -997,root,255,255,255,1.0,1.0,1.0 -8,Basic cell groups and regions,191,218,227,1.0,1.0,1.0 -567,Cerebrum,176,240,255,1.0,1.0,1.0 -688,Cerebral cortex,176,255,184,1.0,1.0,1.0 -695,Cortical plate,112,255,112,1.0,1.0,1.0 -315,Isocortex,112,255,113,1.0,1.0,1.0 -184,"Frontal pole, cerebral cortex",38,143,69,1.0,1.0,1.0 -68,"Frontal pole, layer 1",38,143,69,1.0,1.0,1.0 -667,"Frontal pole, layer 2/3",38,143,69,1.0,1.0,1.0 -500,Somatomotor areas,31,157,90,1.0,1.0,1.0 -107,"Somatomotor areas, Layer 1",31,157,90,1.0,1.0,1.0 -219,"Somatomotor areas, Layer 2/3",31,157,90,1.0,1.0,1.0 -299,"Somatomotor areas, Layer 5",31,157,90,1.0,1.0,1.0 -644,"Somatomotor areas, Layer 6a",31,157,90,1.0,1.0,1.0 -947,"Somatomotor areas, Layer 6b",31,157,90,1.0,1.0,1.0 -985,Primary motor area,31,157,90,1.0,1.0,1.0 -320,"Primary motor area, Layer 1",31,157,90,1.0,1.0,1.0 -943,"Primary motor area, Layer 2/3",31,157,90,1.0,1.0,1.0 -648,"Primary motor area, Layer 5",31,157,90,1.0,1.0,1.0 -844,"Primary motor area, Layer 6a",31,157,90,1.0,1.0,1.0 -882,"Primary motor area, Layer 6b",31,157,90,1.0,1.0,1.0 -993,Secondary motor area,31,157,90,1.0,1.0,1.0 -656,"Secondary motor area, layer 1",31,157,90,1.0,1.0,1.0 -962,"Secondary motor area, layer 2/3",31,157,90,1.0,1.0,1.0 -767,"Secondary motor area, layer 5",31,157,90,1.0,1.0,1.0 -1021,"Secondary motor area, layer 6a",31,157,90,1.0,1.0,1.0 -1085,"Secondary motor area, layer 6b",31,157,90,1.0,1.0,1.0 -453,Somatosensory areas,24,128,100,1.0,1.0,1.0 -12993,"Somatosensory areas, layer 1",24,128,100,1.0,1.0,1.0 -12994,"Somatosensory areas, layer 2/3",24,128,100,1.0,1.0,1.0 -12995,"Somatosensory areas, layer 4",24,128,100,1.0,1.0,1.0 -12996,"Somatosensory areas, layer 5",24,128,100,1.0,1.0,1.0 -12997,"Somatosensory areas, layer 6a",24,128,100,1.0,1.0,1.0 -12998,"Somatosensory areas, layer 6b",24,128,100,1.0,1.0,1.0 -322,Primary somatosensory area,24,128,100,1.0,1.0,1.0 -793,"Primary somatosensory area, layer 1",24,128,100,1.0,1.0,1.0 -346,"Primary somatosensory area, layer 2/3",24,128,100,1.0,1.0,1.0 -865,"Primary somatosensory area, layer 4",24,128,100,1.0,1.0,1.0 -921,"Primary somatosensory area, layer 5",24,128,100,1.0,1.0,1.0 -686,"Primary somatosensory area, layer 6a",24,128,100,1.0,1.0,1.0 -719,"Primary somatosensory area, layer 6b",24,128,100,1.0,1.0,1.0 -353,"Primary somatosensory area, nose",24,128,100,1.0,1.0,1.0 -558,"Primary somatosensory area, nose, layer 1",24,128,100,1.0,1.0,1.0 -838,"Primary somatosensory area, nose, layer 2/3",24,128,100,1.0,1.0,1.0 -654,"Primary somatosensory area, nose, layer 4",24,128,100,1.0,1.0,1.0 -702,"Primary somatosensory area, nose, layer 5",24,128,100,1.0,1.0,1.0 -889,"Primary somatosensory area, nose, layer 6a",24,128,100,1.0,1.0,1.0 -929,"Primary somatosensory area, nose, layer 6b",24,128,100,1.0,1.0,1.0 -329,"Primary somatosensory area, barrel field",24,128,100,1.0,1.0,1.0 -981,"Primary somatosensory area, barrel field, layer 1",24,128,100,1.0,1.0,1.0 -201,"Primary somatosensory area, barrel field, layer 2/3",24,128,100,1.0,1.0,1.0 -1047,"Primary somatosensory area, barrel field, layer 4",24,128,100,1.0,1.0,1.0 -1070,"Primary somatosensory area, barrel field, layer 5",24,128,100,1.0,1.0,1.0 -1038,"Primary somatosensory area, barrel field, layer 6a",24,128,100,1.0,1.0,1.0 -1062,"Primary somatosensory area, barrel field, layer 6b",24,128,100,1.0,1.0,1.0 -480149202,Rostrolateral lateral visual area,24,128,100,1.0,1.0,1.0 -480149206,"Rostrolateral lateral visual area, layer 1",24,128,100,1.0,1.0,1.0 -480149210,"Rostrolateral lateral visual area, layer 2/3",24,128,100,1.0,1.0,1.0 -480149214,"Rostrolateral lateral visual area, layer 4",24,128,100,1.0,1.0,1.0 -480149218,"Rostrolateral lateral visual area,layer 5",24,128,100,1.0,1.0,1.0 -480149222,"Rostrolateral lateral visual area, layer 6a",24,128,100,1.0,1.0,1.0 -480149226,"Rostrolateral lateral visual area, layer 6b",24,128,100,1.0,1.0,1.0 -337,"Primary somatosensory area, lower limb",24,128,100,1.0,1.0,1.0 -1030,"Primary somatosensory area, lower limb, layer 1",24,128,100,1.0,1.0,1.0 -113,"Primary somatosensory area, lower limb, layer 2/3",24,128,100,1.0,1.0,1.0 -1094,"Primary somatosensory area, lower limb, layer 4",24,128,100,1.0,1.0,1.0 -1128,"Primary somatosensory area, lower limb, layer 5",24,128,100,1.0,1.0,1.0 -478,"Primary somatosensory area, lower limb, layer 6a",24,128,100,1.0,1.0,1.0 -510,"Primary somatosensory area, lower limb, layer 6b",24,128,100,1.0,1.0,1.0 -345,"Primary somatosensory area, mouth",24,128,100,1.0,1.0,1.0 -878,"Primary somatosensory area, mouth, layer 1",24,128,100,1.0,1.0,1.0 -657,"Primary somatosensory area, mouth, layer 2/3",24,128,100,1.0,1.0,1.0 -950,"Primary somatosensory area, mouth, layer 4",24,128,100,1.0,1.0,1.0 -974,"Primary somatosensory area, mouth, layer 5",24,128,100,1.0,1.0,1.0 -1102,"Primary somatosensory area, mouth, layer 6a",24,128,100,1.0,1.0,1.0 -2,"Primary somatosensory area, mouth, layer 6b",24,128,100,1.0,1.0,1.0 -369,"Primary somatosensory area, upper limb",24,128,100,1.0,1.0,1.0 -450,"Primary somatosensory area, upper limb, layer 1",24,128,100,1.0,1.0,1.0 -854,"Primary somatosensory area, upper limb, layer 2/3",24,128,100,1.0,1.0,1.0 -577,"Primary somatosensory area, upper limb, layer 4",24,128,100,1.0,1.0,1.0 -625,"Primary somatosensory area, upper limb, layer 5",24,128,100,1.0,1.0,1.0 -945,"Primary somatosensory area, upper limb, layer 6a",24,128,100,1.0,1.0,1.0 -1026,"Primary somatosensory area, upper limb, layer 6b",24,128,100,1.0,1.0,1.0 -361,"Primary somatosensory area, trunk",24,128,100,1.0,1.0,1.0 -1006,"Primary somatosensory area, trunk, layer 1",24,128,100,1.0,1.0,1.0 -670,"Primary somatosensory area, trunk, layer 2/3",24,128,100,1.0,1.0,1.0 -1086,"Primary somatosensory area, trunk, layer 4",24,128,100,1.0,1.0,1.0 -1111,"Primary somatosensory area, trunk, layer 5",24,128,100,1.0,1.0,1.0 -9,"Primary somatosensory area, trunk, layer 6a",24,128,100,1.0,1.0,1.0 -461,"Primary somatosensory area, trunk, layer 6b",24,128,100,1.0,1.0,1.0 -182305689,"Primary somatosensory area, unassigned",24,128,100,1.0,1.0,1.0 -182305693,"Primary somatosensory area, unassigned, layer 1",24,128,100,1.0,1.0,1.0 -182305697,"Primary somatosensory area, unassigned, layer 2/3",24,128,100,1.0,1.0,1.0 -182305701,"Primary somatosensory area, unassigned, layer 4",24,128,100,1.0,1.0,1.0 -182305705,"Primary somatosensory area, unassigned, layer 5",24,128,100,1.0,1.0,1.0 -182305709,"Primary somatosensory area, unassigned, layer 6a",24,128,100,1.0,1.0,1.0 -182305713,"Primary somatosensory area, unassigned, layer 6b",24,128,100,1.0,1.0,1.0 -378,Supplemental somatosensory area,24,128,100,1.0,1.0,1.0 -873,"Supplemental somatosensory area, layer 1",24,128,100,1.0,1.0,1.0 -806,"Supplemental somatosensory area, layer 2/3",24,128,100,1.0,1.0,1.0 -1035,"Supplemental somatosensory area, layer 4",24,128,100,1.0,1.0,1.0 -1090,"Supplemental somatosensory area, layer 5",24,128,100,1.0,1.0,1.0 -862,"Supplemental somatosensory area, layer 6a",24,128,100,1.0,1.0,1.0 -893,"Supplemental somatosensory area, layer 6b",24,128,100,1.0,1.0,1.0 -1057,Gustatory areas,0,156,117,1.0,1.0,1.0 -36,"Gustatory areas, layer 1",0,156,117,1.0,1.0,1.0 -180,"Gustatory areas, layer 2/3",0,156,117,1.0,1.0,1.0 -148,"Gustatory areas, layer 4",0,156,117,1.0,1.0,1.0 -187,"Gustatory areas, layer 5",0,156,117,1.0,1.0,1.0 -638,"Gustatory areas, layer 6a",0,156,117,1.0,1.0,1.0 -662,"Gustatory areas, layer 6b",0,156,117,1.0,1.0,1.0 -677,Visceral area,17,173,131,1.0,1.0,1.0 -897,"Visceral area, layer 1",17,173,131,1.0,1.0,1.0 -1106,"Visceral area, layer 2/3",17,173,131,1.0,1.0,1.0 -1010,"Visceral area, layer 4",17,173,131,1.0,1.0,1.0 -1058,"Visceral area, layer 5",17,173,131,1.0,1.0,1.0 -857,"Visceral area, layer 6a",17,173,131,1.0,1.0,1.0 -849,"Visceral area, layer 6b",17,173,131,1.0,1.0,1.0 -247,Auditory areas,1,147,153,1.0,1.0,1.0 -1011,Dorsal auditory area,1,147,153,1.0,1.0,1.0 -527,"Dorsal auditory area, layer 1",1,147,153,1.0,1.0,1.0 -600,"Dorsal auditory area, layer 2/3",1,147,153,1.0,1.0,1.0 -678,"Dorsal auditory area, layer 4",1,147,153,1.0,1.0,1.0 -252,"Dorsal auditory area, layer 5",1,147,153,1.0,1.0,1.0 -156,"Dorsal auditory area, layer 6a",1,147,153,1.0,1.0,1.0 -243,"Dorsal auditory area, layer 6b",1,147,153,1.0,1.0,1.0 -480149230,Laterolateral anterior visual area,1,147,153,1.0,1.0,1.0 -480149234,"Laterolateral anterior visual area, layer 1",1,147,153,1.0,1.0,1.0 -480149238,"Laterolateral anterior visual area, layer 2/3",1,147,153,1.0,1.0,1.0 -480149242,"Laterolateral anterior visual area, layer 4",1,147,153,1.0,1.0,1.0 -480149246,"Laterolateral anterior visual area,layer 5",1,147,153,1.0,1.0,1.0 -480149250,"Laterolateral anterior visual area, layer 6a",1,147,153,1.0,1.0,1.0 -480149254,"Laterolateral anterior visual area, layer 6b",1,147,153,1.0,1.0,1.0 -1002,Primary auditory area,1,147,153,1.0,1.0,1.0 -735,"Primary auditory area, layer 1",1,147,153,1.0,1.0,1.0 -251,"Primary auditory area, layer 2/3",1,147,153,1.0,1.0,1.0 -816,"Primary auditory area, layer 4",1,147,153,1.0,1.0,1.0 -847,"Primary auditory area, layer 5",1,147,153,1.0,1.0,1.0 -954,"Primary auditory area, layer 6a",1,147,153,1.0,1.0,1.0 -1005,"Primary auditory area, layer 6b",1,147,153,1.0,1.0,1.0 -1027,Posterior auditory area,1,147,153,1.0,1.0,1.0 -696,"Posterior auditory area, layer 1",1,147,153,1.0,1.0,1.0 -643,"Posterior auditory area, layer 2/3",1,147,153,1.0,1.0,1.0 -759,"Posterior auditory area, layer 4",1,147,153,1.0,1.0,1.0 -791,"Posterior auditory area, layer 5",1,147,153,1.0,1.0,1.0 -249,"Posterior auditory area, layer 6a",1,147,153,1.0,1.0,1.0 -456,"Posterior auditory area, layer 6b",1,147,153,1.0,1.0,1.0 -1018,Ventral auditory area,1,147,153,1.0,1.0,1.0 -959,"Ventral auditory area, layer 1",1,147,153,1.0,1.0,1.0 -755,"Ventral auditory area, layer 2/3",1,147,153,1.0,1.0,1.0 -990,"Ventral auditory area, layer 4",1,147,153,1.0,1.0,1.0 -1023,"Ventral auditory area, layer 5",1,147,153,1.0,1.0,1.0 -520,"Ventral auditory area, layer 6a",1,147,153,1.0,1.0,1.0 -598,"Ventral auditory area, layer 6b",1,147,153,1.0,1.0,1.0 -669,Visual areas,8,133,140,1.0,1.0,1.0 -801,"Visual areas, layer 1",8,133,140,1.0,1.0,1.0 -561,"Visual areas, layer 2/3",8,133,140,1.0,1.0,1.0 -913,"Visual areas, layer 4",8,133,140,1.0,1.0,1.0 -937,"Visual areas, layer 5",8,133,140,1.0,1.0,1.0 -457,"Visual areas, layer 6a",8,133,140,1.0,1.0,1.0 -497,"Visual areas, layer 6b",8,133,140,1.0,1.0,1.0 -402,Anterolateral visual area,8,133,140,1.0,1.0,1.0 -1074,"Anterolateral visual area, layer 1",8,133,140,1.0,1.0,1.0 -905,"Anterolateral visual area, layer 2/3",8,133,140,1.0,1.0,1.0 -1114,"Anterolateral visual area, layer 4",8,133,140,1.0,1.0,1.0 -233,"Anterolateral visual area, layer 5",8,133,140,1.0,1.0,1.0 -601,"Anterolateral visual area, layer 6a",8,133,140,1.0,1.0,1.0 -649,"Anterolateral visual area, layer 6b",8,133,140,1.0,1.0,1.0 -394,Anteromedial visual area,8,133,140,1.0,1.0,1.0 -281,"Anteromedial visual area, layer 1",8,133,140,1.0,1.0,1.0 -1066,"Anteromedial visual area, layer 2/3",8,133,140,1.0,1.0,1.0 -401,"Anteromedial visual area, layer 4",8,133,140,1.0,1.0,1.0 -433,"Anteromedial visual area, layer 5",8,133,140,1.0,1.0,1.0 -1046,"Anteromedial visual area, layer 6a",8,133,140,1.0,1.0,1.0 -441,"Anteromedial visual area, layer 6b",8,133,140,1.0,1.0,1.0 -409,Lateral visual area,8,133,140,1.0,1.0,1.0 -421,"Lateral visual area, layer 1",8,133,140,1.0,1.0,1.0 -973,"Lateral visual area, layer 2/3",8,133,140,1.0,1.0,1.0 -573,"Lateral visual area, layer 4",8,133,140,1.0,1.0,1.0 -613,"Lateral visual area, layer 5",8,133,140,1.0,1.0,1.0 -74,"Lateral visual area, layer 6a",8,133,140,1.0,1.0,1.0 -121,"Lateral visual area, layer 6b",8,133,140,1.0,1.0,1.0 -385,Primary visual area,8,133,140,1.0,1.0,1.0 -593,"Primary visual area, layer 1",8,133,140,1.0,1.0,1.0 -821,"Primary visual area, layer 2/3",8,133,140,1.0,1.0,1.0 -721,"Primary visual area, layer 4",8,133,140,1.0,1.0,1.0 -778,"Primary visual area, layer 5",8,133,140,1.0,1.0,1.0 -33,"Primary visual area, layer 6a",8,133,140,1.0,1.0,1.0 -305,"Primary visual area, layer 6b",8,133,140,1.0,1.0,1.0 -425,Posterolateral visual area,8,133,140,1.0,1.0,1.0 -750,"Posterolateral visual area, layer 1",8,133,140,1.0,1.0,1.0 -269,"Posterolateral visual area, layer 2/3",8,133,140,1.0,1.0,1.0 -869,"Posterolateral visual area, layer 4",8,133,140,1.0,1.0,1.0 -902,"Posterolateral visual area, layer 5",8,133,140,1.0,1.0,1.0 -377,"Posterolateral visual area, layer 6a",8,133,140,1.0,1.0,1.0 -393,"Posterolateral visual area, layer 6b",8,133,140,1.0,1.0,1.0 -533,posteromedial visual area,8,133,140,1.0,1.0,1.0 -805,"posteromedial visual area, layer 1",8,133,140,1.0,1.0,1.0 -41,"posteromedial visual area, layer 2/3",8,133,140,1.0,1.0,1.0 -501,"posteromedial visual area, layer 4",8,133,140,1.0,1.0,1.0 -565,"posteromedial visual area, layer 5",8,133,140,1.0,1.0,1.0 -257,"posteromedial visual area, layer 6a",8,133,140,1.0,1.0,1.0 -469,"posteromedial visual area, layer 6b",8,133,140,1.0,1.0,1.0 -312782574,Laterointermediate area,8,133,140,1.0,1.0,1.0 -312782578,"Laterointermediate area, layer 1",8,133,140,1.0,1.0,1.0 -312782582,"Laterointermediate area, layer 2/3",8,133,140,1.0,1.0,1.0 -312782586,"Laterointermediate area, layer 4",8,133,140,1.0,1.0,1.0 -312782590,"Laterointermediate area, layer 5",8,133,140,1.0,1.0,1.0 -312782594,"Laterointermediate area, layer 6a",8,133,140,1.0,1.0,1.0 -312782598,"Laterointermediate area, layer 6b",8,133,140,1.0,1.0,1.0 -312782628,Postrhinal area,8,133,140,1.0,1.0,1.0 -312782632,"Postrhinal area, layer 1",8,133,140,1.0,1.0,1.0 -312782636,"Postrhinal area, layer 2/3",8,133,140,1.0,1.0,1.0 -312782640,"Postrhinal area, layer 4",8,133,140,1.0,1.0,1.0 -312782644,"Postrhinal area, layer 5",8,133,140,1.0,1.0,1.0 -312782648,"Postrhinal area, layer 6a",8,133,140,1.0,1.0,1.0 -312782652,"Postrhinal area, layer 6b",8,133,140,1.0,1.0,1.0 -31,Anterior cingulate area,64,166,102,1.0,1.0,1.0 -572,"Anterior cingulate area, layer 1",64,166,102,1.0,1.0,1.0 -1053,"Anterior cingulate area, layer 2/3",64,166,102,1.0,1.0,1.0 -739,"Anterior cingulate area, layer 5",64,166,102,1.0,1.0,1.0 -179,"Anterior cingulate area, layer 6a",64,166,102,1.0,1.0,1.0 -227,"Anterior cingulate area, layer 6b",64,166,102,1.0,1.0,1.0 -39,"Anterior cingulate area, dorsal part",64,166,102,1.0,1.0,1.0 -935,"Anterior cingulate area, dorsal part, layer 1",64,166,102,1.0,1.0,1.0 -211,"Anterior cingulate area, dorsal part, layer 2/3",64,166,102,1.0,1.0,1.0 -1015,"Anterior cingulate area, dorsal part, layer 5",64,166,102,1.0,1.0,1.0 -919,"Anterior cingulate area, dorsal part, layer 6a",64,166,102,1.0,1.0,1.0 -927,"Anterior cingulate area, dorsal part, layer 6b",64,166,102,1.0,1.0,1.0 -48,"Anterior cingulate area, ventral part",64,166,102,1.0,1.0,1.0 -588,"Anterior cingulate area, ventral part, layer 1",64,166,102,1.0,1.0,1.0 -296,"Anterior cingulate area, ventral part, layer 2/3",64,166,102,1.0,1.0,1.0 -772,"Anterior cingulate area, ventral part, layer 5",64,166,102,1.0,1.0,1.0 -810,"Anterior cingulate area, ventral part, 6a",64,166,102,1.0,1.0,1.0 -819,"Anterior cingulate area, ventral part, 6b",64,166,102,1.0,1.0,1.0 -972,Prelimbic area,47,168,80,1.0,1.0,1.0 -171,"Prelimbic area, layer 1",47,168,80,1.0,1.0,1.0 -195,"Prelimbic area, layer 2",47,168,80,1.0,1.0,1.0 -304,"Prelimbic area, layer 2/3",47,168,80,1.0,1.0,1.0 -363,"Prelimbic area, layer 5",47,168,80,1.0,1.0,1.0 -84,"Prelimbic area, layer 6a",47,168,80,1.0,1.0,1.0 -132,"Prelimbic area, layer 6b",47,168,80,1.0,1.0,1.0 -44,Infralimbic area,89,179,99,1.0,1.0,1.0 -707,"Infralimbic area, layer 1",89,179,99,1.0,1.0,1.0 -747,"Infralimbic area, layer 2",89,179,99,1.0,1.0,1.0 -556,"Infralimbic area, layer 2/3",89,179,99,1.0,1.0,1.0 -827,"Infralimbic area, layer 5",89,179,99,1.0,1.0,1.0 -1054,"Infralimbic area, layer 6a",89,179,99,1.0,1.0,1.0 -1081,"Infralimbic area, layer 6b",89,179,99,1.0,1.0,1.0 -714,Orbital area,36,138,94,1.0,1.0,1.0 -264,"Orbital area, layer 1",36,138,94,1.0,1.0,1.0 -492,"Orbital area, layer 2/3",36,138,94,1.0,1.0,1.0 -352,"Orbital area, layer 5",36,138,94,1.0,1.0,1.0 -476,"Orbital area, layer 6a",36,138,94,1.0,1.0,1.0 -516,"Orbital area, layer 6b",36,138,94,1.0,1.0,1.0 -723,"Orbital area, lateral part",36,138,94,1.0,1.0,1.0 -448,"Orbital area, lateral part, layer 1",36,138,94,1.0,1.0,1.0 -412,"Orbital area, lateral part, layer 2/3",36,138,94,1.0,1.0,1.0 -630,"Orbital area, lateral part, layer 5",36,138,94,1.0,1.0,1.0 -440,"Orbital area, lateral part, layer 6a",36,138,94,1.0,1.0,1.0 -488,"Orbital area, lateral part, layer 6b",36,138,94,1.0,1.0,1.0 -731,"Orbital area, medial part",36,138,94,1.0,1.0,1.0 -484,"Orbital area, medial part, layer 1",36,138,94,1.0,1.0,1.0 -524,"Orbital area, medial part, layer 2",36,138,94,1.0,1.0,1.0 -582,"Orbital area, medial part, layer 2/3",36,138,94,1.0,1.0,1.0 -620,"Orbital area, medial part, layer 5",36,138,94,1.0,1.0,1.0 -910,"Orbital area, medial part, layer 6a",36,138,94,1.0,1.0,1.0 -738,"Orbital area, ventral part",36,138,94,1.0,1.0,1.0 -746,"Orbital area, ventrolateral part",36,138,94,1.0,1.0,1.0 -969,"Orbital area, ventrolateral part, layer 1",36,138,94,1.0,1.0,1.0 -288,"Orbital area, ventrolateral part, layer 2/3",36,138,94,1.0,1.0,1.0 -1125,"Orbital area, ventrolateral part, layer 5",36,138,94,1.0,1.0,1.0 -608,"Orbital area, ventrolateral part, layer 6a",36,138,94,1.0,1.0,1.0 -680,"Orbital area, ventrolateral part, layer 6b",36,138,94,1.0,1.0,1.0 -95,Agranular insular area,33,152,102,1.0,1.0,1.0 -104,"Agranular insular area, dorsal part",33,152,102,1.0,1.0,1.0 -996,"Agranular insular area, dorsal part, layer 1",33,152,102,1.0,1.0,1.0 -328,"Agranular insular area, dorsal part, layer 2/3",33,152,102,1.0,1.0,1.0 -1101,"Agranular insular area, dorsal part, layer 5",33,152,102,1.0,1.0,1.0 -783,"Agranular insular area, dorsal part, layer 6a",33,152,102,1.0,1.0,1.0 -831,"Agranular insular area, dorsal part, layer 6b",33,152,102,1.0,1.0,1.0 -111,"Agranular insular area, posterior part",33,152,102,1.0,1.0,1.0 -120,"Agranular insular area, posterior part, layer 1",33,152,102,1.0,1.0,1.0 -163,"Agranular insular area, posterior part, layer 2/3",33,152,102,1.0,1.0,1.0 -344,"Agranular insular area, posterior part, layer 5",33,152,102,1.0,1.0,1.0 -314,"Agranular insular area, posterior part, layer 6a",33,152,102,1.0,1.0,1.0 -355,"Agranular insular area, posterior part, layer 6b",33,152,102,1.0,1.0,1.0 -119,"Agranular insular area, ventral part",33,152,102,1.0,1.0,1.0 -704,"Agranular insular area, ventral part, layer 1",33,152,102,1.0,1.0,1.0 -694,"Agranular insular area, ventral part, layer 2/3",33,152,102,1.0,1.0,1.0 -800,"Agranular insular area, ventral part, layer 5",33,152,102,1.0,1.0,1.0 -675,"Agranular insular area, ventral part, layer 6a",33,152,102,1.0,1.0,1.0 -699,"Agranular insular area, ventral part, layer 6b",33,152,102,1.0,1.0,1.0 -254,Retrosplenial area,26,166,152,1.0,1.0,1.0 -894,"Retrosplenial area, lateral agranular part",26,166,152,1.0,1.0,1.0 -671,"Retrosplenial area, lateral agranular part, layer 1",26,166,152,1.0,1.0,1.0 -965,"Retrosplenial area, lateral agranular part, layer 2/3",26,166,152,1.0,1.0,1.0 -774,"Retrosplenial area, lateral agranular part, layer 5",26,166,152,1.0,1.0,1.0 -906,"Retrosplenial area, lateral agranular part, layer 6a",26,166,152,1.0,1.0,1.0 -279,"Retrosplenial area, lateral agranular part, layer 6b",26,166,152,1.0,1.0,1.0 -480149258,Mediomedial anterior visual area,26,166,152,1.0,1.0,1.0 -480149262,"Mediomedial anterior visual area, layer 1",26,166,152,1.0,1.0,1.0 -480149266,"Mediomedial anterior visual area, layer 2/3",26,166,152,1.0,1.0,1.0 -480149270,"Mediomedial anterior visual area, layer 4",26,166,152,1.0,1.0,1.0 -480149274,"Mediomedial anterior visual area,layer 5",26,166,152,1.0,1.0,1.0 -480149278,"Mediomedial anterior visual area, layer 6a",26,166,152,1.0,1.0,1.0 -480149282,"Mediomedial anterior visual area, layer 6b",26,166,152,1.0,1.0,1.0 -480149286,Mediomedial posterior visual area,26,166,152,1.0,1.0,1.0 -480149290,"Mediomedial posterior visual area, layer 1",26,166,152,1.0,1.0,1.0 -480149294,"Mediomedial posterior visual area, layer 2/3",26,166,152,1.0,1.0,1.0 -480149298,"Mediomedial posterior visual area, layer 4",26,166,152,1.0,1.0,1.0 -480149302,"Mediomedial posterior visual area,layer 5",26,166,152,1.0,1.0,1.0 -480149306,"Mediomedial posterior visual area, layer 6a",26,166,152,1.0,1.0,1.0 -480149310,"Mediomedial posterior visual area, layer 6b",26,166,152,1.0,1.0,1.0 -480149314,Medial visual area,26,166,152,1.0,1.0,1.0 -480149318,"Medial visual area, layer 1",26,166,152,1.0,1.0,1.0 -480149322,"Medial visual area, layer 2/3",26,166,152,1.0,1.0,1.0 -480149326,"Medial visual area, layer 4",26,166,152,1.0,1.0,1.0 -480149330,"Medial visual area,layer 5",26,166,152,1.0,1.0,1.0 -480149334,"Medial visual area, layer 6a",26,166,152,1.0,1.0,1.0 -480149338,"Medial visual area, layer 6b",26,166,152,1.0,1.0,1.0 -879,"Retrosplenial area, dorsal part",26,166,152,1.0,1.0,1.0 -442,"Retrosplenial area, dorsal part, layer 1",26,166,152,1.0,1.0,1.0 -434,"Retrosplenial area, dorsal part, layer 2/3",26,166,152,1.0,1.0,1.0 -545,"Retrosplenial area, dorsal part, layer 4",26,166,152,1.0,1.0,1.0 -610,"Retrosplenial area, dorsal part, layer 5",26,166,152,1.0,1.0,1.0 -274,"Retrosplenial area, dorsal part, layer 6a",26,166,152,1.0,1.0,1.0 -330,"Retrosplenial area, dorsal part, layer 6b",26,166,152,1.0,1.0,1.0 -886,"Retrosplenial area, ventral part",26,166,152,1.0,1.0,1.0 -542,"Retrosplenial area, ventral part, layer 1",26,166,152,1.0,1.0,1.0 -606,"Retrosplenial area, ventral part, layer 2",26,166,152,1.0,1.0,1.0 -430,"Retrosplenial area, ventral part, layer 2/3",26,166,152,1.0,1.0,1.0 -687,"Retrosplenial area, ventral part, layer 5",26,166,152,1.0,1.0,1.0 -590,"Retrosplenial area, ventral part, layer 6a",26,166,152,1.0,1.0,1.0 -622,"Retrosplenial area, ventral part, layer 6b",26,166,152,1.0,1.0,1.0 -22,Posterior parietal association areas,0,159,172,1.0,1.0,1.0 -532,"Posterior parietal association areas, layer 1",0,159,172,1.0,1.0,1.0 -241,"Posterior parietal association areas, layer 2/3",0,159,172,1.0,1.0,1.0 -635,"Posterior parietal association areas, layer 4",0,159,172,1.0,1.0,1.0 -683,"Posterior parietal association areas, layer 5",0,159,172,1.0,1.0,1.0 -308,"Posterior parietal association areas, layer 6a",0,159,172,1.0,1.0,1.0 -340,"Posterior parietal association areas, layer 6b",0,159,172,1.0,1.0,1.0 -312782546,Anterior area,0,159,172,1.0,1.0,1.0 -312782550,"Anterior area, layer 1",0,159,172,1.0,1.0,1.0 -312782554,"Anterior area, layer 2/3",0,159,172,1.0,1.0,1.0 -312782558,"Anterior area, layer 4",0,159,172,1.0,1.0,1.0 -312782562,"Anterior area, layer 5",0,159,172,1.0,1.0,1.0 -312782566,"Anterior area, layer 6a",0,159,172,1.0,1.0,1.0 -312782570,"Anterior area, layer 6b",0,159,172,1.0,1.0,1.0 -417,Rostrolateral visual area,0,159,172,1.0,1.0,1.0 -312782604,"Rostrolateral area, layer 1",0,159,172,1.0,1.0,1.0 -312782608,"Rostrolateral area, layer 2/3",0,159,172,1.0,1.0,1.0 -312782612,"Rostrolateral area, layer 4",0,159,172,1.0,1.0,1.0 -312782616,"Rostrolateral area, layer 5",0,159,172,1.0,1.0,1.0 -312782620,"Rostrolateral area, layer 6a",0,159,172,1.0,1.0,1.0 -312782624,"Rostrolateral area, layer 6b",0,159,172,1.0,1.0,1.0 -541,Temporal association areas,21,176,179,1.0,1.0,1.0 -97,"Temporal association areas, layer 1",21,176,179,1.0,1.0,1.0 -1127,"Temporal association areas, layer 2/3",21,176,179,1.0,1.0,1.0 -234,"Temporal association areas, layer 4",21,176,179,1.0,1.0,1.0 -289,"Temporal association areas, layer 5",21,176,179,1.0,1.0,1.0 -729,"Temporal association areas, layer 6a",21,176,179,1.0,1.0,1.0 -786,"Temporal association areas, layer 6b",21,176,179,1.0,1.0,1.0 -922,Perirhinal area,14,150,132,1.0,1.0,1.0 -335,"Perirhinal area, layer 6a",14,150,132,1.0,1.0,1.0 -368,"Perirhinal area, layer 6b",14,150,132,1.0,1.0,1.0 -540,"Perirhinal area, layer 1",14,150,132,1.0,1.0,1.0 -692,"Perirhinal area, layer 5",14,150,132,1.0,1.0,1.0 -888,"Perirhinal area, layer 2/3",14,150,132,1.0,1.0,1.0 -895,Ectorhinal area,13,159,145,1.0,1.0,1.0 -836,Ectorhinal area/Layer 1,13,159,145,1.0,1.0,1.0 -427,Ectorhinal area/Layer 2/3,13,159,145,1.0,1.0,1.0 -988,Ectorhinal area/Layer 5,13,159,145,1.0,1.0,1.0 -977,Ectorhinal area/Layer 6a,13,159,145,1.0,1.0,1.0 -1045,Ectorhinal area/Layer 6b,13,159,145,1.0,1.0,1.0 -698,Olfactory areas,154,210,189,1.0,1.0,1.0 -507,Main olfactory bulb,154,210,189,1.0,1.0,1.0 -212,"Main olfactory bulb, glomerular layer",130,199,174,1.0,1.0,1.0 -220,"Main olfactory bulb, granule layer",130,199,174,1.0,1.0,1.0 -228,"Main olfactory bulb, inner plexiform layer",154,210,189,1.0,1.0,1.0 -236,"Main olfactory bulb, mitral layer",130,199,174,1.0,1.0,1.0 -244,"Main olfactory bulb, outer plexiform layer",154,210,189,1.0,1.0,1.0 -151,Accessory olfactory bulb,157,240,210,1.0,1.0,1.0 -188,"Accessory olfactory bulb, glomerular layer",157,240,210,1.0,1.0,1.0 -196,"Accessory olfactory bulb, granular layer",149,228,200,1.0,1.0,1.0 -204,"Accessory olfactory bulb, mitral layer",157,240,210,1.0,1.0,1.0 -159,Anterior olfactory nucleus,84,191,148,1.0,1.0,1.0 -167,"Anterior olfactory nucleus, dorsal part",84,191,148,1.0,1.0,1.0 -175,"Anterior olfactory nucleus, external part",84,191,148,1.0,1.0,1.0 -183,"Anterior olfactory nucleus, lateral part",84,191,148,1.0,1.0,1.0 -191,"Anterior olfactory nucleus, medial part",84,191,148,1.0,1.0,1.0 -199,"Anterior olfactory nucleus, posteroventral part",84,191,148,1.0,1.0,1.0 -160,"Anterior olfactory nucleus, layer 1",84,191,148,1.0,1.0,1.0 -168,"Anterior olfactory nucleus, layer 2",84,191,148,1.0,1.0,1.0 -589,Taenia tecta,98,208,159,1.0,1.0,1.0 -597,"Taenia tecta, dorsal part",98,208,159,1.0,1.0,1.0 -297,"Taenia tecta, dorsal part, layers 1-4",98,208,159,1.0,1.0,1.0 -1034,"Taenia tecta, dorsal part, layer 1",98,208,159,1.0,1.0,1.0 -1042,"Taenia tecta, dorsal part, layer 2",98,208,159,1.0,1.0,1.0 -1050,"Taenia tecta, dorsal part, layer 3",98,208,159,1.0,1.0,1.0 -1059,"Taenia tecta, dorsal part, layer 4",98,208,159,1.0,1.0,1.0 -605,"Taenia tecta, ventral part",98,208,159,1.0,1.0,1.0 -306,"Taenia tecta, ventral part, layers 1-3",98,208,159,1.0,1.0,1.0 -1067,"Taenia tecta, ventral part, layer 1",98,208,159,1.0,1.0,1.0 -1075,"Taenia tecta, ventral part, layer 2",98,208,159,1.0,1.0,1.0 -1082,"Taenia tecta, ventral part, layer 3",98,208,159,1.0,1.0,1.0 -814,Dorsal peduncular area,164,218,164,1.0,1.0,1.0 -496,"Dorsal peduncular area, layer 1",164,218,164,1.0,1.0,1.0 -535,"Dorsal peduncular area, layer 2",164,218,164,1.0,1.0,1.0 -360,"Dorsal peduncular area, layer 2/3",164,218,164,1.0,1.0,1.0 -646,"Dorsal peduncular area, layer 5",164,218,164,1.0,1.0,1.0 -267,"Dorsal peduncular area, layer 6a",164,218,164,1.0,1.0,1.0 -961,Piriform area,106,203,186,1.0,1.0,1.0 -152,"Piriform area, layers 1-3",106,203,186,1.0,1.0,1.0 -276,"Piriform area, molecular layer",106,203,186,1.0,1.0,1.0 -284,"Piriform area, pyramidal layer",106,203,186,1.0,1.0,1.0 -291,"Piriform area, polymorph layer",106,203,186,1.0,1.0,1.0 -619,Nucleus of the lateral olfactory tract,149,228,200,1.0,1.0,1.0 -392,"Nucleus of the lateral olfactory tract, layers 1-3",149,228,200,1.0,1.0,1.0 -260,"Nucleus of the lateral olfactory tract, molecular layer",149,228,200,1.0,1.0,1.0 -268,"Nucleus of the lateral olfactory tract, pyramidal layer",149,228,200,1.0,1.0,1.0 -1139,"Nucleus of the lateral olfactory tract, layer 3",149,228,200,1.0,1.0,1.0 -631,Cortical amygdalar area,97,231,183,1.0,1.0,1.0 -639,"Cortical amygdalar area, anterior part",97,231,183,1.0,1.0,1.0 -192,"Cortical amygdalar area, anterior part, layer 1",97,231,183,1.0,1.0,1.0 -200,"Cortical amygdalar area, anterior part, layer 2",97,231,183,1.0,1.0,1.0 -208,"Cortical amygdalar area, anterior part, layer 3",97,231,183,1.0,1.0,1.0 -647,"Cortical amygdalar area, posterior part",97,231,183,1.0,1.0,1.0 -655,"Cortical amygdalar area, posterior part, lateral zone",97,231,183,1.0,1.0,1.0 -584,"Cortical amygdalar area, posterior part, lateral zone, layers 1-2",97,231,183,1.0,1.0,1.0 -376,"Cortical amygdalar area, posterior part, lateral zone, layers 1-3",97,231,183,1.0,1.0,1.0 -216,"Cortical amygdalar area, posterior part, lateral zone, layer 1",97,231,183,1.0,1.0,1.0 -224,"Cortical amygdalar area, posterior part, lateral zone, layer 2",97,231,183,1.0,1.0,1.0 -232,"Cortical amygdalar area, posterior part, lateral zone, layer 3",97,231,183,1.0,1.0,1.0 -663,"Cortical amygdalar area, posterior part, medial zone",97,231,183,1.0,1.0,1.0 -592,"Cortical amygdalar area, posterior part, medial zone, layers 1-2",97,231,183,1.0,1.0,1.0 -383,"Cortical amygdalar area, posterior part, medial zone, layers 1-3",97,231,183,1.0,1.0,1.0 -240,"Cortical amygdalar area, posterior part, medial zone, layer 1",97,231,183,1.0,1.0,1.0 -248,"Cortical amygdalar area, posterior part, medial zone, layer 2",97,231,183,1.0,1.0,1.0 -256,"Cortical amygdalar area, posterior part, medial zone, layer 3",97,231,183,1.0,1.0,1.0 -788,Piriform-amygdalar area,89,218,171,1.0,1.0,1.0 -400,"Piriform-amygdalar area, layers 1-3",89,218,171,1.0,1.0,1.0 -408,"Piriform-amygdalar area, molecular layer",89,218,171,1.0,1.0,1.0 -416,"Piriform-amygdalar area, pyramidal layer",89,218,171,1.0,1.0,1.0 -424,"Piriform-amygdalar area, polymorph layer",89,218,171,1.0,1.0,1.0 -566,Postpiriform transition area,168,236,211,1.0,1.0,1.0 -517,"Postpiriform transition area, layers 1-3",168,236,211,1.0,1.0,1.0 -1140,"Postpiriform transition area, layers 1",168,236,211,1.0,1.0,1.0 -1141,"Postpiriform transition area, layers 2",168,236,211,1.0,1.0,1.0 -1142,"Postpiriform transition area, layers 3",168,236,211,1.0,1.0,1.0 -1089,Hippocampal formation,126,208,75,1.0,1.0,1.0 -1080,Hippocampal region,126,208,75,1.0,1.0,1.0 -375,Ammon's horn,126,208,75,1.0,1.0,1.0 -382,Field CA1,126,208,75,1.0,1.0,1.0 -391,"Field CA1, stratum lacunosum-moleculare",126,208,75,1.0,1.0,1.0 -399,"Field CA1, stratum oriens",126,208,75,1.0,1.0,1.0 -407,"Field CA1, pyramidal layer",102,168,61,1.0,1.0,1.0 -415,"Field CA1, stratum radiatum",126,208,75,1.0,1.0,1.0 -423,Field CA2,126,208,75,1.0,1.0,1.0 -431,"Field CA2, stratum lacunosum-moleculare",126,208,75,1.0,1.0,1.0 -438,"Field CA2, stratum oriens",126,208,75,1.0,1.0,1.0 -446,"Field CA2, pyramidal layer",102,168,61,1.0,1.0,1.0 -454,"Field CA2, stratum radiatum",126,208,75,1.0,1.0,1.0 -463,Field CA3,126,208,75,1.0,1.0,1.0 -471,"Field CA3, stratum lacunosum-moleculare",126,208,75,1.0,1.0,1.0 -479,"Field CA3, stratum lucidum",126,208,75,1.0,1.0,1.0 -486,"Field CA3, stratum oriens",126,208,75,1.0,1.0,1.0 -495,"Field CA3, pyramidal layer",102,168,61,1.0,1.0,1.0 -504,"Field CA3, stratum radiatum",126,208,75,1.0,1.0,1.0 -726,Dentate gyrus,126,208,75,1.0,1.0,1.0 -10703,"Dentate gyrus, molecular layer",126,208,75,1.0,1.0,1.0 -10704,"Dentate gyrus, polymorph layer",126,208,75,1.0,1.0,1.0 -632,"Dentate gyrus, granule cell layer",102,168,61,1.0,1.0,1.0 -10702,"Dentate gyrus, subgranular zone",126,208,75,1.0,1.0,1.0 -734,Dentate gyrus crest,126,208,75,1.0,1.0,1.0 -742,"Dentate gyrus crest, molecular layer",126,208,75,1.0,1.0,1.0 -751,"Dentate gyrus crest, polymorph layer",126,208,75,1.0,1.0,1.0 -758,"Dentate gyrus crest, granule cell layer",126,208,75,1.0,1.0,1.0 -766,Dentate gyrus lateral blade,126,208,75,1.0,1.0,1.0 -775,"Dentate gyrus lateral blade, molecular layer",126,208,75,1.0,1.0,1.0 -782,"Dentate gyrus lateral blade, polymorph layer",126,208,75,1.0,1.0,1.0 -790,"Dentate gyrus lateral blade, granule cell layer",126,208,75,1.0,1.0,1.0 -799,Dentate gyrus medial blade,126,208,75,1.0,1.0,1.0 -807,"Dentate gyrus medial blade, molecular layer",126,208,75,1.0,1.0,1.0 -815,"Dentate gyrus medial blade, polymorph layer",126,208,75,1.0,1.0,1.0 -823,"Dentate gyrus medial blade, granule cell layer",126,208,75,1.0,1.0,1.0 -982,Fasciola cinerea,126,208,75,1.0,1.0,1.0 -19,Induseum griseum,126,208,75,1.0,1.0,1.0 -822,Retrohippocampal region,50,184,37,1.0,1.0,1.0 -909,Entorhinal area,50,184,37,1.0,1.0,1.0 -918,"Entorhinal area, lateral part",50,184,37,1.0,1.0,1.0 -1121,"Entorhinal area, lateral part, layer 1",50,184,37,1.0,1.0,1.0 -20,"Entorhinal area, lateral part, layer 2",50,184,37,1.0,1.0,1.0 -999,"Entorhinal area, lateral part, layer 2/3",50,184,37,1.0,1.0,1.0 -715,"Entorhinal area, lateral part, layer 2a",50,184,37,1.0,1.0,1.0 -764,"Entorhinal area, lateral part, layer 2b",50,184,37,1.0,1.0,1.0 -52,"Entorhinal area, lateral part, layer 3",50,184,37,1.0,1.0,1.0 -92,"Entorhinal area, lateral part, layer 4",50,184,37,1.0,1.0,1.0 -312,"Entorhinal area, lateral part, layer 4/5",50,184,37,1.0,1.0,1.0 -139,"Entorhinal area, lateral part, layer 5",50,184,37,1.0,1.0,1.0 -387,"Entorhinal area, lateral part, layer 5/6",50,184,37,1.0,1.0,1.0 -28,"Entorhinal area, lateral part, layer 6a",50,184,37,1.0,1.0,1.0 -60,"Entorhinal area, lateral part, layer 6b",50,184,37,1.0,1.0,1.0 -926,"Entorhinal area, medial part, dorsal zone",50,184,37,1.0,1.0,1.0 -526,"Entorhinal area, medial part, dorsal zone, layer 1",50,184,37,1.0,1.0,1.0 -543,"Entorhinal area, medial part, dorsal zone, layer 2",50,184,37,1.0,1.0,1.0 -468,"Entorhinal area, medial part, dorsal zone, layer 2a",50,184,37,1.0,1.0,1.0 -508,"Entorhinal area, medial part, dorsal zone, layer 2b",50,184,37,1.0,1.0,1.0 -664,"Entorhinal area, medial part, dorsal zone, layer 3",50,184,37,1.0,1.0,1.0 -712,"Entorhinal area, medial part, dorsal zone, layer 4",50,184,37,1.0,1.0,1.0 -727,"Entorhinal area, medial part, dorsal zone, layer 5",50,184,37,1.0,1.0,1.0 -550,"Entorhinal area, medial part, dorsal zone, layer 5/6",50,184,37,1.0,1.0,1.0 -743,"Entorhinal area, medial part, dorsal zone, layer 6",50,184,37,1.0,1.0,1.0 -934,"Entorhinal area, medial part, ventral zone",50,184,37,1.0,1.0,1.0 -259,"Entorhinal area, medial part, ventral zone, layer 1",50,184,37,1.0,1.0,1.0 -324,"Entorhinal area, medial part, ventral zone, layer 2",50,184,37,1.0,1.0,1.0 -371,"Entorhinal area, medial part, ventral zone, layer 3",50,184,37,1.0,1.0,1.0 -419,"Entorhinal area, medial part, ventral zone, layer 4",50,184,37,1.0,1.0,1.0 -1133,"Entorhinal area, medial part, ventral zone, layer 5/6",50,184,37,1.0,1.0,1.0 -843,Parasubiculum,114,213,105,1.0,1.0,1.0 -10693,"Parasubiculum, layer 1",114,213,105,1.0,1.0,1.0 -10694,"Parasubiculum, layer 2",114,213,105,1.0,1.0,1.0 -10695,"Parasubiculum, layer 3",114,213,105,1.0,1.0,1.0 -1037,Postsubiculum,72,200,60,1.0,1.0,1.0 -10696,"Postsubiculum, layer 1",72,200,60,1.0,1.0,1.0 -10697,"Postsubiculum, layer 2",72,200,60,1.0,1.0,1.0 -10698,"Postsubiculum, layer 3",72,200,60,1.0,1.0,1.0 -1084,Presubiculum,89,185,71,1.0,1.0,1.0 -10699,"Presubiculum, layer 1",89,185,71,1.0,1.0,1.0 -10700,"Presubiculum, layer 2",89,185,71,1.0,1.0,1.0 -10701,"Presubiculum, layer 3",89,185,71,1.0,1.0,1.0 -502,Subiculum,79,194,68,1.0,1.0,1.0 -509,"Subiculum, dorsal part",79,194,68,1.0,1.0,1.0 -829,"Subiculum, dorsal part, molecular layer",79,194,68,1.0,1.0,1.0 -845,"Subiculum, dorsal part, pyramidal layer",75,181,71,1.0,1.0,1.0 -837,"Subiculum, dorsal part, stratum radiatum",79,194,68,1.0,1.0,1.0 -518,"Subiculum, ventral part",79,194,68,1.0,1.0,1.0 -853,"Subiculum, ventral part, molecular layer",79,194,68,1.0,1.0,1.0 -870,"Subiculum, ventral part, pyramidal layer",75,181,71,1.0,1.0,1.0 -861,"Subiculum, ventral part, stratum radiatum",79,194,68,1.0,1.0,1.0 -484682470,Prosubiculum,88,186,72,1.0,1.0,1.0 -484682475,"Prosubiculum, dorsal part",88,186,72,1.0,1.0,1.0 -484682479,"Prosubiculum, dorsal part, molecular layer",88,186,72,1.0,1.0,1.0 -484682483,"Prosubiculum, dorsal part, pyramidal layer",86,184,75,1.0,1.0,1.0 -484682487,"Prosubiculum, dorsal part, stratum radiatum",88,186,72,1.0,1.0,1.0 -484682492,"Prosubiculum, ventral part",88,186,72,1.0,1.0,1.0 -484682496,"Prosubiculum, ventral part, molecular layer",88,186,72,1.0,1.0,1.0 -484682500,"Prosubiculum, ventral part, pyramidal layer",86,184,75,1.0,1.0,1.0 -484682504,"Prosubiculum, ventral part, stratum radiatum",88,186,72,1.0,1.0,1.0 -484682508,Area prostriata,51,185,50,1.0,1.0,1.0 -703,Cortical subplate,138,218,135,1.0,1.0,1.0 -16,"Layer 6b, isocortex",138,218,135,1.0,1.0,1.0 -583,Claustrum,138,218,135,1.0,1.0,1.0 -942,Endopiriform nucleus,160,238,157,1.0,1.0,1.0 -952,"Endopiriform nucleus, dorsal part",160,238,157,1.0,1.0,1.0 -966,"Endopiriform nucleus, ventral part",160,238,157,1.0,1.0,1.0 -131,Lateral amygdalar nucleus,144,235,141,1.0,1.0,1.0 -295,Basolateral amygdalar nucleus,157,231,156,1.0,1.0,1.0 -303,"Basolateral amygdalar nucleus, anterior part",157,231,156,1.0,1.0,1.0 -311,"Basolateral amygdalar nucleus, posterior part",157,231,156,1.0,1.0,1.0 -451,"Basolateral amygdalar nucleus, ventral part",157,231,156,1.0,1.0,1.0 -319,Basomedial amygdalar nucleus,132,234,129,1.0,1.0,1.0 -327,"Basomedial amygdalar nucleus, anterior part",132,234,129,1.0,1.0,1.0 -334,"Basomedial amygdalar nucleus, posterior part",132,234,129,1.0,1.0,1.0 -780,Posterior amygdalar nucleus,151,236,147,1.0,1.0,1.0 -623,Cerebral nuclei,152,214,249,1.0,1.0,1.0 -477,Striatum,152,214,249,1.0,1.0,1.0 -485,Striatum dorsal region,152,214,249,1.0,1.0,1.0 -672,Caudoputamen,152,214,249,1.0,1.0,1.0 -493,Striatum ventral region,128,205,248,1.0,1.0,1.0 -56,Nucleus accumbens,128,205,248,1.0,1.0,1.0 -998,Fundus of striatum,128,205,248,1.0,1.0,1.0 -754,Olfactory tubercle,128,205,248,1.0,1.0,1.0 -481,Islands of Calleja,128,205,248,1.0,1.0,1.0 -489,Major island of Calleja,128,205,248,1.0,1.0,1.0 -144,"Olfactory tubercle, layers 1-3",128,205,248,1.0,1.0,1.0 -458,"Olfactory tubercle, molecular layer",128,205,248,1.0,1.0,1.0 -465,"Olfactory tubercle, pyramidal layer",128,205,248,1.0,1.0,1.0 -473,"Olfactory tubercle, polymorph layer",128,205,248,1.0,1.0,1.0 -275,Lateral septal complex,144,203,237,1.0,1.0,1.0 -242,Lateral septal nucleus,144,203,237,1.0,1.0,1.0 -250,"Lateral septal nucleus, caudal (caudodorsal) part",144,203,237,1.0,1.0,1.0 -258,"Lateral septal nucleus, rostral (rostroventral) part",144,203,237,1.0,1.0,1.0 -266,"Lateral septal nucleus, ventral part",144,203,237,1.0,1.0,1.0 -310,Septofimbrial nucleus,144,203,237,1.0,1.0,1.0 -333,Septohippocampal nucleus,144,203,237,1.0,1.0,1.0 -278,Striatum-like amygdalar nuclei,128,192,226,1.0,1.0,1.0 -23,Anterior amygdalar area,128,192,226,1.0,1.0,1.0 -292,Bed nucleus of the accessory olfactory tract,128,192,226,1.0,1.0,1.0 -536,Central amygdalar nucleus,128,192,226,1.0,1.0,1.0 -544,"Central amygdalar nucleus, capsular part",128,192,226,1.0,1.0,1.0 -551,"Central amygdalar nucleus, lateral part",128,192,226,1.0,1.0,1.0 -559,"Central amygdalar nucleus, medial part",128,192,226,1.0,1.0,1.0 -1105,Intercalated amygdalar nucleus,128,192,226,1.0,1.0,1.0 -403,Medial amygdalar nucleus,128,192,226,1.0,1.0,1.0 -411,"Medial amygdalar nucleus, anterodorsal part",128,192,226,1.0,1.0,1.0 -418,"Medial amygdalar nucleus, anteroventral part",128,192,226,1.0,1.0,1.0 -426,"Medial amygdalar nucleus, posterodorsal part",128,192,226,1.0,1.0,1.0 -472,"Medial amygdalar nucleus, posterodorsal part, sublayer a",128,192,226,1.0,1.0,1.0 -480,"Medial amygdalar nucleus, posterodorsal part, sublayer b",128,192,226,1.0,1.0,1.0 -487,"Medial amygdalar nucleus, posterodorsal part, sublayer c",128,192,226,1.0,1.0,1.0 -435,"Medial amygdalar nucleus, posteroventral part",128,192,226,1.0,1.0,1.0 -803,Pallidum,133,153,204,1.0,1.0,1.0 -818,"Pallidum, dorsal region",133,153,204,1.0,1.0,1.0 -1022,"Globus pallidus, external segment",133,153,204,1.0,1.0,1.0 -1031,"Globus pallidus, internal segment",133,153,204,1.0,1.0,1.0 -835,"Pallidum, ventral region",162,177,216,1.0,1.0,1.0 -342,Substantia innominata,162,177,216,1.0,1.0,1.0 -298,Magnocellular nucleus,162,177,216,1.0,1.0,1.0 -826,"Pallidum, medial region",150,167,211,1.0,1.0,1.0 -904,Medial septal complex,150,167,211,1.0,1.0,1.0 -564,Medial septal nucleus,150,167,211,1.0,1.0,1.0 -596,Diagonal band nucleus,150,167,211,1.0,1.0,1.0 -581,Triangular nucleus of septum,150,167,211,1.0,1.0,1.0 -809,"Pallidum, caudal region",179,192,223,1.0,1.0,1.0 -351,Bed nuclei of the stria terminalis,179,192,223,1.0,1.0,1.0 -359,"Bed nuclei of the stria terminalis, anterior division",179,192,223,1.0,1.0,1.0 -537,"Bed nuclei of the stria terminalis, anterior division, anterolateral area",179,192,223,1.0,1.0,1.0 -498,"Bed nuclei of the stria terminalis, anterior division, anteromedial area",179,192,223,1.0,1.0,1.0 -505,"Bed nuclei of the stria terminalis, anterior division, dorsomedial nucleus",179,192,223,1.0,1.0,1.0 -513,"Bed nuclei of the stria terminalis, anterior division, fusiform nucleus",179,192,223,1.0,1.0,1.0 -546,"Bed nuclei of the stria terminalis, anterior division, juxtacapsular nucleus",179,192,223,1.0,1.0,1.0 -521,"Bed nuclei of the stria terminalis, anterior division, magnocellular nucleus",179,192,223,1.0,1.0,1.0 -554,"Bed nuclei of the stria terminalis, anterior division, oval nucleus",179,192,223,1.0,1.0,1.0 -562,"Bed nuclei of the stria terminalis, anterior division, rhomboid nucleus",179,192,223,1.0,1.0,1.0 -529,"Bed nuclei of the stria terminalis, anterior division, ventral nucleus",179,192,223,1.0,1.0,1.0 -367,"Bed nuclei of the stria terminalis, posterior division",179,192,223,1.0,1.0,1.0 -569,"Bed nuclei of the stria terminalis, posterior division, dorsal nucleus",179,192,223,1.0,1.0,1.0 -578,"Bed nuclei of the stria terminalis, posterior division, principal nucleus",179,192,223,1.0,1.0,1.0 -585,"Bed nuclei of the stria terminalis, posterior division, interfascicular nucleus",179,192,223,1.0,1.0,1.0 -594,"Bed nuclei of the stria terminalis, posterior division, transverse nucleus",179,192,223,1.0,1.0,1.0 -602,"Bed nuclei of the stria terminalis, posterior division, strial extension",179,192,223,1.0,1.0,1.0 -287,Bed nucleus of the anterior commissure,179,192,223,1.0,1.0,1.0 -343,Brain stem,255,112,128,1.0,1.0,1.0 -1129,Interbrain,255,112,128,1.0,1.0,1.0 -549,Thalamus,255,112,128,1.0,1.0,1.0 -864,"Thalamus, sensory-motor cortex related",255,128,132,1.0,1.0,1.0 -637,Ventral group of the dorsal thalamus,255,128,132,1.0,1.0,1.0 -629,Ventral anterior-lateral complex of the thalamus,255,128,132,1.0,1.0,1.0 -685,Ventral medial nucleus of the thalamus,255,128,132,1.0,1.0,1.0 -709,Ventral posterior complex of the thalamus,255,128,132,1.0,1.0,1.0 -718,Ventral posterolateral nucleus of the thalamus,255,128,132,1.0,1.0,1.0 -725,"Ventral posterolateral nucleus of the thalamus, parvicellular part",255,128,132,1.0,1.0,1.0 -733,Ventral posteromedial nucleus of the thalamus,255,128,132,1.0,1.0,1.0 -741,"Ventral posteromedial nucleus of the thalamus, parvicellular part",255,128,132,1.0,1.0,1.0 -406,Subparafascicular nucleus,255,128,132,1.0,1.0,1.0 -414,"Subparafascicular nucleus, magnocellular part",255,128,132,1.0,1.0,1.0 -422,"Subparafascicular nucleus, parvicellular part",255,128,132,1.0,1.0,1.0 -609,Subparafascicular area,255,128,132,1.0,1.0,1.0 -1044,Peripeduncular nucleus,255,128,132,1.0,1.0,1.0 -1008,"Geniculate group, dorsal thalamus",255,128,132,1.0,1.0,1.0 -475,Medial geniculate complex,255,128,132,1.0,1.0,1.0 -1072,"Medial geniculate complex, dorsal part",255,128,132,1.0,1.0,1.0 -1079,"Medial geniculate complex, ventral part",255,128,132,1.0,1.0,1.0 -1088,"Medial geniculate complex, medial part",255,128,132,1.0,1.0,1.0 -170,Dorsal part of the lateral geniculate complex,255,128,132,1.0,1.0,1.0 -496345664,"Dorsal part of the lateral geniculate complex, shell",255,128,132,1.0,1.0,1.0 -496345668,"Dorsal part of the lateral geniculate complex, core",255,128,132,1.0,1.0,1.0 -496345672,"Dorsal part of the lateral geniculate complex, ipsilateral zone",255,128,132,1.0,1.0,1.0 -856,"Thalamus, polymodal association cortex related",255,144,159,1.0,1.0,1.0 -138,Lateral group of the dorsal thalamus,255,144,159,1.0,1.0,1.0 -218,Lateral posterior nucleus of the thalamus,255,144,159,1.0,1.0,1.0 -1020,Posterior complex of the thalamus,255,144,159,1.0,1.0,1.0 -1029,Posterior limiting nucleus of the thalamus,255,144,159,1.0,1.0,1.0 -325,Suprageniculate nucleus,255,144,159,1.0,1.0,1.0 -239,Anterior group of the dorsal thalamus,255,144,159,1.0,1.0,1.0 -255,Anteroventral nucleus of thalamus,255,144,159,1.0,1.0,1.0 -127,Anteromedial nucleus,255,144,159,1.0,1.0,1.0 -1096,"Anteromedial nucleus, dorsal part",255,144,159,1.0,1.0,1.0 -1104,"Anteromedial nucleus, ventral part",255,144,159,1.0,1.0,1.0 -64,Anterodorsal nucleus,255,144,159,1.0,1.0,1.0 -1120,Interanteromedial nucleus of the thalamus,255,144,159,1.0,1.0,1.0 -1113,Interanterodorsal nucleus of the thalamus,255,144,159,1.0,1.0,1.0 -155,Lateral dorsal nucleus of thalamus,255,144,159,1.0,1.0,1.0 -444,Medial group of the dorsal thalamus,255,144,159,1.0,1.0,1.0 -59,Intermediodorsal nucleus of the thalamus,255,144,159,1.0,1.0,1.0 -362,Mediodorsal nucleus of thalamus,255,144,159,1.0,1.0,1.0 -617,"Mediodorsal nucleus of the thalamus, central part",255,144,159,1.0,1.0,1.0 -626,"Mediodorsal nucleus of the thalamus, lateral part",255,144,159,1.0,1.0,1.0 -636,"Mediodorsal nucleus of the thalamus, medial part",255,144,159,1.0,1.0,1.0 -366,Submedial nucleus of the thalamus,255,144,159,1.0,1.0,1.0 -1077,Perireunensis nucleus,255,144,159,1.0,1.0,1.0 -571,Midline group of the dorsal thalamus,255,144,159,1.0,1.0,1.0 -149,Paraventricular nucleus of the thalamus,255,144,159,1.0,1.0,1.0 -15,Parataenial nucleus,255,144,159,1.0,1.0,1.0 -181,Nucleus of reunions,255,144,159,1.0,1.0,1.0 -51,Intralaminar nuclei of the dorsal thalamus,255,144,159,1.0,1.0,1.0 -189,Rhomboid nucleus,255,144,159,1.0,1.0,1.0 -599,Central medial nucleus of the thalamus,255,144,159,1.0,1.0,1.0 -907,Paracentral nucleus,255,144,159,1.0,1.0,1.0 -575,Central lateral nucleus of the thalamus,255,144,159,1.0,1.0,1.0 -930,Parafascicular nucleus,255,144,159,1.0,1.0,1.0 -262,Reticular nucleus of the thalamus,255,144,159,1.0,1.0,1.0 -1014,"Geniculate group, ventral thalamus",255,144,159,1.0,1.0,1.0 -27,Intergeniculate leaflet of the lateral geniculate complex,255,144,159,1.0,1.0,1.0 -178,Ventral part of the lateral geniculate complex,255,144,159,1.0,1.0,1.0 -300,"Ventral part of the lateral geniculate complex, lateral zone",255,144,159,1.0,1.0,1.0 -316,"Ventral part of the lateral geniculate complex, medial zone",255,144,159,1.0,1.0,1.0 -321,Subgeniculate nucleus,255,144,159,1.0,1.0,1.0 -958,Epithalamus,255,144,159,1.0,1.0,1.0 -483,Medial habenula,255,144,159,1.0,1.0,1.0 -186,Lateral habenula,255,144,159,1.0,1.0,1.0 -953,Pineal body,255,144,159,1.0,1.0,1.0 -1097,Hypothalamus,230,68,56,1.0,1.0,1.0 -157,Periventricular zone,255,93,80,1.0,1.0,1.0 -390,Supraoptic nucleus,255,93,80,1.0,1.0,1.0 -332,Accessory supraoptic group,255,93,80,1.0,1.0,1.0 -432,Nucleus circularis,255,93,80,1.0,1.0,1.0 -38,Paraventricular hypothalamic nucleus,255,93,80,1.0,1.0,1.0 -71,"Paraventricular hypothalamic nucleus, magnocellular division",255,93,80,1.0,1.0,1.0 -47,"Paraventricular hypothalamic nucleus, magnocellular division, anterior magnocellular part",255,93,80,1.0,1.0,1.0 -79,"Paraventricular hypothalamic nucleus, magnocellular division, medial magnocellular part",255,93,80,1.0,1.0,1.0 -103,"Paraventricular hypothalamic nucleus, magnocellular division, posterior magnocellular part",255,93,80,1.0,1.0,1.0 -652,"Paraventricular hypothalamic nucleus, magnocellular division, posterior magnocellular part, lateral zone",255,93,80,1.0,1.0,1.0 -660,"Paraventricular hypothalamic nucleus, magnocellular division, posterior magnocellular part, medial zone",255,93,80,1.0,1.0,1.0 -94,"Paraventricular hypothalamic nucleus, parvicellular division",255,93,80,1.0,1.0,1.0 -55,"Paraventricular hypothalamic nucleus, parvicellular division, anterior parvicellular part",255,93,80,1.0,1.0,1.0 -87,"Paraventricular hypothalamic nucleus, parvicellular division, medial parvicellular part, dorsal zone",255,93,80,1.0,1.0,1.0 -110,"Paraventricular hypothalamic nucleus, parvicellular division, periventricular part",255,93,80,1.0,1.0,1.0 -30,"Periventricular hypothalamic nucleus, anterior part",255,93,80,1.0,1.0,1.0 -118,"Periventricular hypothalamic nucleus, intermediate part",255,93,80,1.0,1.0,1.0 -223,Arcuate hypothalamic nucleus,255,93,80,1.0,1.0,1.0 -141,Periventricular region,255,85,71,1.0,1.0,1.0 -72,Anterodorsal preoptic nucleus,255,85,71,1.0,1.0,1.0 -80,Anterior hypothalamic area,255,85,71,1.0,1.0,1.0 -263,Anteroventral preoptic nucleus,255,85,71,1.0,1.0,1.0 -272,Anteroventral periventricular nucleus,255,85,71,1.0,1.0,1.0 -830,Dorsomedial nucleus of the hypothalamus,255,85,71,1.0,1.0,1.0 -668,"Dorsomedial nucleus of the hypothalamus, anterior part",255,85,71,1.0,1.0,1.0 -676,"Dorsomedial nucleus of the hypothalamus, posterior part",255,85,71,1.0,1.0,1.0 -684,"Dorsomedial nucleus of the hypothalamus, ventral part",255,85,71,1.0,1.0,1.0 -452,Median preoptic nucleus,255,85,71,1.0,1.0,1.0 -523,Medial preoptic area,255,85,71,1.0,1.0,1.0 -763,Vascular organ of the lamina terminalis,255,85,71,1.0,1.0,1.0 -914,Posterodorsal preoptic nucleus,255,85,71,1.0,1.0,1.0 -1109,Parastrial nucleus,255,85,71,1.0,1.0,1.0 -1124,Suprachiasmatic preoptic nucleus,255,85,71,1.0,1.0,1.0 -126,"Periventricular hypothalamic nucleus, posterior part",255,85,71,1.0,1.0,1.0 -133,"Periventricular hypothalamic nucleus, preoptic part",255,85,71,1.0,1.0,1.0 -347,Subparaventricular zone,255,85,71,1.0,1.0,1.0 -286,Suprachiasmatic nucleus,255,85,71,1.0,1.0,1.0 -338,Subfornical organ,255,85,71,1.0,1.0,1.0 -689,Ventrolateral preoptic nucleus,255,85,71,1.0,1.0,1.0 -467,Hypothalamic medial zone,255,76,62,1.0,1.0,1.0 -88,Anterior hypothalamic nucleus,255,76,62,1.0,1.0,1.0 -700,"Anterior hypothalamic nucleus, anterior part",255,76,62,1.0,1.0,1.0 -708,"Anterior hypothalamic nucleus, central part",255,76,62,1.0,1.0,1.0 -716,"Anterior hypothalamic nucleus, dorsal part",255,76,62,1.0,1.0,1.0 -724,"Anterior hypothalamic nucleus, posterior part",255,76,62,1.0,1.0,1.0 -331,Mammillary body,255,76,62,1.0,1.0,1.0 -210,Lateral mammillary nucleus,255,76,62,1.0,1.0,1.0 -491,Medial mammillary nucleus,255,76,62,1.0,1.0,1.0 -732,"Medial mammillary nucleus, median part",255,76,62,1.0,1.0,1.0 -525,Supramammillary nucleus,255,76,62,1.0,1.0,1.0 -1110,"Supramammillary nucleus, lateral part",255,76,62,1.0,1.0,1.0 -1118,"Supramammillary nucleus, medial part",255,76,62,1.0,1.0,1.0 -557,Tuberomammillary nucleus,255,76,62,1.0,1.0,1.0 -1126,"Tuberomammillary nucleus, dorsal part",255,76,62,1.0,1.0,1.0 -1,"Tuberomammillary nucleus, ventral part",255,76,62,1.0,1.0,1.0 -515,Medial preoptic nucleus,255,76,62,1.0,1.0,1.0 -740,"Medial preoptic nucleus, central part",255,76,62,1.0,1.0,1.0 -748,"Medial preoptic nucleus, lateral part",255,76,62,1.0,1.0,1.0 -756,"Medial preoptic nucleus, medial part",255,76,62,1.0,1.0,1.0 -980,Dorsal premammillary nucleus,255,76,62,1.0,1.0,1.0 -1004,Ventral premammillary nucleus,255,76,62,1.0,1.0,1.0 -63,"Paraventricular hypothalamic nucleus, descending division",255,76,62,1.0,1.0,1.0 -439,"Paraventricular hypothalamic nucleus, descending division, dorsal parvicellular part",255,76,62,1.0,1.0,1.0 -447,"Paraventricular hypothalamic nucleus, descending division, forniceal part",255,76,62,1.0,1.0,1.0 -455,"Paraventricular hypothalamic nucleus, descending division, lateral parvicellular part",255,76,62,1.0,1.0,1.0 -464,"Paraventricular hypothalamic nucleus, descending division, medial parvicellular part, ventral zone",255,76,62,1.0,1.0,1.0 -693,Ventromedial hypothalamic nucleus,255,76,62,1.0,1.0,1.0 -761,"Ventromedial hypothalamic nucleus, anterior part",255,76,62,1.0,1.0,1.0 -769,"Ventromedial hypothalamic nucleus, central part",255,76,62,1.0,1.0,1.0 -777,"Ventromedial hypothalamic nucleus, dorsomedial part",255,76,62,1.0,1.0,1.0 -785,"Ventromedial hypothalamic nucleus, ventrolateral part",255,76,62,1.0,1.0,1.0 -946,Posterior hypothalamic nucleus,255,76,62,1.0,1.0,1.0 -290,Hypothalamic lateral zone,242,72,59,1.0,1.0,1.0 -194,Lateral hypothalamic area,242,72,59,1.0,1.0,1.0 -226,Lateral preoptic area,242,72,59,1.0,1.0,1.0 -356,Preparasubthalamic nucleus,242,72,59,1.0,1.0,1.0 -364,Parasubthalamic nucleus,242,72,59,1.0,1.0,1.0 -173,Retrochiasmatic area,242,72,59,1.0,1.0,1.0 -470,Subthalamic nucleus,242,72,59,1.0,1.0,1.0 -614,Tuberal nucleus,242,72,59,1.0,1.0,1.0 -797,Zona incerta,242,72,59,1.0,1.0,1.0 -796,Dopaminergic A13 group,242,72,59,1.0,1.0,1.0 -804,Fields of Forel,242,72,59,1.0,1.0,1.0 -10671,Median eminence,242,72,59,1.0,1.0,1.0 -313,Midbrain,255,100,255,1.0,1.0,1.0 -339,"Midbrain, sensory related",255,122,255,1.0,1.0,1.0 -302,"Superior colliculus, sensory related",255,122,255,1.0,1.0,1.0 -851,"Superior colliculus, optic layer",255,122,255,1.0,1.0,1.0 -842,"Superior colliculus, superficial gray layer",255,122,255,1.0,1.0,1.0 -834,"Superior colliculus, zonal layer",255,122,255,1.0,1.0,1.0 -4,Inferior colliculus,255,122,255,1.0,1.0,1.0 -811,"Inferior colliculus, central nucleus",255,122,255,1.0,1.0,1.0 -820,"Inferior colliculus, dorsal nucleus",255,122,255,1.0,1.0,1.0 -828,"Inferior colliculus, external nucleus",255,122,255,1.0,1.0,1.0 -580,Nucleus of the brachium of the inferior colliculus,255,122,255,1.0,1.0,1.0 -271,Nucleus sagulum,255,122,255,1.0,1.0,1.0 -874,Parabigeminal nucleus,255,122,255,1.0,1.0,1.0 -460,Midbrain trigeminal nucleus,255,122,255,1.0,1.0,1.0 -323,"Midbrain, motor related",255,144,255,1.0,1.0,1.0 -381,"Substantia nigra, reticular part",255,144,255,1.0,1.0,1.0 -749,Ventral tegmental area,255,144,255,1.0,1.0,1.0 -246,"Midbrain reticular nucleus, retrorubral area",255,144,255,1.0,1.0,1.0 -128,Midbrain reticular nucleus,255,144,255,1.0,1.0,1.0 -539,"Midbrain reticular nucleus, magnocellular part",255,144,255,1.0,1.0,1.0 -548,"Midbrain reticular nucleus, magnocellular part, general",255,144,255,1.0,1.0,1.0 -555,"Midbrain reticular nucleus, parvicellular part",255,144,255,1.0,1.0,1.0 -294,"Superior colliculus, motor related",255,144,255,1.0,1.0,1.0 -26,"Superior colliculus, motor related, deep gray layer",255,144,255,1.0,1.0,1.0 -42,"Superior colliculus, motor related, deep white layer",255,144,255,1.0,1.0,1.0 -17,"Superior colliculus, motor related, intermediate white layer",255,144,255,1.0,1.0,1.0 -10,"Superior colliculus, motor related, intermediate gray layer",255,144,255,1.0,1.0,1.0 -494,"Superior colliculus, motor related, intermediate gray layer, sublayer a",255,144,255,1.0,1.0,1.0 -503,"Superior colliculus, motor related, intermediate gray layer, sublayer b",255,144,255,1.0,1.0,1.0 -511,"Superior colliculus, motor related, intermediate gray layer, sublayer c",255,144,255,1.0,1.0,1.0 -795,Periaqueductal gray,255,144,255,1.0,1.0,1.0 -50,Precommissural nucleus,255,144,255,1.0,1.0,1.0 -67,Interstitial nucleus of Cajal,255,144,255,1.0,1.0,1.0 -587,Nucleus of Darkschewitsch,255,144,255,1.0,1.0,1.0 -1100,Pretectal region,255,144,255,1.0,1.0,1.0 -215,Anterior pretectal nucleus,255,144,255,1.0,1.0,1.0 -531,Medial pretectal area,255,144,255,1.0,1.0,1.0 -628,Nucleus of the optic tract,255,144,255,1.0,1.0,1.0 -634,Nucleus of the posterior commissure,255,144,255,1.0,1.0,1.0 -706,Olivary pretectal nucleus,255,144,255,1.0,1.0,1.0 -1061,Posterior pretectal nucleus,255,144,255,1.0,1.0,1.0 -616,Cuneiform nucleus,255,144,255,1.0,1.0,1.0 -214,Red nucleus,255,144,255,1.0,1.0,1.0 -35,Oculomotor nucleus,255,144,255,1.0,1.0,1.0 -975,Edinger-Westphal nucleus,255,144,255,1.0,1.0,1.0 -115,Trochlear nucleus,255,144,255,1.0,1.0,1.0 -757,Ventral tegmental nucleus,255,144,255,1.0,1.0,1.0 -231,Anterior tegmental nucleus,255,144,255,1.0,1.0,1.0 -66,Lateral terminal nucleus of the accessory optic tract,255,144,255,1.0,1.0,1.0 -75,Dorsal terminal nucleus of the accessory optic tract,255,144,255,1.0,1.0,1.0 -58,Medial terminal nucleus of the accessory optic tract,255,144,255,1.0,1.0,1.0 -615,"Substantia nigra, lateral part",255,144,255,1.0,1.0,1.0 -348,"Midbrain, behavioral state related",255,144,255,1.0,1.0,1.0 -374,"Substantia nigra, compact part",255,166,255,1.0,1.0,1.0 -1052,Pedunculopontine nucleus,255,166,255,1.0,1.0,1.0 -165,Midbrain raphe nuclei,255,166,255,1.0,1.0,1.0 -12,Interfascicular nucleus raphe,255,166,255,1.0,1.0,1.0 -100,Interpeduncular nucleus,255,166,255,1.0,1.0,1.0 -197,Rostral linear nucleus raphe,255,166,255,1.0,1.0,1.0 -591,Central linear nucleus raphe,255,166,255,1.0,1.0,1.0 -872,Dorsal nucleus raphe,255,166,255,1.0,1.0,1.0 -1065,Hindbrain,255,155,136,1.0,1.0,1.0 -771,Pons,255,155,136,1.0,1.0,1.0 -1132,"Pons, sensory related",255,174,111,1.0,1.0,1.0 -612,Nucleus of the lateral lemniscus,255,174,111,1.0,1.0,1.0 -82,"Nucleus of the lateral lemniscus, dorsal part",255,174,111,1.0,1.0,1.0 -90,"Nucleus of the lateral lemniscus, horizontal part",255,174,111,1.0,1.0,1.0 -99,"Nucleus of the lateral lemniscus, ventral part",255,174,111,1.0,1.0,1.0 -7,Principal sensory nucleus of the trigeminal,255,174,111,1.0,1.0,1.0 -867,Parabrachial nucleus,255,174,111,1.0,1.0,1.0 -123,Koelliker-Fuse subnucleus,255,174,111,1.0,1.0,1.0 -881,"Parabrachial nucleus, lateral division",255,174,111,1.0,1.0,1.0 -860,"Parabrachial nucleus, lateral division, central lateral part",255,174,111,1.0,1.0,1.0 -868,"Parabrachial nucleus, lateral division, dorsal lateral part",255,174,111,1.0,1.0,1.0 -875,"Parabrachial nucleus, lateral division, external lateral part",255,174,111,1.0,1.0,1.0 -883,"Parabrachial nucleus, lateral division, superior lateral part",255,174,111,1.0,1.0,1.0 -891,"Parabrachial nucleus, lateral division, ventral lateral part",255,174,111,1.0,1.0,1.0 -890,"Parabrachial nucleus, medial division",255,174,111,1.0,1.0,1.0 -899,"Parabrachial nucleus, medial division, external medial part",255,174,111,1.0,1.0,1.0 -915,"Parabrachial nucleus, medial division, medial medial part",255,174,111,1.0,1.0,1.0 -923,"Parabrachial nucleus, medial division, ventral medial part",255,174,111,1.0,1.0,1.0 -398,Superior olivary complex,255,174,111,1.0,1.0,1.0 -122,"Superior olivary complex, periolivary region",255,174,111,1.0,1.0,1.0 -105,"Superior olivary complex, medial part",255,174,111,1.0,1.0,1.0 -114,"Superior olivary complex, lateral part",255,174,111,1.0,1.0,1.0 -987,"Pons, motor related",255,186,134,1.0,1.0,1.0 -280,Barrington's nucleus,255,186,134,1.0,1.0,1.0 -880,Dorsal tegmental nucleus,255,186,134,1.0,1.0,1.0 -283,Lateral tegmental nucleus,255,186,134,1.0,1.0,1.0 -898,Pontine central gray,255,186,134,1.0,1.0,1.0 -931,Pontine gray,255,186,134,1.0,1.0,1.0 -1093,"Pontine reticular nucleus, caudal part",255,186,134,1.0,1.0,1.0 -552,"Pontine reticular nucleus, ventral part",255,186,134,1.0,1.0,1.0 -318,Supragenual nucleus,255,186,134,1.0,1.0,1.0 -462,Superior salivatory nucleus,255,186,134,1.0,1.0,1.0 -534,Supratrigeminal nucleus,255,186,134,1.0,1.0,1.0 -574,Tegmental reticular nucleus,255,186,134,1.0,1.0,1.0 -621,Motor nucleus of trigeminal,255,186,134,1.0,1.0,1.0 -1117,"Pons, behavioral state related",255,195,149,1.0,1.0,1.0 -679,Superior central nucleus raphe,255,195,149,1.0,1.0,1.0 -137,"Superior central nucleus raphe, lateral part",255,195,149,1.0,1.0,1.0 -130,"Superior central nucleus raphe, medial part",255,195,149,1.0,1.0,1.0 -147,Locus ceruleus,255,195,149,1.0,1.0,1.0 -162,Laterodorsal tegmental nucleus,255,195,149,1.0,1.0,1.0 -604,Nucleus incertus,255,195,149,1.0,1.0,1.0 -146,Pontine reticular nucleus,255,195,149,1.0,1.0,1.0 -238,Nucleus raphe pontis,255,195,149,1.0,1.0,1.0 -350,Subceruleus nucleus,255,195,149,1.0,1.0,1.0 -358,Sublaterodorsal nucleus,255,195,149,1.0,1.0,1.0 -354,Medulla,255,155,205,1.0,1.0,1.0 -386,"Medulla, sensory related",255,165,210,1.0,1.0,1.0 -207,Area postrema,255,165,210,1.0,1.0,1.0 -607,Cochlear nuclei,255,165,210,1.0,1.0,1.0 -112,Granular lamina of the cochlear nuclei,255,165,210,1.0,1.0,1.0 -560,"Cochlear nucleus, subpedunclular granular region",255,165,210,1.0,1.0,1.0 -96,Dorsal cochlear nucleus,255,165,210,1.0,1.0,1.0 -101,Ventral cochlear nucleus,255,165,210,1.0,1.0,1.0 -720,Dorsal column nuclei,255,165,210,1.0,1.0,1.0 -711,Cuneate nucleus,255,165,210,1.0,1.0,1.0 -1039,Gracile nucleus,255,165,210,1.0,1.0,1.0 -903,External cuneate nucleus,255,165,210,1.0,1.0,1.0 -642,Nucleus of the trapezoid body,255,165,210,1.0,1.0,1.0 -651,Nucleus of the solitary tract,255,165,210,1.0,1.0,1.0 -659,"Nucleus of the solitary tract, central part",255,165,210,1.0,1.0,1.0 -666,"Nucleus of the solitary tract, commissural part",255,165,210,1.0,1.0,1.0 -674,"Nucleus of the solitary tract, gelatinous part",255,165,210,1.0,1.0,1.0 -682,"Nucleus of the solitary tract, lateral part",255,165,210,1.0,1.0,1.0 -691,"Nucleus of the solitary tract, medial part",255,165,210,1.0,1.0,1.0 -429,"Spinal nucleus of the trigeminal, caudal part",255,165,210,1.0,1.0,1.0 -437,"Spinal nucleus of the trigeminal, interpolar part",255,165,210,1.0,1.0,1.0 -445,"Spinal nucleus of the trigeminal, oral part",255,165,210,1.0,1.0,1.0 -77,"Spinal nucleus of the trigeminal, oral part, caudal dorsomedial part",255,165,210,1.0,1.0,1.0 -53,"Spinal nucleus of the trigeminal, oral part, middle dorsomedial part, dorsal zone",255,165,210,1.0,1.0,1.0 -61,"Spinal nucleus of the trigeminal, oral part, middle dorsomedial part, ventral zone",255,165,210,1.0,1.0,1.0 -45,"Spinal nucleus of the trigeminal, oral part, rostral dorsomedial part",255,165,210,1.0,1.0,1.0 -69,"Spinal nucleus of the trigeminal, oral part, ventrolateral part",255,165,210,1.0,1.0,1.0 -789,Nucleus z,255,165,210,1.0,1.0,1.0 -370,"Medulla, motor related",255,179,217,1.0,1.0,1.0 -653,Abducens nucleus,255,179,217,1.0,1.0,1.0 -568,Accessory abducens nucleus,255,179,217,1.0,1.0,1.0 -661,Facial motor nucleus,255,179,217,1.0,1.0,1.0 -576,Accessory facial motor nucleus,255,179,217,1.0,1.0,1.0 -640,Efferent vestibular nucleus,255,179,217,1.0,1.0,1.0 -135,Nucleus ambiguus,255,179,217,1.0,1.0,1.0 -939,"Nucleus ambiguus, dorsal division",255,179,217,1.0,1.0,1.0 -143,"Nucleus ambiguus, ventral division",255,179,217,1.0,1.0,1.0 -839,Dorsal motor nucleus of the vagus nerve,255,179,217,1.0,1.0,1.0 -887,Efferent cochlear group,255,179,217,1.0,1.0,1.0 -1048,Gigantocellular reticular nucleus,255,179,217,1.0,1.0,1.0 -372,Infracerebellar nucleus,255,179,217,1.0,1.0,1.0 -83,Inferior olivary complex,255,179,217,1.0,1.0,1.0 -136,Intermediate reticular nucleus,255,179,217,1.0,1.0,1.0 -106,Inferior salivatory nucleus,255,179,217,1.0,1.0,1.0 -203,Linear nucleus of the medulla,255,179,217,1.0,1.0,1.0 -235,Lateral reticular nucleus,255,179,217,1.0,1.0,1.0 -955,"Lateral reticular nucleus, magnocellular part",255,179,217,1.0,1.0,1.0 -963,"Lateral reticular nucleus, parvicellular part",255,179,217,1.0,1.0,1.0 -307,Magnocellular reticular nucleus,255,179,217,1.0,1.0,1.0 -395,Medullary reticular nucleus,255,179,217,1.0,1.0,1.0 -1098,"Medullary reticular nucleus, dorsal part",255,179,217,1.0,1.0,1.0 -1107,"Medullary reticular nucleus, ventral part",255,179,217,1.0,1.0,1.0 -852,Parvicellular reticular nucleus,255,179,217,1.0,1.0,1.0 -859,Parasolitary nucleus,255,179,217,1.0,1.0,1.0 -938,Paragigantocellular reticular nucleus,255,179,217,1.0,1.0,1.0 -970,"Paragigantocellular reticular nucleus, dorsal part",255,179,217,1.0,1.0,1.0 -978,"Paragigantocellular reticular nucleus, lateral part",255,179,217,1.0,1.0,1.0 -154,Perihypoglossal nuclei,255,179,217,1.0,1.0,1.0 -161,Nucleus intercalatus,255,179,217,1.0,1.0,1.0 -177,Nucleus of Roller,255,179,217,1.0,1.0,1.0 -169,Nucleus prepositus,255,179,217,1.0,1.0,1.0 -995,Paramedian reticular nucleus,255,179,217,1.0,1.0,1.0 -1069,Parapyramidal nucleus,255,179,217,1.0,1.0,1.0 -185,"Parapyramidal nucleus, deep part",255,179,217,1.0,1.0,1.0 -193,"Parapyramidal nucleus, superficial part",255,179,217,1.0,1.0,1.0 -701,Vestibular nuclei,255,179,217,1.0,1.0,1.0 -209,Lateral vestibular nucleus,255,179,217,1.0,1.0,1.0 -202,Medial vestibular nucleus,255,179,217,1.0,1.0,1.0 -225,Spinal vestibular nucleus,255,179,217,1.0,1.0,1.0 -217,Superior vestibular nucleus,255,179,217,1.0,1.0,1.0 -765,Nucleus x,255,179,217,1.0,1.0,1.0 -773,Hypoglossal nucleus,255,179,217,1.0,1.0,1.0 -781,Nucleus y,255,179,217,1.0,1.0,1.0 -76,Interstitial nucleus of the vestibular nerve,255,179,217,1.0,1.0,1.0 -379,"Medulla, behavioral state related",255,198,226,1.0,1.0,1.0 -206,Nucleus raphe magnus,255,198,226,1.0,1.0,1.0 -230,Nucleus raphe pallidus,255,198,226,1.0,1.0,1.0 -222,Nucleus raphe obscurus,255,198,226,1.0,1.0,1.0 -512,Cerebellum,240,240,128,1.0,1.0,1.0 -528,Cerebellar cortex,240,240,128,1.0,1.0,1.0 -645,Vermal regions,255,252,145,1.0,1.0,1.0 -912,Lingula (I),255,252,145,1.0,1.0,1.0 -10707,"Lingula (I), molecular layer",255,252,145,1.0,1.0,1.0 -10706,"Lingula (I), Purkinje layer",255,252,145,1.0,1.0,1.0 -10705,"Lingula (I), granular layer",236,231,84,1.0,1.0,1.0 -920,Central lobule,255,252,145,1.0,1.0,1.0 -976,Lobule II,255,252,145,1.0,1.0,1.0 -10710,"Lobule II, molecular layer",255,252,145,1.0,1.0,1.0 -10709,"Lobule II, Purkinje layer",255,252,145,1.0,1.0,1.0 -10708,"Lobule II, granular layer",236,231,84,1.0,1.0,1.0 -984,Lobule III,255,252,145,1.0,1.0,1.0 -10713,"Lobule III, molecular layer",255,252,145,1.0,1.0,1.0 -10712,"Lobule III, Purkinje layer",255,252,145,1.0,1.0,1.0 -10711,"Lobule III, granular layer",236,231,84,1.0,1.0,1.0 -928,Culmen,255,252,145,1.0,1.0,1.0 -992,Lobule IV,255,252,145,1.0,1.0,1.0 -10716,"Lobule IV, molecular layer",255,252,145,1.0,1.0,1.0 -10715,"Lobule IV, Purkinje layer",255,252,145,1.0,1.0,1.0 -10714,"Lobule IV, granular layer",236,231,84,1.0,1.0,1.0 -1001,Lobule V,255,252,145,1.0,1.0,1.0 -10719,"Lobule V, molecular layer",255,252,145,1.0,1.0,1.0 -10718,"Lobule V, Purkinje layer",255,252,145,1.0,1.0,1.0 -10717,"Lobule V, granular layer",236,231,84,1.0,1.0,1.0 -1091,Lobules IV-V,255,252,145,1.0,1.0,1.0 -10722,"Lobules IV-V, molecular layer",255,252,145,1.0,1.0,1.0 -10721,"Lobules IV-V, Purkinje layer",255,252,145,1.0,1.0,1.0 -10720,"Lobules IV-V, granular layer",236,231,84,1.0,1.0,1.0 -936,Declive (VI),255,252,145,1.0,1.0,1.0 -10725,"Declive (VI), molecular layer",255,252,145,1.0,1.0,1.0 -10724,"Declive (VI), Purkinje layer",255,252,145,1.0,1.0,1.0 -10723,"Declive (VI), granular layer",236,231,84,1.0,1.0,1.0 -944,Folium-tuber vermis (VII),255,252,145,1.0,1.0,1.0 -10728,"Folium-tuber vermis (VII), molecular layer",255,252,145,1.0,1.0,1.0 -10727,"Folium-tuber vermis (VII), Purkinje layer",255,252,145,1.0,1.0,1.0 -10726,"Folium-tuber vermis (VII), granular layer",236,231,84,1.0,1.0,1.0 -951,Pyramus (VIII),255,252,145,1.0,1.0,1.0 -10731,"Pyramus (VIII), molecular layer",255,252,145,1.0,1.0,1.0 -10730,"Pyramus (VIII), Purkinje layer",255,252,145,1.0,1.0,1.0 -10729,"Pyramus (VIII), granular layer",236,231,84,1.0,1.0,1.0 -957,Uvula (IX),255,252,145,1.0,1.0,1.0 -10734,"Uvula (IX), molecular layer",255,252,145,1.0,1.0,1.0 -10733,"Uvula (IX), Purkinje layer",255,252,145,1.0,1.0,1.0 -10732,"Uvula (IX), granular layer",236,231,84,1.0,1.0,1.0 -968,Nodulus (X),255,252,145,1.0,1.0,1.0 -10737,"Nodulus (X), molecular layer",255,252,145,1.0,1.0,1.0 -10736,"Nodulus (X), Purkinje layer",255,252,145,1.0,1.0,1.0 -10735,"Nodulus (X), granular layer",236,231,84,1.0,1.0,1.0 -1073,Hemispheric regions,255,252,145,1.0,1.0,1.0 -1007,Simple lobule,255,252,145,1.0,1.0,1.0 -10674,"Simple lobule, molecular layer",255,252,145,1.0,1.0,1.0 -10673,"Simple lobule, Purkinje layer",255,252,145,1.0,1.0,1.0 -10672,"Simple lobule, granular layer",236,231,84,1.0,1.0,1.0 -1017,Ansiform lobule,255,252,145,1.0,1.0,1.0 -1056,Crus 1,255,252,145,1.0,1.0,1.0 -10677,"Crus 1, molecular layer",255,252,145,1.0,1.0,1.0 -10676,"Crus 1, Purkinje layer",255,252,145,1.0,1.0,1.0 -10675,"Crus 1, granular layer",236,231,84,1.0,1.0,1.0 -1064,Crus 2,255,252,145,1.0,1.0,1.0 -10680,"Crus 2, molecular layer",255,252,145,1.0,1.0,1.0 -10679,"Crus 2, Purkinje layer",255,252,145,1.0,1.0,1.0 -10678,"Crus 2, granular layer",236,231,84,1.0,1.0,1.0 -1025,Paramedian lobule,255,252,145,1.0,1.0,1.0 -10683,"Paramedian lobule, molecular layer",255,252,145,1.0,1.0,1.0 -10682,"Paramedian lobule, Purkinje layer",255,252,145,1.0,1.0,1.0 -10681,"Paramedian lobule, granular layer",236,231,84,1.0,1.0,1.0 -1033,Copula pyramidis,255,252,145,1.0,1.0,1.0 -10686,"Copula pyramidis, molecular layer",255,252,145,1.0,1.0,1.0 -10685,"Copula pyramidis, Purkinje layer",255,252,145,1.0,1.0,1.0 -10684,"Copula pyramidis, granular layer",236,231,84,1.0,1.0,1.0 -1041,Paraflocculus,255,252,145,1.0,1.0,1.0 -10689,"Paraflocculus, molecular layer",255,252,145,1.0,1.0,1.0 -10688,"Paraflocculus, Purkinje layer",255,252,145,1.0,1.0,1.0 -10687,"Paraflocculus, granular layer",236,231,84,1.0,1.0,1.0 -1049,Flocculus,255,252,145,1.0,1.0,1.0 -10692,"Flocculus, molecular layer",255,252,145,1.0,1.0,1.0 -10691,"Flocculus, Purkinje layer",255,252,145,1.0,1.0,1.0 -10690,"Flocculus, granular layer",236,231,84,1.0,1.0,1.0 -1144,"Cerebellar cortex, molecular layer",255,252,145,1.0,1.0,1.0 -1145,"Cerebellar cortex, Purkinje layer",255,252,145,1.0,1.0,1.0 -1143,"Cerebellar cortex, granular layer",236,231,84,1.0,1.0,1.0 -519,Cerebellar nuclei,240,240,128,1.0,1.0,1.0 -989,Fastigial nucleus,255,253,188,1.0,1.0,1.0 -91,Interposed nucleus,255,253,188,1.0,1.0,1.0 -846,Dentate nucleus,255,253,188,1.0,1.0,1.0 -1009,fiber tracts,204,204,204,1.0,1.0,1.0 -967,cranial nerves,204,204,204,1.0,1.0,1.0 -885,terminal nerve,204,204,204,1.0,1.0,1.0 -949,vomeronasal nerve,204,204,204,1.0,1.0,1.0 -840,olfactory nerve,204,204,204,1.0,1.0,1.0 -1016,olfactory nerve layer of main olfactory bulb,204,204,204,1.0,1.0,1.0 -21,"lateral olfactory tract, general",204,204,204,1.0,1.0,1.0 -665,"lateral olfactory tract, body",204,204,204,1.0,1.0,1.0 -538,dorsal limb,204,204,204,1.0,1.0,1.0 -459,accessory olfactory tract,204,204,204,1.0,1.0,1.0 -900,"anterior commissure, olfactory limb",204,204,204,1.0,1.0,1.0 -848,optic nerve,204,204,204,1.0,1.0,1.0 -876,accessory optic tract,204,204,204,1.0,1.0,1.0 -916,brachium of the superior colliculus,204,204,204,1.0,1.0,1.0 -336,superior colliculus commissure,204,204,204,1.0,1.0,1.0 -117,optic chiasm,204,204,204,1.0,1.0,1.0 -125,optic tract,204,204,204,1.0,1.0,1.0 -357,tectothalamic pathway,204,204,204,1.0,1.0,1.0 -832,oculomotor nerve,204,204,204,1.0,1.0,1.0 -62,medial longitudinal fascicle,204,204,204,1.0,1.0,1.0 -158,posterior commissure,204,204,204,1.0,1.0,1.0 -911,trochlear nerve,204,204,204,1.0,1.0,1.0 -384,trochlear nerve decussation,204,204,204,1.0,1.0,1.0 -710,abducens nerve,204,204,204,1.0,1.0,1.0 -901,trigeminal nerve,204,204,204,1.0,1.0,1.0 -93,motor root of the trigeminal nerve,204,204,204,1.0,1.0,1.0 -229,sensory root of the trigeminal nerve,204,204,204,1.0,1.0,1.0 -705,midbrain tract of the trigeminal nerve,204,204,204,1.0,1.0,1.0 -794,spinal tract of the trigeminal nerve,204,204,204,1.0,1.0,1.0 -798,facial nerve,204,204,204,1.0,1.0,1.0 -1131,intermediate nerve,204,204,204,1.0,1.0,1.0 -1116,genu of the facial nerve,204,204,204,1.0,1.0,1.0 -933,vestibulocochlear nerve,204,204,204,1.0,1.0,1.0 -1076,efferent cochleovestibular bundle,204,204,204,1.0,1.0,1.0 -413,vestibular nerve,204,204,204,1.0,1.0,1.0 -948,cochlear nerve,204,204,204,1.0,1.0,1.0 -841,trapezoid body,204,204,204,1.0,1.0,1.0 -641,intermediate acoustic stria,204,204,204,1.0,1.0,1.0 -506,dorsal acoustic stria,204,204,204,1.0,1.0,1.0 -658,lateral lemniscus,204,204,204,1.0,1.0,1.0 -633,inferior colliculus commissure,204,204,204,1.0,1.0,1.0 -482,brachium of the inferior colliculus,204,204,204,1.0,1.0,1.0 -808,glossopharyngeal nerve,204,204,204,1.0,1.0,1.0 -917,vagus nerve,204,204,204,1.0,1.0,1.0 -237,solitary tract,204,204,204,1.0,1.0,1.0 -717,accessory spinal nerve,204,204,204,1.0,1.0,1.0 -813,hypoglossal nerve,204,204,204,1.0,1.0,1.0 -925,ventral roots,204,204,204,1.0,1.0,1.0 -792,dorsal roots,204,204,204,1.0,1.0,1.0 -932,cervicothalamic tract,204,204,204,1.0,1.0,1.0 -570,dorsolateral fascicle,204,204,204,1.0,1.0,1.0 -522,dorsal commissure of the spinal cord,204,204,204,1.0,1.0,1.0 -858,ventral commissure of the spinal cord,204,204,204,1.0,1.0,1.0 -586,fasciculus proprius,204,204,204,1.0,1.0,1.0 -514,dorsal column,204,204,204,1.0,1.0,1.0 -380,cuneate fascicle,204,204,204,1.0,1.0,1.0 -388,gracile fascicle,204,204,204,1.0,1.0,1.0 -396,internal arcuate fibers,204,204,204,1.0,1.0,1.0 -697,medial lemniscus,204,204,204,1.0,1.0,1.0 -871,spinothalamic tract,204,204,204,1.0,1.0,1.0 -29,lateral spinothalamic tract,204,204,204,1.0,1.0,1.0 -389,ventral spinothalamic tract,204,204,204,1.0,1.0,1.0 -245,spinocervical tract,204,204,204,1.0,1.0,1.0 -261,spino-olivary pathway,204,204,204,1.0,1.0,1.0 -270,spinoreticular pathway,204,204,204,1.0,1.0,1.0 -293,spinovestibular pathway,204,204,204,1.0,1.0,1.0 -277,spinotectal pathway,204,204,204,1.0,1.0,1.0 -253,spinohypothalamic pathway,204,204,204,1.0,1.0,1.0 -285,spinotelenchephalic pathway,204,204,204,1.0,1.0,1.0 -627,hypothalamohypophysial tract,204,204,204,1.0,1.0,1.0 -960,cerebellum related fiber tracts,204,204,204,1.0,1.0,1.0 -744,cerebellar commissure,204,204,204,1.0,1.0,1.0 -752,cerebellar peduncles,204,204,204,1.0,1.0,1.0 -326,superior cerebelar peduncles,204,204,204,1.0,1.0,1.0 -812,superior cerebellar peduncle decussation,204,204,204,1.0,1.0,1.0 -85,spinocerebellar tract,204,204,204,1.0,1.0,1.0 -850,uncinate fascicle,204,204,204,1.0,1.0,1.0 -866,ventral spinocerebellar tract,204,204,204,1.0,1.0,1.0 -78,middle cerebellar peduncle,204,204,204,1.0,1.0,1.0 -1123,inferior cerebellar peduncle,204,204,204,1.0,1.0,1.0 -553,dorsal spinocerebellar tract,204,204,204,1.0,1.0,1.0 -499,cuneocerebellar tract,204,204,204,1.0,1.0,1.0 -650,juxtarestiform body,204,204,204,1.0,1.0,1.0 -490,bulbocerebellar tract,204,204,204,1.0,1.0,1.0 -404,olivocerebellar tract,204,204,204,1.0,1.0,1.0 -410,reticulocerebellar tract,204,204,204,1.0,1.0,1.0 -373,trigeminocerebellar tract,204,204,204,1.0,1.0,1.0 -728,arbor vitae,204,204,204,1.0,1.0,1.0 -484682512,supra-callosal cerebral white matter,204,204,204,1.0,1.0,1.0 -983,lateral forebrain bundle system,204,204,204,1.0,1.0,1.0 -776,corpus callosum,204,204,204,1.0,1.0,1.0 -956,"corpus callosum, anterior forceps",204,204,204,1.0,1.0,1.0 -579,external capsule,204,204,204,1.0,1.0,1.0 -964,"corpus callosum, extreme capsule",204,204,204,1.0,1.0,1.0 -1108,genu of corpus callosum,204,204,204,1.0,1.0,1.0 -971,"corpus callosum, posterior forceps",204,204,204,1.0,1.0,1.0 -979,"corpus callosum, rostrum",204,204,204,1.0,1.0,1.0 -484682516,"corpus callosum, body",204,204,204,1.0,1.0,1.0 -986,"corpus callosum, splenium",204,204,204,1.0,1.0,1.0 -784,corticospinal tract,204,204,204,1.0,1.0,1.0 -6,internal capsule,204,204,204,1.0,1.0,1.0 -924,cerebal peduncle,204,204,204,1.0,1.0,1.0 -1036,corticotectal tract,204,204,204,1.0,1.0,1.0 -1012,corticorubral tract,204,204,204,1.0,1.0,1.0 -1003,corticopontine tract,204,204,204,1.0,1.0,1.0 -994,corticobulbar tract,204,204,204,1.0,1.0,1.0 -190,pyramid,204,204,204,1.0,1.0,1.0 -198,pyramidal decussation,204,204,204,1.0,1.0,1.0 -1019,"corticospinal tract, crossed",204,204,204,1.0,1.0,1.0 -1028,"corticospinal tract, uncrossed",204,204,204,1.0,1.0,1.0 -896,thalamus related,204,204,204,1.0,1.0,1.0 -1092,external medullary lamina of the thalamus,204,204,204,1.0,1.0,1.0 -14,internal medullary lamina of the thalamus,204,204,204,1.0,1.0,1.0 -86,middle thalamic commissure,204,204,204,1.0,1.0,1.0 -365,thalamic peduncles,204,204,204,1.0,1.0,1.0 -484682520,optic radiation,204,204,204,1.0,1.0,1.0 -484682524,auditory radiation,204,204,204,1.0,1.0,1.0 -1000,extrapyramidal fiber systems,204,204,204,1.0,1.0,1.0 -760,cerebral nuclei related,204,204,204,1.0,1.0,1.0 -142,pallidothalmic pathway,204,204,204,1.0,1.0,1.0 -102,nigrostriatal tract,204,204,204,1.0,1.0,1.0 -109,nigrothalamic fibers,204,204,204,1.0,1.0,1.0 -134,pallidotegmental fascicle,204,204,204,1.0,1.0,1.0 -309,striatonigral pathway,204,204,204,1.0,1.0,1.0 -317,subthalamic fascicle,204,204,204,1.0,1.0,1.0 -877,tectospinal pathway,204,204,204,1.0,1.0,1.0 -1051,direct tectospinal pathway,204,204,204,1.0,1.0,1.0 -1060,doral tegmental decussation,204,204,204,1.0,1.0,1.0 -1043,crossed tectospinal pathway,204,204,204,1.0,1.0,1.0 -863,rubrospinal tract,204,204,204,1.0,1.0,1.0 -397,ventral tegmental decussation,204,204,204,1.0,1.0,1.0 -221,rubroreticular tract,204,204,204,1.0,1.0,1.0 -736,central tegmental bundle,204,204,204,1.0,1.0,1.0 -855,retriculospinal tract,204,204,204,1.0,1.0,1.0 -205,"retriculospinal tract, lateral part",204,204,204,1.0,1.0,1.0 -213,"retriculospinal tract, medial part",204,204,204,1.0,1.0,1.0 -941,vestibulospinal pathway,204,204,204,1.0,1.0,1.0 -991,medial forebrain bundle system,204,204,204,1.0,1.0,1.0 -768,cerebrum related,204,204,204,1.0,1.0,1.0 -884,amygdalar capsule,204,204,204,1.0,1.0,1.0 -892,ansa peduncularis,204,204,204,1.0,1.0,1.0 -908,"anterior commissure, temporal limb",204,204,204,1.0,1.0,1.0 -940,cingulum bundle,204,204,204,1.0,1.0,1.0 -1099,fornix system,204,204,204,1.0,1.0,1.0 -466,alveus,204,204,204,1.0,1.0,1.0 -530,dorsal fornix,204,204,204,1.0,1.0,1.0 -603,fimbria,204,204,204,1.0,1.0,1.0 -745,"precommissural fornix, general",204,204,204,1.0,1.0,1.0 -420,precommissural fornix diagonal band,204,204,204,1.0,1.0,1.0 -737,postcommissural fornix,204,204,204,1.0,1.0,1.0 -428,medial corticohypothalmic tract,204,204,204,1.0,1.0,1.0 -436,columns of the fornix,204,204,204,1.0,1.0,1.0 -618,hippocampal commissures,204,204,204,1.0,1.0,1.0 -443,dorsal hippocampal commissure,204,204,204,1.0,1.0,1.0 -449,ventral hippocampal commissure,204,204,204,1.0,1.0,1.0 -713,perforant path,204,204,204,1.0,1.0,1.0 -474,angular path,204,204,204,1.0,1.0,1.0 -37,longitudinal association bundle,204,204,204,1.0,1.0,1.0 -301,stria terminalis,204,204,204,1.0,1.0,1.0 -484682528,commissural branch of stria terminalis,204,204,204,1.0,1.0,1.0 -824,hypothalamus related,204,204,204,1.0,1.0,1.0 -54,medial forebrain bundle,204,204,204,1.0,1.0,1.0 -405,ventrolateral hypothalamic tract,204,204,204,1.0,1.0,1.0 -174,preoptic commissure,204,204,204,1.0,1.0,1.0 -349,supraoptic commissures,204,204,204,1.0,1.0,1.0 -817,"supraoptic commissures, anterior",204,204,204,1.0,1.0,1.0 -825,"supraoptic commissures, dorsal",204,204,204,1.0,1.0,1.0 -833,"supraoptic commissures, ventral",204,204,204,1.0,1.0,1.0 -166,premammillary commissure,204,204,204,1.0,1.0,1.0 -341,supramammillary decussation,204,204,204,1.0,1.0,1.0 -182,propriohypothalamic pathways,204,204,204,1.0,1.0,1.0 -762,"propriohypothalamic pathways, dorsal",204,204,204,1.0,1.0,1.0 -770,"propriohypothalamic pathways, lateral",204,204,204,1.0,1.0,1.0 -779,"propriohypothalamic pathways, medial",204,204,204,1.0,1.0,1.0 -787,"propriohypothalamic pathways, ventral",204,204,204,1.0,1.0,1.0 -150,periventricular bundle of the hypothalamus,204,204,204,1.0,1.0,1.0 -46,mammillary related,204,204,204,1.0,1.0,1.0 -753,principal mammillary tract,204,204,204,1.0,1.0,1.0 -690,mammilothalmic tract,204,204,204,1.0,1.0,1.0 -681,mammillotegmental tract,204,204,204,1.0,1.0,1.0 -673,mammillary peduncle,204,204,204,1.0,1.0,1.0 -1068,dorsal thalamus related,204,204,204,1.0,1.0,1.0 -722,periventricular bundle of the thalamus,204,204,204,1.0,1.0,1.0 -1083,epithalamus related,204,204,204,1.0,1.0,1.0 -802,stria medullaris,204,204,204,1.0,1.0,1.0 -595,fasciculus retroflexus,204,204,204,1.0,1.0,1.0 -611,habenular commissure,204,204,204,1.0,1.0,1.0 -730,pineal stalk,204,204,204,1.0,1.0,1.0 -70,midbrain related,204,204,204,1.0,1.0,1.0 -547,dorsal longitudinal fascicle,204,204,204,1.0,1.0,1.0 -563,dorsal tegmental tract,204,204,204,1.0,1.0,1.0 -73,ventricular systems,170,170,170,1.0,1.0,1.0 -81,lateral ventricle,170,170,170,1.0,1.0,1.0 -89,rhinocele,170,170,170,1.0,1.0,1.0 -98,subependymal zone,170,170,170,1.0,1.0,1.0 -108,choroid plexus,170,170,170,1.0,1.0,1.0 -116,choroid fissure,170,170,170,1.0,1.0,1.0 -124,interventricular foramen,170,170,170,1.0,1.0,1.0 -129,third ventricle,170,170,170,1.0,1.0,1.0 -140,cerebral aqueduct,170,170,170,1.0,1.0,1.0 -145,fourth ventricle,170,170,170,1.0,1.0,1.0 -153,lateral recess,170,170,170,1.0,1.0,1.0 -164,"central canal, spinal cord/medulla",170,170,170,1.0,1.0,1.0 -1024,grooves,170,170,170,1.0,1.0,1.0 -1032,grooves of the cerebral cortex,170,170,170,1.0,1.0,1.0 -1055,endorhinal groove,170,170,170,1.0,1.0,1.0 -1063,hippocampal fissure,170,170,170,1.0,1.0,1.0 -1071,rhinal fissure,170,170,170,1.0,1.0,1.0 -1078,rhinal incisure,170,170,170,1.0,1.0,1.0 -1040,grooves of the cerebellar cortex,170,170,170,1.0,1.0,1.0 -1087,precentral fissure,170,170,170,1.0,1.0,1.0 -1095,preculminate fissure,170,170,170,1.0,1.0,1.0 -1103,primary fissure,170,170,170,1.0,1.0,1.0 -1112,posterior superior fissure,170,170,170,1.0,1.0,1.0 -1119,prepyramidal fissure,170,170,170,1.0,1.0,1.0 -3,secondary fissure,170,170,170,1.0,1.0,1.0 -11,posterolateral fissure,170,170,170,1.0,1.0,1.0 -18,nodular fissure,170,170,170,1.0,1.0,1.0 -25,simple fissure,170,170,170,1.0,1.0,1.0 -34,intercrural fissure,170,170,170,1.0,1.0,1.0 -43,ansoparamedian fissure,170,170,170,1.0,1.0,1.0 -49,intraparafloccular fissure,170,170,170,1.0,1.0,1.0 -57,paramedian sulcus,170,170,170,1.0,1.0,1.0 -65,parafloccular sulcus,170,170,170,1.0,1.0,1.0 -624,Interpeduncular fossa,170,170,170,1.0,1.0,1.0 -304325711,retina,127,46,126,1.0,1.0,1.0 diff --git a/annotation_volumes/allen2017_colours.csv b/annotation_volumes/allen2017_colours.csv deleted file mode 100644 index 8c942d0ea895fa53fc6b419a59681aaf4d2a0276..0000000000000000000000000000000000000000 --- a/annotation_volumes/allen2017_colours.csv +++ /dev/null @@ -1,1329 +0,0 @@ -idx,name,r,g,b,a,VIS,MSH -0,Clear Label,0,0,0,1.0,1.0,1.0 -997,root,255,255,255,1.0,1.0,1.0 -8,Basic cell groups and regions,191,218,227,1.0,1.0,1.0 -567,Cerebrum,176,240,255,1.0,1.0,1.0 -688,Cerebral cortex,176,255,184,1.0,1.0,1.0 -695,Cortical plate,112,255,112,1.0,1.0,1.0 -315,Isocortex,112,255,113,1.0,1.0,1.0 -184,"Frontal pole, cerebral cortex",38,143,69,1.0,1.0,1.0 -68,"Frontal pole, layer 1",38,143,69,1.0,1.0,1.0 -667,"Frontal pole, layer 2/3",38,143,69,1.0,1.0,1.0 -526157192,"Frontal pole, layer 5",38,143,69,1.0,1.0,1.0 -526157196,"Frontal pole, layer 6a",38,143,69,1.0,1.0,1.0 -526322264,"Frontal pole, layer 6b",38,143,69,1.0,1.0,1.0 -500,Somatomotor areas,31,157,90,1.0,1.0,1.0 -107,"Somatomotor areas, Layer 1",31,157,90,1.0,1.0,1.0 -219,"Somatomotor areas, Layer 2/3",31,157,90,1.0,1.0,1.0 -299,"Somatomotor areas, Layer 5",31,157,90,1.0,1.0,1.0 -644,"Somatomotor areas, Layer 6a",31,157,90,1.0,1.0,1.0 -947,"Somatomotor areas, Layer 6b",31,157,90,1.0,1.0,1.0 -985,Primary motor area,31,157,90,1.0,1.0,1.0 -320,"Primary motor area, Layer 1",31,157,90,1.0,1.0,1.0 -943,"Primary motor area, Layer 2/3",31,157,90,1.0,1.0,1.0 -648,"Primary motor area, Layer 5",31,157,90,1.0,1.0,1.0 -844,"Primary motor area, Layer 6a",31,157,90,1.0,1.0,1.0 -882,"Primary motor area, Layer 6b",31,157,90,1.0,1.0,1.0 -993,Secondary motor area,31,157,90,1.0,1.0,1.0 -656,"Secondary motor area, layer 1",31,157,90,1.0,1.0,1.0 -962,"Secondary motor area, layer 2/3",31,157,90,1.0,1.0,1.0 -767,"Secondary motor area, layer 5",31,157,90,1.0,1.0,1.0 -1021,"Secondary motor area, layer 6a",31,157,90,1.0,1.0,1.0 -1085,"Secondary motor area, layer 6b",31,157,90,1.0,1.0,1.0 -453,Somatosensory areas,24,128,100,1.0,1.0,1.0 -12993,"Somatosensory areas, layer 1",24,128,100,1.0,1.0,1.0 -12994,"Somatosensory areas, layer 2/3",24,128,100,1.0,1.0,1.0 -12995,"Somatosensory areas, layer 4",24,128,100,1.0,1.0,1.0 -12996,"Somatosensory areas, layer 5",24,128,100,1.0,1.0,1.0 -12997,"Somatosensory areas, layer 6a",24,128,100,1.0,1.0,1.0 -12998,"Somatosensory areas, layer 6b",24,128,100,1.0,1.0,1.0 -322,Primary somatosensory area,24,128,100,1.0,1.0,1.0 -793,"Primary somatosensory area, layer 1",24,128,100,1.0,1.0,1.0 -346,"Primary somatosensory area, layer 2/3",24,128,100,1.0,1.0,1.0 -865,"Primary somatosensory area, layer 4",24,128,100,1.0,1.0,1.0 -921,"Primary somatosensory area, layer 5",24,128,100,1.0,1.0,1.0 -686,"Primary somatosensory area, layer 6a",24,128,100,1.0,1.0,1.0 -719,"Primary somatosensory area, layer 6b",24,128,100,1.0,1.0,1.0 -353,"Primary somatosensory area, nose",24,128,100,1.0,1.0,1.0 -558,"Primary somatosensory area, nose, layer 1",24,128,100,1.0,1.0,1.0 -838,"Primary somatosensory area, nose, layer 2/3",24,128,100,1.0,1.0,1.0 -654,"Primary somatosensory area, nose, layer 4",24,128,100,1.0,1.0,1.0 -702,"Primary somatosensory area, nose, layer 5",24,128,100,1.0,1.0,1.0 -889,"Primary somatosensory area, nose, layer 6a",24,128,100,1.0,1.0,1.0 -929,"Primary somatosensory area, nose, layer 6b",24,128,100,1.0,1.0,1.0 -329,"Primary somatosensory area, barrel field",24,128,100,1.0,1.0,1.0 -981,"Primary somatosensory area, barrel field, layer 1",24,128,100,1.0,1.0,1.0 -201,"Primary somatosensory area, barrel field, layer 2/3",24,128,100,1.0,1.0,1.0 -1047,"Primary somatosensory area, barrel field, layer 4",24,128,100,1.0,1.0,1.0 -1070,"Primary somatosensory area, barrel field, layer 5",24,128,100,1.0,1.0,1.0 -1038,"Primary somatosensory area, barrel field, layer 6a",24,128,100,1.0,1.0,1.0 -1062,"Primary somatosensory area, barrel field, layer 6b",24,128,100,1.0,1.0,1.0 -480149202,Rostrolateral lateral visual area,24,128,100,1.0,1.0,1.0 -480149206,"Rostrolateral lateral visual area, layer 1",24,128,100,1.0,1.0,1.0 -480149210,"Rostrolateral lateral visual area, layer 2/3",24,128,100,1.0,1.0,1.0 -480149214,"Rostrolateral lateral visual area, layer 4",24,128,100,1.0,1.0,1.0 -480149218,"Rostrolateral lateral visual area,layer 5",24,128,100,1.0,1.0,1.0 -480149222,"Rostrolateral lateral visual area, layer 6a",24,128,100,1.0,1.0,1.0 -480149226,"Rostrolateral lateral visual area, layer 6b",24,128,100,1.0,1.0,1.0 -337,"Primary somatosensory area, lower limb",24,128,100,1.0,1.0,1.0 -1030,"Primary somatosensory area, lower limb, layer 1",24,128,100,1.0,1.0,1.0 -113,"Primary somatosensory area, lower limb, layer 2/3",24,128,100,1.0,1.0,1.0 -1094,"Primary somatosensory area, lower limb, layer 4",24,128,100,1.0,1.0,1.0 -1128,"Primary somatosensory area, lower limb, layer 5",24,128,100,1.0,1.0,1.0 -478,"Primary somatosensory area, lower limb, layer 6a",24,128,100,1.0,1.0,1.0 -510,"Primary somatosensory area, lower limb, layer 6b",24,128,100,1.0,1.0,1.0 -345,"Primary somatosensory area, mouth",24,128,100,1.0,1.0,1.0 -878,"Primary somatosensory area, mouth, layer 1",24,128,100,1.0,1.0,1.0 -657,"Primary somatosensory area, mouth, layer 2/3",24,128,100,1.0,1.0,1.0 -950,"Primary somatosensory area, mouth, layer 4",24,128,100,1.0,1.0,1.0 -974,"Primary somatosensory area, mouth, layer 5",24,128,100,1.0,1.0,1.0 -1102,"Primary somatosensory area, mouth, layer 6a",24,128,100,1.0,1.0,1.0 -2,"Primary somatosensory area, mouth, layer 6b",24,128,100,1.0,1.0,1.0 -369,"Primary somatosensory area, upper limb",24,128,100,1.0,1.0,1.0 -450,"Primary somatosensory area, upper limb, layer 1",24,128,100,1.0,1.0,1.0 -854,"Primary somatosensory area, upper limb, layer 2/3",24,128,100,1.0,1.0,1.0 -577,"Primary somatosensory area, upper limb, layer 4",24,128,100,1.0,1.0,1.0 -625,"Primary somatosensory area, upper limb, layer 5",24,128,100,1.0,1.0,1.0 -945,"Primary somatosensory area, upper limb, layer 6a",24,128,100,1.0,1.0,1.0 -1026,"Primary somatosensory area, upper limb, layer 6b",24,128,100,1.0,1.0,1.0 -361,"Primary somatosensory area, trunk",24,128,100,1.0,1.0,1.0 -1006,"Primary somatosensory area, trunk, layer 1",24,128,100,1.0,1.0,1.0 -670,"Primary somatosensory area, trunk, layer 2/3",24,128,100,1.0,1.0,1.0 -1086,"Primary somatosensory area, trunk, layer 4",24,128,100,1.0,1.0,1.0 -1111,"Primary somatosensory area, trunk, layer 5",24,128,100,1.0,1.0,1.0 -9,"Primary somatosensory area, trunk, layer 6a",24,128,100,1.0,1.0,1.0 -461,"Primary somatosensory area, trunk, layer 6b",24,128,100,1.0,1.0,1.0 -182305689,"Primary somatosensory area, unassigned",24,128,100,1.0,1.0,1.0 -182305693,"Primary somatosensory area, unassigned, layer 1",24,128,100,1.0,1.0,1.0 -182305697,"Primary somatosensory area, unassigned, layer 2/3",24,128,100,1.0,1.0,1.0 -182305701,"Primary somatosensory area, unassigned, layer 4",24,128,100,1.0,1.0,1.0 -182305705,"Primary somatosensory area, unassigned, layer 5",24,128,100,1.0,1.0,1.0 -182305709,"Primary somatosensory area, unassigned, layer 6a",24,128,100,1.0,1.0,1.0 -182305713,"Primary somatosensory area, unassigned, layer 6b",24,128,100,1.0,1.0,1.0 -378,Supplemental somatosensory area,24,128,100,1.0,1.0,1.0 -873,"Supplemental somatosensory area, layer 1",24,128,100,1.0,1.0,1.0 -806,"Supplemental somatosensory area, layer 2/3",24,128,100,1.0,1.0,1.0 -1035,"Supplemental somatosensory area, layer 4",24,128,100,1.0,1.0,1.0 -1090,"Supplemental somatosensory area, layer 5",24,128,100,1.0,1.0,1.0 -862,"Supplemental somatosensory area, layer 6a",24,128,100,1.0,1.0,1.0 -893,"Supplemental somatosensory area, layer 6b",24,128,100,1.0,1.0,1.0 -1057,Gustatory areas,0,156,117,1.0,1.0,1.0 -36,"Gustatory areas, layer 1",0,156,117,1.0,1.0,1.0 -180,"Gustatory areas, layer 2/3",0,156,117,1.0,1.0,1.0 -148,"Gustatory areas, layer 4",0,156,117,1.0,1.0,1.0 -187,"Gustatory areas, layer 5",0,156,117,1.0,1.0,1.0 -638,"Gustatory areas, layer 6a",0,156,117,1.0,1.0,1.0 -662,"Gustatory areas, layer 6b",0,156,117,1.0,1.0,1.0 -677,Visceral area,17,173,131,1.0,1.0,1.0 -897,"Visceral area, layer 1",17,173,131,1.0,1.0,1.0 -1106,"Visceral area, layer 2/3",17,173,131,1.0,1.0,1.0 -1010,"Visceral area, layer 4",17,173,131,1.0,1.0,1.0 -1058,"Visceral area, layer 5",17,173,131,1.0,1.0,1.0 -857,"Visceral area, layer 6a",17,173,131,1.0,1.0,1.0 -849,"Visceral area, layer 6b",17,173,131,1.0,1.0,1.0 -247,Auditory areas,1,147,153,1.0,1.0,1.0 -1011,Dorsal auditory area,1,147,153,1.0,1.0,1.0 -527,"Dorsal auditory area, layer 1",1,147,153,1.0,1.0,1.0 -600,"Dorsal auditory area, layer 2/3",1,147,153,1.0,1.0,1.0 -678,"Dorsal auditory area, layer 4",1,147,153,1.0,1.0,1.0 -252,"Dorsal auditory area, layer 5",1,147,153,1.0,1.0,1.0 -156,"Dorsal auditory area, layer 6a",1,147,153,1.0,1.0,1.0 -243,"Dorsal auditory area, layer 6b",1,147,153,1.0,1.0,1.0 -480149230,Laterolateral anterior visual area,1,147,153,1.0,1.0,1.0 -480149234,"Laterolateral anterior visual area, layer 1",1,147,153,1.0,1.0,1.0 -480149238,"Laterolateral anterior visual area, layer 2/3",1,147,153,1.0,1.0,1.0 -480149242,"Laterolateral anterior visual area, layer 4",1,147,153,1.0,1.0,1.0 -480149246,"Laterolateral anterior visual area,layer 5",1,147,153,1.0,1.0,1.0 -480149250,"Laterolateral anterior visual area, layer 6a",1,147,153,1.0,1.0,1.0 -480149254,"Laterolateral anterior visual area, layer 6b",1,147,153,1.0,1.0,1.0 -1002,Primary auditory area,1,147,153,1.0,1.0,1.0 -735,"Primary auditory area, layer 1",1,147,153,1.0,1.0,1.0 -251,"Primary auditory area, layer 2/3",1,147,153,1.0,1.0,1.0 -816,"Primary auditory area, layer 4",1,147,153,1.0,1.0,1.0 -847,"Primary auditory area, layer 5",1,147,153,1.0,1.0,1.0 -954,"Primary auditory area, layer 6a",1,147,153,1.0,1.0,1.0 -1005,"Primary auditory area, layer 6b",1,147,153,1.0,1.0,1.0 -1027,Posterior auditory area,1,147,153,1.0,1.0,1.0 -696,"Posterior auditory area, layer 1",1,147,153,1.0,1.0,1.0 -643,"Posterior auditory area, layer 2/3",1,147,153,1.0,1.0,1.0 -759,"Posterior auditory area, layer 4",1,147,153,1.0,1.0,1.0 -791,"Posterior auditory area, layer 5",1,147,153,1.0,1.0,1.0 -249,"Posterior auditory area, layer 6a",1,147,153,1.0,1.0,1.0 -456,"Posterior auditory area, layer 6b",1,147,153,1.0,1.0,1.0 -1018,Ventral auditory area,1,147,153,1.0,1.0,1.0 -959,"Ventral auditory area, layer 1",1,147,153,1.0,1.0,1.0 -755,"Ventral auditory area, layer 2/3",1,147,153,1.0,1.0,1.0 -990,"Ventral auditory area, layer 4",1,147,153,1.0,1.0,1.0 -1023,"Ventral auditory area, layer 5",1,147,153,1.0,1.0,1.0 -520,"Ventral auditory area, layer 6a",1,147,153,1.0,1.0,1.0 -598,"Ventral auditory area, layer 6b",1,147,153,1.0,1.0,1.0 -669,Visual areas,8,133,140,1.0,1.0,1.0 -801,"Visual areas, layer 1",8,133,140,1.0,1.0,1.0 -561,"Visual areas, layer 2/3",8,133,140,1.0,1.0,1.0 -913,"Visual areas, layer 4",8,133,140,1.0,1.0,1.0 -937,"Visual areas, layer 5",8,133,140,1.0,1.0,1.0 -457,"Visual areas, layer 6a",8,133,140,1.0,1.0,1.0 -497,"Visual areas, layer 6b",8,133,140,1.0,1.0,1.0 -402,Anterolateral visual area,8,133,140,1.0,1.0,1.0 -1074,"Anterolateral visual area, layer 1",8,133,140,1.0,1.0,1.0 -905,"Anterolateral visual area, layer 2/3",8,133,140,1.0,1.0,1.0 -1114,"Anterolateral visual area, layer 4",8,133,140,1.0,1.0,1.0 -233,"Anterolateral visual area, layer 5",8,133,140,1.0,1.0,1.0 -601,"Anterolateral visual area, layer 6a",8,133,140,1.0,1.0,1.0 -649,"Anterolateral visual area, layer 6b",8,133,140,1.0,1.0,1.0 -394,Anteromedial visual area,8,133,140,1.0,1.0,1.0 -281,"Anteromedial visual area, layer 1",8,133,140,1.0,1.0,1.0 -1066,"Anteromedial visual area, layer 2/3",8,133,140,1.0,1.0,1.0 -401,"Anteromedial visual area, layer 4",8,133,140,1.0,1.0,1.0 -433,"Anteromedial visual area, layer 5",8,133,140,1.0,1.0,1.0 -1046,"Anteromedial visual area, layer 6a",8,133,140,1.0,1.0,1.0 -441,"Anteromedial visual area, layer 6b",8,133,140,1.0,1.0,1.0 -409,Lateral visual area,8,133,140,1.0,1.0,1.0 -421,"Lateral visual area, layer 1",8,133,140,1.0,1.0,1.0 -973,"Lateral visual area, layer 2/3",8,133,140,1.0,1.0,1.0 -573,"Lateral visual area, layer 4",8,133,140,1.0,1.0,1.0 -613,"Lateral visual area, layer 5",8,133,140,1.0,1.0,1.0 -74,"Lateral visual area, layer 6a",8,133,140,1.0,1.0,1.0 -121,"Lateral visual area, layer 6b",8,133,140,1.0,1.0,1.0 -385,Primary visual area,8,133,140,1.0,1.0,1.0 -593,"Primary visual area, layer 1",8,133,140,1.0,1.0,1.0 -821,"Primary visual area, layer 2/3",8,133,140,1.0,1.0,1.0 -721,"Primary visual area, layer 4",8,133,140,1.0,1.0,1.0 -778,"Primary visual area, layer 5",8,133,140,1.0,1.0,1.0 -33,"Primary visual area, layer 6a",8,133,140,1.0,1.0,1.0 -305,"Primary visual area, layer 6b",8,133,140,1.0,1.0,1.0 -425,Posterolateral visual area,8,133,140,1.0,1.0,1.0 -750,"Posterolateral visual area, layer 1",8,133,140,1.0,1.0,1.0 -269,"Posterolateral visual area, layer 2/3",8,133,140,1.0,1.0,1.0 -869,"Posterolateral visual area, layer 4",8,133,140,1.0,1.0,1.0 -902,"Posterolateral visual area, layer 5",8,133,140,1.0,1.0,1.0 -377,"Posterolateral visual area, layer 6a",8,133,140,1.0,1.0,1.0 -393,"Posterolateral visual area, layer 6b",8,133,140,1.0,1.0,1.0 -533,posteromedial visual area,8,133,140,1.0,1.0,1.0 -805,"posteromedial visual area, layer 1",8,133,140,1.0,1.0,1.0 -41,"posteromedial visual area, layer 2/3",8,133,140,1.0,1.0,1.0 -501,"posteromedial visual area, layer 4",8,133,140,1.0,1.0,1.0 -565,"posteromedial visual area, layer 5",8,133,140,1.0,1.0,1.0 -257,"posteromedial visual area, layer 6a",8,133,140,1.0,1.0,1.0 -469,"posteromedial visual area, layer 6b",8,133,140,1.0,1.0,1.0 -312782574,Laterointermediate area,8,133,140,1.0,1.0,1.0 -312782578,"Laterointermediate area, layer 1",8,133,140,1.0,1.0,1.0 -312782582,"Laterointermediate area, layer 2/3",8,133,140,1.0,1.0,1.0 -312782586,"Laterointermediate area, layer 4",8,133,140,1.0,1.0,1.0 -312782590,"Laterointermediate area, layer 5",8,133,140,1.0,1.0,1.0 -312782594,"Laterointermediate area, layer 6a",8,133,140,1.0,1.0,1.0 -312782598,"Laterointermediate area, layer 6b",8,133,140,1.0,1.0,1.0 -312782628,Postrhinal area,8,133,140,1.0,1.0,1.0 -312782632,"Postrhinal area, layer 1",8,133,140,1.0,1.0,1.0 -312782636,"Postrhinal area, layer 2/3",8,133,140,1.0,1.0,1.0 -312782640,"Postrhinal area, layer 4",8,133,140,1.0,1.0,1.0 -312782644,"Postrhinal area, layer 5",8,133,140,1.0,1.0,1.0 -312782648,"Postrhinal area, layer 6a",8,133,140,1.0,1.0,1.0 -312782652,"Postrhinal area, layer 6b",8,133,140,1.0,1.0,1.0 -31,Anterior cingulate area,64,166,102,1.0,1.0,1.0 -572,"Anterior cingulate area, layer 1",64,166,102,1.0,1.0,1.0 -1053,"Anterior cingulate area, layer 2/3",64,166,102,1.0,1.0,1.0 -739,"Anterior cingulate area, layer 5",64,166,102,1.0,1.0,1.0 -179,"Anterior cingulate area, layer 6a",64,166,102,1.0,1.0,1.0 -227,"Anterior cingulate area, layer 6b",64,166,102,1.0,1.0,1.0 -39,"Anterior cingulate area, dorsal part",64,166,102,1.0,1.0,1.0 -935,"Anterior cingulate area, dorsal part, layer 1",64,166,102,1.0,1.0,1.0 -211,"Anterior cingulate area, dorsal part, layer 2/3",64,166,102,1.0,1.0,1.0 -1015,"Anterior cingulate area, dorsal part, layer 5",64,166,102,1.0,1.0,1.0 -919,"Anterior cingulate area, dorsal part, layer 6a",64,166,102,1.0,1.0,1.0 -927,"Anterior cingulate area, dorsal part, layer 6b",64,166,102,1.0,1.0,1.0 -48,"Anterior cingulate area, ventral part",64,166,102,1.0,1.0,1.0 -588,"Anterior cingulate area, ventral part, layer 1",64,166,102,1.0,1.0,1.0 -296,"Anterior cingulate area, ventral part, layer 2/3",64,166,102,1.0,1.0,1.0 -772,"Anterior cingulate area, ventral part, layer 5",64,166,102,1.0,1.0,1.0 -810,"Anterior cingulate area, ventral part, 6a",64,166,102,1.0,1.0,1.0 -819,"Anterior cingulate area, ventral part, 6b",64,166,102,1.0,1.0,1.0 -972,Prelimbic area,47,168,80,1.0,1.0,1.0 -171,"Prelimbic area, layer 1",47,168,80,1.0,1.0,1.0 -195,"Prelimbic area, layer 2",47,168,80,1.0,1.0,1.0 -304,"Prelimbic area, layer 2/3",47,168,80,1.0,1.0,1.0 -363,"Prelimbic area, layer 5",47,168,80,1.0,1.0,1.0 -84,"Prelimbic area, layer 6a",47,168,80,1.0,1.0,1.0 -132,"Prelimbic area, layer 6b",47,168,80,1.0,1.0,1.0 -44,Infralimbic area,89,179,99,1.0,1.0,1.0 -707,"Infralimbic area, layer 1",89,179,99,1.0,1.0,1.0 -747,"Infralimbic area, layer 2",89,179,99,1.0,1.0,1.0 -556,"Infralimbic area, layer 2/3",89,179,99,1.0,1.0,1.0 -827,"Infralimbic area, layer 5",89,179,99,1.0,1.0,1.0 -1054,"Infralimbic area, layer 6a",89,179,99,1.0,1.0,1.0 -1081,"Infralimbic area, layer 6b",89,179,99,1.0,1.0,1.0 -714,Orbital area,36,138,94,1.0,1.0,1.0 -264,"Orbital area, layer 1",36,138,94,1.0,1.0,1.0 -492,"Orbital area, layer 2/3",36,138,94,1.0,1.0,1.0 -352,"Orbital area, layer 5",36,138,94,1.0,1.0,1.0 -476,"Orbital area, layer 6a",36,138,94,1.0,1.0,1.0 -516,"Orbital area, layer 6b",36,138,94,1.0,1.0,1.0 -723,"Orbital area, lateral part",36,138,94,1.0,1.0,1.0 -448,"Orbital area, lateral part, layer 1",36,138,94,1.0,1.0,1.0 -412,"Orbital area, lateral part, layer 2/3",36,138,94,1.0,1.0,1.0 -630,"Orbital area, lateral part, layer 5",36,138,94,1.0,1.0,1.0 -440,"Orbital area, lateral part, layer 6a",36,138,94,1.0,1.0,1.0 -488,"Orbital area, lateral part, layer 6b",36,138,94,1.0,1.0,1.0 -731,"Orbital area, medial part",36,138,94,1.0,1.0,1.0 -484,"Orbital area, medial part, layer 1",36,138,94,1.0,1.0,1.0 -524,"Orbital area, medial part, layer 2",36,138,94,1.0,1.0,1.0 -582,"Orbital area, medial part, layer 2/3",36,138,94,1.0,1.0,1.0 -620,"Orbital area, medial part, layer 5",36,138,94,1.0,1.0,1.0 -910,"Orbital area, medial part, layer 6a",36,138,94,1.0,1.0,1.0 -527696977,"Orbital area, medial part, layer 6b",36,138,94,1.0,1.0,1.0 -738,"Orbital area, ventral part",36,138,94,1.0,1.0,1.0 -746,"Orbital area, ventrolateral part",36,138,94,1.0,1.0,1.0 -969,"Orbital area, ventrolateral part, layer 1",36,138,94,1.0,1.0,1.0 -288,"Orbital area, ventrolateral part, layer 2/3",36,138,94,1.0,1.0,1.0 -1125,"Orbital area, ventrolateral part, layer 5",36,138,94,1.0,1.0,1.0 -608,"Orbital area, ventrolateral part, layer 6a",36,138,94,1.0,1.0,1.0 -680,"Orbital area, ventrolateral part, layer 6b",36,138,94,1.0,1.0,1.0 -95,Agranular insular area,33,152,102,1.0,1.0,1.0 -104,"Agranular insular area, dorsal part",33,152,102,1.0,1.0,1.0 -996,"Agranular insular area, dorsal part, layer 1",33,152,102,1.0,1.0,1.0 -328,"Agranular insular area, dorsal part, layer 2/3",33,152,102,1.0,1.0,1.0 -1101,"Agranular insular area, dorsal part, layer 5",33,152,102,1.0,1.0,1.0 -783,"Agranular insular area, dorsal part, layer 6a",33,152,102,1.0,1.0,1.0 -831,"Agranular insular area, dorsal part, layer 6b",33,152,102,1.0,1.0,1.0 -111,"Agranular insular area, posterior part",33,152,102,1.0,1.0,1.0 -120,"Agranular insular area, posterior part, layer 1",33,152,102,1.0,1.0,1.0 -163,"Agranular insular area, posterior part, layer 2/3",33,152,102,1.0,1.0,1.0 -344,"Agranular insular area, posterior part, layer 5",33,152,102,1.0,1.0,1.0 -314,"Agranular insular area, posterior part, layer 6a",33,152,102,1.0,1.0,1.0 -355,"Agranular insular area, posterior part, layer 6b",33,152,102,1.0,1.0,1.0 -119,"Agranular insular area, ventral part",33,152,102,1.0,1.0,1.0 -704,"Agranular insular area, ventral part, layer 1",33,152,102,1.0,1.0,1.0 -694,"Agranular insular area, ventral part, layer 2/3",33,152,102,1.0,1.0,1.0 -800,"Agranular insular area, ventral part, layer 5",33,152,102,1.0,1.0,1.0 -675,"Agranular insular area, ventral part, layer 6a",33,152,102,1.0,1.0,1.0 -699,"Agranular insular area, ventral part, layer 6b",33,152,102,1.0,1.0,1.0 -254,Retrosplenial area,26,166,152,1.0,1.0,1.0 -894,"Retrosplenial area, lateral agranular part",26,166,152,1.0,1.0,1.0 -671,"Retrosplenial area, lateral agranular part, layer 1",26,166,152,1.0,1.0,1.0 -965,"Retrosplenial area, lateral agranular part, layer 2/3",26,166,152,1.0,1.0,1.0 -774,"Retrosplenial area, lateral agranular part, layer 5",26,166,152,1.0,1.0,1.0 -906,"Retrosplenial area, lateral agranular part, layer 6a",26,166,152,1.0,1.0,1.0 -279,"Retrosplenial area, lateral agranular part, layer 6b",26,166,152,1.0,1.0,1.0 -480149258,Mediomedial anterior visual area,26,166,152,1.0,1.0,1.0 -480149262,"Mediomedial anterior visual area, layer 1",26,166,152,1.0,1.0,1.0 -480149266,"Mediomedial anterior visual area, layer 2/3",26,166,152,1.0,1.0,1.0 -480149270,"Mediomedial anterior visual area, layer 4",26,166,152,1.0,1.0,1.0 -480149274,"Mediomedial anterior visual area,layer 5",26,166,152,1.0,1.0,1.0 -480149278,"Mediomedial anterior visual area, layer 6a",26,166,152,1.0,1.0,1.0 -480149282,"Mediomedial anterior visual area, layer 6b",26,166,152,1.0,1.0,1.0 -480149286,Mediomedial posterior visual area,26,166,152,1.0,1.0,1.0 -480149290,"Mediomedial posterior visual area, layer 1",26,166,152,1.0,1.0,1.0 -480149294,"Mediomedial posterior visual area, layer 2/3",26,166,152,1.0,1.0,1.0 -480149298,"Mediomedial posterior visual area, layer 4",26,166,152,1.0,1.0,1.0 -480149302,"Mediomedial posterior visual area,layer 5",26,166,152,1.0,1.0,1.0 -480149306,"Mediomedial posterior visual area, layer 6a",26,166,152,1.0,1.0,1.0 -480149310,"Mediomedial posterior visual area, layer 6b",26,166,152,1.0,1.0,1.0 -480149314,Medial visual area,26,166,152,1.0,1.0,1.0 -480149318,"Medial visual area, layer 1",26,166,152,1.0,1.0,1.0 -480149322,"Medial visual area, layer 2/3",26,166,152,1.0,1.0,1.0 -480149326,"Medial visual area, layer 4",26,166,152,1.0,1.0,1.0 -480149330,"Medial visual area,layer 5",26,166,152,1.0,1.0,1.0 -480149334,"Medial visual area, layer 6a",26,166,152,1.0,1.0,1.0 -480149338,"Medial visual area, layer 6b",26,166,152,1.0,1.0,1.0 -879,"Retrosplenial area, dorsal part",26,166,152,1.0,1.0,1.0 -442,"Retrosplenial area, dorsal part, layer 1",26,166,152,1.0,1.0,1.0 -434,"Retrosplenial area, dorsal part, layer 2/3",26,166,152,1.0,1.0,1.0 -545,"Retrosplenial area, dorsal part, layer 4",26,166,152,1.0,1.0,1.0 -610,"Retrosplenial area, dorsal part, layer 5",26,166,152,1.0,1.0,1.0 -274,"Retrosplenial area, dorsal part, layer 6a",26,166,152,1.0,1.0,1.0 -330,"Retrosplenial area, dorsal part, layer 6b",26,166,152,1.0,1.0,1.0 -886,"Retrosplenial area, ventral part",26,166,152,1.0,1.0,1.0 -542,"Retrosplenial area, ventral part, layer 1",26,166,152,1.0,1.0,1.0 -606,"Retrosplenial area, ventral part, layer 2",26,166,152,1.0,1.0,1.0 -430,"Retrosplenial area, ventral part, layer 2/3",26,166,152,1.0,1.0,1.0 -687,"Retrosplenial area, ventral part, layer 5",26,166,152,1.0,1.0,1.0 -590,"Retrosplenial area, ventral part, layer 6a",26,166,152,1.0,1.0,1.0 -622,"Retrosplenial area, ventral part, layer 6b",26,166,152,1.0,1.0,1.0 -22,Posterior parietal association areas,0,159,172,1.0,1.0,1.0 -532,"Posterior parietal association areas, layer 1",0,159,172,1.0,1.0,1.0 -241,"Posterior parietal association areas, layer 2/3",0,159,172,1.0,1.0,1.0 -635,"Posterior parietal association areas, layer 4",0,159,172,1.0,1.0,1.0 -683,"Posterior parietal association areas, layer 5",0,159,172,1.0,1.0,1.0 -308,"Posterior parietal association areas, layer 6a",0,159,172,1.0,1.0,1.0 -340,"Posterior parietal association areas, layer 6b",0,159,172,1.0,1.0,1.0 -312782546,Anterior area,0,159,172,1.0,1.0,1.0 -312782550,"Anterior area, layer 1",0,159,172,1.0,1.0,1.0 -312782554,"Anterior area, layer 2/3",0,159,172,1.0,1.0,1.0 -312782558,"Anterior area, layer 4",0,159,172,1.0,1.0,1.0 -312782562,"Anterior area, layer 5",0,159,172,1.0,1.0,1.0 -312782566,"Anterior area, layer 6a",0,159,172,1.0,1.0,1.0 -312782570,"Anterior area, layer 6b",0,159,172,1.0,1.0,1.0 -417,Rostrolateral visual area,0,159,172,1.0,1.0,1.0 -312782604,"Rostrolateral area, layer 1",0,159,172,1.0,1.0,1.0 -312782608,"Rostrolateral area, layer 2/3",0,159,172,1.0,1.0,1.0 -312782612,"Rostrolateral area, layer 4",0,159,172,1.0,1.0,1.0 -312782616,"Rostrolateral area, layer 5",0,159,172,1.0,1.0,1.0 -312782620,"Rostrolateral area, layer 6a",0,159,172,1.0,1.0,1.0 -312782624,"Rostrolateral area, layer 6b",0,159,172,1.0,1.0,1.0 -541,Temporal association areas,21,176,179,1.0,1.0,1.0 -97,"Temporal association areas, layer 1",21,176,179,1.0,1.0,1.0 -1127,"Temporal association areas, layer 2/3",21,176,179,1.0,1.0,1.0 -234,"Temporal association areas, layer 4",21,176,179,1.0,1.0,1.0 -289,"Temporal association areas, layer 5",21,176,179,1.0,1.0,1.0 -729,"Temporal association areas, layer 6a",21,176,179,1.0,1.0,1.0 -786,"Temporal association areas, layer 6b",21,176,179,1.0,1.0,1.0 -922,Perirhinal area,14,150,132,1.0,1.0,1.0 -540,"Perirhinal area, layer 1",14,150,132,1.0,1.0,1.0 -888,"Perirhinal area, layer 2/3",14,150,132,1.0,1.0,1.0 -692,"Perirhinal area, layer 5",14,150,132,1.0,1.0,1.0 -335,"Perirhinal area, layer 6a",14,150,132,1.0,1.0,1.0 -368,"Perirhinal area, layer 6b",14,150,132,1.0,1.0,1.0 -895,Ectorhinal area,13,159,145,1.0,1.0,1.0 -836,Ectorhinal area/Layer 1,13,159,145,1.0,1.0,1.0 -427,Ectorhinal area/Layer 2/3,13,159,145,1.0,1.0,1.0 -988,Ectorhinal area/Layer 5,13,159,145,1.0,1.0,1.0 -977,Ectorhinal area/Layer 6a,13,159,145,1.0,1.0,1.0 -1045,Ectorhinal area/Layer 6b,13,159,145,1.0,1.0,1.0 -698,Olfactory areas,154,210,189,1.0,1.0,1.0 -507,Main olfactory bulb,154,210,189,1.0,1.0,1.0 -212,"Main olfactory bulb, glomerular layer",130,199,174,1.0,1.0,1.0 -220,"Main olfactory bulb, granule layer",130,199,174,1.0,1.0,1.0 -228,"Main olfactory bulb, inner plexiform layer",154,210,189,1.0,1.0,1.0 -236,"Main olfactory bulb, mitral layer",130,199,174,1.0,1.0,1.0 -244,"Main olfactory bulb, outer plexiform layer",154,210,189,1.0,1.0,1.0 -151,Accessory olfactory bulb,157,240,210,1.0,1.0,1.0 -188,"Accessory olfactory bulb, glomerular layer",157,240,210,1.0,1.0,1.0 -196,"Accessory olfactory bulb, granular layer",149,228,200,1.0,1.0,1.0 -204,"Accessory olfactory bulb, mitral layer",157,240,210,1.0,1.0,1.0 -159,Anterior olfactory nucleus,84,191,148,1.0,1.0,1.0 -167,"Anterior olfactory nucleus, dorsal part",84,191,148,1.0,1.0,1.0 -175,"Anterior olfactory nucleus, external part",84,191,148,1.0,1.0,1.0 -183,"Anterior olfactory nucleus, lateral part",84,191,148,1.0,1.0,1.0 -191,"Anterior olfactory nucleus, medial part",84,191,148,1.0,1.0,1.0 -199,"Anterior olfactory nucleus, posteroventral part",84,191,148,1.0,1.0,1.0 -160,"Anterior olfactory nucleus, layer 1",84,191,148,1.0,1.0,1.0 -168,"Anterior olfactory nucleus, layer 2",84,191,148,1.0,1.0,1.0 -589,Taenia tecta,98,208,159,1.0,1.0,1.0 -597,"Taenia tecta, dorsal part",98,208,159,1.0,1.0,1.0 -297,"Taenia tecta, dorsal part, layers 1-4",98,208,159,1.0,1.0,1.0 -1034,"Taenia tecta, dorsal part, layer 1",98,208,159,1.0,1.0,1.0 -1042,"Taenia tecta, dorsal part, layer 2",98,208,159,1.0,1.0,1.0 -1050,"Taenia tecta, dorsal part, layer 3",98,208,159,1.0,1.0,1.0 -1059,"Taenia tecta, dorsal part, layer 4",98,208,159,1.0,1.0,1.0 -605,"Taenia tecta, ventral part",98,208,159,1.0,1.0,1.0 -306,"Taenia tecta, ventral part, layers 1-3",98,208,159,1.0,1.0,1.0 -1067,"Taenia tecta, ventral part, layer 1",98,208,159,1.0,1.0,1.0 -1075,"Taenia tecta, ventral part, layer 2",98,208,159,1.0,1.0,1.0 -1082,"Taenia tecta, ventral part, layer 3",98,208,159,1.0,1.0,1.0 -814,Dorsal peduncular area,164,218,164,1.0,1.0,1.0 -496,"Dorsal peduncular area, layer 1",164,218,164,1.0,1.0,1.0 -535,"Dorsal peduncular area, layer 2",164,218,164,1.0,1.0,1.0 -360,"Dorsal peduncular area, layer 2/3",164,218,164,1.0,1.0,1.0 -646,"Dorsal peduncular area, layer 5",164,218,164,1.0,1.0,1.0 -267,"Dorsal peduncular area, layer 6a",164,218,164,1.0,1.0,1.0 -961,Piriform area,106,203,186,1.0,1.0,1.0 -152,"Piriform area, layers 1-3",106,203,186,1.0,1.0,1.0 -276,"Piriform area, molecular layer",106,203,186,1.0,1.0,1.0 -284,"Piriform area, pyramidal layer",106,203,186,1.0,1.0,1.0 -291,"Piriform area, polymorph layer",106,203,186,1.0,1.0,1.0 -619,Nucleus of the lateral olfactory tract,149,228,200,1.0,1.0,1.0 -392,"Nucleus of the lateral olfactory tract, layers 1-3",149,228,200,1.0,1.0,1.0 -260,"Nucleus of the lateral olfactory tract, molecular layer",149,228,200,1.0,1.0,1.0 -268,"Nucleus of the lateral olfactory tract, pyramidal layer",149,228,200,1.0,1.0,1.0 -1139,"Nucleus of the lateral olfactory tract, layer 3",149,228,200,1.0,1.0,1.0 -631,Cortical amygdalar area,97,231,183,1.0,1.0,1.0 -639,"Cortical amygdalar area, anterior part",97,231,183,1.0,1.0,1.0 -192,"Cortical amygdalar area, anterior part, layer 1",97,231,183,1.0,1.0,1.0 -200,"Cortical amygdalar area, anterior part, layer 2",97,231,183,1.0,1.0,1.0 -208,"Cortical amygdalar area, anterior part, layer 3",97,231,183,1.0,1.0,1.0 -647,"Cortical amygdalar area, posterior part",97,231,183,1.0,1.0,1.0 -655,"Cortical amygdalar area, posterior part, lateral zone",97,231,183,1.0,1.0,1.0 -584,"Cortical amygdalar area, posterior part, lateral zone, layers 1-2",97,231,183,1.0,1.0,1.0 -376,"Cortical amygdalar area, posterior part, lateral zone, layers 1-3",97,231,183,1.0,1.0,1.0 -216,"Cortical amygdalar area, posterior part, lateral zone, layer 1",97,231,183,1.0,1.0,1.0 -224,"Cortical amygdalar area, posterior part, lateral zone, layer 2",97,231,183,1.0,1.0,1.0 -232,"Cortical amygdalar area, posterior part, lateral zone, layer 3",97,231,183,1.0,1.0,1.0 -663,"Cortical amygdalar area, posterior part, medial zone",97,231,183,1.0,1.0,1.0 -592,"Cortical amygdalar area, posterior part, medial zone, layers 1-2",97,231,183,1.0,1.0,1.0 -383,"Cortical amygdalar area, posterior part, medial zone, layers 1-3",97,231,183,1.0,1.0,1.0 -240,"Cortical amygdalar area, posterior part, medial zone, layer 1",97,231,183,1.0,1.0,1.0 -248,"Cortical amygdalar area, posterior part, medial zone, layer 2",97,231,183,1.0,1.0,1.0 -256,"Cortical amygdalar area, posterior part, medial zone, layer 3",97,231,183,1.0,1.0,1.0 -788,Piriform-amygdalar area,89,218,171,1.0,1.0,1.0 -400,"Piriform-amygdalar area, layers 1-3",89,218,171,1.0,1.0,1.0 -408,"Piriform-amygdalar area, molecular layer",89,218,171,1.0,1.0,1.0 -416,"Piriform-amygdalar area, pyramidal layer",89,218,171,1.0,1.0,1.0 -424,"Piriform-amygdalar area, polymorph layer",89,218,171,1.0,1.0,1.0 -566,Postpiriform transition area,168,236,211,1.0,1.0,1.0 -517,"Postpiriform transition area, layers 1-3",168,236,211,1.0,1.0,1.0 -1140,"Postpiriform transition area, layers 1",168,236,211,1.0,1.0,1.0 -1141,"Postpiriform transition area, layers 2",168,236,211,1.0,1.0,1.0 -1142,"Postpiriform transition area, layers 3",168,236,211,1.0,1.0,1.0 -1089,Hippocampal formation,126,208,75,1.0,1.0,1.0 -1080,Hippocampal region,126,208,75,1.0,1.0,1.0 -375,Ammon's horn,126,208,75,1.0,1.0,1.0 -382,Field CA1,126,208,75,1.0,1.0,1.0 -391,"Field CA1, stratum lacunosum-moleculare",126,208,75,1.0,1.0,1.0 -399,"Field CA1, stratum oriens",126,208,75,1.0,1.0,1.0 -407,"Field CA1, pyramidal layer",102,168,61,1.0,1.0,1.0 -415,"Field CA1, stratum radiatum",126,208,75,1.0,1.0,1.0 -423,Field CA2,126,208,75,1.0,1.0,1.0 -431,"Field CA2, stratum lacunosum-moleculare",126,208,75,1.0,1.0,1.0 -438,"Field CA2, stratum oriens",126,208,75,1.0,1.0,1.0 -446,"Field CA2, pyramidal layer",102,168,61,1.0,1.0,1.0 -454,"Field CA2, stratum radiatum",126,208,75,1.0,1.0,1.0 -463,Field CA3,126,208,75,1.0,1.0,1.0 -471,"Field CA3, stratum lacunosum-moleculare",126,208,75,1.0,1.0,1.0 -479,"Field CA3, stratum lucidum",126,208,75,1.0,1.0,1.0 -486,"Field CA3, stratum oriens",126,208,75,1.0,1.0,1.0 -495,"Field CA3, pyramidal layer",102,168,61,1.0,1.0,1.0 -504,"Field CA3, stratum radiatum",126,208,75,1.0,1.0,1.0 -726,Dentate gyrus,126,208,75,1.0,1.0,1.0 -10703,"Dentate gyrus, molecular layer",126,208,75,1.0,1.0,1.0 -10704,"Dentate gyrus, polymorph layer",126,208,75,1.0,1.0,1.0 -632,"Dentate gyrus, granule cell layer",102,168,61,1.0,1.0,1.0 -10702,"Dentate gyrus, subgranular zone",126,208,75,1.0,1.0,1.0 -734,Dentate gyrus crest,126,208,75,1.0,1.0,1.0 -742,"Dentate gyrus crest, molecular layer",126,208,75,1.0,1.0,1.0 -751,"Dentate gyrus crest, polymorph layer",126,208,75,1.0,1.0,1.0 -758,"Dentate gyrus crest, granule cell layer",126,208,75,1.0,1.0,1.0 -766,Dentate gyrus lateral blade,126,208,75,1.0,1.0,1.0 -775,"Dentate gyrus lateral blade, molecular layer",126,208,75,1.0,1.0,1.0 -782,"Dentate gyrus lateral blade, polymorph layer",126,208,75,1.0,1.0,1.0 -790,"Dentate gyrus lateral blade, granule cell layer",126,208,75,1.0,1.0,1.0 -799,Dentate gyrus medial blade,126,208,75,1.0,1.0,1.0 -807,"Dentate gyrus medial blade, molecular layer",126,208,75,1.0,1.0,1.0 -815,"Dentate gyrus medial blade, polymorph layer",126,208,75,1.0,1.0,1.0 -823,"Dentate gyrus medial blade, granule cell layer",126,208,75,1.0,1.0,1.0 -982,Fasciola cinerea,126,208,75,1.0,1.0,1.0 -19,Induseum griseum,126,208,75,1.0,1.0,1.0 -822,Retrohippocampal region,50,184,37,1.0,1.0,1.0 -909,Entorhinal area,50,184,37,1.0,1.0,1.0 -918,"Entorhinal area, lateral part",50,184,37,1.0,1.0,1.0 -1121,"Entorhinal area, lateral part, layer 1",50,184,37,1.0,1.0,1.0 -20,"Entorhinal area, lateral part, layer 2",50,184,37,1.0,1.0,1.0 -999,"Entorhinal area, lateral part, layer 2/3",50,184,37,1.0,1.0,1.0 -715,"Entorhinal area, lateral part, layer 2a",50,184,37,1.0,1.0,1.0 -764,"Entorhinal area, lateral part, layer 2b",50,184,37,1.0,1.0,1.0 -52,"Entorhinal area, lateral part, layer 3",50,184,37,1.0,1.0,1.0 -92,"Entorhinal area, lateral part, layer 4",50,184,37,1.0,1.0,1.0 -312,"Entorhinal area, lateral part, layer 4/5",50,184,37,1.0,1.0,1.0 -139,"Entorhinal area, lateral part, layer 5",50,184,37,1.0,1.0,1.0 -387,"Entorhinal area, lateral part, layer 5/6",50,184,37,1.0,1.0,1.0 -28,"Entorhinal area, lateral part, layer 6a",50,184,37,1.0,1.0,1.0 -60,"Entorhinal area, lateral part, layer 6b",50,184,37,1.0,1.0,1.0 -926,"Entorhinal area, medial part, dorsal zone",50,184,37,1.0,1.0,1.0 -526,"Entorhinal area, medial part, dorsal zone, layer 1",50,184,37,1.0,1.0,1.0 -543,"Entorhinal area, medial part, dorsal zone, layer 2",50,184,37,1.0,1.0,1.0 -468,"Entorhinal area, medial part, dorsal zone, layer 2a",50,184,37,1.0,1.0,1.0 -508,"Entorhinal area, medial part, dorsal zone, layer 2b",50,184,37,1.0,1.0,1.0 -664,"Entorhinal area, medial part, dorsal zone, layer 3",50,184,37,1.0,1.0,1.0 -712,"Entorhinal area, medial part, dorsal zone, layer 4",50,184,37,1.0,1.0,1.0 -727,"Entorhinal area, medial part, dorsal zone, layer 5",50,184,37,1.0,1.0,1.0 -550,"Entorhinal area, medial part, dorsal zone, layer 5/6",50,184,37,1.0,1.0,1.0 -743,"Entorhinal area, medial part, dorsal zone, layer 6",50,184,37,1.0,1.0,1.0 -934,"Entorhinal area, medial part, ventral zone",50,184,37,1.0,1.0,1.0 -259,"Entorhinal area, medial part, ventral zone, layer 1",50,184,37,1.0,1.0,1.0 -324,"Entorhinal area, medial part, ventral zone, layer 2",50,184,37,1.0,1.0,1.0 -371,"Entorhinal area, medial part, ventral zone, layer 3",50,184,37,1.0,1.0,1.0 -419,"Entorhinal area, medial part, ventral zone, layer 4",50,184,37,1.0,1.0,1.0 -1133,"Entorhinal area, medial part, ventral zone, layer 5/6",50,184,37,1.0,1.0,1.0 -843,Parasubiculum,114,213,105,1.0,1.0,1.0 -10693,"Parasubiculum, layer 1",114,213,105,1.0,1.0,1.0 -10694,"Parasubiculum, layer 2",114,213,105,1.0,1.0,1.0 -10695,"Parasubiculum, layer 3",114,213,105,1.0,1.0,1.0 -1037,Postsubiculum,72,200,60,1.0,1.0,1.0 -10696,"Postsubiculum, layer 1",72,200,60,1.0,1.0,1.0 -10697,"Postsubiculum, layer 2",72,200,60,1.0,1.0,1.0 -10698,"Postsubiculum, layer 3",72,200,60,1.0,1.0,1.0 -1084,Presubiculum,89,185,71,1.0,1.0,1.0 -10699,"Presubiculum, layer 1",89,185,71,1.0,1.0,1.0 -10700,"Presubiculum, layer 2",89,185,71,1.0,1.0,1.0 -10701,"Presubiculum, layer 3",89,185,71,1.0,1.0,1.0 -502,Subiculum,79,194,68,1.0,1.0,1.0 -509,"Subiculum, dorsal part",79,194,68,1.0,1.0,1.0 -829,"Subiculum, dorsal part, molecular layer",79,194,68,1.0,1.0,1.0 -845,"Subiculum, dorsal part, pyramidal layer",75,181,71,1.0,1.0,1.0 -837,"Subiculum, dorsal part, stratum radiatum",79,194,68,1.0,1.0,1.0 -518,"Subiculum, ventral part",79,194,68,1.0,1.0,1.0 -853,"Subiculum, ventral part, molecular layer",79,194,68,1.0,1.0,1.0 -870,"Subiculum, ventral part, pyramidal layer",75,181,71,1.0,1.0,1.0 -861,"Subiculum, ventral part, stratum radiatum",79,194,68,1.0,1.0,1.0 -484682470,Prosubiculum,88,186,72,1.0,1.0,1.0 -484682475,"Prosubiculum, dorsal part",88,186,72,1.0,1.0,1.0 -484682479,"Prosubiculum, dorsal part, molecular layer",88,186,72,1.0,1.0,1.0 -484682483,"Prosubiculum, dorsal part, pyramidal layer",86,184,75,1.0,1.0,1.0 -484682487,"Prosubiculum, dorsal part, stratum radiatum",88,186,72,1.0,1.0,1.0 -484682492,"Prosubiculum, ventral part",88,186,72,1.0,1.0,1.0 -484682496,"Prosubiculum, ventral part, molecular layer",88,186,72,1.0,1.0,1.0 -484682500,"Prosubiculum, ventral part, pyramidal layer",86,184,75,1.0,1.0,1.0 -484682504,"Prosubiculum, ventral part, stratum radiatum",88,186,72,1.0,1.0,1.0 -589508447,Hippocampo-amygdalar transition area,51,185,50,1.0,1.0,1.0 -484682508,Area prostriata,51,185,50,1.0,1.0,1.0 -703,Cortical subplate,138,218,135,1.0,1.0,1.0 -16,"Layer 6b, isocortex",138,218,135,1.0,1.0,1.0 -583,Claustrum,138,218,135,1.0,1.0,1.0 -942,Endopiriform nucleus,160,238,157,1.0,1.0,1.0 -952,"Endopiriform nucleus, dorsal part",160,238,157,1.0,1.0,1.0 -966,"Endopiriform nucleus, ventral part",160,238,157,1.0,1.0,1.0 -131,Lateral amygdalar nucleus,144,235,141,1.0,1.0,1.0 -295,Basolateral amygdalar nucleus,157,231,156,1.0,1.0,1.0 -303,"Basolateral amygdalar nucleus, anterior part",157,231,156,1.0,1.0,1.0 -311,"Basolateral amygdalar nucleus, posterior part",157,231,156,1.0,1.0,1.0 -451,"Basolateral amygdalar nucleus, ventral part",157,231,156,1.0,1.0,1.0 -319,Basomedial amygdalar nucleus,132,234,129,1.0,1.0,1.0 -327,"Basomedial amygdalar nucleus, anterior part",132,234,129,1.0,1.0,1.0 -334,"Basomedial amygdalar nucleus, posterior part",132,234,129,1.0,1.0,1.0 -780,Posterior amygdalar nucleus,151,236,147,1.0,1.0,1.0 -623,Cerebral nuclei,152,214,249,1.0,1.0,1.0 -477,Striatum,152,214,249,1.0,1.0,1.0 -485,Striatum dorsal region,152,214,249,1.0,1.0,1.0 -672,Caudoputamen,152,214,249,1.0,1.0,1.0 -493,Striatum ventral region,128,205,248,1.0,1.0,1.0 -56,Nucleus accumbens,128,205,248,1.0,1.0,1.0 -998,Fundus of striatum,128,205,248,1.0,1.0,1.0 -754,Olfactory tubercle,128,205,248,1.0,1.0,1.0 -481,Islands of Calleja,128,205,248,1.0,1.0,1.0 -489,Major island of Calleja,128,205,248,1.0,1.0,1.0 -144,"Olfactory tubercle, layers 1-3",128,205,248,1.0,1.0,1.0 -458,"Olfactory tubercle, molecular layer",128,205,248,1.0,1.0,1.0 -465,"Olfactory tubercle, pyramidal layer",128,205,248,1.0,1.0,1.0 -473,"Olfactory tubercle, polymorph layer",128,205,248,1.0,1.0,1.0 -549009199,Lateral strip of striatum,128,205,248,1.0,1.0,1.0 -275,Lateral septal complex,144,203,237,1.0,1.0,1.0 -242,Lateral septal nucleus,144,203,237,1.0,1.0,1.0 -250,"Lateral septal nucleus, caudal (caudodorsal) part",144,203,237,1.0,1.0,1.0 -258,"Lateral septal nucleus, rostral (rostroventral) part",144,203,237,1.0,1.0,1.0 -266,"Lateral septal nucleus, ventral part",144,203,237,1.0,1.0,1.0 -310,Septofimbrial nucleus,144,203,237,1.0,1.0,1.0 -333,Septohippocampal nucleus,144,203,237,1.0,1.0,1.0 -278,Striatum-like amygdalar nuclei,128,192,226,1.0,1.0,1.0 -23,Anterior amygdalar area,128,192,226,1.0,1.0,1.0 -292,Bed nucleus of the accessory olfactory tract,128,192,226,1.0,1.0,1.0 -536,Central amygdalar nucleus,128,192,226,1.0,1.0,1.0 -544,"Central amygdalar nucleus, capsular part",128,192,226,1.0,1.0,1.0 -551,"Central amygdalar nucleus, lateral part",128,192,226,1.0,1.0,1.0 -559,"Central amygdalar nucleus, medial part",128,192,226,1.0,1.0,1.0 -1105,Intercalated amygdalar nucleus,128,192,226,1.0,1.0,1.0 -403,Medial amygdalar nucleus,128,192,226,1.0,1.0,1.0 -411,"Medial amygdalar nucleus, anterodorsal part",128,192,226,1.0,1.0,1.0 -418,"Medial amygdalar nucleus, anteroventral part",128,192,226,1.0,1.0,1.0 -426,"Medial amygdalar nucleus, posterodorsal part",128,192,226,1.0,1.0,1.0 -472,"Medial amygdalar nucleus, posterodorsal part, sublayer a",128,192,226,1.0,1.0,1.0 -480,"Medial amygdalar nucleus, posterodorsal part, sublayer b",128,192,226,1.0,1.0,1.0 -487,"Medial amygdalar nucleus, posterodorsal part, sublayer c",128,192,226,1.0,1.0,1.0 -435,"Medial amygdalar nucleus, posteroventral part",128,192,226,1.0,1.0,1.0 -803,Pallidum,133,153,204,1.0,1.0,1.0 -818,"Pallidum, dorsal region",133,153,204,1.0,1.0,1.0 -1022,"Globus pallidus, external segment",133,153,204,1.0,1.0,1.0 -1031,"Globus pallidus, internal segment",133,153,204,1.0,1.0,1.0 -835,"Pallidum, ventral region",162,177,216,1.0,1.0,1.0 -342,Substantia innominata,162,177,216,1.0,1.0,1.0 -298,Magnocellular nucleus,162,177,216,1.0,1.0,1.0 -826,"Pallidum, medial region",150,167,211,1.0,1.0,1.0 -904,Medial septal complex,150,167,211,1.0,1.0,1.0 -564,Medial septal nucleus,150,167,211,1.0,1.0,1.0 -596,Diagonal band nucleus,150,167,211,1.0,1.0,1.0 -581,Triangular nucleus of septum,150,167,211,1.0,1.0,1.0 -809,"Pallidum, caudal region",179,192,223,1.0,1.0,1.0 -351,Bed nuclei of the stria terminalis,179,192,223,1.0,1.0,1.0 -359,"Bed nuclei of the stria terminalis, anterior division",179,192,223,1.0,1.0,1.0 -537,"Bed nuclei of the stria terminalis, anterior division, anterolateral area",179,192,223,1.0,1.0,1.0 -498,"Bed nuclei of the stria terminalis, anterior division, anteromedial area",179,192,223,1.0,1.0,1.0 -505,"Bed nuclei of the stria terminalis, anterior division, dorsomedial nucleus",179,192,223,1.0,1.0,1.0 -513,"Bed nuclei of the stria terminalis, anterior division, fusiform nucleus",179,192,223,1.0,1.0,1.0 -546,"Bed nuclei of the stria terminalis, anterior division, juxtacapsular nucleus",179,192,223,1.0,1.0,1.0 -521,"Bed nuclei of the stria terminalis, anterior division, magnocellular nucleus",179,192,223,1.0,1.0,1.0 -554,"Bed nuclei of the stria terminalis, anterior division, oval nucleus",179,192,223,1.0,1.0,1.0 -562,"Bed nuclei of the stria terminalis, anterior division, rhomboid nucleus",179,192,223,1.0,1.0,1.0 -529,"Bed nuclei of the stria terminalis, anterior division, ventral nucleus",179,192,223,1.0,1.0,1.0 -367,"Bed nuclei of the stria terminalis, posterior division",179,192,223,1.0,1.0,1.0 -569,"Bed nuclei of the stria terminalis, posterior division, dorsal nucleus",179,192,223,1.0,1.0,1.0 -578,"Bed nuclei of the stria terminalis, posterior division, principal nucleus",179,192,223,1.0,1.0,1.0 -585,"Bed nuclei of the stria terminalis, posterior division, interfascicular nucleus",179,192,223,1.0,1.0,1.0 -594,"Bed nuclei of the stria terminalis, posterior division, transverse nucleus",179,192,223,1.0,1.0,1.0 -602,"Bed nuclei of the stria terminalis, posterior division, strial extension",179,192,223,1.0,1.0,1.0 -287,Bed nucleus of the anterior commissure,179,192,223,1.0,1.0,1.0 -343,Brain stem,255,112,128,1.0,1.0,1.0 -1129,Interbrain,255,112,128,1.0,1.0,1.0 -549,Thalamus,255,112,128,1.0,1.0,1.0 -864,"Thalamus, sensory-motor cortex related",255,128,132,1.0,1.0,1.0 -637,Ventral group of the dorsal thalamus,255,128,132,1.0,1.0,1.0 -629,Ventral anterior-lateral complex of the thalamus,255,128,132,1.0,1.0,1.0 -685,Ventral medial nucleus of the thalamus,255,128,132,1.0,1.0,1.0 -709,Ventral posterior complex of the thalamus,255,128,132,1.0,1.0,1.0 -718,Ventral posterolateral nucleus of the thalamus,255,128,132,1.0,1.0,1.0 -725,"Ventral posterolateral nucleus of the thalamus, parvicellular part",255,128,132,1.0,1.0,1.0 -733,Ventral posteromedial nucleus of the thalamus,255,128,132,1.0,1.0,1.0 -741,"Ventral posteromedial nucleus of the thalamus, parvicellular part",255,128,132,1.0,1.0,1.0 -563807435,Posterior triangular thalamic nucleus,255,128,132,1.0,1.0,1.0 -406,Subparafascicular nucleus,255,128,132,1.0,1.0,1.0 -414,"Subparafascicular nucleus, magnocellular part",255,128,132,1.0,1.0,1.0 -422,"Subparafascicular nucleus, parvicellular part",255,128,132,1.0,1.0,1.0 -609,Subparafascicular area,255,128,132,1.0,1.0,1.0 -1044,Peripeduncular nucleus,255,128,132,1.0,1.0,1.0 -1008,"Geniculate group, dorsal thalamus",255,128,132,1.0,1.0,1.0 -475,Medial geniculate complex,255,128,132,1.0,1.0,1.0 -1072,"Medial geniculate complex, dorsal part",255,128,132,1.0,1.0,1.0 -1079,"Medial geniculate complex, ventral part",255,128,132,1.0,1.0,1.0 -1088,"Medial geniculate complex, medial part",255,128,132,1.0,1.0,1.0 -170,Dorsal part of the lateral geniculate complex,255,128,132,1.0,1.0,1.0 -496345664,"Dorsal part of the lateral geniculate complex, shell",255,128,132,1.0,1.0,1.0 -496345668,"Dorsal part of the lateral geniculate complex, core",255,128,132,1.0,1.0,1.0 -496345672,"Dorsal part of the lateral geniculate complex, ipsilateral zone",255,128,132,1.0,1.0,1.0 -856,"Thalamus, polymodal association cortex related",255,144,159,1.0,1.0,1.0 -138,Lateral group of the dorsal thalamus,255,144,159,1.0,1.0,1.0 -218,Lateral posterior nucleus of the thalamus,255,144,159,1.0,1.0,1.0 -1020,Posterior complex of the thalamus,255,144,159,1.0,1.0,1.0 -1029,Posterior limiting nucleus of the thalamus,255,144,159,1.0,1.0,1.0 -325,Suprageniculate nucleus,255,144,159,1.0,1.0,1.0 -560581551,Ethmoid nucleus of the thalamus,255,144,159,1.0,1.0,1.0 -560581555,Retroethmoid nucleus,255,144,159,1.0,1.0,1.0 -239,Anterior group of the dorsal thalamus,255,144,159,1.0,1.0,1.0 -255,Anteroventral nucleus of thalamus,255,144,159,1.0,1.0,1.0 -127,Anteromedial nucleus,255,144,159,1.0,1.0,1.0 -1096,"Anteromedial nucleus, dorsal part",255,144,159,1.0,1.0,1.0 -1104,"Anteromedial nucleus, ventral part",255,144,159,1.0,1.0,1.0 -64,Anterodorsal nucleus,255,144,159,1.0,1.0,1.0 -1120,Interanteromedial nucleus of the thalamus,255,144,159,1.0,1.0,1.0 -1113,Interanterodorsal nucleus of the thalamus,255,144,159,1.0,1.0,1.0 -155,Lateral dorsal nucleus of thalamus,255,144,159,1.0,1.0,1.0 -444,Medial group of the dorsal thalamus,255,144,159,1.0,1.0,1.0 -59,Intermediodorsal nucleus of the thalamus,255,144,159,1.0,1.0,1.0 -362,Mediodorsal nucleus of thalamus,255,144,159,1.0,1.0,1.0 -617,"Mediodorsal nucleus of the thalamus, central part",255,144,159,1.0,1.0,1.0 -626,"Mediodorsal nucleus of the thalamus, lateral part",255,144,159,1.0,1.0,1.0 -636,"Mediodorsal nucleus of the thalamus, medial part",255,144,159,1.0,1.0,1.0 -366,Submedial nucleus of the thalamus,255,144,159,1.0,1.0,1.0 -1077,Perireunensis nucleus,255,144,159,1.0,1.0,1.0 -571,Midline group of the dorsal thalamus,255,144,159,1.0,1.0,1.0 -149,Paraventricular nucleus of the thalamus,255,144,159,1.0,1.0,1.0 -15,Parataenial nucleus,255,144,159,1.0,1.0,1.0 -181,Nucleus of reuniens,255,144,159,1.0,1.0,1.0 -560581559,Xiphoid thalamic nucleus,255,144,159,1.0,1.0,1.0 -51,Intralaminar nuclei of the dorsal thalamus,255,144,159,1.0,1.0,1.0 -189,Rhomboid nucleus,255,144,159,1.0,1.0,1.0 -599,Central medial nucleus of the thalamus,255,144,159,1.0,1.0,1.0 -907,Paracentral nucleus,255,144,159,1.0,1.0,1.0 -575,Central lateral nucleus of the thalamus,255,144,159,1.0,1.0,1.0 -930,Parafascicular nucleus,255,144,159,1.0,1.0,1.0 -560581563,Posterior intralaminar thalamic nucleus,255,144,159,1.0,1.0,1.0 -262,Reticular nucleus of the thalamus,255,144,159,1.0,1.0,1.0 -1014,"Geniculate group, ventral thalamus",255,144,159,1.0,1.0,1.0 -27,Intergeniculate leaflet of the lateral geniculate complex,255,144,159,1.0,1.0,1.0 -563807439,Intermediate geniculate nucleus,255,144,159,1.0,1.0,1.0 -178,Ventral part of the lateral geniculate complex,255,144,159,1.0,1.0,1.0 -300,"Ventral part of the lateral geniculate complex, lateral zone",255,144,159,1.0,1.0,1.0 -316,"Ventral part of the lateral geniculate complex, medial zone",255,144,159,1.0,1.0,1.0 -321,Subgeniculate nucleus,255,144,159,1.0,1.0,1.0 -958,Epithalamus,255,144,159,1.0,1.0,1.0 -483,Medial habenula,255,144,159,1.0,1.0,1.0 -186,Lateral habenula,255,144,159,1.0,1.0,1.0 -953,Pineal body,255,144,159,1.0,1.0,1.0 -1097,Hypothalamus,230,68,56,1.0,1.0,1.0 -157,Periventricular zone,255,93,80,1.0,1.0,1.0 -390,Supraoptic nucleus,255,93,80,1.0,1.0,1.0 -332,Accessory supraoptic group,255,93,80,1.0,1.0,1.0 -432,Nucleus circularis,255,93,80,1.0,1.0,1.0 -38,Paraventricular hypothalamic nucleus,255,93,80,1.0,1.0,1.0 -71,"Paraventricular hypothalamic nucleus, magnocellular division",255,93,80,1.0,1.0,1.0 -47,"Paraventricular hypothalamic nucleus, magnocellular division, anterior magnocellular part",255,93,80,1.0,1.0,1.0 -79,"Paraventricular hypothalamic nucleus, magnocellular division, medial magnocellular part",255,93,80,1.0,1.0,1.0 -103,"Paraventricular hypothalamic nucleus, magnocellular division, posterior magnocellular part",255,93,80,1.0,1.0,1.0 -652,"Paraventricular hypothalamic nucleus, magnocellular division, posterior magnocellular part, lateral zone",255,93,80,1.0,1.0,1.0 -660,"Paraventricular hypothalamic nucleus, magnocellular division, posterior magnocellular part, medial zone",255,93,80,1.0,1.0,1.0 -94,"Paraventricular hypothalamic nucleus, parvicellular division",255,93,80,1.0,1.0,1.0 -55,"Paraventricular hypothalamic nucleus, parvicellular division, anterior parvicellular part",255,93,80,1.0,1.0,1.0 -87,"Paraventricular hypothalamic nucleus, parvicellular division, medial parvicellular part, dorsal zone",255,93,80,1.0,1.0,1.0 -110,"Paraventricular hypothalamic nucleus, parvicellular division, periventricular part",255,93,80,1.0,1.0,1.0 -30,"Periventricular hypothalamic nucleus, anterior part",255,93,80,1.0,1.0,1.0 -118,"Periventricular hypothalamic nucleus, intermediate part",255,93,80,1.0,1.0,1.0 -223,Arcuate hypothalamic nucleus,255,93,80,1.0,1.0,1.0 -141,Periventricular region,255,85,71,1.0,1.0,1.0 -72,Anterodorsal preoptic nucleus,255,85,71,1.0,1.0,1.0 -80,Anterior hypothalamic area,255,85,71,1.0,1.0,1.0 -263,Anteroventral preoptic nucleus,255,85,71,1.0,1.0,1.0 -272,Anteroventral periventricular nucleus,255,85,71,1.0,1.0,1.0 -830,Dorsomedial nucleus of the hypothalamus,255,85,71,1.0,1.0,1.0 -668,"Dorsomedial nucleus of the hypothalamus, anterior part",255,85,71,1.0,1.0,1.0 -676,"Dorsomedial nucleus of the hypothalamus, posterior part",255,85,71,1.0,1.0,1.0 -684,"Dorsomedial nucleus of the hypothalamus, ventral part",255,85,71,1.0,1.0,1.0 -452,Median preoptic nucleus,255,85,71,1.0,1.0,1.0 -523,Medial preoptic area,255,85,71,1.0,1.0,1.0 -763,Vascular organ of the lamina terminalis,255,85,71,1.0,1.0,1.0 -914,Posterodorsal preoptic nucleus,255,85,71,1.0,1.0,1.0 -1109,Parastrial nucleus,255,85,71,1.0,1.0,1.0 -1124,Suprachiasmatic preoptic nucleus,255,85,71,1.0,1.0,1.0 -126,"Periventricular hypothalamic nucleus, posterior part",255,85,71,1.0,1.0,1.0 -133,"Periventricular hypothalamic nucleus, preoptic part",255,85,71,1.0,1.0,1.0 -347,Subparaventricular zone,255,85,71,1.0,1.0,1.0 -286,Suprachiasmatic nucleus,255,85,71,1.0,1.0,1.0 -338,Subfornical organ,255,85,71,1.0,1.0,1.0 -576073699,Ventromedial preoptic nucleus,255,85,71,1.0,1.0,1.0 -689,Ventrolateral preoptic nucleus,255,85,71,1.0,1.0,1.0 -467,Hypothalamic medial zone,255,76,62,1.0,1.0,1.0 -88,Anterior hypothalamic nucleus,255,76,62,1.0,1.0,1.0 -700,"Anterior hypothalamic nucleus, anterior part",255,76,62,1.0,1.0,1.0 -708,"Anterior hypothalamic nucleus, central part",255,76,62,1.0,1.0,1.0 -716,"Anterior hypothalamic nucleus, dorsal part",255,76,62,1.0,1.0,1.0 -724,"Anterior hypothalamic nucleus, posterior part",255,76,62,1.0,1.0,1.0 -331,Mammillary body,255,76,62,1.0,1.0,1.0 -210,Lateral mammillary nucleus,255,76,62,1.0,1.0,1.0 -491,Medial mammillary nucleus,255,76,62,1.0,1.0,1.0 -732,"Medial mammillary nucleus, median part",255,76,62,1.0,1.0,1.0 -606826647,"Medial mammillary nucleus, lateral part",255,76,62,1.0,1.0,1.0 -606826651,"Medial mammillary nucleus, medial part",255,76,62,1.0,1.0,1.0 -606826655,"Medial mammillary nucleus, posterior part",255,76,62,1.0,1.0,1.0 -606826659,"Medial mammillary nucleus, dorsal part",255,76,62,1.0,1.0,1.0 -525,Supramammillary nucleus,255,76,62,1.0,1.0,1.0 -1110,"Supramammillary nucleus, lateral part",255,76,62,1.0,1.0,1.0 -1118,"Supramammillary nucleus, medial part",255,76,62,1.0,1.0,1.0 -557,Tuberomammillary nucleus,255,76,62,1.0,1.0,1.0 -1126,"Tuberomammillary nucleus, dorsal part",255,76,62,1.0,1.0,1.0 -1,"Tuberomammillary nucleus, ventral part",255,76,62,1.0,1.0,1.0 -515,Medial preoptic nucleus,255,76,62,1.0,1.0,1.0 -740,"Medial preoptic nucleus, central part",255,76,62,1.0,1.0,1.0 -748,"Medial preoptic nucleus, lateral part",255,76,62,1.0,1.0,1.0 -756,"Medial preoptic nucleus, medial part",255,76,62,1.0,1.0,1.0 -980,Dorsal premammillary nucleus,255,76,62,1.0,1.0,1.0 -1004,Ventral premammillary nucleus,255,76,62,1.0,1.0,1.0 -63,"Paraventricular hypothalamic nucleus, descending division",255,76,62,1.0,1.0,1.0 -439,"Paraventricular hypothalamic nucleus, descending division, dorsal parvicellular part",255,76,62,1.0,1.0,1.0 -447,"Paraventricular hypothalamic nucleus, descending division, forniceal part",255,76,62,1.0,1.0,1.0 -455,"Paraventricular hypothalamic nucleus, descending division, lateral parvicellular part",255,76,62,1.0,1.0,1.0 -464,"Paraventricular hypothalamic nucleus, descending division, medial parvicellular part, ventral zone",255,76,62,1.0,1.0,1.0 -693,Ventromedial hypothalamic nucleus,255,76,62,1.0,1.0,1.0 -761,"Ventromedial hypothalamic nucleus, anterior part",255,76,62,1.0,1.0,1.0 -769,"Ventromedial hypothalamic nucleus, central part",255,76,62,1.0,1.0,1.0 -777,"Ventromedial hypothalamic nucleus, dorsomedial part",255,76,62,1.0,1.0,1.0 -785,"Ventromedial hypothalamic nucleus, ventrolateral part",255,76,62,1.0,1.0,1.0 -946,Posterior hypothalamic nucleus,255,76,62,1.0,1.0,1.0 -290,Hypothalamic lateral zone,242,72,59,1.0,1.0,1.0 -194,Lateral hypothalamic area,242,72,59,1.0,1.0,1.0 -226,Lateral preoptic area,242,72,59,1.0,1.0,1.0 -356,Preparasubthalamic nucleus,242,72,59,1.0,1.0,1.0 -364,Parasubthalamic nucleus,242,72,59,1.0,1.0,1.0 -576073704,Perifornical nucleus,242,72,59,1.0,1.0,1.0 -173,Retrochiasmatic area,242,72,59,1.0,1.0,1.0 -470,Subthalamic nucleus,242,72,59,1.0,1.0,1.0 -614,Tuberal nucleus,242,72,59,1.0,1.0,1.0 -797,Zona incerta,242,72,59,1.0,1.0,1.0 -796,Dopaminergic A13 group,242,72,59,1.0,1.0,1.0 -804,Fields of Forel,242,72,59,1.0,1.0,1.0 -10671,Median eminence,242,72,59,1.0,1.0,1.0 -313,Midbrain,255,100,255,1.0,1.0,1.0 -339,"Midbrain, sensory related",255,122,255,1.0,1.0,1.0 -302,"Superior colliculus, sensory related",255,122,255,1.0,1.0,1.0 -851,"Superior colliculus, optic layer",255,122,255,1.0,1.0,1.0 -842,"Superior colliculus, superficial gray layer",255,122,255,1.0,1.0,1.0 -834,"Superior colliculus, zonal layer",255,122,255,1.0,1.0,1.0 -4,Inferior colliculus,255,122,255,1.0,1.0,1.0 -811,"Inferior colliculus, central nucleus",255,122,255,1.0,1.0,1.0 -820,"Inferior colliculus, dorsal nucleus",255,122,255,1.0,1.0,1.0 -828,"Inferior colliculus, external nucleus",255,122,255,1.0,1.0,1.0 -580,Nucleus of the brachium of the inferior colliculus,255,122,255,1.0,1.0,1.0 -271,Nucleus sagulum,255,122,255,1.0,1.0,1.0 -874,Parabigeminal nucleus,255,122,255,1.0,1.0,1.0 -460,Midbrain trigeminal nucleus,255,122,255,1.0,1.0,1.0 -599626923,Subcommissural organ,255,122,255,1.0,1.0,1.0 -323,"Midbrain, motor related",255,144,255,1.0,1.0,1.0 -381,"Substantia nigra, reticular part",255,144,255,1.0,1.0,1.0 -749,Ventral tegmental area,255,144,255,1.0,1.0,1.0 -607344830,Paranigral nucleus,255,144,255,1.0,1.0,1.0 -246,"Midbrain reticular nucleus, retrorubral area",255,144,255,1.0,1.0,1.0 -128,Midbrain reticular nucleus,255,144,255,1.0,1.0,1.0 -539,"Midbrain reticular nucleus, magnocellular part",255,144,255,1.0,1.0,1.0 -548,"Midbrain reticular nucleus, magnocellular part, general",255,144,255,1.0,1.0,1.0 -555,"Midbrain reticular nucleus, parvicellular part",255,144,255,1.0,1.0,1.0 -294,"Superior colliculus, motor related",255,144,255,1.0,1.0,1.0 -26,"Superior colliculus, motor related, deep gray layer",255,144,255,1.0,1.0,1.0 -42,"Superior colliculus, motor related, deep white layer",255,144,255,1.0,1.0,1.0 -17,"Superior colliculus, motor related, intermediate white layer",255,144,255,1.0,1.0,1.0 -10,"Superior colliculus, motor related, intermediate gray layer",255,144,255,1.0,1.0,1.0 -494,"Superior colliculus, motor related, intermediate gray layer, sublayer a",255,144,255,1.0,1.0,1.0 -503,"Superior colliculus, motor related, intermediate gray layer, sublayer b",255,144,255,1.0,1.0,1.0 -511,"Superior colliculus, motor related, intermediate gray layer, sublayer c",255,144,255,1.0,1.0,1.0 -795,Periaqueductal gray,255,144,255,1.0,1.0,1.0 -50,Precommissural nucleus,255,144,255,1.0,1.0,1.0 -67,Interstitial nucleus of Cajal,255,144,255,1.0,1.0,1.0 -587,Nucleus of Darkschewitsch,255,144,255,1.0,1.0,1.0 -614454277,Supraoculomotor periaqueductal gray,255,144,255,1.0,1.0,1.0 -1100,Pretectal region,255,144,255,1.0,1.0,1.0 -215,Anterior pretectal nucleus,255,144,255,1.0,1.0,1.0 -531,Medial pretectal area,255,144,255,1.0,1.0,1.0 -628,Nucleus of the optic tract,255,144,255,1.0,1.0,1.0 -634,Nucleus of the posterior commissure,255,144,255,1.0,1.0,1.0 -706,Olivary pretectal nucleus,255,144,255,1.0,1.0,1.0 -1061,Posterior pretectal nucleus,255,144,255,1.0,1.0,1.0 -549009203,Retroparafascicular nucleus,255,144,255,1.0,1.0,1.0 -549009207,Intercollicular nucleus,255,144,255,1.0,1.0,1.0 -616,Cuneiform nucleus,255,144,255,1.0,1.0,1.0 -214,Red nucleus,255,144,255,1.0,1.0,1.0 -35,Oculomotor nucleus,255,144,255,1.0,1.0,1.0 -549009211,Medial accesory oculomotor nucleus,255,144,255,1.0,1.0,1.0 -975,Edinger-Westphal nucleus,255,144,255,1.0,1.0,1.0 -115,Trochlear nucleus,255,144,255,1.0,1.0,1.0 -606826663,Paratrochlear nucleus,255,144,255,1.0,1.0,1.0 -757,Ventral tegmental nucleus,255,144,255,1.0,1.0,1.0 -231,Anterior tegmental nucleus,255,144,255,1.0,1.0,1.0 -66,Lateral terminal nucleus of the accessory optic tract,255,144,255,1.0,1.0,1.0 -75,Dorsal terminal nucleus of the accessory optic tract,255,144,255,1.0,1.0,1.0 -58,Medial terminal nucleus of the accessory optic tract,255,144,255,1.0,1.0,1.0 -615,"Substantia nigra, lateral part",255,144,255,1.0,1.0,1.0 -348,"Midbrain, behavioral state related",255,144,255,1.0,1.0,1.0 -374,"Substantia nigra, compact part",255,166,255,1.0,1.0,1.0 -1052,Pedunculopontine nucleus,255,166,255,1.0,1.0,1.0 -165,Midbrain raphe nuclei,255,166,255,1.0,1.0,1.0 -12,Interfascicular nucleus raphe,255,166,255,1.0,1.0,1.0 -100,Interpeduncular nucleus,255,166,255,1.0,1.0,1.0 -607344834,"Interpeduncular nucleus, rostral",255,166,255,1.0,1.0,1.0 -607344838,"Interpeduncular nucleus, caudal",255,166,255,1.0,1.0,1.0 -607344842,"Interpeduncular nucleus, apical",255,166,255,1.0,1.0,1.0 -607344846,"Interpeduncular nucleus, lateral",255,166,255,1.0,1.0,1.0 -607344850,"Interpeduncular nucleus, intermediate",255,166,255,1.0,1.0,1.0 -607344854,"Interpeduncular nucleus, dorsomedial",255,166,255,1.0,1.0,1.0 -607344858,"Interpeduncular nucleus, dorsolateral",255,166,255,1.0,1.0,1.0 -607344862,"Interpeduncular nucleus, rostrolateral",255,166,255,1.0,1.0,1.0 -197,Rostral linear nucleus raphe,255,166,255,1.0,1.0,1.0 -591,Central linear nucleus raphe,255,166,255,1.0,1.0,1.0 -872,Dorsal nucleus raphe,255,166,255,1.0,1.0,1.0 -1065,Hindbrain,255,155,136,1.0,1.0,1.0 -771,Pons,255,155,136,1.0,1.0,1.0 -1132,"Pons, sensory related",255,174,111,1.0,1.0,1.0 -612,Nucleus of the lateral lemniscus,255,174,111,1.0,1.0,1.0 -82,"Nucleus of the lateral lemniscus, dorsal part",255,174,111,1.0,1.0,1.0 -90,"Nucleus of the lateral lemniscus, horizontal part",255,174,111,1.0,1.0,1.0 -99,"Nucleus of the lateral lemniscus, ventral part",255,174,111,1.0,1.0,1.0 -7,Principal sensory nucleus of the trigeminal,255,174,111,1.0,1.0,1.0 -867,Parabrachial nucleus,255,174,111,1.0,1.0,1.0 -123,Koelliker-Fuse subnucleus,255,174,111,1.0,1.0,1.0 -881,"Parabrachial nucleus, lateral division",255,174,111,1.0,1.0,1.0 -860,"Parabrachial nucleus, lateral division, central lateral part",255,174,111,1.0,1.0,1.0 -868,"Parabrachial nucleus, lateral division, dorsal lateral part",255,174,111,1.0,1.0,1.0 -875,"Parabrachial nucleus, lateral division, external lateral part",255,174,111,1.0,1.0,1.0 -883,"Parabrachial nucleus, lateral division, superior lateral part",255,174,111,1.0,1.0,1.0 -891,"Parabrachial nucleus, lateral division, ventral lateral part",255,174,111,1.0,1.0,1.0 -890,"Parabrachial nucleus, medial division",255,174,111,1.0,1.0,1.0 -899,"Parabrachial nucleus, medial division, external medial part",255,174,111,1.0,1.0,1.0 -915,"Parabrachial nucleus, medial division, medial medial part",255,174,111,1.0,1.0,1.0 -923,"Parabrachial nucleus, medial division, ventral medial part",255,174,111,1.0,1.0,1.0 -398,Superior olivary complex,255,174,111,1.0,1.0,1.0 -122,"Superior olivary complex, periolivary region",255,174,111,1.0,1.0,1.0 -105,"Superior olivary complex, medial part",255,174,111,1.0,1.0,1.0 -114,"Superior olivary complex, lateral part",255,174,111,1.0,1.0,1.0 -987,"Pons, motor related",255,186,134,1.0,1.0,1.0 -280,Barrington's nucleus,255,186,134,1.0,1.0,1.0 -880,Dorsal tegmental nucleus,255,186,134,1.0,1.0,1.0 -283,Lateral tegmental nucleus,255,186,134,1.0,1.0,1.0 -599626927,Posterodorsal tegmental nucleus,255,186,134,1.0,1.0,1.0 -898,Pontine central gray,255,186,134,1.0,1.0,1.0 -931,Pontine gray,255,186,134,1.0,1.0,1.0 -1093,"Pontine reticular nucleus, caudal part",255,186,134,1.0,1.0,1.0 -552,"Pontine reticular nucleus, ventral part",255,186,134,1.0,1.0,1.0 -318,Supragenual nucleus,255,186,134,1.0,1.0,1.0 -462,Superior salivatory nucleus,255,186,134,1.0,1.0,1.0 -534,Supratrigeminal nucleus,255,186,134,1.0,1.0,1.0 -574,Tegmental reticular nucleus,255,186,134,1.0,1.0,1.0 -621,Motor nucleus of trigeminal,255,186,134,1.0,1.0,1.0 -549009215,Peritrigeminal zone,255,186,134,1.0,1.0,1.0 -549009219,Accessory trigeminal nucleus,255,186,134,1.0,1.0,1.0 -549009223,Parvicellular motor 5 nucleus,255,186,134,1.0,1.0,1.0 -549009227,Intertrigeminal nucleus,255,186,134,1.0,1.0,1.0 -1117,"Pons, behavioral state related",255,195,149,1.0,1.0,1.0 -679,Superior central nucleus raphe,255,195,149,1.0,1.0,1.0 -137,"Superior central nucleus raphe, lateral part",255,195,149,1.0,1.0,1.0 -130,"Superior central nucleus raphe, medial part",255,195,149,1.0,1.0,1.0 -147,Locus ceruleus,255,195,149,1.0,1.0,1.0 -162,Laterodorsal tegmental nucleus,255,195,149,1.0,1.0,1.0 -604,Nucleus incertus,255,195,149,1.0,1.0,1.0 -146,Pontine reticular nucleus,255,195,149,1.0,1.0,1.0 -238,Nucleus raphe pontis,255,195,149,1.0,1.0,1.0 -350,Subceruleus nucleus,255,195,149,1.0,1.0,1.0 -358,Sublaterodorsal nucleus,255,195,149,1.0,1.0,1.0 -354,Medulla,255,155,205,1.0,1.0,1.0 -386,"Medulla, sensory related",255,165,210,1.0,1.0,1.0 -207,Area postrema,255,165,210,1.0,1.0,1.0 -607,Cochlear nuclei,255,165,210,1.0,1.0,1.0 -112,Granular lamina of the cochlear nuclei,255,165,210,1.0,1.0,1.0 -560,"Cochlear nucleus, subpedunclular granular region",255,165,210,1.0,1.0,1.0 -96,Dorsal cochlear nucleus,255,165,210,1.0,1.0,1.0 -101,Ventral cochlear nucleus,255,165,210,1.0,1.0,1.0 -720,Dorsal column nuclei,255,165,210,1.0,1.0,1.0 -711,Cuneate nucleus,255,165,210,1.0,1.0,1.0 -1039,Gracile nucleus,255,165,210,1.0,1.0,1.0 -903,External cuneate nucleus,255,165,210,1.0,1.0,1.0 -642,Nucleus of the trapezoid body,255,165,210,1.0,1.0,1.0 -651,Nucleus of the solitary tract,255,165,210,1.0,1.0,1.0 -659,"Nucleus of the solitary tract, central part",255,165,210,1.0,1.0,1.0 -666,"Nucleus of the solitary tract, commissural part",255,165,210,1.0,1.0,1.0 -674,"Nucleus of the solitary tract, gelatinous part",255,165,210,1.0,1.0,1.0 -682,"Nucleus of the solitary tract, lateral part",255,165,210,1.0,1.0,1.0 -691,"Nucleus of the solitary tract, medial part",255,165,210,1.0,1.0,1.0 -429,"Spinal nucleus of the trigeminal, caudal part",255,165,210,1.0,1.0,1.0 -437,"Spinal nucleus of the trigeminal, interpolar part",255,165,210,1.0,1.0,1.0 -445,"Spinal nucleus of the trigeminal, oral part",255,165,210,1.0,1.0,1.0 -77,"Spinal nucleus of the trigeminal, oral part, caudal dorsomedial part",255,165,210,1.0,1.0,1.0 -53,"Spinal nucleus of the trigeminal, oral part, middle dorsomedial part, dorsal zone",255,165,210,1.0,1.0,1.0 -61,"Spinal nucleus of the trigeminal, oral part, middle dorsomedial part, ventral zone",255,165,210,1.0,1.0,1.0 -45,"Spinal nucleus of the trigeminal, oral part, rostral dorsomedial part",255,165,210,1.0,1.0,1.0 -69,"Spinal nucleus of the trigeminal, oral part, ventrolateral part",255,165,210,1.0,1.0,1.0 -589508451,Paratrigeminal nucleus,255,165,210,1.0,1.0,1.0 -789,Nucleus z,255,165,210,1.0,1.0,1.0 -370,"Medulla, motor related",255,179,217,1.0,1.0,1.0 -653,Abducens nucleus,255,179,217,1.0,1.0,1.0 -568,Accessory abducens nucleus,255,179,217,1.0,1.0,1.0 -661,Facial motor nucleus,255,179,217,1.0,1.0,1.0 -576,Accessory facial motor nucleus,255,179,217,1.0,1.0,1.0 -640,Efferent vestibular nucleus,255,179,217,1.0,1.0,1.0 -135,Nucleus ambiguus,255,179,217,1.0,1.0,1.0 -939,"Nucleus ambiguus, dorsal division",255,179,217,1.0,1.0,1.0 -143,"Nucleus ambiguus, ventral division",255,179,217,1.0,1.0,1.0 -839,Dorsal motor nucleus of the vagus nerve,255,179,217,1.0,1.0,1.0 -887,Efferent cochlear group,255,179,217,1.0,1.0,1.0 -1048,Gigantocellular reticular nucleus,255,179,217,1.0,1.0,1.0 -372,Infracerebellar nucleus,255,179,217,1.0,1.0,1.0 -83,Inferior olivary complex,255,179,217,1.0,1.0,1.0 -136,Intermediate reticular nucleus,255,179,217,1.0,1.0,1.0 -106,Inferior salivatory nucleus,255,179,217,1.0,1.0,1.0 -203,Linear nucleus of the medulla,255,179,217,1.0,1.0,1.0 -235,Lateral reticular nucleus,255,179,217,1.0,1.0,1.0 -955,"Lateral reticular nucleus, magnocellular part",255,179,217,1.0,1.0,1.0 -963,"Lateral reticular nucleus, parvicellular part",255,179,217,1.0,1.0,1.0 -307,Magnocellular reticular nucleus,255,179,217,1.0,1.0,1.0 -395,Medullary reticular nucleus,255,179,217,1.0,1.0,1.0 -1098,"Medullary reticular nucleus, dorsal part",255,179,217,1.0,1.0,1.0 -1107,"Medullary reticular nucleus, ventral part",255,179,217,1.0,1.0,1.0 -852,Parvicellular reticular nucleus,255,179,217,1.0,1.0,1.0 -859,Parasolitary nucleus,255,179,217,1.0,1.0,1.0 -938,Paragigantocellular reticular nucleus,255,179,217,1.0,1.0,1.0 -970,"Paragigantocellular reticular nucleus, dorsal part",255,179,217,1.0,1.0,1.0 -978,"Paragigantocellular reticular nucleus, lateral part",255,179,217,1.0,1.0,1.0 -154,Perihypoglossal nuclei,255,179,217,1.0,1.0,1.0 -161,Nucleus intercalatus,255,179,217,1.0,1.0,1.0 -177,Nucleus of Roller,255,179,217,1.0,1.0,1.0 -169,Nucleus prepositus,255,179,217,1.0,1.0,1.0 -995,Paramedian reticular nucleus,255,179,217,1.0,1.0,1.0 -1069,Parapyramidal nucleus,255,179,217,1.0,1.0,1.0 -185,"Parapyramidal nucleus, deep part",255,179,217,1.0,1.0,1.0 -193,"Parapyramidal nucleus, superficial part",255,179,217,1.0,1.0,1.0 -701,Vestibular nuclei,255,179,217,1.0,1.0,1.0 -209,Lateral vestibular nucleus,255,179,217,1.0,1.0,1.0 -202,Medial vestibular nucleus,255,179,217,1.0,1.0,1.0 -225,Spinal vestibular nucleus,255,179,217,1.0,1.0,1.0 -217,Superior vestibular nucleus,255,179,217,1.0,1.0,1.0 -765,Nucleus x,255,179,217,1.0,1.0,1.0 -773,Hypoglossal nucleus,255,179,217,1.0,1.0,1.0 -781,Nucleus y,255,179,217,1.0,1.0,1.0 -76,Interstitial nucleus of the vestibular nerve,255,179,217,1.0,1.0,1.0 -379,"Medulla, behavioral state related",255,198,226,1.0,1.0,1.0 -206,Nucleus raphe magnus,255,198,226,1.0,1.0,1.0 -230,Nucleus raphe pallidus,255,198,226,1.0,1.0,1.0 -222,Nucleus raphe obscurus,255,198,226,1.0,1.0,1.0 -512,Cerebellum,240,240,128,1.0,1.0,1.0 -528,Cerebellar cortex,240,240,128,1.0,1.0,1.0 -1144,"Cerebellar cortex, molecular layer",255,252,145,1.0,1.0,1.0 -1145,"Cerebellar cortex, Purkinje layer",255,252,145,1.0,1.0,1.0 -1143,"Cerebellar cortex, granular layer",236,231,84,1.0,1.0,1.0 -645,Vermal regions,255,252,145,1.0,1.0,1.0 -912,Lingula (I),255,252,145,1.0,1.0,1.0 -10707,"Lingula (I), molecular layer",255,252,145,1.0,1.0,1.0 -10706,"Lingula (I), Purkinje layer",255,252,145,1.0,1.0,1.0 -10705,"Lingula (I), granular layer",236,231,84,1.0,1.0,1.0 -920,Central lobule,255,252,145,1.0,1.0,1.0 -976,Lobule II,255,252,145,1.0,1.0,1.0 -10710,"Lobule II, molecular layer",255,252,145,1.0,1.0,1.0 -10709,"Lobule II, Purkinje layer",255,252,145,1.0,1.0,1.0 -10708,"Lobule II, granular layer",236,231,84,1.0,1.0,1.0 -984,Lobule III,255,252,145,1.0,1.0,1.0 -10713,"Lobule III, molecular layer",255,252,145,1.0,1.0,1.0 -10712,"Lobule III, Purkinje layer",255,252,145,1.0,1.0,1.0 -10711,"Lobule III, granular layer",236,231,84,1.0,1.0,1.0 -928,Culmen,255,252,145,1.0,1.0,1.0 -992,Lobule IV,255,252,145,1.0,1.0,1.0 -10716,"Lobule IV, molecular layer",255,252,145,1.0,1.0,1.0 -10715,"Lobule IV, Purkinje layer",255,252,145,1.0,1.0,1.0 -10714,"Lobule IV, granular layer",236,231,84,1.0,1.0,1.0 -1001,Lobule V,255,252,145,1.0,1.0,1.0 -10719,"Lobule V, molecular layer",255,252,145,1.0,1.0,1.0 -10718,"Lobule V, Purkinje layer",255,252,145,1.0,1.0,1.0 -10717,"Lobule V, granular layer",236,231,84,1.0,1.0,1.0 -1091,Lobules IV-V,255,252,145,1.0,1.0,1.0 -10722,"Lobules IV-V, molecular layer",255,252,145,1.0,1.0,1.0 -10721,"Lobules IV-V, Purkinje layer",255,252,145,1.0,1.0,1.0 -10720,"Lobules IV-V, granular layer",236,231,84,1.0,1.0,1.0 -936,Declive (VI),255,252,145,1.0,1.0,1.0 -10725,"Declive (VI), molecular layer",255,252,145,1.0,1.0,1.0 -10724,"Declive (VI), Purkinje layer",255,252,145,1.0,1.0,1.0 -10723,"Declive (VI), granular layer",236,231,84,1.0,1.0,1.0 -944,Folium-tuber vermis (VII),255,252,145,1.0,1.0,1.0 -10728,"Folium-tuber vermis (VII), molecular layer",255,252,145,1.0,1.0,1.0 -10727,"Folium-tuber vermis (VII), Purkinje layer",255,252,145,1.0,1.0,1.0 -10726,"Folium-tuber vermis (VII), granular layer",236,231,84,1.0,1.0,1.0 -951,Pyramus (VIII),255,252,145,1.0,1.0,1.0 -10731,"Pyramus (VIII), molecular layer",255,252,145,1.0,1.0,1.0 -10730,"Pyramus (VIII), Purkinje layer",255,252,145,1.0,1.0,1.0 -10729,"Pyramus (VIII), granular layer",236,231,84,1.0,1.0,1.0 -957,Uvula (IX),255,252,145,1.0,1.0,1.0 -10734,"Uvula (IX), molecular layer",255,252,145,1.0,1.0,1.0 -10733,"Uvula (IX), Purkinje layer",255,252,145,1.0,1.0,1.0 -10732,"Uvula (IX), granular layer",236,231,84,1.0,1.0,1.0 -968,Nodulus (X),255,252,145,1.0,1.0,1.0 -10737,"Nodulus (X), molecular layer",255,252,145,1.0,1.0,1.0 -10736,"Nodulus (X), Purkinje layer",255,252,145,1.0,1.0,1.0 -10735,"Nodulus (X), granular layer",236,231,84,1.0,1.0,1.0 -1073,Hemispheric regions,255,252,145,1.0,1.0,1.0 -1007,Simple lobule,255,252,145,1.0,1.0,1.0 -10674,"Simple lobule, molecular layer",255,252,145,1.0,1.0,1.0 -10673,"Simple lobule, Purkinje layer",255,252,145,1.0,1.0,1.0 -10672,"Simple lobule, granular layer",236,231,84,1.0,1.0,1.0 -1017,Ansiform lobule,255,252,145,1.0,1.0,1.0 -1056,Crus 1,255,252,145,1.0,1.0,1.0 -10677,"Crus 1, molecular layer",255,252,145,1.0,1.0,1.0 -10676,"Crus 1, Purkinje layer",255,252,145,1.0,1.0,1.0 -10675,"Crus 1, granular layer",236,231,84,1.0,1.0,1.0 -1064,Crus 2,255,252,145,1.0,1.0,1.0 -10680,"Crus 2, molecular layer",255,252,145,1.0,1.0,1.0 -10679,"Crus 2, Purkinje layer",255,252,145,1.0,1.0,1.0 -10678,"Crus 2, granular layer",236,231,84,1.0,1.0,1.0 -1025,Paramedian lobule,255,252,145,1.0,1.0,1.0 -10683,"Paramedian lobule, molecular layer",255,252,145,1.0,1.0,1.0 -10682,"Paramedian lobule, Purkinje layer",255,252,145,1.0,1.0,1.0 -10681,"Paramedian lobule, granular layer",236,231,84,1.0,1.0,1.0 -1033,Copula pyramidis,255,252,145,1.0,1.0,1.0 -10686,"Copula pyramidis, molecular layer",255,252,145,1.0,1.0,1.0 -10685,"Copula pyramidis, Purkinje layer",255,252,145,1.0,1.0,1.0 -10684,"Copula pyramidis, granular layer",236,231,84,1.0,1.0,1.0 -1041,Paraflocculus,255,252,145,1.0,1.0,1.0 -10689,"Paraflocculus, molecular layer",255,252,145,1.0,1.0,1.0 -10688,"Paraflocculus, Purkinje layer",255,252,145,1.0,1.0,1.0 -10687,"Paraflocculus, granular layer",236,231,84,1.0,1.0,1.0 -1049,Flocculus,255,252,145,1.0,1.0,1.0 -10692,"Flocculus, molecular layer",255,252,145,1.0,1.0,1.0 -10691,"Flocculus, Purkinje layer",255,252,145,1.0,1.0,1.0 -10690,"Flocculus, granular layer",236,231,84,1.0,1.0,1.0 -519,Cerebellar nuclei,240,240,128,1.0,1.0,1.0 -989,Fastigial nucleus,255,253,188,1.0,1.0,1.0 -91,Interposed nucleus,255,253,188,1.0,1.0,1.0 -846,Dentate nucleus,255,253,188,1.0,1.0,1.0 -589508455,Vestibulocerebellar nucleus,255,253,188,1.0,1.0,1.0 -1009,fiber tracts,204,204,204,1.0,1.0,1.0 -967,cranial nerves,204,204,204,1.0,1.0,1.0 -885,terminal nerve,204,204,204,1.0,1.0,1.0 -949,vomeronasal nerve,204,204,204,1.0,1.0,1.0 -840,olfactory nerve,204,204,204,1.0,1.0,1.0 -1016,olfactory nerve layer of main olfactory bulb,204,204,204,1.0,1.0,1.0 -21,"lateral olfactory tract, general",204,204,204,1.0,1.0,1.0 -665,"lateral olfactory tract, body",204,204,204,1.0,1.0,1.0 -538,dorsal limb,204,204,204,1.0,1.0,1.0 -459,accessory olfactory tract,204,204,204,1.0,1.0,1.0 -900,"anterior commissure, olfactory limb",204,204,204,1.0,1.0,1.0 -848,optic nerve,204,204,204,1.0,1.0,1.0 -876,accessory optic tract,204,204,204,1.0,1.0,1.0 -916,brachium of the superior colliculus,204,204,204,1.0,1.0,1.0 -336,superior colliculus commissure,204,204,204,1.0,1.0,1.0 -117,optic chiasm,204,204,204,1.0,1.0,1.0 -125,optic tract,204,204,204,1.0,1.0,1.0 -357,tectothalamic pathway,204,204,204,1.0,1.0,1.0 -832,oculomotor nerve,204,204,204,1.0,1.0,1.0 -62,medial longitudinal fascicle,204,204,204,1.0,1.0,1.0 -158,posterior commissure,204,204,204,1.0,1.0,1.0 -911,trochlear nerve,204,204,204,1.0,1.0,1.0 -384,trochlear nerve decussation,204,204,204,1.0,1.0,1.0 -710,abducens nerve,204,204,204,1.0,1.0,1.0 -901,trigeminal nerve,204,204,204,1.0,1.0,1.0 -93,motor root of the trigeminal nerve,204,204,204,1.0,1.0,1.0 -229,sensory root of the trigeminal nerve,204,204,204,1.0,1.0,1.0 -705,midbrain tract of the trigeminal nerve,204,204,204,1.0,1.0,1.0 -794,spinal tract of the trigeminal nerve,204,204,204,1.0,1.0,1.0 -798,facial nerve,204,204,204,1.0,1.0,1.0 -1131,intermediate nerve,204,204,204,1.0,1.0,1.0 -1116,genu of the facial nerve,204,204,204,1.0,1.0,1.0 -933,vestibulocochlear nerve,204,204,204,1.0,1.0,1.0 -1076,efferent cochleovestibular bundle,204,204,204,1.0,1.0,1.0 -413,vestibular nerve,204,204,204,1.0,1.0,1.0 -948,cochlear nerve,204,204,204,1.0,1.0,1.0 -841,trapezoid body,204,204,204,1.0,1.0,1.0 -641,intermediate acoustic stria,204,204,204,1.0,1.0,1.0 -506,dorsal acoustic stria,204,204,204,1.0,1.0,1.0 -658,lateral lemniscus,204,204,204,1.0,1.0,1.0 -633,inferior colliculus commissure,204,204,204,1.0,1.0,1.0 -482,brachium of the inferior colliculus,204,204,204,1.0,1.0,1.0 -808,glossopharyngeal nerve,204,204,204,1.0,1.0,1.0 -917,vagus nerve,204,204,204,1.0,1.0,1.0 -237,solitary tract,204,204,204,1.0,1.0,1.0 -717,accessory spinal nerve,204,204,204,1.0,1.0,1.0 -813,hypoglossal nerve,204,204,204,1.0,1.0,1.0 -925,ventral roots,204,204,204,1.0,1.0,1.0 -792,dorsal roots,204,204,204,1.0,1.0,1.0 -932,cervicothalamic tract,204,204,204,1.0,1.0,1.0 -570,dorsolateral fascicle,204,204,204,1.0,1.0,1.0 -522,dorsal commissure of the spinal cord,204,204,204,1.0,1.0,1.0 -858,ventral commissure of the spinal cord,204,204,204,1.0,1.0,1.0 -586,fasciculus proprius,204,204,204,1.0,1.0,1.0 -514,dorsal column,204,204,204,1.0,1.0,1.0 -380,cuneate fascicle,204,204,204,1.0,1.0,1.0 -388,gracile fascicle,204,204,204,1.0,1.0,1.0 -396,internal arcuate fibers,204,204,204,1.0,1.0,1.0 -697,medial lemniscus,204,204,204,1.0,1.0,1.0 -871,spinothalamic tract,204,204,204,1.0,1.0,1.0 -29,lateral spinothalamic tract,204,204,204,1.0,1.0,1.0 -389,ventral spinothalamic tract,204,204,204,1.0,1.0,1.0 -245,spinocervical tract,204,204,204,1.0,1.0,1.0 -261,spino-olivary pathway,204,204,204,1.0,1.0,1.0 -270,spinoreticular pathway,204,204,204,1.0,1.0,1.0 -293,spinovestibular pathway,204,204,204,1.0,1.0,1.0 -277,spinotectal pathway,204,204,204,1.0,1.0,1.0 -253,spinohypothalamic pathway,204,204,204,1.0,1.0,1.0 -285,spinotelenchephalic pathway,204,204,204,1.0,1.0,1.0 -627,hypothalamohypophysial tract,204,204,204,1.0,1.0,1.0 -960,cerebellum related fiber tracts,204,204,204,1.0,1.0,1.0 -744,cerebellar commissure,204,204,204,1.0,1.0,1.0 -752,cerebellar peduncles,204,204,204,1.0,1.0,1.0 -326,superior cerebelar peduncles,204,204,204,1.0,1.0,1.0 -812,superior cerebellar peduncle decussation,204,204,204,1.0,1.0,1.0 -85,spinocerebellar tract,204,204,204,1.0,1.0,1.0 -850,uncinate fascicle,204,204,204,1.0,1.0,1.0 -866,ventral spinocerebellar tract,204,204,204,1.0,1.0,1.0 -78,middle cerebellar peduncle,204,204,204,1.0,1.0,1.0 -1123,inferior cerebellar peduncle,204,204,204,1.0,1.0,1.0 -553,dorsal spinocerebellar tract,204,204,204,1.0,1.0,1.0 -499,cuneocerebellar tract,204,204,204,1.0,1.0,1.0 -650,juxtarestiform body,204,204,204,1.0,1.0,1.0 -490,bulbocerebellar tract,204,204,204,1.0,1.0,1.0 -404,olivocerebellar tract,204,204,204,1.0,1.0,1.0 -410,reticulocerebellar tract,204,204,204,1.0,1.0,1.0 -373,trigeminocerebellar tract,204,204,204,1.0,1.0,1.0 -728,arbor vitae,204,204,204,1.0,1.0,1.0 -484682512,supra-callosal cerebral white matter,204,204,204,1.0,1.0,1.0 -983,lateral forebrain bundle system,204,204,204,1.0,1.0,1.0 -776,corpus callosum,204,204,204,1.0,1.0,1.0 -956,"corpus callosum, anterior forceps",204,204,204,1.0,1.0,1.0 -579,external capsule,204,204,204,1.0,1.0,1.0 -964,"corpus callosum, extreme capsule",204,204,204,1.0,1.0,1.0 -1108,genu of corpus callosum,204,204,204,1.0,1.0,1.0 -971,"corpus callosum, posterior forceps",204,204,204,1.0,1.0,1.0 -979,"corpus callosum, rostrum",204,204,204,1.0,1.0,1.0 -484682516,"corpus callosum, body",204,204,204,1.0,1.0,1.0 -986,"corpus callosum, splenium",204,204,204,1.0,1.0,1.0 -784,corticospinal tract,204,204,204,1.0,1.0,1.0 -6,internal capsule,204,204,204,1.0,1.0,1.0 -924,cerebal peduncle,204,204,204,1.0,1.0,1.0 -1036,corticotectal tract,204,204,204,1.0,1.0,1.0 -1012,corticorubral tract,204,204,204,1.0,1.0,1.0 -1003,corticopontine tract,204,204,204,1.0,1.0,1.0 -994,corticobulbar tract,204,204,204,1.0,1.0,1.0 -190,pyramid,204,204,204,1.0,1.0,1.0 -198,pyramidal decussation,204,204,204,1.0,1.0,1.0 -1019,"corticospinal tract, crossed",204,204,204,1.0,1.0,1.0 -1028,"corticospinal tract, uncrossed",204,204,204,1.0,1.0,1.0 -896,thalamus related,204,204,204,1.0,1.0,1.0 -1092,external medullary lamina of the thalamus,204,204,204,1.0,1.0,1.0 -14,internal medullary lamina of the thalamus,204,204,204,1.0,1.0,1.0 -86,middle thalamic commissure,204,204,204,1.0,1.0,1.0 -365,thalamic peduncles,204,204,204,1.0,1.0,1.0 -484682520,optic radiation,204,204,204,1.0,1.0,1.0 -484682524,auditory radiation,204,204,204,1.0,1.0,1.0 -1000,extrapyramidal fiber systems,204,204,204,1.0,1.0,1.0 -760,cerebral nuclei related,204,204,204,1.0,1.0,1.0 -142,pallidothalamic pathway,204,204,204,1.0,1.0,1.0 -102,nigrostriatal tract,204,204,204,1.0,1.0,1.0 -109,nigrothalamic fibers,204,204,204,1.0,1.0,1.0 -134,pallidotegmental fascicle,204,204,204,1.0,1.0,1.0 -309,striatonigral pathway,204,204,204,1.0,1.0,1.0 -317,subthalamic fascicle,204,204,204,1.0,1.0,1.0 -877,tectospinal pathway,204,204,204,1.0,1.0,1.0 -1051,direct tectospinal pathway,204,204,204,1.0,1.0,1.0 -1060,doral tegmental decussation,204,204,204,1.0,1.0,1.0 -1043,crossed tectospinal pathway,204,204,204,1.0,1.0,1.0 -863,rubrospinal tract,204,204,204,1.0,1.0,1.0 -397,ventral tegmental decussation,204,204,204,1.0,1.0,1.0 -221,rubroreticular tract,204,204,204,1.0,1.0,1.0 -736,central tegmental bundle,204,204,204,1.0,1.0,1.0 -855,retriculospinal tract,204,204,204,1.0,1.0,1.0 -205,"retriculospinal tract, lateral part",204,204,204,1.0,1.0,1.0 -213,"retriculospinal tract, medial part",204,204,204,1.0,1.0,1.0 -941,vestibulospinal pathway,204,204,204,1.0,1.0,1.0 -991,medial forebrain bundle system,204,204,204,1.0,1.0,1.0 -768,cerebrum related,204,204,204,1.0,1.0,1.0 -884,amygdalar capsule,204,204,204,1.0,1.0,1.0 -892,ansa peduncularis,204,204,204,1.0,1.0,1.0 -908,"anterior commissure, temporal limb",204,204,204,1.0,1.0,1.0 -940,cingulum bundle,204,204,204,1.0,1.0,1.0 -1099,fornix system,204,204,204,1.0,1.0,1.0 -466,alveus,204,204,204,1.0,1.0,1.0 -530,dorsal fornix,204,204,204,1.0,1.0,1.0 -603,fimbria,204,204,204,1.0,1.0,1.0 -745,"precommissural fornix, general",204,204,204,1.0,1.0,1.0 -420,precommissural fornix diagonal band,204,204,204,1.0,1.0,1.0 -737,postcommissural fornix,204,204,204,1.0,1.0,1.0 -428,medial corticohypothalamic tract,204,204,204,1.0,1.0,1.0 -436,columns of the fornix,204,204,204,1.0,1.0,1.0 -618,hippocampal commissures,204,204,204,1.0,1.0,1.0 -443,dorsal hippocampal commissure,204,204,204,1.0,1.0,1.0 -449,ventral hippocampal commissure,204,204,204,1.0,1.0,1.0 -713,perforant path,204,204,204,1.0,1.0,1.0 -474,angular path,204,204,204,1.0,1.0,1.0 -37,longitudinal association bundle,204,204,204,1.0,1.0,1.0 -301,stria terminalis,204,204,204,1.0,1.0,1.0 -484682528,commissural branch of stria terminalis,204,204,204,1.0,1.0,1.0 -824,hypothalamus related,204,204,204,1.0,1.0,1.0 -54,medial forebrain bundle,204,204,204,1.0,1.0,1.0 -405,ventrolateral hypothalamic tract,204,204,204,1.0,1.0,1.0 -174,preoptic commissure,204,204,204,1.0,1.0,1.0 -349,supraoptic commissures,204,204,204,1.0,1.0,1.0 -817,"supraoptic commissures, anterior",204,204,204,1.0,1.0,1.0 -825,"supraoptic commissures, dorsal",204,204,204,1.0,1.0,1.0 -833,"supraoptic commissures, ventral",204,204,204,1.0,1.0,1.0 -166,premammillary commissure,204,204,204,1.0,1.0,1.0 -341,supramammillary decussation,204,204,204,1.0,1.0,1.0 -182,propriohypothalamic pathways,204,204,204,1.0,1.0,1.0 -762,"propriohypothalamic pathways, dorsal",204,204,204,1.0,1.0,1.0 -770,"propriohypothalamic pathways, lateral",204,204,204,1.0,1.0,1.0 -779,"propriohypothalamic pathways, medial",204,204,204,1.0,1.0,1.0 -787,"propriohypothalamic pathways, ventral",204,204,204,1.0,1.0,1.0 -150,periventricular bundle of the hypothalamus,204,204,204,1.0,1.0,1.0 -46,mammillary related,204,204,204,1.0,1.0,1.0 -753,principal mammillary tract,204,204,204,1.0,1.0,1.0 -690,mammillothalamic tract,204,204,204,1.0,1.0,1.0 -681,mammillotegmental tract,204,204,204,1.0,1.0,1.0 -673,mammillary peduncle,204,204,204,1.0,1.0,1.0 -1068,dorsal thalamus related,204,204,204,1.0,1.0,1.0 -722,periventricular bundle of the thalamus,204,204,204,1.0,1.0,1.0 -1083,epithalamus related,204,204,204,1.0,1.0,1.0 -802,stria medullaris,204,204,204,1.0,1.0,1.0 -595,fasciculus retroflexus,204,204,204,1.0,1.0,1.0 -611,habenular commissure,204,204,204,1.0,1.0,1.0 -730,pineal stalk,204,204,204,1.0,1.0,1.0 -70,midbrain related,204,204,204,1.0,1.0,1.0 -547,dorsal longitudinal fascicle,204,204,204,1.0,1.0,1.0 -563,dorsal tegmental tract,204,204,204,1.0,1.0,1.0 -73,ventricular systems,170,170,170,1.0,1.0,1.0 -81,lateral ventricle,170,170,170,1.0,1.0,1.0 -89,rhinocele,170,170,170,1.0,1.0,1.0 -98,subependymal zone,170,170,170,1.0,1.0,1.0 -108,choroid plexus,170,170,170,1.0,1.0,1.0 -116,choroid fissure,170,170,170,1.0,1.0,1.0 -124,interventricular foramen,170,170,170,1.0,1.0,1.0 -129,third ventricle,170,170,170,1.0,1.0,1.0 -140,cerebral aqueduct,170,170,170,1.0,1.0,1.0 -145,fourth ventricle,170,170,170,1.0,1.0,1.0 -153,lateral recess,170,170,170,1.0,1.0,1.0 -164,"central canal, spinal cord/medulla",170,170,170,1.0,1.0,1.0 -1024,grooves,170,170,170,1.0,1.0,1.0 -1032,grooves of the cerebral cortex,170,170,170,1.0,1.0,1.0 -1055,endorhinal groove,170,170,170,1.0,1.0,1.0 -1063,hippocampal fissure,170,170,170,1.0,1.0,1.0 -1071,rhinal fissure,170,170,170,1.0,1.0,1.0 -1078,rhinal incisure,170,170,170,1.0,1.0,1.0 -1040,grooves of the cerebellar cortex,170,170,170,1.0,1.0,1.0 -1087,precentral fissure,170,170,170,1.0,1.0,1.0 -1095,preculminate fissure,170,170,170,1.0,1.0,1.0 -1103,primary fissure,170,170,170,1.0,1.0,1.0 -1112,posterior superior fissure,170,170,170,1.0,1.0,1.0 -1119,prepyramidal fissure,170,170,170,1.0,1.0,1.0 -3,secondary fissure,170,170,170,1.0,1.0,1.0 -11,posterolateral fissure,170,170,170,1.0,1.0,1.0 -18,nodular fissure,170,170,170,1.0,1.0,1.0 -25,simple fissure,170,170,170,1.0,1.0,1.0 -34,intercrural fissure,170,170,170,1.0,1.0,1.0 -43,ansoparamedian fissure,170,170,170,1.0,1.0,1.0 -49,intraparafloccular fissure,170,170,170,1.0,1.0,1.0 -57,paramedian sulcus,170,170,170,1.0,1.0,1.0 -65,parafloccular sulcus,170,170,170,1.0,1.0,1.0 -624,Interpeduncular fossa,170,170,170,1.0,1.0,1.0 -304325711,retina,127,46,126,1.0,1.0,1.0 diff --git a/annotation_volumes/allen2022_colours.csv b/annotation_volumes/allen2022_colours.csv deleted file mode 100644 index 87adaff790da3a35225e5ce960a668826d6d0df9..0000000000000000000000000000000000000000 --- a/annotation_volumes/allen2022_colours.csv +++ /dev/null @@ -1,1329 +0,0 @@ -id,r,g,b,1a,1b,1c,name,allenID -1.0,97,23,22,1.0,1.0,1.0,TMv,1 -2.0,124,100,148,1.0,1.0,1.0,SSp-m6b,2 -3.0,45,110,140,1.0,1.0,1.0,sec,3 -4.0,87,181,14,1.0,1.0,1.0,IC,4 -5.0,11,248,9,1.0,1.0,1.0,int,6 -6.0,111,208,94,1.0,1.0,1.0,PSV,7 -7.0,9,47,174,1.0,1.0,1.0,grey,8 -8.0,162,233,124,1.0,1.0,1.0,SSp-tr6a,9 -9.0,55,139,65,1.0,1.0,1.0,SCig,10 -10.0,196,102,20,1.0,1.0,1.0,plf,11 -11.0,89,55,43,1.0,1.0,1.0,IF,12 -12.0,226,85,176,1.0,1.0,1.0,im,14 -13.0,23,10,250,1.0,1.0,1.0,PT,15 -14.0,237,48,27,1.0,1.0,1.0,6b,16 -15.0,197,147,134,1.0,1.0,1.0,SCiw,17 -16.0,64,107,196,1.0,1.0,1.0,nf,18 -17.0,159,28,70,1.0,1.0,1.0,IG,19 -18.0,61,70,91,1.0,1.0,1.0,ENTl2,20 -19.0,164,16,39,1.0,1.0,1.0,lotg,21 -20.0,135,229,117,1.0,1.0,1.0,PTLp,22 -21.0,158,58,212,1.0,1.0,1.0,AAA,23 -22.0,232,190,191,1.0,1.0,1.0,sif,25 -23.0,13,191,132,1.0,1.0,1.0,SCdg,26 -24.0,30,250,64,1.0,1.0,1.0,IGL,27 -25.0,37,198,60,1.0,1.0,1.0,ENTl6a,28 -26.0,65,80,126,1.0,1.0,1.0,sttl,29 -27.0,14,70,220,1.0,1.0,1.0,PVa,30 -28.0,234,26,106,1.0,1.0,1.0,ACA,31 -29.0,249,90,133,1.0,1.0,1.0,VISp6a,33 -30.0,149,96,29,1.0,1.0,1.0,icf,34 -31.0,191,86,92,1.0,1.0,1.0,III,35 -32.0,193,47,29,1.0,1.0,1.0,GU1,36 -33.0,239,115,75,1.0,1.0,1.0,lab,37 -34.0,36,221,231,1.0,1.0,1.0,PVH,38 -35.0,28,233,97,1.0,1.0,1.0,ACAd,39 -36.0,84,162,142,1.0,1.0,1.0,VISpm2/3,41 -37.0,2,53,79,1.0,1.0,1.0,SCdw,42 -38.0,187,8,16,1.0,1.0,1.0,apf,43 -39.0,77,214,145,1.0,1.0,1.0,ILA,44 -40.0,189,214,193,1.0,1.0,1.0,SPVOrdm,45 -41.0,79,233,75,1.0,1.0,1.0,mfbsma,46 -42.0,193,119,121,1.0,1.0,1.0,PVHam,47 -43.0,75,115,20,1.0,1.0,1.0,ACAv,48 -44.0,58,42,224,1.0,1.0,1.0,ipf,49 -45.0,127,0,110,1.0,1.0,1.0,PRC,50 -46.0,217,219,143,1.0,1.0,1.0,ILM,51 -47.0,94,85,58,1.0,1.0,1.0,ENTl3,52 -48.0,95,147,238,1.0,1.0,1.0,SPVOmdmd,53 -49.0,87,204,113,1.0,1.0,1.0,mfb,54 -50.0,118,196,53,1.0,1.0,1.0,PVHap,55 -51.0,99,31,240,1.0,1.0,1.0,ACB,56 -52.0,199,229,136,1.0,1.0,1.0,pms,57 -53.0,202,78,239,1.0,1.0,1.0,MT,58 -54.0,177,255,94,1.0,1.0,1.0,IMD,59 -55.0,251,248,121,1.0,1.0,1.0,ENTl6b,60 -56.0,83,129,1,1.0,1.0,1.0,SPVOmdmv,61 -57.0,235,49,142,1.0,1.0,1.0,mlf,62 -58.0,227,63,44,1.0,1.0,1.0,PVHd,63 -59.0,61,50,114,1.0,1.0,1.0,AD,64 -60.0,199,170,212,1.0,1.0,1.0,pfs,65 -61.0,20,210,130,1.0,1.0,1.0,LT,66 -62.0,110,227,169,1.0,1.0,1.0,INC,67 -63.0,172,12,193,1.0,1.0,1.0,FRP1,68 -64.0,18,112,237,1.0,1.0,1.0,SPVOvl,69 -65.0,37,126,224,1.0,1.0,1.0,mfbsm,70 -66.0,182,59,39,1.0,1.0,1.0,PVHm,71 -67.0,53,5,82,1.0,1.0,1.0,ADP,72 -68.0,140,103,8,1.0,1.0,1.0,VS,73 -69.0,245,134,133,1.0,1.0,1.0,VISl6a,74 -70.0,101,25,79,1.0,1.0,1.0,DT,75 -71.0,64,234,248,1.0,1.0,1.0,INV,76 -72.0,171,232,169,1.0,1.0,1.0,SPVOcdm,77 -73.0,64,80,201,1.0,1.0,1.0,mcp,78 -74.0,35,81,88,1.0,1.0,1.0,PVHmm,79 -75.0,136,40,170,1.0,1.0,1.0,AHA,80 -76.0,139,93,19,1.0,1.0,1.0,VL,81 -77.0,67,30,15,1.0,1.0,1.0,NLLd,82 -78.0,200,6,1,1.0,1.0,1.0,IO,83 -79.0,113,217,200,1.0,1.0,1.0,PL6a,84 -80.0,95,95,52,1.0,1.0,1.0,sct,85 -81.0,81,49,8,1.0,1.0,1.0,mtc,86 -82.0,164,184,231,1.0,1.0,1.0,PVHmpd,87 -83.0,81,29,249,1.0,1.0,1.0,AHN,88 -84.0,48,57,218,1.0,1.0,1.0,RC,89 -85.0,168,7,215,1.0,1.0,1.0,NLLh,90 -86.0,101,110,163,1.0,1.0,1.0,IP,91 -87.0,186,207,30,1.0,1.0,1.0,ENTl4,92 -88.0,58,193,69,1.0,1.0,1.0,moV,93 -89.0,228,109,151,1.0,1.0,1.0,PVHp,94 -90.0,175,136,70,1.0,1.0,1.0,AI,95 -91.0,47,47,219,1.0,1.0,1.0,DCO,96 -92.0,40,92,107,1.0,1.0,1.0,TEa1,97 -93.0,254,53,168,1.0,1.0,1.0,SEZ,98 -94.0,111,128,38,1.0,1.0,1.0,NLLv,99 -95.0,62,50,14,1.0,1.0,1.0,IPN,100 -96.0,211,148,243,1.0,1.0,1.0,VCO,101 -97.0,160,204,22,1.0,1.0,1.0,nst,102 -98.0,237,192,86,1.0,1.0,1.0,PVHpm,103 -99.0,143,136,181,1.0,1.0,1.0,AId,104 -100.0,45,132,51,1.0,1.0,1.0,SOCm,105 -101.0,232,100,89,1.0,1.0,1.0,ISN,106 -102.0,160,181,37,1.0,1.0,1.0,MO1,107 -103.0,158,46,14,1.0,1.0,1.0,chpl,108 -104.0,216,209,218,1.0,1.0,1.0,ntt,109 -105.0,180,217,26,1.0,1.0,1.0,PVHpv,110 -106.0,212,27,162,1.0,1.0,1.0,AIp,111 -107.0,36,17,18,1.0,1.0,1.0,CNlam,112 -108.0,9,104,9,1.0,1.0,1.0,SSp-ll2/3,113 -109.0,172,235,195,1.0,1.0,1.0,SOCl,114 -110.0,45,133,54,1.0,1.0,1.0,IV,115 -111.0,243,152,48,1.0,1.0,1.0,chfl,116 -112.0,230,221,138,1.0,1.0,1.0,och,117 -113.0,72,15,114,1.0,1.0,1.0,PVi,118 -114.0,113,126,230,1.0,1.0,1.0,AIv,119 -115.0,176,241,220,1.0,1.0,1.0,AIp1,120 -116.0,32,122,143,1.0,1.0,1.0,VISl6b,121 -117.0,208,214,152,1.0,1.0,1.0,POR,122 -118.0,18,146,21,1.0,1.0,1.0,KF,123 -119.0,238,44,186,1.0,1.0,1.0,IVF,124 -120.0,171,136,193,1.0,1.0,1.0,opt,125 -121.0,41,252,65,1.0,1.0,1.0,PVp,126 -122.0,201,31,197,1.0,1.0,1.0,AM,127 -123.0,202,216,134,1.0,1.0,1.0,MRN,128 -124.0,20,197,19,1.0,1.0,1.0,V3,129 -125.0,195,194,120,1.0,1.0,1.0,CSm,130 -126.0,36,210,210,1.0,1.0,1.0,LA,131 -127.0,16,240,171,1.0,1.0,1.0,PL6b,132 -128.0,94,78,94,1.0,1.0,1.0,PVpo,133 -129.0,245,217,25,1.0,1.0,1.0,ptf,134 -130.0,5,173,61,1.0,1.0,1.0,AMB,135 -131.0,151,208,107,1.0,1.0,1.0,IRN,136 -132.0,124,222,165,1.0,1.0,1.0,CSl,137 -133.0,93,91,159,1.0,1.0,1.0,LAT,138 -134.0,38,79,58,1.0,1.0,1.0,ENTl5,139 -135.0,187,47,248,1.0,1.0,1.0,AQ,140 -136.0,19,32,31,1.0,1.0,1.0,PVR,141 -137.0,188,106,207,1.0,1.0,1.0,pap,142 -138.0,214,24,203,1.0,1.0,1.0,AMBv,143 -139.0,10,97,221,1.0,1.0,1.0,OT1-3,144 -140.0,233,93,182,1.0,1.0,1.0,V4,145 -141.0,104,156,218,1.0,1.0,1.0,PRNr,146 -142.0,226,23,14,1.0,1.0,1.0,LC,147 -143.0,109,34,145,1.0,1.0,1.0,GU4,148 -144.0,94,98,66,1.0,1.0,1.0,PVT,149 -145.0,4,210,203,1.0,1.0,1.0,pvbh,150 -146.0,68,133,37,1.0,1.0,1.0,AOB,151 -147.0,248,58,24,1.0,1.0,1.0,PIR1-3,152 -148.0,24,122,221,1.0,1.0,1.0,V4r,153 -149.0,52,219,33,1.0,1.0,1.0,PHY,154 -150.0,104,8,248,1.0,1.0,1.0,LD,155 -151.0,235,7,71,1.0,1.0,1.0,AUDd6a,156 -152.0,2,180,210,1.0,1.0,1.0,PVZ,157 -153.0,212,222,5,1.0,1.0,1.0,pc,158 -154.0,83,3,207,1.0,1.0,1.0,AON,159 -155.0,41,113,0,1.0,1.0,1.0,AON1,160 -156.0,70,4,29,1.0,1.0,1.0,NIS,161 -157.0,125,109,51,1.0,1.0,1.0,LDT,162 -158.0,134,85,94,1.0,1.0,1.0,AIp2/3,163 -159.0,131,28,217,1.0,1.0,1.0,c,164 -160.0,132,55,182,1.0,1.0,1.0,RAmb,165 -161.0,45,13,212,1.0,1.0,1.0,pmx,166 -162.0,160,38,164,1.0,1.0,1.0,AONd,167 -163.0,124,159,137,1.0,1.0,1.0,AON2,168 -164.0,49,208,171,1.0,1.0,1.0,PRP,169 -165.0,54,214,200,1.0,1.0,1.0,LGd,170 -166.0,219,254,174,1.0,1.0,1.0,PL1,171 -167.0,117,222,70,1.0,1.0,1.0,RCH,173 -168.0,31,49,101,1.0,1.0,1.0,poc,174 -169.0,80,33,196,1.0,1.0,1.0,AONe,175 -170.0,99,217,238,1.0,1.0,1.0,NR,177 -171.0,87,238,51,1.0,1.0,1.0,LGv,178 -172.0,148,61,89,1.0,1.0,1.0,ACA6a,179 -173.0,6,75,190,1.0,1.0,1.0,GU2/3,180 -174.0,12,21,70,1.0,1.0,1.0,RE,181 -175.0,109,32,94,1.0,1.0,1.0,php,182 -176.0,109,204,12,1.0,1.0,1.0,AONl,183 -177.0,150,74,60,1.0,1.0,1.0,FRP,184 -178.0,210,182,179,1.0,1.0,1.0,PPYd,185 -179.0,155,61,119,1.0,1.0,1.0,LH,186 -180.0,119,29,93,1.0,1.0,1.0,GU5,187 -181.0,62,233,208,1.0,1.0,1.0,AOBgl,188 -182.0,250,248,55,1.0,1.0,1.0,RH,189 -183.0,67,5,244,1.0,1.0,1.0,py,190 -184.0,106,4,195,1.0,1.0,1.0,AONm,191 -185.0,142,31,248,1.0,1.0,1.0,COAa1,192 -186.0,34,250,72,1.0,1.0,1.0,PPYs,193 -187.0,172,19,252,1.0,1.0,1.0,LHA,194 -188.0,213,137,251,1.0,1.0,1.0,PL2,195 -189.0,22,144,236,1.0,1.0,1.0,AOBgr,196 -190.0,248,171,49,1.0,1.0,1.0,RL,197 -191.0,114,151,53,1.0,1.0,1.0,pyd,198 -192.0,247,1,9,1.0,1.0,1.0,AONpv,199 -193.0,218,213,192,1.0,1.0,1.0,COAa2,200 -194.0,175,211,4,1.0,1.0,1.0,SSp-bfd2/3,201 -195.0,132,124,112,1.0,1.0,1.0,MV,202 -196.0,85,47,4,1.0,1.0,1.0,LIN,203 -197.0,203,73,72,1.0,1.0,1.0,AOBmi,204 -198.0,35,245,91,1.0,1.0,1.0,rstl,205 -199.0,237,243,71,1.0,1.0,1.0,RM,206 -200.0,43,31,54,1.0,1.0,1.0,AP,207 -201.0,98,218,219,1.0,1.0,1.0,COAa3,208 -202.0,26,221,240,1.0,1.0,1.0,LAV,209 -203.0,231,29,249,1.0,1.0,1.0,LM,210 -204.0,96,119,144,1.0,1.0,1.0,ACAd2/3,211 -205.0,176,77,30,1.0,1.0,1.0,MOBgl,212 -206.0,127,61,201,1.0,1.0,1.0,rstm,213 -207.0,4,36,200,1.0,1.0,1.0,RN,214 -208.0,102,124,95,1.0,1.0,1.0,APN,215 -209.0,23,167,97,1.0,1.0,1.0,COApl1,216 -210.0,35,96,31,1.0,1.0,1.0,SUV,217 -211.0,22,151,102,1.0,1.0,1.0,LP,218 -212.0,228,6,226,1.0,1.0,1.0,MO2/3,219 -213.0,171,16,2,1.0,1.0,1.0,MOBgr,220 -214.0,44,239,33,1.0,1.0,1.0,rrt,221 -215.0,115,202,57,1.0,1.0,1.0,RO,222 -216.0,220,254,74,1.0,1.0,1.0,ARH,223 -217.0,243,235,205,1.0,1.0,1.0,COApl2,224 -218.0,122,115,132,1.0,1.0,1.0,SPIV,225 -219.0,209,188,97,1.0,1.0,1.0,LPO,226 -220.0,134,6,219,1.0,1.0,1.0,ACA6b,227 -221.0,47,92,66,1.0,1.0,1.0,MOBipl,228 -222.0,182,163,170,1.0,1.0,1.0,sV,229 -223.0,71,25,187,1.0,1.0,1.0,RPA,230 -224.0,90,59,116,1.0,1.0,1.0,AT,231 -225.0,120,185,129,1.0,1.0,1.0,COApl3,232 -226.0,59,75,176,1.0,1.0,1.0,VISal5,233 -227.0,168,74,147,1.0,1.0,1.0,TEa4,234 -228.0,192,142,118,1.0,1.0,1.0,LRN,235 -229.0,162,149,11,1.0,1.0,1.0,MOBmi,236 -230.0,237,131,249,1.0,1.0,1.0,ts,237 -231.0,194,63,165,1.0,1.0,1.0,RPO,238 -232.0,115,58,124,1.0,1.0,1.0,ATN,239 -233.0,166,2,127,1.0,1.0,1.0,COApm1,240 -234.0,14,244,15,1.0,1.0,1.0,PTLp2/3,241 -235.0,180,196,88,1.0,1.0,1.0,LS,242 -236.0,214,147,189,1.0,1.0,1.0,AUDd6b,243 -237.0,132,92,4,1.0,1.0,1.0,MOBopl,244 -238.0,99,157,134,1.0,1.0,1.0,scrt,245 -239.0,239,250,152,1.0,1.0,1.0,RR,246 -240.0,226,39,134,1.0,1.0,1.0,AUD,247 -241.0,88,202,170,1.0,1.0,1.0,COApm2,248 -242.0,56,19,118,1.0,1.0,1.0,AUDpo6a,249 -243.0,29,85,199,1.0,1.0,1.0,LSc,250 -244.0,67,110,177,1.0,1.0,1.0,AUDp2/3,251 -245.0,99,77,16,1.0,1.0,1.0,AUDd5,252 -246.0,21,24,193,1.0,1.0,1.0,shp,253 -247.0,242,150,182,1.0,1.0,1.0,RSP,254 -248.0,64,183,63,1.0,1.0,1.0,AV,255 -249.0,72,83,36,1.0,1.0,1.0,COApm3,256 -250.0,251,25,212,1.0,1.0,1.0,VISpm6a,257 -251.0,119,185,50,1.0,1.0,1.0,LSr,258 -252.0,80,244,227,1.0,1.0,1.0,ENTmv1,259 -253.0,239,194,88,1.0,1.0,1.0,NLOT1,260 -254.0,246,42,62,1.0,1.0,1.0,sop,261 -255.0,242,218,138,1.0,1.0,1.0,RT,262 -256.0,223,34,50,1.0,1.0,1.0,AVP,263 -257.0,224,191,121,1.0,1.0,1.0,ORB1,264 -258.0,222,80,203,1.0,1.0,1.0,LSv,266 -259.0,87,249,226,1.0,1.0,1.0,DP6a,267 -260.0,156,202,114,1.0,1.0,1.0,NLOT2,268 -261.0,92,210,2,1.0,1.0,1.0,VISpl2/3,269 -262.0,138,113,226,1.0,1.0,1.0,srp,270 -263.0,106,170,140,1.0,1.0,1.0,SAG,271 -264.0,39,183,138,1.0,1.0,1.0,AVPV,272 -265.0,71,218,63,1.0,1.0,1.0,RSPd6a,274 -266.0,190,79,102,1.0,1.0,1.0,LSX,275 -267.0,126,27,117,1.0,1.0,1.0,PIR1,276 -268.0,104,99,130,1.0,1.0,1.0,stp,277 -269.0,138,179,1,1.0,1.0,1.0,sAMY,278 -270.0,94,134,141,1.0,1.0,1.0,RSPagl6b,279 -271.0,191,144,8,1.0,1.0,1.0,B,280 -272.0,26,184,3,1.0,1.0,1.0,VISam1,281 -273.0,142,23,64,1.0,1.0,1.0,LTN,283 -274.0,35,205,78,1.0,1.0,1.0,PIR2,284 -275.0,235,61,167,1.0,1.0,1.0,step,285 -276.0,194,83,222,1.0,1.0,1.0,SCH,286 -277.0,173,106,246,1.0,1.0,1.0,BAC,287 -278.0,159,238,169,1.0,1.0,1.0,ORBvl2/3,288 -279.0,31,41,117,1.0,1.0,1.0,TEa5,289 -280.0,41,192,133,1.0,1.0,1.0,LZ,290 -281.0,49,129,178,1.0,1.0,1.0,PIR3,291 -282.0,17,237,179,1.0,1.0,1.0,BA,292 -283.0,186,6,197,1.0,1.0,1.0,svp,293 -284.0,176,84,62,1.0,1.0,1.0,SCm,294 -285.0,233,221,158,1.0,1.0,1.0,BLA,295 -286.0,168,191,146,1.0,1.0,1.0,ACAv2/3,296 -287.0,228,69,9,1.0,1.0,1.0,TTd1-4,297 -288.0,40,208,251,1.0,1.0,1.0,MA,298 -289.0,54,224,251,1.0,1.0,1.0,MO5,299 -290.0,89,87,172,1.0,1.0,1.0,LGvl,300 -291.0,58,122,25,1.0,1.0,1.0,st,301 -292.0,160,134,61,1.0,1.0,1.0,SCs,302 -293.0,114,27,174,1.0,1.0,1.0,BLAa,303 -294.0,106,21,134,1.0,1.0,1.0,PL2/3,304 -295.0,155,85,147,1.0,1.0,1.0,VISp6b,305 -296.0,102,9,67,1.0,1.0,1.0,TTv1-3,306 -297.0,39,136,209,1.0,1.0,1.0,MARN,307 -298.0,99,5,102,1.0,1.0,1.0,PTLp6a,308 -299.0,168,192,115,1.0,1.0,1.0,snp,309 -300.0,120,183,8,1.0,1.0,1.0,SF,310 -301.0,59,185,76,1.0,1.0,1.0,BLAp,311 -302.0,174,69,220,1.0,1.0,1.0,ENTl4/5,312 -303.0,55,216,91,1.0,1.0,1.0,MB,313 -304.0,136,78,179,1.0,1.0,1.0,AIp6a,314 -305.0,127,42,134,1.0,1.0,1.0,Isocortex,315 -306.0,101,164,136,1.0,1.0,1.0,LGvm,316 -307.0,11,24,167,1.0,1.0,1.0,stf,317 -308.0,28,191,128,1.0,1.0,1.0,SG,318 -309.0,155,39,162,1.0,1.0,1.0,BMA,319 -310.0,206,151,176,1.0,1.0,1.0,MOp1,320 -311.0,93,124,190,1.0,1.0,1.0,SubG,321 -312.0,249,16,54,1.0,1.0,1.0,SSp,322 -313.0,15,15,36,1.0,1.0,1.0,MBmot,323 -314.0,104,175,0,1.0,1.0,1.0,ENTmv2,324 -315.0,101,178,44,1.0,1.0,1.0,SGN,325 -316.0,104,129,86,1.0,1.0,1.0,scp,326 -317.0,222,239,103,1.0,1.0,1.0,BMAa,327 -318.0,251,18,78,1.0,1.0,1.0,AId2/3,328 -319.0,65,233,247,1.0,1.0,1.0,SSp-bfd,329 -320.0,143,110,103,1.0,1.0,1.0,RSPd6b,330 -321.0,37,6,3,1.0,1.0,1.0,MBO,331 -322.0,13,87,138,1.0,1.0,1.0,ASO,332 -323.0,91,223,202,1.0,1.0,1.0,SH,333 -324.0,66,154,69,1.0,1.0,1.0,BMAp,334 -325.0,227,116,129,1.0,1.0,1.0,PERI6a,335 -326.0,37,127,130,1.0,1.0,1.0,csc,336 -327.0,242,241,25,1.0,1.0,1.0,SSp-ll,337 -328.0,180,125,70,1.0,1.0,1.0,SFO,338 -329.0,94,191,173,1.0,1.0,1.0,MBsen,339 -330.0,86,121,124,1.0,1.0,1.0,PTLp6b,340 -331.0,35,135,86,1.0,1.0,1.0,smd,341 -332.0,101,50,228,1.0,1.0,1.0,SI,342 -333.0,152,21,34,1.0,1.0,1.0,BS,343 -334.0,231,88,119,1.0,1.0,1.0,AIp5,344 -335.0,16,23,84,1.0,1.0,1.0,SSp-m,345 -336.0,43,178,47,1.0,1.0,1.0,SSp2/3,346 -337.0,59,219,113,1.0,1.0,1.0,SBPV,347 -338.0,70,249,100,1.0,1.0,1.0,MBsta,348 -339.0,135,131,53,1.0,1.0,1.0,sup,349 -340.0,158,79,54,1.0,1.0,1.0,SLC,350 -341.0,43,203,145,1.0,1.0,1.0,BST,351 -342.0,8,79,1,1.0,1.0,1.0,ORB5,352 -343.0,112,199,117,1.0,1.0,1.0,SSp-n,353 -344.0,93,113,26,1.0,1.0,1.0,MY,354 -345.0,67,76,246,1.0,1.0,1.0,AIp6b,355 -346.0,149,171,43,1.0,1.0,1.0,PST,356 -347.0,85,95,234,1.0,1.0,1.0,ttp,357 -348.0,6,221,78,1.0,1.0,1.0,SLD,358 -349.0,13,120,159,1.0,1.0,1.0,BSTa,359 -350.0,77,76,17,1.0,1.0,1.0,DP2/3,360 -351.0,90,54,211,1.0,1.0,1.0,SSp-tr,361 -352.0,136,238,174,1.0,1.0,1.0,MD,362 -353.0,166,60,147,1.0,1.0,1.0,PL5,363 -354.0,127,97,113,1.0,1.0,1.0,PSTN,364 -355.0,210,214,254,1.0,1.0,1.0,tp,365 -356.0,188,119,114,1.0,1.0,1.0,SMT,366 -357.0,154,167,84,1.0,1.0,1.0,BSTp,367 -358.0,23,158,242,1.0,1.0,1.0,PERI6b,368 -359.0,59,41,245,1.0,1.0,1.0,SSp-ul,369 -360.0,49,82,46,1.0,1.0,1.0,MY-mot,370 -361.0,21,222,88,1.0,1.0,1.0,ENTmv3,371 -362.0,149,154,14,1.0,1.0,1.0,ICB,372 -363.0,32,121,205,1.0,1.0,1.0,tct,373 -364.0,16,63,120,1.0,1.0,1.0,SNc,374 -365.0,120,159,184,1.0,1.0,1.0,CA,375 -366.0,181,182,48,1.0,1.0,1.0,COApl1-3,376 -367.0,201,84,165,1.0,1.0,1.0,VISpl6a,377 -368.0,198,160,135,1.0,1.0,1.0,SSs,378 -369.0,154,232,133,1.0,1.0,1.0,MY-sat,379 -370.0,82,95,112,1.0,1.0,1.0,cuf,380 -371.0,104,232,87,1.0,1.0,1.0,SNr,381 -372.0,129,89,185,1.0,1.0,1.0,CA1,382 -373.0,5,118,84,1.0,1.0,1.0,COApm1-3,383 -374.0,98,126,45,1.0,1.0,1.0,IVd,384 -375.0,129,7,178,1.0,1.0,1.0,VISp,385 -376.0,117,193,154,1.0,1.0,1.0,MY-sen,386 -377.0,100,26,122,1.0,1.0,1.0,ENTl5/6,387 -378.0,210,153,9,1.0,1.0,1.0,grf,388 -379.0,235,63,163,1.0,1.0,1.0,sttv,389 -380.0,19,87,137,1.0,1.0,1.0,SO,390 -381.0,211,80,105,1.0,1.0,1.0,CA1slm,391 -382.0,112,173,236,1.0,1.0,1.0,NLOT1-3,392 -383.0,103,63,199,1.0,1.0,1.0,VISpl6b,393 -384.0,183,60,78,1.0,1.0,1.0,VISam,394 -385.0,29,131,200,1.0,1.0,1.0,MDRN,395 -386.0,131,211,98,1.0,1.0,1.0,iaf,396 -387.0,192,80,252,1.0,1.0,1.0,vtd,397 -388.0,47,100,16,1.0,1.0,1.0,SOC,398 -389.0,47,77,91,1.0,1.0,1.0,CA1so,399 -390.0,200,242,103,1.0,1.0,1.0,PAA1-3,400 -391.0,30,235,163,1.0,1.0,1.0,VISam4,401 -392.0,90,156,130,1.0,1.0,1.0,VISal,402 -393.0,9,168,239,1.0,1.0,1.0,MEA,403 -394.0,154,17,8,1.0,1.0,1.0,oct,404 -395.0,159,174,244,1.0,1.0,1.0,vlt,405 -396.0,161,217,148,1.0,1.0,1.0,SPF,406 -397.0,13,117,98,1.0,1.0,1.0,CA1sp,407 -398.0,183,113,5,1.0,1.0,1.0,PAA1,408 -399.0,161,236,193,1.0,1.0,1.0,VISl,409 -400.0,48,233,100,1.0,1.0,1.0,rct,410 -401.0,25,107,151,1.0,1.0,1.0,MEAad,411 -402.0,6,153,122,1.0,1.0,1.0,ORBl2/3,412 -403.0,247,50,73,1.0,1.0,1.0,vVIIIn,413 -404.0,227,77,161,1.0,1.0,1.0,SPFm,414 -405.0,41,153,4,1.0,1.0,1.0,CA1sr,415 -406.0,159,129,76,1.0,1.0,1.0,PAA2,416 -407.0,192,174,99,1.0,1.0,1.0,VISrl,417 -408.0,140,147,97,1.0,1.0,1.0,MEAav,418 -409.0,158,218,213,1.0,1.0,1.0,ENTmv4,419 -410.0,217,64,104,1.0,1.0,1.0,db,420 -411.0,170,114,171,1.0,1.0,1.0,VISl1,421 -412.0,185,108,186,1.0,1.0,1.0,SPFp,422 -413.0,116,172,138,1.0,1.0,1.0,CA2,423 -414.0,231,136,15,1.0,1.0,1.0,PAA3,424 -415.0,102,126,158,1.0,1.0,1.0,VISpl,425 -416.0,84,52,185,1.0,1.0,1.0,MEApd,426 -417.0,147,249,3,1.0,1.0,1.0,ECT2/3,427 -418.0,220,137,89,1.0,1.0,1.0,mct,428 -419.0,201,49,143,1.0,1.0,1.0,SPVC,429 -420.0,95,229,145,1.0,1.0,1.0,RSPv2/3,430 -421.0,65,46,224,1.0,1.0,1.0,CA2slm,431 -422.0,2,117,83,1.0,1.0,1.0,NC,432 -423.0,104,199,63,1.0,1.0,1.0,VISam5,433 -424.0,243,37,87,1.0,1.0,1.0,RSPd2/3,434 -425.0,128,222,247,1.0,1.0,1.0,MEApv,435 -426.0,59,205,25,1.0,1.0,1.0,fx,436 -427.0,194,1,213,1.0,1.0,1.0,SPVI,437 -428.0,199,44,91,1.0,1.0,1.0,CA2so,438 -429.0,192,17,194,1.0,1.0,1.0,PVHdp,439 -430.0,173,187,86,1.0,1.0,1.0,ORBl6a,440 -431.0,234,72,119,1.0,1.0,1.0,VISam6b,441 -432.0,52,237,152,1.0,1.0,1.0,RSPd1,442 -433.0,235,139,86,1.0,1.0,1.0,dhc,443 -434.0,168,34,69,1.0,1.0,1.0,MED,444 -435.0,195,192,76,1.0,1.0,1.0,SPVO,445 -436.0,161,6,43,1.0,1.0,1.0,CA2sp,446 -437.0,39,111,126,1.0,1.0,1.0,PVHf,447 -438.0,29,85,53,1.0,1.0,1.0,ORBl1,448 -439.0,72,44,200,1.0,1.0,1.0,vhc,449 -440.0,100,128,74,1.0,1.0,1.0,SSp-ul1,450 -441.0,195,123,86,1.0,1.0,1.0,BLAv,451 -442.0,246,119,246,1.0,1.0,1.0,MEPO,452 -443.0,166,144,172,1.0,1.0,1.0,SS,453 -444.0,77,173,105,1.0,1.0,1.0,CA2sr,454 -445.0,74,48,157,1.0,1.0,1.0,PVHlp,455 -446.0,213,36,88,1.0,1.0,1.0,AUDpo6b,456 -447.0,165,180,99,1.0,1.0,1.0,VIS6a,457 -448.0,254,143,136,1.0,1.0,1.0,OT1,458 -449.0,118,219,96,1.0,1.0,1.0,aolt,459 -450.0,242,74,51,1.0,1.0,1.0,MEV,460 -451.0,171,226,141,1.0,1.0,1.0,SSp-tr6b,461 -452.0,82,20,76,1.0,1.0,1.0,SSN,462 -453.0,218,222,69,1.0,1.0,1.0,CA3,463 -454.0,127,201,149,1.0,1.0,1.0,PVHmpv,464 -455.0,196,153,212,1.0,1.0,1.0,OT2,465 -456.0,61,71,49,1.0,1.0,1.0,alv,466 -457.0,118,13,54,1.0,1.0,1.0,MEZ,467 -458.0,98,49,179,1.0,1.0,1.0,ENTm2a,468 -459.0,54,98,157,1.0,1.0,1.0,VISpm6b,469 -460.0,96,65,245,1.0,1.0,1.0,STN,470 -461.0,224,205,220,1.0,1.0,1.0,CA3slm,471 -462.0,195,118,77,1.0,1.0,1.0,MEApd-a,472 -463.0,58,240,16,1.0,1.0,1.0,OT3,473 -464.0,188,192,111,1.0,1.0,1.0,ab,474 -465.0,102,208,180,1.0,1.0,1.0,MG,475 -466.0,119,122,249,1.0,1.0,1.0,ORB6a,476 -467.0,255,46,209,1.0,1.0,1.0,STR,477 -468.0,216,223,165,1.0,1.0,1.0,SSp-ll6a,478 -469.0,207,243,149,1.0,1.0,1.0,CA3slu,479 -470.0,236,92,111,1.0,1.0,1.0,MEApd-b,480 -471.0,71,233,183,1.0,1.0,1.0,isl,481 -472.0,139,20,182,1.0,1.0,1.0,bic,482 -473.0,129,66,230,1.0,1.0,1.0,MH,483 -474.0,80,2,62,1.0,1.0,1.0,ORBm1,484 -475.0,111,76,24,1.0,1.0,1.0,STRd,485 -476.0,107,95,138,1.0,1.0,1.0,CA3so,486 -477.0,179,85,158,1.0,1.0,1.0,MEApd-c,487 -478.0,76,154,186,1.0,1.0,1.0,ORBl6b,488 -479.0,153,74,65,1.0,1.0,1.0,islm,489 -480.0,76,162,45,1.0,1.0,1.0,bct,490 -481.0,242,12,63,1.0,1.0,1.0,MM,491 -482.0,143,214,197,1.0,1.0,1.0,ORB2/3,492 -483.0,251,18,143,1.0,1.0,1.0,STRv,493 -484.0,19,229,156,1.0,1.0,1.0,SCig-a,494 -485.0,179,225,120,1.0,1.0,1.0,CA3sp,495 -486.0,76,47,234,1.0,1.0,1.0,DP1,496 -487.0,200,124,207,1.0,1.0,1.0,VIS6b,497 -488.0,77,95,1,1.0,1.0,1.0,BSTam,498 -489.0,172,127,94,1.0,1.0,1.0,cct,499 -490.0,99,61,228,1.0,1.0,1.0,MO,500 -491.0,25,108,252,1.0,1.0,1.0,VISpm4,501 -492.0,174,21,26,1.0,1.0,1.0,SUB,502 -493.0,17,235,97,1.0,1.0,1.0,SCig-b,503 -494.0,221,218,222,1.0,1.0,1.0,CA3sr,504 -495.0,213,197,230,1.0,1.0,1.0,BSTdm,505 -496.0,159,88,182,1.0,1.0,1.0,das,506 -497.0,69,19,195,1.0,1.0,1.0,MOB,507 -498.0,175,145,228,1.0,1.0,1.0,ENTm2b,508 -499.0,232,154,189,1.0,1.0,1.0,SUBd,509 -500.0,24,45,192,1.0,1.0,1.0,SSp-ll6b,510 -501.0,100,146,231,1.0,1.0,1.0,SCig-c,511 -502.0,193,97,72,1.0,1.0,1.0,CB,512 -503.0,172,203,206,1.0,1.0,1.0,BSTfu,513 -504.0,245,16,140,1.0,1.0,1.0,dc,514 -505.0,215,61,61,1.0,1.0,1.0,MPN,515 -506.0,204,132,149,1.0,1.0,1.0,ORB6b,516 -507.0,94,158,216,1.0,1.0,1.0,TR1-3,517 -508.0,247,227,128,1.0,1.0,1.0,SUBv,518 -509.0,98,161,200,1.0,1.0,1.0,CBN,519 -510.0,125,146,91,1.0,1.0,1.0,AUDv6a,520 -511.0,252,187,74,1.0,1.0,1.0,BSTmg,521 -512.0,2,56,234,1.0,1.0,1.0,dcm,522 -513.0,75,24,145,1.0,1.0,1.0,MPO,523 -514.0,2,186,71,1.0,1.0,1.0,ORBm2,524 -515.0,131,107,132,1.0,1.0,1.0,SUM,525 -516.0,180,140,186,1.0,1.0,1.0,ENTm1,526 -517.0,21,156,31,1.0,1.0,1.0,AUDd1,527 -518.0,230,143,38,1.0,1.0,1.0,CBX,528 -519.0,129,235,211,1.0,1.0,1.0,BSTv,529 -520.0,185,184,138,1.0,1.0,1.0,df,530 -521.0,13,123,212,1.0,1.0,1.0,MPT,531 -522.0,253,198,206,1.0,1.0,1.0,PTLp1,532 -523.0,233,146,83,1.0,1.0,1.0,VISpm,533 -524.0,12,100,63,1.0,1.0,1.0,SUT,534 -525.0,14,66,120,1.0,1.0,1.0,DP2,535 -526.0,148,89,21,1.0,1.0,1.0,CEA,536 -527.0,29,14,176,1.0,1.0,1.0,BSTal,537 -528.0,100,8,145,1.0,1.0,1.0,lotd,538 -529.0,34,229,153,1.0,1.0,1.0,MRNm,539 -530.0,11,2,106,1.0,1.0,1.0,PERI1,540 -531.0,162,49,228,1.0,1.0,1.0,TEa,541 -532.0,205,250,183,1.0,1.0,1.0,RSPv1,542 -533.0,246,35,154,1.0,1.0,1.0,ENTm2,543 -534.0,13,223,19,1.0,1.0,1.0,CEAc,544 -535.0,237,172,229,1.0,1.0,1.0,RSPd4,545 -536.0,36,249,115,1.0,1.0,1.0,BSTju,546 -537.0,85,15,247,1.0,1.0,1.0,dlf,547 -538.0,28,244,215,1.0,1.0,1.0,MRNmg,548 -539.0,198,208,138,1.0,1.0,1.0,TH,549 -540.0,173,26,118,1.0,1.0,1.0,ENTm5/6,550 -541.0,161,111,240,1.0,1.0,1.0,CEAl,551 -542.0,20,185,160,1.0,1.0,1.0,PRNv,552 -543.0,244,135,116,1.0,1.0,1.0,sctd,553 -544.0,105,1,54,1.0,1.0,1.0,BSTov,554 -545.0,206,13,80,1.0,1.0,1.0,MRNp,555 -546.0,26,83,99,1.0,1.0,1.0,ILA2/3,556 -547.0,15,111,91,1.0,1.0,1.0,TM,557 -548.0,39,151,221,1.0,1.0,1.0,SSp-n1,558 -549.0,203,249,234,1.0,1.0,1.0,CEAm,559 -550.0,162,46,33,1.0,1.0,1.0,CNspg,560 -551.0,138,248,167,1.0,1.0,1.0,VIS2/3,561 -552.0,76,229,215,1.0,1.0,1.0,BSTrh,562 -553.0,65,215,21,1.0,1.0,1.0,dtt,563 -554.0,124,54,199,1.0,1.0,1.0,MS,564 -555.0,141,165,186,1.0,1.0,1.0,VISpm5,565 -556.0,153,118,189,1.0,1.0,1.0,TR,566 -557.0,249,28,61,1.0,1.0,1.0,CH,567 -558.0,103,227,246,1.0,1.0,1.0,ACVI,568 -559.0,205,90,56,1.0,1.0,1.0,BSTd,569 -560.0,226,32,180,1.0,1.0,1.0,dl,570 -561.0,192,174,17,1.0,1.0,1.0,MTN,571 -562.0,44,28,105,1.0,1.0,1.0,ACA1,572 -563.0,3,65,130,1.0,1.0,1.0,VISl4,573 -564.0,32,130,88,1.0,1.0,1.0,TRN,574 -565.0,213,210,113,1.0,1.0,1.0,CL,575 -566.0,238,211,120,1.0,1.0,1.0,ACVII,576 -567.0,100,223,164,1.0,1.0,1.0,SSp-ul4,577 -568.0,85,148,141,1.0,1.0,1.0,BSTpr,578 -569.0,114,237,55,1.0,1.0,1.0,ec,579 -570.0,32,1,119,1.0,1.0,1.0,NB,580 -571.0,26,6,177,1.0,1.0,1.0,TRS,581 -572.0,113,185,153,1.0,1.0,1.0,ORBm2/3,582 -573.0,162,242,219,1.0,1.0,1.0,CLA,583 -574.0,205,85,48,1.0,1.0,1.0,COApl1-2,584 -575.0,13,117,75,1.0,1.0,1.0,BSTif,585 -576.0,36,6,74,1.0,1.0,1.0,fpr,586 -577.0,180,137,59,1.0,1.0,1.0,ND,587 -578.0,208,104,20,1.0,1.0,1.0,ACAv1,588 -579.0,153,33,129,1.0,1.0,1.0,TT,589 -580.0,112,97,25,1.0,1.0,1.0,RSPv6a,590 -581.0,73,21,163,1.0,1.0,1.0,CLI,591 -582.0,192,22,40,1.0,1.0,1.0,COApm1-2,592 -583.0,58,167,196,1.0,1.0,1.0,VISp1,593 -584.0,62,20,58,1.0,1.0,1.0,BSTtr,594 -585.0,149,27,109,1.0,1.0,1.0,fr,595 -586.0,177,95,247,1.0,1.0,1.0,NDB,596 -587.0,43,38,231,1.0,1.0,1.0,TTd,597 -588.0,157,143,10,1.0,1.0,1.0,AUDv6b,598 -589.0,81,216,142,1.0,1.0,1.0,CM,599 -590.0,42,138,98,1.0,1.0,1.0,AUDd2/3,600 -591.0,157,147,137,1.0,1.0,1.0,VISal6a,601 -592.0,197,151,125,1.0,1.0,1.0,BSTse,602 -593.0,63,72,147,1.0,1.0,1.0,fi,603 -594.0,37,113,191,1.0,1.0,1.0,NI,604 -595.0,164,77,16,1.0,1.0,1.0,TTv,605 -596.0,116,206,144,1.0,1.0,1.0,RSPv2,606 -597.0,238,202,9,1.0,1.0,1.0,CN,607 -598.0,64,243,180,1.0,1.0,1.0,ORBvl6a,608 -599.0,138,228,71,1.0,1.0,1.0,SPA,609 -600.0,66,128,167,1.0,1.0,1.0,RSPd5,610 -601.0,34,66,125,1.0,1.0,1.0,hbc,611 -602.0,184,215,211,1.0,1.0,1.0,NLL,612 -603.0,78,188,13,1.0,1.0,1.0,VISl5,613 -604.0,204,93,44,1.0,1.0,1.0,TU,614 -605.0,167,140,2,1.0,1.0,1.0,SNl,615 -606.0,121,234,189,1.0,1.0,1.0,CUN,616 -607.0,4,5,209,1.0,1.0,1.0,MDc,617 -608.0,184,113,190,1.0,1.0,1.0,hc,618 -609.0,2,33,109,1.0,1.0,1.0,NLOT,619 -610.0,248,125,152,1.0,1.0,1.0,ORBm5,620 -611.0,249,171,193,1.0,1.0,1.0,V,621 -612.0,163,178,4,1.0,1.0,1.0,RSPv6b,622 -613.0,126,143,233,1.0,1.0,1.0,CNU,623 -614.0,178,93,230,1.0,1.0,1.0,IPF,624 -615.0,146,85,83,1.0,1.0,1.0,SSp-ul5,625 -616.0,168,218,166,1.0,1.0,1.0,MDl,626 -617.0,83,21,200,1.0,1.0,1.0,hht,627 -618.0,110,183,197,1.0,1.0,1.0,NOT,628 -619.0,161,80,152,1.0,1.0,1.0,VAL,629 -620.0,217,184,141,1.0,1.0,1.0,ORBl5,630 -621.0,32,218,170,1.0,1.0,1.0,COA,631 -622.0,175,104,87,1.0,1.0,1.0,DG-sg,632 -623.0,155,26,44,1.0,1.0,1.0,cic,633 -624.0,122,165,195,1.0,1.0,1.0,NPC,634 -625.0,94,171,9,1.0,1.0,1.0,PTLp4,635 -626.0,187,20,112,1.0,1.0,1.0,MDm,636 -627.0,71,53,166,1.0,1.0,1.0,VENT,637 -628.0,136,47,96,1.0,1.0,1.0,GU6a,638 -629.0,160,91,2,1.0,1.0,1.0,COAa,639 -630.0,3,161,9,1.0,1.0,1.0,EV,640 -631.0,75,66,199,1.0,1.0,1.0,ias,641 -632.0,61,7,2,1.0,1.0,1.0,NTB,642 -633.0,16,57,177,1.0,1.0,1.0,AUDpo2/3,643 -634.0,205,194,4,1.0,1.0,1.0,MO6a,644 -635.0,250,214,106,1.0,1.0,1.0,VERM,645 -636.0,190,88,35,1.0,1.0,1.0,DP5,646 -637.0,170,34,187,1.0,1.0,1.0,COAp,647 -638.0,54,88,86,1.0,1.0,1.0,MOp5,648 -639.0,239,175,151,1.0,1.0,1.0,VISal6b,649 -640.0,187,213,250,1.0,1.0,1.0,jrb,650 -641.0,190,114,253,1.0,1.0,1.0,NTS,651 -642.0,162,102,146,1.0,1.0,1.0,PVHpml,652 -643.0,216,167,222,1.0,1.0,1.0,VI,653 -644.0,82,253,162,1.0,1.0,1.0,SSp-n4,654 -645.0,177,236,180,1.0,1.0,1.0,COApl,655 -646.0,93,92,169,1.0,1.0,1.0,MOs1,656 -647.0,207,170,15,1.0,1.0,1.0,SSp-m2/3,657 -648.0,216,113,113,1.0,1.0,1.0,ll,658 -649.0,28,226,47,1.0,1.0,1.0,NTSce,659 -650.0,21,25,111,1.0,1.0,1.0,PVHpmm,660 -651.0,123,246,108,1.0,1.0,1.0,VII,661 -652.0,57,154,50,1.0,1.0,1.0,GU6b,662 -653.0,102,205,126,1.0,1.0,1.0,COApm,663 -654.0,219,61,156,1.0,1.0,1.0,ENTm3,664 -655.0,218,218,74,1.0,1.0,1.0,lot,665 -656.0,78,155,142,1.0,1.0,1.0,NTSco,666 -657.0,60,237,220,1.0,1.0,1.0,FRP2/3,667 -658.0,92,56,189,1.0,1.0,1.0,DMHa,668 -659.0,210,162,81,1.0,1.0,1.0,VIS,669 -660.0,233,45,223,1.0,1.0,1.0,SSp-tr2/3,670 -661.0,13,130,6,1.0,1.0,1.0,RSPagl1,671 -662.0,155,32,110,1.0,1.0,1.0,CP,672 -663.0,74,105,139,1.0,1.0,1.0,mp,673 -664.0,212,153,27,1.0,1.0,1.0,NTSge,674 -665.0,83,237,33,1.0,1.0,1.0,AIv6a,675 -666.0,114,171,40,1.0,1.0,1.0,DMHp,676 -667.0,200,131,123,1.0,1.0,1.0,VISC,677 -668.0,182,222,163,1.0,1.0,1.0,AUDd4,678 -669.0,14,37,196,1.0,1.0,1.0,CS,679 -670.0,102,51,67,1.0,1.0,1.0,ORBvl6b,680 -671.0,251,8,124,1.0,1.0,1.0,mtg,681 -672.0,68,62,151,1.0,1.0,1.0,NTSl,682 -673.0,160,191,126,1.0,1.0,1.0,PTLp5,683 -674.0,176,116,97,1.0,1.0,1.0,DMHv,684 -675.0,181,88,200,1.0,1.0,1.0,VM,685 -676.0,181,196,169,1.0,1.0,1.0,SSp6a,686 -677.0,247,120,202,1.0,1.0,1.0,RSPv5,687 -678.0,166,126,245,1.0,1.0,1.0,CTX,688 -679.0,12,136,12,1.0,1.0,1.0,VLPO,689 -680.0,157,213,210,1.0,1.0,1.0,mtt,690 -681.0,90,253,67,1.0,1.0,1.0,NTSm,691 -682.0,20,165,185,1.0,1.0,1.0,PERI5,692 -683.0,47,189,199,1.0,1.0,1.0,VMH,693 -684.0,43,153,139,1.0,1.0,1.0,AIv2/3,694 -685.0,10,3,123,1.0,1.0,1.0,CTXpl,695 -686.0,197,187,103,1.0,1.0,1.0,AUDpo1,696 -687.0,18,32,70,1.0,1.0,1.0,ml,697 -688.0,156,171,166,1.0,1.0,1.0,OLF,698 -689.0,254,178,94,1.0,1.0,1.0,AIv6b,699 -690.0,5,84,58,1.0,1.0,1.0,AHNa,700 -691.0,111,25,253,1.0,1.0,1.0,VNC,701 -692.0,113,39,158,1.0,1.0,1.0,SSp-n5,702 -693.0,206,42,115,1.0,1.0,1.0,CTXsp,703 -694.0,196,28,101,1.0,1.0,1.0,AIv1,704 -695.0,162,140,102,1.0,1.0,1.0,mtV,705 -696.0,255,59,90,1.0,1.0,1.0,OP,706 -697.0,145,37,70,1.0,1.0,1.0,ILA1,707 -698.0,219,64,101,1.0,1.0,1.0,AHNc,708 -699.0,177,95,182,1.0,1.0,1.0,VP,709 -700.0,211,235,149,1.0,1.0,1.0,VIn,710 -701.0,116,211,149,1.0,1.0,1.0,CU,711 -702.0,219,213,219,1.0,1.0,1.0,ENTm4,712 -703.0,96,127,44,1.0,1.0,1.0,per,713 -704.0,146,217,142,1.0,1.0,1.0,ORB,714 -705.0,140,151,91,1.0,1.0,1.0,ENTl2a,715 -706.0,33,216,43,1.0,1.0,1.0,AHNd,716 -707.0,44,191,219,1.0,1.0,1.0,XIn,717 -708.0,40,122,235,1.0,1.0,1.0,VPL,718 -709.0,6,28,135,1.0,1.0,1.0,SSp6b,719 -710.0,186,79,144,1.0,1.0,1.0,DCN,720 -711.0,96,217,8,1.0,1.0,1.0,VISp4,721 -712.0,97,38,178,1.0,1.0,1.0,pvbt,722 -713.0,115,119,6,1.0,1.0,1.0,ORBl,723 -714.0,8,169,93,1.0,1.0,1.0,AHNp,724 -715.0,114,216,236,1.0,1.0,1.0,VPLpc,725 -716.0,158,152,19,1.0,1.0,1.0,DG,726 -717.0,229,139,75,1.0,1.0,1.0,ENTm5,727 -718.0,118,51,7,1.0,1.0,1.0,arb,728 -719.0,213,184,26,1.0,1.0,1.0,TEa6a,729 -720.0,221,84,43,1.0,1.0,1.0,PIS,730 -721.0,194,131,234,1.0,1.0,1.0,ORBm,731 -722.0,251,255,62,1.0,1.0,1.0,MMme,732 -723.0,50,244,28,1.0,1.0,1.0,VPM,733 -724.0,122,183,54,1.0,1.0,1.0,DGcr,734 -725.0,80,137,49,1.0,1.0,1.0,AUDp1,735 -726.0,114,177,8,1.0,1.0,1.0,ctb,736 -727.0,243,10,157,1.0,1.0,1.0,fxpo,737 -728.0,6,23,47,1.0,1.0,1.0,ORBv,738 -729.0,53,159,209,1.0,1.0,1.0,ACA5,739 -730.0,161,30,47,1.0,1.0,1.0,MPNc,740 -731.0,111,112,246,1.0,1.0,1.0,VPMpc,741 -732.0,8,122,109,1.0,1.0,1.0,DGcr-mo,742 -733.0,159,140,229,1.0,1.0,1.0,ENTm6,743 -734.0,83,96,113,1.0,1.0,1.0,cbc,744 -735.0,152,181,185,1.0,1.0,1.0,fxprg,745 -736.0,72,175,180,1.0,1.0,1.0,ORBvl,746 -737.0,251,61,124,1.0,1.0,1.0,ILA2,747 -738.0,143,109,220,1.0,1.0,1.0,MPNl,748 -739.0,5,72,214,1.0,1.0,1.0,VTA,749 -740.0,110,229,159,1.0,1.0,1.0,VISpl1,750 -741.0,186,112,221,1.0,1.0,1.0,DGcr-po,751 -742.0,74,118,37,1.0,1.0,1.0,cbp,752 -743.0,170,175,53,1.0,1.0,1.0,pm,753 -744.0,192,10,7,1.0,1.0,1.0,OT,754 -745.0,118,121,48,1.0,1.0,1.0,AUDv2/3,755 -746.0,97,116,243,1.0,1.0,1.0,MPNm,756 -747.0,224,51,181,1.0,1.0,1.0,VTN,757 -748.0,10,183,253,1.0,1.0,1.0,DGcr-sg,758 -749.0,163,150,163,1.0,1.0,1.0,AUDpo4,759 -750.0,243,134,154,1.0,1.0,1.0,epsc,760 -751.0,152,213,204,1.0,1.0,1.0,VMHa,761 -752.0,250,253,206,1.0,1.0,1.0,phpd,762 -753.0,196,255,107,1.0,1.0,1.0,OV,763 -754.0,40,121,46,1.0,1.0,1.0,ENTl2b,764 -755.0,92,160,190,1.0,1.0,1.0,x,765 -756.0,183,74,92,1.0,1.0,1.0,DGlb,766 -757.0,145,250,175,1.0,1.0,1.0,MOs5,767 -758.0,201,182,156,1.0,1.0,1.0,mfbc,768 -759.0,16,210,137,1.0,1.0,1.0,VMHc,769 -760.0,90,200,1,1.0,1.0,1.0,phpl,770 -761.0,30,39,192,1.0,1.0,1.0,P,771 -762.0,234,177,135,1.0,1.0,1.0,ACAv5,772 -763.0,173,49,28,1.0,1.0,1.0,XII,773 -764.0,144,5,223,1.0,1.0,1.0,RSPagl5,774 -765.0,81,43,74,1.0,1.0,1.0,DGlb-mo,775 -766.0,19,89,100,1.0,1.0,1.0,cc,776 -767.0,60,58,87,1.0,1.0,1.0,VMHdm,777 -768.0,244,126,171,1.0,1.0,1.0,VISp5,778 -769.0,118,42,6,1.0,1.0,1.0,phpm,779 -770.0,220,165,191,1.0,1.0,1.0,PA,780 -771.0,33,145,238,1.0,1.0,1.0,y,781 -772.0,221,241,97,1.0,1.0,1.0,DGlb-po,782 -773.0,221,236,70,1.0,1.0,1.0,AId6a,783 -774.0,26,66,22,1.0,1.0,1.0,cst,784 -775.0,105,196,26,1.0,1.0,1.0,VMHvl,785 -776.0,161,63,77,1.0,1.0,1.0,TEa6b,786 -777.0,218,57,132,1.0,1.0,1.0,phpv,787 -778.0,144,45,98,1.0,1.0,1.0,PAA,788 -779.0,196,8,49,1.0,1.0,1.0,z,789 -780.0,142,127,212,1.0,1.0,1.0,DGlb-sg,790 -781.0,142,96,158,1.0,1.0,1.0,AUDpo5,791 -782.0,233,110,111,1.0,1.0,1.0,drt,792 -783.0,166,24,10,1.0,1.0,1.0,SSp1,793 -784.0,132,11,190,1.0,1.0,1.0,sptV,794 -785.0,250,187,193,1.0,1.0,1.0,PAG,795 -786.0,124,193,143,1.0,1.0,1.0,A13,796 -787.0,212,58,220,1.0,1.0,1.0,ZI,797 -788.0,56,103,96,1.0,1.0,1.0,VIIn,798 -789.0,121,68,194,1.0,1.0,1.0,DGmb,799 -790.0,80,51,100,1.0,1.0,1.0,AIv5,800 -791.0,192,175,124,1.0,1.0,1.0,VIS1,801 -792.0,92,214,238,1.0,1.0,1.0,sm,802 -793.0,120,126,221,1.0,1.0,1.0,PAL,803 -794.0,70,105,112,1.0,1.0,1.0,FF,804 -795.0,28,141,129,1.0,1.0,1.0,VISpm1,805 -796.0,199,176,252,1.0,1.0,1.0,SSs2/3,806 -797.0,184,84,250,1.0,1.0,1.0,DGmb-mo,807 -798.0,141,121,249,1.0,1.0,1.0,IXn,808 -799.0,140,133,173,1.0,1.0,1.0,PALc,809 -800.0,69,183,182,1.0,1.0,1.0,ACAv6a,810 -801.0,83,66,58,1.0,1.0,1.0,ICc,811 -802.0,163,255,214,1.0,1.0,1.0,dscp,812 -803.0,40,153,222,1.0,1.0,1.0,XIIn,813 -804.0,128,13,49,1.0,1.0,1.0,DP,814 -805.0,118,136,119,1.0,1.0,1.0,DGmb-po,815 -806.0,214,187,34,1.0,1.0,1.0,AUDp4,816 -807.0,144,44,164,1.0,1.0,1.0,supa,817 -808.0,53,234,1,1.0,1.0,1.0,PALd,818 -809.0,185,219,119,1.0,1.0,1.0,ACAv6b,819 -810.0,230,24,38,1.0,1.0,1.0,ICd,820 -811.0,38,227,125,1.0,1.0,1.0,VISp2/3,821 -812.0,33,109,113,1.0,1.0,1.0,RHP,822 -813.0,141,91,127,1.0,1.0,1.0,DGmb-sg,823 -814.0,74,114,133,1.0,1.0,1.0,mfsbshy,824 -815.0,40,107,253,1.0,1.0,1.0,supd,825 -816.0,173,106,46,1.0,1.0,1.0,PALm,826 -817.0,159,20,244,1.0,1.0,1.0,ILA5,827 -818.0,160,104,187,1.0,1.0,1.0,ICe,828 -819.0,179,177,225,1.0,1.0,1.0,SUBd-m,829 -820.0,244,126,13,1.0,1.0,1.0,DMH,830 -821.0,224,3,107,1.0,1.0,1.0,AId6b,831 -822.0,3,206,53,1.0,1.0,1.0,IIIn,832 -823.0,163,31,53,1.0,1.0,1.0,supv,833 -824.0,48,51,9,1.0,1.0,1.0,SCzo,834 -825.0,1,230,175,1.0,1.0,1.0,PALv,835 -826.0,81,140,89,1.0,1.0,1.0,ECT1,836 -827.0,115,105,90,1.0,1.0,1.0,SUBd-sr,837 -828.0,217,240,78,1.0,1.0,1.0,SSp-n2/3,838 -829.0,34,64,143,1.0,1.0,1.0,DMX,839 -830.0,128,255,15,1.0,1.0,1.0,In,840 -831.0,238,54,168,1.0,1.0,1.0,tb,841 -832.0,241,154,160,1.0,1.0,1.0,SCsg,842 -833.0,8,54,183,1.0,1.0,1.0,PAR,843 -834.0,94,223,44,1.0,1.0,1.0,MOp6a,844 -835.0,163,202,125,1.0,1.0,1.0,SUBd-sp,845 -836.0,10,47,144,1.0,1.0,1.0,DN,846 -837.0,197,248,71,1.0,1.0,1.0,AUDp5,847 -838.0,79,166,149,1.0,1.0,1.0,IIn,848 -839.0,135,152,223,1.0,1.0,1.0,VISC6b,849 -840.0,196,88,181,1.0,1.0,1.0,uf,850 -841.0,244,95,18,1.0,1.0,1.0,SCop,851 -842.0,85,52,239,1.0,1.0,1.0,PARN,852 -843.0,103,169,204,1.0,1.0,1.0,SUBv-m,853 -844.0,118,51,67,1.0,1.0,1.0,SSp-ul2/3,854 -845.0,228,243,192,1.0,1.0,1.0,rst,855 -846.0,76,122,54,1.0,1.0,1.0,DORpm,856 -847.0,211,7,11,1.0,1.0,1.0,VISC6a,857 -848.0,129,234,52,1.0,1.0,1.0,vc,858 -849.0,119,230,34,1.0,1.0,1.0,PAS,859 -850.0,61,57,24,1.0,1.0,1.0,PBlc,860 -851.0,156,32,92,1.0,1.0,1.0,SUBv-sr,861 -852.0,165,134,60,1.0,1.0,1.0,SSs6a,862 -853.0,51,197,49,1.0,1.0,1.0,rust,863 -854.0,129,93,32,1.0,1.0,1.0,DORsm,864 -855.0,11,20,114,1.0,1.0,1.0,SSp4,865 -856.0,152,109,163,1.0,1.0,1.0,sctv,866 -857.0,176,69,162,1.0,1.0,1.0,PB,867 -858.0,58,118,81,1.0,1.0,1.0,PBld,868 -859.0,198,12,65,1.0,1.0,1.0,VISpl4,869 -860.0,98,4,26,1.0,1.0,1.0,SUBv-sp,870 -861.0,57,122,13,1.0,1.0,1.0,sst,871 -862.0,139,98,83,1.0,1.0,1.0,DR,872 -863.0,95,195,131,1.0,1.0,1.0,SSs1,873 -864.0,213,126,84,1.0,1.0,1.0,PBG,874 -865.0,105,36,124,1.0,1.0,1.0,PBle,875 -866.0,77,108,254,1.0,1.0,1.0,aot,876 -867.0,6,150,206,1.0,1.0,1.0,tsp,877 -868.0,205,11,138,1.0,1.0,1.0,SSp-m1,878 -869.0,172,38,246,1.0,1.0,1.0,RSPd,879 -870.0,176,125,4,1.0,1.0,1.0,DTN,880 -871.0,161,205,41,1.0,1.0,1.0,PBl,881 -872.0,248,33,227,1.0,1.0,1.0,MOp6b,882 -873.0,239,253,74,1.0,1.0,1.0,PBls,883 -874.0,254,154,242,1.0,1.0,1.0,amc,884 -875.0,113,236,200,1.0,1.0,1.0,tn,885 -876.0,185,136,182,1.0,1.0,1.0,RSPv,886 -877.0,78,106,90,1.0,1.0,1.0,ECO,887 -878.0,118,182,173,1.0,1.0,1.0,PERI2/3,888 -879.0,45,104,243,1.0,1.0,1.0,SSp-n6a,889 -880.0,104,127,29,1.0,1.0,1.0,PBm,890 -881.0,176,124,200,1.0,1.0,1.0,PBlv,891 -882.0,73,39,40,1.0,1.0,1.0,apd,892 -883.0,172,251,34,1.0,1.0,1.0,SSs6b,893 -884.0,91,114,199,1.0,1.0,1.0,RSPagl,894 -885.0,218,25,159,1.0,1.0,1.0,ECT,895 -886.0,191,118,24,1.0,1.0,1.0,lfbst,896 -887.0,201,209,93,1.0,1.0,1.0,VISC1,897 -888.0,3,225,208,1.0,1.0,1.0,PCG,898 -889.0,103,21,95,1.0,1.0,1.0,PBme,899 -890.0,85,200,89,1.0,1.0,1.0,aco,900 -891.0,36,87,130,1.0,1.0,1.0,Vn,901 -892.0,94,96,101,1.0,1.0,1.0,VISpl5,902 -893.0,195,85,169,1.0,1.0,1.0,ECU,903 -894.0,106,127,67,1.0,1.0,1.0,MSC,904 -895.0,140,174,192,1.0,1.0,1.0,VISal2/3,905 -896.0,182,32,101,1.0,1.0,1.0,RSPagl6a,906 -897.0,91,5,240,1.0,1.0,1.0,PCN,907 -898.0,178,17,240,1.0,1.0,1.0,act,908 -899.0,117,60,42,1.0,1.0,1.0,ENT,909 -900.0,157,154,18,1.0,1.0,1.0,ORBm6a,910 -901.0,88,122,222,1.0,1.0,1.0,IVn,911 -902.0,87,156,68,1.0,1.0,1.0,LING,912 -903.0,104,139,33,1.0,1.0,1.0,VIS4,913 -904.0,169,23,227,1.0,1.0,1.0,PD,914 -905.0,163,135,163,1.0,1.0,1.0,PBmm,915 -906.0,252,178,7,1.0,1.0,1.0,bsc,916 -907.0,127,226,104,1.0,1.0,1.0,Xn,917 -908.0,21,61,138,1.0,1.0,1.0,ENTl,918 -909.0,3,223,198,1.0,1.0,1.0,ACAd6a,919 -910.0,133,152,35,1.0,1.0,1.0,CENT,920 -911.0,35,166,150,1.0,1.0,1.0,SSp5,921 -912.0,254,132,26,1.0,1.0,1.0,PERI,922 -913.0,170,152,57,1.0,1.0,1.0,PBmv,923 -914.0,8,53,114,1.0,1.0,1.0,cpd,924 -915.0,203,91,246,1.0,1.0,1.0,vrt,925 -916.0,13,21,101,1.0,1.0,1.0,ENTm,926 -917.0,81,210,22,1.0,1.0,1.0,ACAd6b,927 -918.0,149,180,29,1.0,1.0,1.0,CUL,928 -919.0,20,67,58,1.0,1.0,1.0,SSp-n6b,929 -920.0,174,71,12,1.0,1.0,1.0,PF,930 -921.0,9,240,231,1.0,1.0,1.0,PG,931 -922.0,44,153,122,1.0,1.0,1.0,cett,932 -923.0,55,26,78,1.0,1.0,1.0,VIIIn,933 -924.0,84,11,226,1.0,1.0,1.0,ENTmv,934 -925.0,95,98,163,1.0,1.0,1.0,ACAd1,935 -926.0,67,117,63,1.0,1.0,1.0,DEC,936 -927.0,229,125,110,1.0,1.0,1.0,VIS5,937 -928.0,222,250,153,1.0,1.0,1.0,PGRN,938 -929.0,226,206,74,1.0,1.0,1.0,AMBd,939 -930.0,161,126,25,1.0,1.0,1.0,cing,940 -931.0,20,187,140,1.0,1.0,1.0,vsp,941 -932.0,251,132,116,1.0,1.0,1.0,EP,942 -933.0,137,100,43,1.0,1.0,1.0,MOp2/3,943 -934.0,35,11,150,1.0,1.0,1.0,FOTU,944 -935.0,143,10,102,1.0,1.0,1.0,SSp-ul6a,945 -936.0,205,28,80,1.0,1.0,1.0,PH,946 -937.0,98,101,38,1.0,1.0,1.0,MO6b,947 -938.0,101,201,36,1.0,1.0,1.0,cVIIIn,948 -939.0,208,64,162,1.0,1.0,1.0,von,949 -940.0,223,73,124,1.0,1.0,1.0,SSp-m4,950 -941.0,18,10,141,1.0,1.0,1.0,PYR,951 -942.0,212,200,153,1.0,1.0,1.0,EPd,952 -943.0,185,92,152,1.0,1.0,1.0,PIN,953 -944.0,136,125,109,1.0,1.0,1.0,AUDp6a,954 -945.0,143,98,135,1.0,1.0,1.0,LRNm,955 -946.0,120,208,176,1.0,1.0,1.0,fa,956 -947.0,121,38,231,1.0,1.0,1.0,UVU,957 -948.0,91,150,135,1.0,1.0,1.0,EPI,958 -949.0,3,122,27,1.0,1.0,1.0,AUDv1,959 -950.0,63,194,235,1.0,1.0,1.0,cbf,960 -951.0,36,123,78,1.0,1.0,1.0,PIR,961 -952.0,113,175,96,1.0,1.0,1.0,MOs2/3,962 -953.0,105,93,196,1.0,1.0,1.0,LRNp,963 -954.0,193,225,121,1.0,1.0,1.0,ee,964 -955.0,106,24,106,1.0,1.0,1.0,RSPagl2/3,965 -956.0,157,40,244,1.0,1.0,1.0,EPv,966 -957.0,22,136,144,1.0,1.0,1.0,cm,967 -958.0,126,138,152,1.0,1.0,1.0,NOD,968 -959.0,4,181,6,1.0,1.0,1.0,ORBvl1,969 -960.0,17,170,195,1.0,1.0,1.0,PGRNd,970 -961.0,98,194,168,1.0,1.0,1.0,fp,971 -962.0,149,248,185,1.0,1.0,1.0,PL,972 -963.0,40,92,93,1.0,1.0,1.0,VISl2/3,973 -964.0,71,110,216,1.0,1.0,1.0,SSp-m5,974 -965.0,233,224,213,1.0,1.0,1.0,EW,975 -966.0,143,51,139,1.0,1.0,1.0,CENT2,976 -967.0,129,204,144,1.0,1.0,1.0,ECT6a,977 -968.0,35,221,237,1.0,1.0,1.0,PGRNl,978 -969.0,165,89,100,1.0,1.0,1.0,ccr,979 -970.0,7,233,34,1.0,1.0,1.0,PMd,980 -971.0,185,195,95,1.0,1.0,1.0,SSp-bfd1,981 -972.0,33,180,208,1.0,1.0,1.0,FC,982 -973.0,248,221,226,1.0,1.0,1.0,lfbs,983 -974.0,209,11,108,1.0,1.0,1.0,CENT3,984 -975.0,216,35,223,1.0,1.0,1.0,MOp,985 -976.0,58,160,90,1.0,1.0,1.0,ccs,986 -977.0,67,175,69,1.0,1.0,1.0,P-mot,987 -978.0,69,4,221,1.0,1.0,1.0,ECT5,988 -979.0,247,204,57,1.0,1.0,1.0,FN,989 -980.0,169,23,203,1.0,1.0,1.0,AUDv4,990 -981.0,121,43,102,1.0,1.0,1.0,mfbs,991 -982.0,87,140,52,1.0,1.0,1.0,CUL4,992 -983.0,117,163,156,1.0,1.0,1.0,MOs,993 -984.0,49,47,104,1.0,1.0,1.0,cbt,994 -985.0,71,54,101,1.0,1.0,1.0,PMR,995 -986.0,171,92,3,1.0,1.0,1.0,AId1,996 -987.0,34,127,110,1.0,1.0,1.0,root,997 -988.0,133,43,58,1.0,1.0,1.0,FS,998 -989.0,230,171,30,1.0,1.0,1.0,ENTl2/3,999 -990.0,6,17,61,1.0,1.0,1.0,eps,1000 -991.0,91,227,37,1.0,1.0,1.0,CUL5,1001 -992.0,205,8,153,1.0,1.0,1.0,AUDp,1002 -993.0,214,1,158,1.0,1.0,1.0,cpt,1003 -994.0,125,32,241,1.0,1.0,1.0,PMv,1004 -995.0,156,154,74,1.0,1.0,1.0,AUDp6b,1005 -996.0,121,122,104,1.0,1.0,1.0,SSp-tr1,1006 -997.0,182,227,99,1.0,1.0,1.0,SIM,1007 -998.0,82,37,46,1.0,1.0,1.0,GENd,1008 -999.0,222,233,233,1.0,1.0,1.0,fiber tracts,1009 -1000.0,239,95,124,1.0,1.0,1.0,VISC4,1010 -1001.0,178,105,41,1.0,1.0,1.0,AUDd,1011 -1002.0,115,57,163,1.0,1.0,1.0,crt,1012 -1003.0,63,130,155,1.0,1.0,1.0,GENv,1014 -1004.0,115,50,11,1.0,1.0,1.0,ACAd5,1015 -1005.0,120,94,90,1.0,1.0,1.0,onl,1016 -1006.0,243,155,170,1.0,1.0,1.0,AN,1017 -1007.0,159,97,59,1.0,1.0,1.0,AUDv,1018 -1008.0,41,177,68,1.0,1.0,1.0,cstc,1019 -1009.0,52,212,18,1.0,1.0,1.0,PO,1020 -1010.0,3,68,35,1.0,1.0,1.0,MOs6a,1021 -1011.0,123,144,8,1.0,1.0,1.0,GPe,1022 -1012.0,85,63,9,1.0,1.0,1.0,AUDv5,1023 -1013.0,101,107,3,1.0,1.0,1.0,grv,1024 -1014.0,227,185,130,1.0,1.0,1.0,PRM,1025 -1015.0,118,74,240,1.0,1.0,1.0,SSp-ul6b,1026 -1016.0,47,22,84,1.0,1.0,1.0,AUDpo,1027 -1017.0,17,141,189,1.0,1.0,1.0,cstu,1028 -1018.0,231,95,18,1.0,1.0,1.0,POL,1029 -1019.0,231,191,121,1.0,1.0,1.0,SSp-ll1,1030 -1020.0,65,26,105,1.0,1.0,1.0,GPi,1031 -1021.0,205,161,247,1.0,1.0,1.0,grv of CTX,1032 -1022.0,182,48,240,1.0,1.0,1.0,COPY,1033 -1023.0,94,103,16,1.0,1.0,1.0,TTd1,1034 -1024.0,62,217,174,1.0,1.0,1.0,SSs4,1035 -1025.0,153,20,166,1.0,1.0,1.0,cte,1036 -1026.0,40,34,67,1.0,1.0,1.0,POST,1037 -1027.0,25,91,174,1.0,1.0,1.0,SSp-bfd6a,1038 -1028.0,223,209,190,1.0,1.0,1.0,GR,1039 -1029.0,224,242,126,1.0,1.0,1.0,grv of CBX,1040 -1030.0,46,240,19,1.0,1.0,1.0,PFL,1041 -1031.0,179,63,155,1.0,1.0,1.0,TTd2,1042 -1032.0,148,200,96,1.0,1.0,1.0,tspc,1043 -1033.0,6,184,193,1.0,1.0,1.0,PP,1044 -1034.0,178,136,16,1.0,1.0,1.0,ECT6b,1045 -1035.0,89,74,141,1.0,1.0,1.0,VISam6a,1046 -1036.0,76,147,161,1.0,1.0,1.0,SSp-bfd4,1047 -1037.0,111,59,166,1.0,1.0,1.0,GRN,1048 -1038.0,184,111,225,1.0,1.0,1.0,FL,1049 -1039.0,146,45,1,1.0,1.0,1.0,TTd3,1050 -1040.0,124,140,121,1.0,1.0,1.0,tspd,1051 -1041.0,153,215,162,1.0,1.0,1.0,PPN,1052 -1042.0,199,16,114,1.0,1.0,1.0,ACA2/3,1053 -1043.0,250,237,49,1.0,1.0,1.0,ILA6a,1054 -1044.0,88,215,69,1.0,1.0,1.0,eg,1055 -1045.0,31,95,26,1.0,1.0,1.0,ANcr1,1056 -1046.0,250,38,8,1.0,1.0,1.0,GU,1057 -1047.0,68,28,247,1.0,1.0,1.0,VISC5,1058 -1048.0,228,127,194,1.0,1.0,1.0,TTd4,1059 -1049.0,201,85,24,1.0,1.0,1.0,dtd,1060 -1050.0,171,252,85,1.0,1.0,1.0,PPT,1061 -1051.0,241,127,101,1.0,1.0,1.0,SSp-bfd6b,1062 -1052.0,60,46,195,1.0,1.0,1.0,hf,1063 -1053.0,185,41,25,1.0,1.0,1.0,ANcr2,1064 -1054.0,251,200,197,1.0,1.0,1.0,HB,1065 -1055.0,50,79,126,1.0,1.0,1.0,VISam2/3,1066 -1056.0,41,28,78,1.0,1.0,1.0,TTv1,1067 -1057.0,18,63,75,1.0,1.0,1.0,mfbst,1068 -1058.0,169,169,92,1.0,1.0,1.0,PPY,1069 -1059.0,90,190,105,1.0,1.0,1.0,SSp-bfd5,1070 -1060.0,114,183,208,1.0,1.0,1.0,rf,1071 -1061.0,82,106,129,1.0,1.0,1.0,MGd,1072 -1062.0,48,198,235,1.0,1.0,1.0,HEM,1073 -1063.0,198,225,127,1.0,1.0,1.0,VISal1,1074 -1064.0,60,84,94,1.0,1.0,1.0,TTv2,1075 -1065.0,75,69,80,1.0,1.0,1.0,cvb,1076 -1066.0,79,247,148,1.0,1.0,1.0,PR,1077 -1067.0,153,20,206,1.0,1.0,1.0,ri,1078 -1068.0,247,78,155,1.0,1.0,1.0,MGv,1079 -1069.0,66,149,131,1.0,1.0,1.0,HIP,1080 -1070.0,162,107,16,1.0,1.0,1.0,ILA6b,1081 -1071.0,242,65,237,1.0,1.0,1.0,TTv3,1082 -1072.0,174,197,120,1.0,1.0,1.0,mfbse,1083 -1073.0,133,74,143,1.0,1.0,1.0,PRE,1084 -1074.0,40,224,112,1.0,1.0,1.0,MOs6b,1085 -1075.0,84,251,62,1.0,1.0,1.0,SSp-tr4,1086 -1076.0,155,244,188,1.0,1.0,1.0,pce,1087 -1077.0,34,184,51,1.0,1.0,1.0,MGm,1088 -1078.0,45,75,140,1.0,1.0,1.0,HPF,1089 -1079.0,67,186,123,1.0,1.0,1.0,SSs5,1090 -1080.0,50,125,158,1.0,1.0,1.0,"CUL4, 5",1091 -1081.0,183,138,142,1.0,1.0,1.0,em,1092 -1082.0,60,118,116,1.0,1.0,1.0,PRNc,1093 -1083.0,104,24,149,1.0,1.0,1.0,SSp-ll4,1094 -1084.0,195,141,121,1.0,1.0,1.0,pcf,1095 -1085.0,203,194,181,1.0,1.0,1.0,AMd,1096 -1086.0,140,24,214,1.0,1.0,1.0,HY,1097 -1087.0,91,141,95,1.0,1.0,1.0,MDRNd,1098 -1088.0,210,223,44,1.0,1.0,1.0,fxs,1099 -1089.0,31,64,209,1.0,1.0,1.0,PRT,1100 -1090.0,234,41,149,1.0,1.0,1.0,AId5,1101 -1091.0,32,248,133,1.0,1.0,1.0,SSp-m6a,1102 -1092.0,131,67,156,1.0,1.0,1.0,pri,1103 -1093.0,173,76,198,1.0,1.0,1.0,AMv,1104 -1094.0,120,32,254,1.0,1.0,1.0,IA,1105 -1095.0,114,76,110,1.0,1.0,1.0,VISC2/3,1106 -1096.0,40,12,129,1.0,1.0,1.0,MDRNv,1107 -1097.0,133,157,101,1.0,1.0,1.0,ccg,1108 -1098.0,192,152,185,1.0,1.0,1.0,PS,1109 -1099.0,226,64,236,1.0,1.0,1.0,SUMl,1110 -1100.0,16,26,245,1.0,1.0,1.0,SSp-tr5,1111 -1101.0,0,94,83,1.0,1.0,1.0,psf,1112 -1102.0,254,175,86,1.0,1.0,1.0,IAD,1113 -1103.0,210,3,43,1.0,1.0,1.0,VISal4,1114 -1104.0,230,227,106,1.0,1.0,1.0,gVIIn,1116 -1105.0,147,100,16,1.0,1.0,1.0,P-sat,1117 -1106.0,211,225,234,1.0,1.0,1.0,SUMm,1118 -1107.0,213,225,124,1.0,1.0,1.0,ppf,1119 -1108.0,17,50,50,1.0,1.0,1.0,IAM,1120 -1109.0,230,143,89,1.0,1.0,1.0,ENTl1,1121 -1110.0,210,133,175,1.0,1.0,1.0,icp,1123 -1111.0,1,195,12,1.0,1.0,1.0,PSCH,1124 -1112.0,134,43,141,1.0,1.0,1.0,ORBvl5,1125 -1113.0,193,204,133,1.0,1.0,1.0,TMd,1126 -1114.0,241,57,168,1.0,1.0,1.0,TEa2/3,1127 -1115.0,98,153,164,1.0,1.0,1.0,SSp-ll5,1128 -1116.0,148,238,70,1.0,1.0,1.0,IB,1129 -1117.0,234,28,153,1.0,1.0,1.0,iVIIn,1131 -1118.0,61,175,199,1.0,1.0,1.0,P-sen,1132 -1119.0,216,165,77,1.0,1.0,1.0,ENTmv5/6,1133 -1120.0,30,61,9,1.0,1.0,1.0,NLOT3,1139 -1121.0,237,185,117,1.0,1.0,1.0,TR1,1140 -1122.0,254,230,74,1.0,1.0,1.0,TR2,1141 -1123.0,33,96,167,1.0,1.0,1.0,TR3,1142 -1124.0,228,188,169,1.0,1.0,1.0,CBXgr,1143 -1125.0,211,88,67,1.0,1.0,1.0,CBXmo,1144 -1126.0,105,169,122,1.0,1.0,1.0,CBXpu,1145 -1127.0,118,59,237,1.0,1.0,1.0,ME,10671 -1128.0,117,81,244,1.0,1.0,1.0,SIMgr,10672 -1129.0,251,19,191,1.0,1.0,1.0,SIMpu,10673 -1130.0,159,233,9,1.0,1.0,1.0,SIMmo,10674 -1131.0,184,91,27,1.0,1.0,1.0,ANcr1gr,10675 -1132.0,150,52,79,1.0,1.0,1.0,ANcr1pu,10676 -1133.0,94,9,188,1.0,1.0,1.0,ANcr1mo,10677 -1134.0,64,222,208,1.0,1.0,1.0,ANcr2gr,10678 -1135.0,34,71,24,1.0,1.0,1.0,ANcr2pu,10679 -1136.0,215,68,173,1.0,1.0,1.0,ANcr2mo,10680 -1137.0,199,163,248,1.0,1.0,1.0,PRMgr,10681 -1138.0,225,18,43,1.0,1.0,1.0,PRMpu,10682 -1139.0,81,219,30,1.0,1.0,1.0,PRMmo,10683 -1140.0,232,204,40,1.0,1.0,1.0,COPYgr,10684 -1141.0,44,203,152,1.0,1.0,1.0,COPYpu,10685 -1142.0,9,120,48,1.0,1.0,1.0,COPYmo,10686 -1143.0,19,141,28,1.0,1.0,1.0,PFLgr,10687 -1144.0,38,159,224,1.0,1.0,1.0,PFLpu,10688 -1145.0,107,63,153,1.0,1.0,1.0,PFLmo,10689 -1146.0,175,124,167,1.0,1.0,1.0,FLgr,10690 -1147.0,218,33,63,1.0,1.0,1.0,FLpu,10691 -1148.0,17,249,57,1.0,1.0,1.0,FLmo,10692 -1149.0,254,179,187,1.0,1.0,1.0,PAR1,10693 -1150.0,108,249,33,1.0,1.0,1.0,PAR2,10694 -1151.0,180,148,245,1.0,1.0,1.0,PAR3,10695 -1152.0,137,151,64,1.0,1.0,1.0,POST1,10696 -1153.0,25,104,172,1.0,1.0,1.0,POST2,10697 -1154.0,143,168,132,1.0,1.0,1.0,POST3,10698 -1155.0,95,149,16,1.0,1.0,1.0,PRE1,10699 -1156.0,225,21,203,1.0,1.0,1.0,PRE2,10700 -1157.0,162,215,93,1.0,1.0,1.0,PRE3,10701 -1158.0,187,152,122,1.0,1.0,1.0,DG-sgz,10702 -1159.0,140,210,52,1.0,1.0,1.0,DG-mo,10703 -1160.0,220,23,128,1.0,1.0,1.0,DG-po,10704 -1161.0,133,70,160,1.0,1.0,1.0,LINGgr,10705 -1162.0,228,48,9,1.0,1.0,1.0,LINGpu,10706 -1163.0,147,54,242,1.0,1.0,1.0,LINGmo,10707 -1164.0,48,95,59,1.0,1.0,1.0,CENT2gr,10708 -1165.0,202,129,36,1.0,1.0,1.0,CENT2pu,10709 -1166.0,16,77,65,1.0,1.0,1.0,CENT2mo,10710 -1167.0,54,63,206,1.0,1.0,1.0,CENT3gr,10711 -1168.0,235,165,90,1.0,1.0,1.0,CENT3pu,10712 -1169.0,125,80,218,1.0,1.0,1.0,CENT3mo,10713 -1170.0,143,188,75,1.0,1.0,1.0,CUL4gr,10714 -1171.0,209,62,113,1.0,1.0,1.0,CUL4pu,10715 -1172.0,94,20,232,1.0,1.0,1.0,CUL4mo,10716 -1173.0,160,149,180,1.0,1.0,1.0,CUL5gr,10717 -1174.0,222,138,233,1.0,1.0,1.0,CUL5pu,10718 -1175.0,50,161,113,1.0,1.0,1.0,CUL5mo,10719 -1176.0,113,223,61,1.0,1.0,1.0,"CUL4, 5gr",10720 -1177.0,1,88,3,1.0,1.0,1.0,"CUL4, 5pu",10721 -1178.0,214,33,67,1.0,1.0,1.0,"CUL4, 5mo",10722 -1179.0,14,68,102,1.0,1.0,1.0,DECgr,10723 -1180.0,113,185,67,1.0,1.0,1.0,DECpu,10724 -1181.0,50,145,32,1.0,1.0,1.0,DECmo,10725 -1182.0,43,104,15,1.0,1.0,1.0,FOTUgr,10726 -1183.0,252,189,254,1.0,1.0,1.0,FOTUpu,10727 -1184.0,248,218,240,1.0,1.0,1.0,FOTUmo,10728 -1185.0,82,6,47,1.0,1.0,1.0,PYRgr,10729 -1186.0,119,25,101,1.0,1.0,1.0,PYRpu,10730 -1187.0,94,165,46,1.0,1.0,1.0,PYRmo,10731 -1188.0,126,111,97,1.0,1.0,1.0,UVUgr,10732 -1189.0,211,38,74,1.0,1.0,1.0,UVUpu,10733 -1190.0,111,30,39,1.0,1.0,1.0,UVUmo,10734 -1191.0,188,237,227,1.0,1.0,1.0,NODgr,10735 -1192.0,221,45,54,1.0,1.0,1.0,NODpu,10736 -1193.0,138,215,177,1.0,1.0,1.0,NODmo,10737 -1194.0,52,34,196,1.0,1.0,1.0,SS1,12993 -1195.0,7,27,105,1.0,1.0,1.0,SS2/3,12994 -1196.0,44,28,41,1.0,1.0,1.0,SS4,12995 -1197.0,221,16,141,1.0,1.0,1.0,SS5,12996 -1198.0,6,182,57,1.0,1.0,1.0,SS6a,12997 -1199.0,156,213,87,1.0,1.0,1.0,SS6b,12998 -1200.0,100,33,26,1.0,1.0,1.0,SSp-un,182305689 -1201.0,246,156,164,1.0,1.0,1.0,SSp-un1,182305693 -1202.0,101,9,211,1.0,1.0,1.0,SSp-un2/3,182305697 -1203.0,7,106,118,1.0,1.0,1.0,SSp-un4,182305701 -1204.0,113,52,137,1.0,1.0,1.0,SSp-un5,182305705 -1205.0,72,113,173,1.0,1.0,1.0,SSp-un6a,182305709 -1206.0,167,244,92,1.0,1.0,1.0,SSp-un6b,182305713 -1207.0,104,5,46,1.0,1.0,1.0,retina,304325711 -1208.0,21,74,191,1.0,1.0,1.0,VISa,312782546 -1209.0,180,181,202,1.0,1.0,1.0,VISa1,312782550 -1210.0,123,233,151,1.0,1.0,1.0,VISa2/3,312782554 -1211.0,56,127,162,1.0,1.0,1.0,VISa4,312782558 -1212.0,193,62,67,1.0,1.0,1.0,VISa5,312782562 -1213.0,158,8,126,1.0,1.0,1.0,VISa6a,312782566 -1214.0,207,49,31,1.0,1.0,1.0,VISa6b,312782570 -1215.0,198,54,121,1.0,1.0,1.0,VISli,312782574 -1216.0,217,126,97,1.0,1.0,1.0,VISli1,312782578 -1217.0,162,141,96,1.0,1.0,1.0,VISli2/3,312782582 -1218.0,229,172,225,1.0,1.0,1.0,VISli4,312782586 -1219.0,180,57,11,1.0,1.0,1.0,VISli5,312782590 -1220.0,35,241,23,1.0,1.0,1.0,VISli6a,312782594 -1221.0,82,234,9,1.0,1.0,1.0,VISli6b,312782598 -1222.0,68,59,4,1.0,1.0,1.0,VISrl1,312782604 -1223.0,146,68,174,1.0,1.0,1.0,VISrl2/3,312782608 -1224.0,83,75,136,1.0,1.0,1.0,VISrl4,312782612 -1225.0,149,186,122,1.0,1.0,1.0,VISrl5,312782616 -1226.0,166,232,127,1.0,1.0,1.0,VISrl6a,312782620 -1227.0,131,50,39,1.0,1.0,1.0,VISrl6b,312782624 -1228.0,12,11,168,1.0,1.0,1.0,VISpor,312782628 -1229.0,53,98,188,1.0,1.0,1.0,VISpor1,312782632 -1230.0,21,221,221,1.0,1.0,1.0,VISpor2/3,312782636 -1231.0,95,59,211,1.0,1.0,1.0,VISpor4,312782640 -1232.0,7,220,187,1.0,1.0,1.0,VISpor5,312782644 -1233.0,22,168,44,1.0,1.0,1.0,VISpor6a,312782648 -1234.0,58,162,72,1.0,1.0,1.0,VISpor6b,312782652 -1235.0,36,206,205,1.0,1.0,1.0,VISrll,480149202 -1236.0,63,209,152,1.0,1.0,1.0,VISrll1,480149206 -1237.0,122,145,13,1.0,1.0,1.0,VISrll2/3,480149210 -1238.0,66,143,206,1.0,1.0,1.0,VISrll4,480149214 -1239.0,180,193,233,1.0,1.0,1.0,VISrll5,480149218 -1240.0,231,50,196,1.0,1.0,1.0,VISrll6a,480149222 -1241.0,226,216,234,1.0,1.0,1.0,VISrll6b,480149226 -1242.0,206,196,187,1.0,1.0,1.0,VISlla,480149230 -1243.0,31,93,221,1.0,1.0,1.0,VISlla1,480149234 -1244.0,191,209,156,1.0,1.0,1.0,VISlla2/3,480149238 -1245.0,1,55,70,1.0,1.0,1.0,VISlla4,480149242 -1246.0,37,32,81,1.0,1.0,1.0,VISlla5,480149246 -1247.0,77,234,201,1.0,1.0,1.0,VISlla6a,480149250 -1248.0,162,65,100,1.0,1.0,1.0,VISlla6b,480149254 -1249.0,170,17,30,1.0,1.0,1.0,VISmma,480149258 -1250.0,86,59,151,1.0,1.0,1.0,VISmma1,480149262 -1251.0,139,77,20,1.0,1.0,1.0,VISmma2/3,480149266 -1252.0,96,190,162,1.0,1.0,1.0,VISmma4,480149270 -1253.0,244,34,225,1.0,1.0,1.0,VISmma5,480149274 -1254.0,239,44,165,1.0,1.0,1.0,VISmma6a,480149278 -1255.0,146,104,187,1.0,1.0,1.0,VISmma6b,480149282 -1256.0,107,151,172,1.0,1.0,1.0,VISmmp,480149286 -1257.0,46,136,65,1.0,1.0,1.0,VISmmp1,480149290 -1258.0,42,1,184,1.0,1.0,1.0,VISmmp2/3,480149294 -1259.0,115,79,184,1.0,1.0,1.0,VISmmp4,480149298 -1260.0,242,69,229,1.0,1.0,1.0,VISmmp5,480149302 -1261.0,99,168,89,1.0,1.0,1.0,VISmmp6a,480149306 -1262.0,235,39,172,1.0,1.0,1.0,VISmmp6b,480149310 -1263.0,94,106,59,1.0,1.0,1.0,VISm,480149314 -1264.0,131,147,19,1.0,1.0,1.0,VISm1,480149318 -1265.0,144,29,124,1.0,1.0,1.0,VISm2/3,480149322 -1266.0,222,146,203,1.0,1.0,1.0,VISm4,480149326 -1267.0,84,189,49,1.0,1.0,1.0,VISm5,480149330 -1268.0,217,89,56,1.0,1.0,1.0,VISm6a,480149334 -1269.0,82,99,186,1.0,1.0,1.0,VISm6b,480149338 -1270.0,211,103,156,1.0,1.0,1.0,ProS,484682470 -1271.0,73,26,12,1.0,1.0,1.0,ProSd,484682475 -1272.0,214,73,73,1.0,1.0,1.0,ProSd-m,484682479 -1273.0,78,132,252,1.0,1.0,1.0,ProSd-sp,484682483 -1274.0,82,147,52,1.0,1.0,1.0,ProSd-sr,484682487 -1275.0,188,236,190,1.0,1.0,1.0,ProSv,484682492 -1276.0,2,205,195,1.0,1.0,1.0,ProSv-m,484682496 -1277.0,60,6,189,1.0,1.0,1.0,ProSv-sp,484682500 -1278.0,42,149,90,1.0,1.0,1.0,Prosv-sr,484682504 -1279.0,241,174,245,1.0,1.0,1.0,APr,484682508 -1280.0,25,224,182,1.0,1.0,1.0,scwm,484682512 -1281.0,7,135,129,1.0,1.0,1.0,ccb,484682516 -1282.0,82,171,168,1.0,1.0,1.0,or,484682520 -1283.0,145,156,130,1.0,1.0,1.0,ar,484682524 -1284.0,170,199,77,1.0,1.0,1.0,stc,484682528 -1285.0,162,223,228,1.0,1.0,1.0,LGd-sh,496345664 -1286.0,85,73,94,1.0,1.0,1.0,LGd-co,496345668 -1287.0,92,45,167,1.0,1.0,1.0,LGd-ip,496345672 -1288.0,77,201,103,1.0,1.0,1.0,FRP5,526157192 -1289.0,229,192,116,1.0,1.0,1.0,FRP6a,526157196 -1290.0,100,223,146,1.0,1.0,1.0,FRP6b,526322264 -1291.0,201,115,40,1.0,1.0,1.0,ORBm6b,527696977 -1292.0,220,208,119,1.0,1.0,1.0,LSS,549009199 -1293.0,158,154,226,1.0,1.0,1.0,RPF,549009203 -1294.0,71,130,122,1.0,1.0,1.0,InCo,549009207 -1295.0,205,150,224,1.0,1.0,1.0,MA3,549009211 -1296.0,203,98,18,1.0,1.0,1.0,P5,549009215 -1297.0,63,140,133,1.0,1.0,1.0,Acs5,549009219 -1298.0,144,136,52,1.0,1.0,1.0,PC5,549009223 -1299.0,83,190,194,1.0,1.0,1.0,I5,549009227 -1300.0,98,1,146,1.0,1.0,1.0,Eth,560581551 -1301.0,148,62,164,1.0,1.0,1.0,REth,560581555 -1302.0,24,91,121,1.0,1.0,1.0,Xi,560581559 -1303.0,189,171,43,1.0,1.0,1.0,PIL,560581563 -1304.0,116,210,168,1.0,1.0,1.0,PoT,563807435 -1305.0,64,176,54,1.0,1.0,1.0,IntG,563807439 -1306.0,188,14,190,1.0,1.0,1.0,VMPO,576073699 -1307.0,117,253,191,1.0,1.0,1.0,PeF,576073704 -1308.0,181,38,206,1.0,1.0,1.0,HATA,589508447 -1309.0,61,217,136,1.0,1.0,1.0,Pa5,589508451 -1310.0,149,235,252,1.0,1.0,1.0,VeCB,589508455 -1311.0,8,125,240,1.0,1.0,1.0,SCO,599626923 -1312.0,123,208,45,1.0,1.0,1.0,PDTg,599626927 -1313.0,119,78,176,1.0,1.0,1.0,MMl,606826647 -1314.0,78,10,28,1.0,1.0,1.0,MMm,606826651 -1315.0,92,236,23,1.0,1.0,1.0,MMp,606826655 -1316.0,249,73,179,1.0,1.0,1.0,MMd,606826659 -1317.0,247,145,28,1.0,1.0,1.0,Pa4,606826663 -1318.0,95,83,50,1.0,1.0,1.0,PN,607344830 -1319.0,37,180,73,1.0,1.0,1.0,IPR,607344834 -1320.0,59,118,147,1.0,1.0,1.0,IPC,607344838 -1321.0,106,74,141,1.0,1.0,1.0,IPA,607344842 -1322.0,119,83,96,1.0,1.0,1.0,IPL,607344846 -1323.0,119,95,65,1.0,1.0,1.0,IPI,607344850 -1324.0,7,73,191,1.0,1.0,1.0,IPDM,607344854 -1325.0,187,228,175,1.0,1.0,1.0,IPDL,607344858 -1326.0,224,228,204,1.0,1.0,1.0,IPRL,607344862 -1327.0,214,229,231,1.0,1.0,1.0,Su3,614454277 -,255,255,255,,,,background,0 diff --git a/annotation_volumes/allen2022_colours_updated.csv b/annotation_volumes/allen2022_colours_updated.csv deleted file mode 100644 index 08921441d2d6f989fca142505c22bf59c8935e0a..0000000000000000000000000000000000000000 --- a/annotation_volumes/allen2022_colours_updated.csv +++ /dev/null @@ -1,1329 +0,0 @@ -idx,r,g,b,a,VIS,MSH,name,row -1,97,23,22,1.0,1.0,1.0,TMv,1.0 -2,124,100,148,1.0,1.0,1.0,SSp-m6b,2.0 -3,45,110,140,1.0,1.0,1.0,sec,3.0 -4,87,181,14,1.0,1.0,1.0,IC,4.0 -6,11,248,9,1.0,1.0,1.0,int,5.0 -7,111,208,94,1.0,1.0,1.0,PSV,6.0 -8,9,47,174,1.0,1.0,1.0,grey,7.0 -9,162,233,124,1.0,1.0,1.0,SSp-tr6a,8.0 -10,55,139,65,1.0,1.0,1.0,SCig,9.0 -11,196,102,20,1.0,1.0,1.0,plf,10.0 -12,89,55,43,1.0,1.0,1.0,IF,11.0 -14,226,85,176,1.0,1.0,1.0,im,12.0 -15,23,10,250,1.0,1.0,1.0,PT,13.0 -16,237,48,27,1.0,1.0,1.0,6b,14.0 -17,197,147,134,1.0,1.0,1.0,SCiw,15.0 -18,64,107,196,1.0,1.0,1.0,nf,16.0 -19,159,28,70,1.0,1.0,1.0,IG,17.0 -20,61,70,91,1.0,1.0,1.0,ENTl2,18.0 -21,164,16,39,1.0,1.0,1.0,lotg,19.0 -22,135,229,117,1.0,1.0,1.0,PTLp,20.0 -23,158,58,212,1.0,1.0,1.0,AAA,21.0 -25,232,190,191,1.0,1.0,1.0,sif,22.0 -26,13,191,132,1.0,1.0,1.0,SCdg,23.0 -27,30,250,64,1.0,1.0,1.0,IGL,24.0 -28,37,198,60,1.0,1.0,1.0,ENTl6a,25.0 -29,65,80,126,1.0,1.0,1.0,sttl,26.0 -30,14,70,220,1.0,1.0,1.0,PVa,27.0 -31,234,26,106,1.0,1.0,1.0,ACA,28.0 -33,249,90,133,1.0,1.0,1.0,VISp6a,29.0 -34,149,96,29,1.0,1.0,1.0,icf,30.0 -35,191,86,92,1.0,1.0,1.0,III,31.0 -36,193,47,29,1.0,1.0,1.0,GU1,32.0 -37,239,115,75,1.0,1.0,1.0,lab,33.0 -38,36,221,231,1.0,1.0,1.0,PVH,34.0 -39,28,233,97,1.0,1.0,1.0,ACAd,35.0 -41,84,162,142,1.0,1.0,1.0,VISpm2/3,36.0 -42,2,53,79,1.0,1.0,1.0,SCdw,37.0 -43,187,8,16,1.0,1.0,1.0,apf,38.0 -44,77,214,145,1.0,1.0,1.0,ILA,39.0 -45,189,214,193,1.0,1.0,1.0,SPVOrdm,40.0 -46,79,233,75,1.0,1.0,1.0,mfbsma,41.0 -47,193,119,121,1.0,1.0,1.0,PVHam,42.0 -48,75,115,20,1.0,1.0,1.0,ACAv,43.0 -49,58,42,224,1.0,1.0,1.0,ipf,44.0 -50,127,0,110,1.0,1.0,1.0,PRC,45.0 -51,217,219,143,1.0,1.0,1.0,ILM,46.0 -52,94,85,58,1.0,1.0,1.0,ENTl3,47.0 -53,95,147,238,1.0,1.0,1.0,SPVOmdmd,48.0 -54,87,204,113,1.0,1.0,1.0,mfb,49.0 -55,118,196,53,1.0,1.0,1.0,PVHap,50.0 -56,99,31,240,1.0,1.0,1.0,ACB,51.0 -57,199,229,136,1.0,1.0,1.0,pms,52.0 -58,202,78,239,1.0,1.0,1.0,MT,53.0 -59,177,255,94,1.0,1.0,1.0,IMD,54.0 -60,251,248,121,1.0,1.0,1.0,ENTl6b,55.0 -61,83,129,1,1.0,1.0,1.0,SPVOmdmv,56.0 -62,235,49,142,1.0,1.0,1.0,mlf,57.0 -63,227,63,44,1.0,1.0,1.0,PVHd,58.0 -64,61,50,114,1.0,1.0,1.0,AD,59.0 -65,199,170,212,1.0,1.0,1.0,pfs,60.0 -66,20,210,130,1.0,1.0,1.0,LT,61.0 -67,110,227,169,1.0,1.0,1.0,INC,62.0 -68,172,12,193,1.0,1.0,1.0,FRP1,63.0 -69,18,112,237,1.0,1.0,1.0,SPVOvl,64.0 -70,37,126,224,1.0,1.0,1.0,mfbsm,65.0 -71,182,59,39,1.0,1.0,1.0,PVHm,66.0 -72,53,5,82,1.0,1.0,1.0,ADP,67.0 -73,140,103,8,1.0,1.0,1.0,VS,68.0 -74,245,134,133,1.0,1.0,1.0,VISl6a,69.0 -75,101,25,79,1.0,1.0,1.0,DT,70.0 -76,64,234,248,1.0,1.0,1.0,INV,71.0 -77,171,232,169,1.0,1.0,1.0,SPVOcdm,72.0 -78,64,80,201,1.0,1.0,1.0,mcp,73.0 -79,35,81,88,1.0,1.0,1.0,PVHmm,74.0 -80,136,40,170,1.0,1.0,1.0,AHA,75.0 -81,139,93,19,1.0,1.0,1.0,VL,76.0 -82,67,30,15,1.0,1.0,1.0,NLLd,77.0 -83,200,6,1,1.0,1.0,1.0,IO,78.0 -84,113,217,200,1.0,1.0,1.0,PL6a,79.0 -85,95,95,52,1.0,1.0,1.0,sct,80.0 -86,81,49,8,1.0,1.0,1.0,mtc,81.0 -87,164,184,231,1.0,1.0,1.0,PVHmpd,82.0 -88,81,29,249,1.0,1.0,1.0,AHN,83.0 -89,48,57,218,1.0,1.0,1.0,RC,84.0 -90,168,7,215,1.0,1.0,1.0,NLLh,85.0 -91,101,110,163,1.0,1.0,1.0,IP,86.0 -92,186,207,30,1.0,1.0,1.0,ENTl4,87.0 -93,58,193,69,1.0,1.0,1.0,moV,88.0 -94,228,109,151,1.0,1.0,1.0,PVHp,89.0 -95,175,136,70,1.0,1.0,1.0,AI,90.0 -96,47,47,219,1.0,1.0,1.0,DCO,91.0 -97,40,92,107,1.0,1.0,1.0,TEa1,92.0 -98,254,53,168,1.0,1.0,1.0,SEZ,93.0 -99,111,128,38,1.0,1.0,1.0,NLLv,94.0 -100,62,50,14,1.0,1.0,1.0,IPN,95.0 -101,211,148,243,1.0,1.0,1.0,VCO,96.0 -102,160,204,22,1.0,1.0,1.0,nst,97.0 -103,237,192,86,1.0,1.0,1.0,PVHpm,98.0 -104,143,136,181,1.0,1.0,1.0,AId,99.0 -105,45,132,51,1.0,1.0,1.0,SOCm,100.0 -106,232,100,89,1.0,1.0,1.0,ISN,101.0 -107,160,181,37,1.0,1.0,1.0,MO1,102.0 -108,158,46,14,1.0,1.0,1.0,chpl,103.0 -109,216,209,218,1.0,1.0,1.0,ntt,104.0 -110,180,217,26,1.0,1.0,1.0,PVHpv,105.0 -111,212,27,162,1.0,1.0,1.0,AIp,106.0 -112,36,17,18,1.0,1.0,1.0,CNlam,107.0 -113,9,104,9,1.0,1.0,1.0,SSp-ll2/3,108.0 -114,172,235,195,1.0,1.0,1.0,SOCl,109.0 -115,45,133,54,1.0,1.0,1.0,IV,110.0 -116,243,152,48,1.0,1.0,1.0,chfl,111.0 -117,230,221,138,1.0,1.0,1.0,och,112.0 -118,72,15,114,1.0,1.0,1.0,PVi,113.0 -119,113,126,230,1.0,1.0,1.0,AIv,114.0 -120,176,241,220,1.0,1.0,1.0,AIp1,115.0 -121,32,122,143,1.0,1.0,1.0,VISl6b,116.0 -122,208,214,152,1.0,1.0,1.0,POR,117.0 -123,18,146,21,1.0,1.0,1.0,KF,118.0 -124,238,44,186,1.0,1.0,1.0,IVF,119.0 -125,171,136,193,1.0,1.0,1.0,opt,120.0 -126,41,252,65,1.0,1.0,1.0,PVp,121.0 -127,201,31,197,1.0,1.0,1.0,AM,122.0 -128,202,216,134,1.0,1.0,1.0,MRN,123.0 -129,20,197,19,1.0,1.0,1.0,V3,124.0 -130,195,194,120,1.0,1.0,1.0,CSm,125.0 -131,36,210,210,1.0,1.0,1.0,LA,126.0 -132,16,240,171,1.0,1.0,1.0,PL6b,127.0 -133,94,78,94,1.0,1.0,1.0,PVpo,128.0 -134,245,217,25,1.0,1.0,1.0,ptf,129.0 -135,5,173,61,1.0,1.0,1.0,AMB,130.0 -136,151,208,107,1.0,1.0,1.0,IRN,131.0 -137,124,222,165,1.0,1.0,1.0,CSl,132.0 -138,93,91,159,1.0,1.0,1.0,LAT,133.0 -139,38,79,58,1.0,1.0,1.0,ENTl5,134.0 -140,187,47,248,1.0,1.0,1.0,AQ,135.0 -141,19,32,31,1.0,1.0,1.0,PVR,136.0 -142,188,106,207,1.0,1.0,1.0,pap,137.0 -143,214,24,203,1.0,1.0,1.0,AMBv,138.0 -144,10,97,221,1.0,1.0,1.0,OT1-3,139.0 -145,233,93,182,1.0,1.0,1.0,V4,140.0 -146,104,156,218,1.0,1.0,1.0,PRNr,141.0 -147,226,23,14,1.0,1.0,1.0,LC,142.0 -148,109,34,145,1.0,1.0,1.0,GU4,143.0 -149,94,98,66,1.0,1.0,1.0,PVT,144.0 -150,4,210,203,1.0,1.0,1.0,pvbh,145.0 -151,68,133,37,1.0,1.0,1.0,AOB,146.0 -152,248,58,24,1.0,1.0,1.0,PIR1-3,147.0 -153,24,122,221,1.0,1.0,1.0,V4r,148.0 -154,52,219,33,1.0,1.0,1.0,PHY,149.0 -155,104,8,248,1.0,1.0,1.0,LD,150.0 -156,235,7,71,1.0,1.0,1.0,AUDd6a,151.0 -157,2,180,210,1.0,1.0,1.0,PVZ,152.0 -158,212,222,5,1.0,1.0,1.0,pc,153.0 -159,83,3,207,1.0,1.0,1.0,AON,154.0 -160,41,113,0,1.0,1.0,1.0,AON1,155.0 -161,70,4,29,1.0,1.0,1.0,NIS,156.0 -162,125,109,51,1.0,1.0,1.0,LDT,157.0 -163,134,85,94,1.0,1.0,1.0,AIp2/3,158.0 -164,131,28,217,1.0,1.0,1.0,c,159.0 -165,132,55,182,1.0,1.0,1.0,RAmb,160.0 -166,45,13,212,1.0,1.0,1.0,pmx,161.0 -167,160,38,164,1.0,1.0,1.0,AONd,162.0 -168,124,159,137,1.0,1.0,1.0,AON2,163.0 -169,49,208,171,1.0,1.0,1.0,PRP,164.0 -170,54,214,200,1.0,1.0,1.0,LGd,165.0 -171,219,254,174,1.0,1.0,1.0,PL1,166.0 -173,117,222,70,1.0,1.0,1.0,RCH,167.0 -174,31,49,101,1.0,1.0,1.0,poc,168.0 -175,80,33,196,1.0,1.0,1.0,AONe,169.0 -177,99,217,238,1.0,1.0,1.0,NR,170.0 -178,87,238,51,1.0,1.0,1.0,LGv,171.0 -179,148,61,89,1.0,1.0,1.0,ACA6a,172.0 -180,6,75,190,1.0,1.0,1.0,GU2/3,173.0 -181,12,21,70,1.0,1.0,1.0,RE,174.0 -182,109,32,94,1.0,1.0,1.0,php,175.0 -183,109,204,12,1.0,1.0,1.0,AONl,176.0 -184,150,74,60,1.0,1.0,1.0,FRP,177.0 -185,210,182,179,1.0,1.0,1.0,PPYd,178.0 -186,155,61,119,1.0,1.0,1.0,LH,179.0 -187,119,29,93,1.0,1.0,1.0,GU5,180.0 -188,62,233,208,1.0,1.0,1.0,AOBgl,181.0 -189,250,248,55,1.0,1.0,1.0,RH,182.0 -190,67,5,244,1.0,1.0,1.0,py,183.0 -191,106,4,195,1.0,1.0,1.0,AONm,184.0 -192,142,31,248,1.0,1.0,1.0,COAa1,185.0 -193,34,250,72,1.0,1.0,1.0,PPYs,186.0 -194,172,19,252,1.0,1.0,1.0,LHA,187.0 -195,213,137,251,1.0,1.0,1.0,PL2,188.0 -196,22,144,236,1.0,1.0,1.0,AOBgr,189.0 -197,248,171,49,1.0,1.0,1.0,RL,190.0 -198,114,151,53,1.0,1.0,1.0,pyd,191.0 -199,247,1,9,1.0,1.0,1.0,AONpv,192.0 -200,218,213,192,1.0,1.0,1.0,COAa2,193.0 -201,175,211,4,1.0,1.0,1.0,SSp-bfd2/3,194.0 -202,132,124,112,1.0,1.0,1.0,MV,195.0 -203,85,47,4,1.0,1.0,1.0,LIN,196.0 -204,203,73,72,1.0,1.0,1.0,AOBmi,197.0 -205,35,245,91,1.0,1.0,1.0,rstl,198.0 -206,237,243,71,1.0,1.0,1.0,RM,199.0 -207,43,31,54,1.0,1.0,1.0,AP,200.0 -208,98,218,219,1.0,1.0,1.0,COAa3,201.0 -209,26,221,240,1.0,1.0,1.0,LAV,202.0 -210,231,29,249,1.0,1.0,1.0,LM,203.0 -211,96,119,144,1.0,1.0,1.0,ACAd2/3,204.0 -212,176,77,30,1.0,1.0,1.0,MOBgl,205.0 -213,127,61,201,1.0,1.0,1.0,rstm,206.0 -214,4,36,200,1.0,1.0,1.0,RN,207.0 -215,102,124,95,1.0,1.0,1.0,APN,208.0 -216,23,167,97,1.0,1.0,1.0,COApl1,209.0 -217,35,96,31,1.0,1.0,1.0,SUV,210.0 -218,22,151,102,1.0,1.0,1.0,LP,211.0 -219,228,6,226,1.0,1.0,1.0,MO2/3,212.0 -220,171,16,2,1.0,1.0,1.0,MOBgr,213.0 -221,44,239,33,1.0,1.0,1.0,rrt,214.0 -222,115,202,57,1.0,1.0,1.0,RO,215.0 -223,220,254,74,1.0,1.0,1.0,ARH,216.0 -224,243,235,205,1.0,1.0,1.0,COApl2,217.0 -225,122,115,132,1.0,1.0,1.0,SPIV,218.0 -226,209,188,97,1.0,1.0,1.0,LPO,219.0 -227,134,6,219,1.0,1.0,1.0,ACA6b,220.0 -228,47,92,66,1.0,1.0,1.0,MOBipl,221.0 -229,182,163,170,1.0,1.0,1.0,sV,222.0 -230,71,25,187,1.0,1.0,1.0,RPA,223.0 -231,90,59,116,1.0,1.0,1.0,AT,224.0 -232,120,185,129,1.0,1.0,1.0,COApl3,225.0 -233,59,75,176,1.0,1.0,1.0,VISal5,226.0 -234,168,74,147,1.0,1.0,1.0,TEa4,227.0 -235,192,142,118,1.0,1.0,1.0,LRN,228.0 -236,162,149,11,1.0,1.0,1.0,MOBmi,229.0 -237,237,131,249,1.0,1.0,1.0,ts,230.0 -238,194,63,165,1.0,1.0,1.0,RPO,231.0 -239,115,58,124,1.0,1.0,1.0,ATN,232.0 -240,166,2,127,1.0,1.0,1.0,COApm1,233.0 -241,14,244,15,1.0,1.0,1.0,PTLp2/3,234.0 -242,180,196,88,1.0,1.0,1.0,LS,235.0 -243,214,147,189,1.0,1.0,1.0,AUDd6b,236.0 -244,132,92,4,1.0,1.0,1.0,MOBopl,237.0 -245,99,157,134,1.0,1.0,1.0,scrt,238.0 -246,239,250,152,1.0,1.0,1.0,RR,239.0 -247,226,39,134,1.0,1.0,1.0,AUD,240.0 -248,88,202,170,1.0,1.0,1.0,COApm2,241.0 -249,56,19,118,1.0,1.0,1.0,AUDpo6a,242.0 -250,29,85,199,1.0,1.0,1.0,LSc,243.0 -251,67,110,177,1.0,1.0,1.0,AUDp2/3,244.0 -252,99,77,16,1.0,1.0,1.0,AUDd5,245.0 -253,21,24,193,1.0,1.0,1.0,shp,246.0 -254,242,150,182,1.0,1.0,1.0,RSP,247.0 -255,64,183,63,1.0,1.0,1.0,AV,248.0 -256,72,83,36,1.0,1.0,1.0,COApm3,249.0 -257,251,25,212,1.0,1.0,1.0,VISpm6a,250.0 -258,119,185,50,1.0,1.0,1.0,LSr,251.0 -259,80,244,227,1.0,1.0,1.0,ENTmv1,252.0 -260,239,194,88,1.0,1.0,1.0,NLOT1,253.0 -261,246,42,62,1.0,1.0,1.0,sop,254.0 -262,242,218,138,1.0,1.0,1.0,RT,255.0 -263,223,34,50,1.0,1.0,1.0,AVP,256.0 -264,224,191,121,1.0,1.0,1.0,ORB1,257.0 -266,222,80,203,1.0,1.0,1.0,LSv,258.0 -267,87,249,226,1.0,1.0,1.0,DP6a,259.0 -268,156,202,114,1.0,1.0,1.0,NLOT2,260.0 -269,92,210,2,1.0,1.0,1.0,VISpl2/3,261.0 -270,138,113,226,1.0,1.0,1.0,srp,262.0 -271,106,170,140,1.0,1.0,1.0,SAG,263.0 -272,39,183,138,1.0,1.0,1.0,AVPV,264.0 -274,71,218,63,1.0,1.0,1.0,RSPd6a,265.0 -275,190,79,102,1.0,1.0,1.0,LSX,266.0 -276,126,27,117,1.0,1.0,1.0,PIR1,267.0 -277,104,99,130,1.0,1.0,1.0,stp,268.0 -278,138,179,1,1.0,1.0,1.0,sAMY,269.0 -279,94,134,141,1.0,1.0,1.0,RSPagl6b,270.0 -280,191,144,8,1.0,1.0,1.0,B,271.0 -281,26,184,3,1.0,1.0,1.0,VISam1,272.0 -283,142,23,64,1.0,1.0,1.0,LTN,273.0 -284,35,205,78,1.0,1.0,1.0,PIR2,274.0 -285,235,61,167,1.0,1.0,1.0,step,275.0 -286,194,83,222,1.0,1.0,1.0,SCH,276.0 -287,173,106,246,1.0,1.0,1.0,BAC,277.0 -288,159,238,169,1.0,1.0,1.0,ORBvl2/3,278.0 -289,31,41,117,1.0,1.0,1.0,TEa5,279.0 -290,41,192,133,1.0,1.0,1.0,LZ,280.0 -291,49,129,178,1.0,1.0,1.0,PIR3,281.0 -292,17,237,179,1.0,1.0,1.0,BA,282.0 -293,186,6,197,1.0,1.0,1.0,svp,283.0 -294,176,84,62,1.0,1.0,1.0,SCm,284.0 -295,233,221,158,1.0,1.0,1.0,BLA,285.0 -296,168,191,146,1.0,1.0,1.0,ACAv2/3,286.0 -297,228,69,9,1.0,1.0,1.0,TTd1-4,287.0 -298,40,208,251,1.0,1.0,1.0,MA,288.0 -299,54,224,251,1.0,1.0,1.0,MO5,289.0 -300,89,87,172,1.0,1.0,1.0,LGvl,290.0 -301,58,122,25,1.0,1.0,1.0,st,291.0 -302,160,134,61,1.0,1.0,1.0,SCs,292.0 -303,114,27,174,1.0,1.0,1.0,BLAa,293.0 -304,106,21,134,1.0,1.0,1.0,PL2/3,294.0 -305,155,85,147,1.0,1.0,1.0,VISp6b,295.0 -306,102,9,67,1.0,1.0,1.0,TTv1-3,296.0 -307,39,136,209,1.0,1.0,1.0,MARN,297.0 -308,99,5,102,1.0,1.0,1.0,PTLp6a,298.0 -309,168,192,115,1.0,1.0,1.0,snp,299.0 -310,120,183,8,1.0,1.0,1.0,SF,300.0 -311,59,185,76,1.0,1.0,1.0,BLAp,301.0 -312,174,69,220,1.0,1.0,1.0,ENTl4/5,302.0 -313,55,216,91,1.0,1.0,1.0,MB,303.0 -314,136,78,179,1.0,1.0,1.0,AIp6a,304.0 -315,127,42,134,1.0,1.0,1.0,Isocortex,305.0 -316,101,164,136,1.0,1.0,1.0,LGvm,306.0 -317,11,24,167,1.0,1.0,1.0,stf,307.0 -318,28,191,128,1.0,1.0,1.0,SG,308.0 -319,155,39,162,1.0,1.0,1.0,BMA,309.0 -320,206,151,176,1.0,1.0,1.0,MOp1,310.0 -321,93,124,190,1.0,1.0,1.0,SubG,311.0 -322,249,16,54,1.0,1.0,1.0,SSp,312.0 -323,15,15,36,1.0,1.0,1.0,MBmot,313.0 -324,104,175,0,1.0,1.0,1.0,ENTmv2,314.0 -325,101,178,44,1.0,1.0,1.0,SGN,315.0 -326,104,129,86,1.0,1.0,1.0,scp,316.0 -327,222,239,103,1.0,1.0,1.0,BMAa,317.0 -328,251,18,78,1.0,1.0,1.0,AId2/3,318.0 -329,65,233,247,1.0,1.0,1.0,SSp-bfd,319.0 -330,143,110,103,1.0,1.0,1.0,RSPd6b,320.0 -331,37,6,3,1.0,1.0,1.0,MBO,321.0 -332,13,87,138,1.0,1.0,1.0,ASO,322.0 -333,91,223,202,1.0,1.0,1.0,SH,323.0 -334,66,154,69,1.0,1.0,1.0,BMAp,324.0 -335,227,116,129,1.0,1.0,1.0,PERI6a,325.0 -336,37,127,130,1.0,1.0,1.0,csc,326.0 -337,242,241,25,1.0,1.0,1.0,SSp-ll,327.0 -338,180,125,70,1.0,1.0,1.0,SFO,328.0 -339,94,191,173,1.0,1.0,1.0,MBsen,329.0 -340,86,121,124,1.0,1.0,1.0,PTLp6b,330.0 -341,35,135,86,1.0,1.0,1.0,smd,331.0 -342,101,50,228,1.0,1.0,1.0,SI,332.0 -343,152,21,34,1.0,1.0,1.0,BS,333.0 -344,231,88,119,1.0,1.0,1.0,AIp5,334.0 -345,16,23,84,1.0,1.0,1.0,SSp-m,335.0 -346,43,178,47,1.0,1.0,1.0,SSp2/3,336.0 -347,59,219,113,1.0,1.0,1.0,SBPV,337.0 -348,70,249,100,1.0,1.0,1.0,MBsta,338.0 -349,135,131,53,1.0,1.0,1.0,sup,339.0 -350,158,79,54,1.0,1.0,1.0,SLC,340.0 -351,43,203,145,1.0,1.0,1.0,BST,341.0 -352,8,79,1,1.0,1.0,1.0,ORB5,342.0 -353,112,199,117,1.0,1.0,1.0,SSp-n,343.0 -354,93,113,26,1.0,1.0,1.0,MY,344.0 -355,67,76,246,1.0,1.0,1.0,AIp6b,345.0 -356,149,171,43,1.0,1.0,1.0,PST,346.0 -357,85,95,234,1.0,1.0,1.0,ttp,347.0 -358,6,221,78,1.0,1.0,1.0,SLD,348.0 -359,13,120,159,1.0,1.0,1.0,BSTa,349.0 -360,77,76,17,1.0,1.0,1.0,DP2/3,350.0 -361,90,54,211,1.0,1.0,1.0,SSp-tr,351.0 -362,136,238,174,1.0,1.0,1.0,MD,352.0 -363,166,60,147,1.0,1.0,1.0,PL5,353.0 -364,127,97,113,1.0,1.0,1.0,PSTN,354.0 -365,210,214,254,1.0,1.0,1.0,tp,355.0 -366,188,119,114,1.0,1.0,1.0,SMT,356.0 -367,154,167,84,1.0,1.0,1.0,BSTp,357.0 -368,23,158,242,1.0,1.0,1.0,PERI6b,358.0 -369,59,41,245,1.0,1.0,1.0,SSp-ul,359.0 -370,49,82,46,1.0,1.0,1.0,MY-mot,360.0 -371,21,222,88,1.0,1.0,1.0,ENTmv3,361.0 -372,149,154,14,1.0,1.0,1.0,ICB,362.0 -373,32,121,205,1.0,1.0,1.0,tct,363.0 -374,16,63,120,1.0,1.0,1.0,SNc,364.0 -375,120,159,184,1.0,1.0,1.0,CA,365.0 -376,181,182,48,1.0,1.0,1.0,COApl1-3,366.0 -377,201,84,165,1.0,1.0,1.0,VISpl6a,367.0 -378,198,160,135,1.0,1.0,1.0,SSs,368.0 -379,154,232,133,1.0,1.0,1.0,MY-sat,369.0 -380,82,95,112,1.0,1.0,1.0,cuf,370.0 -381,104,232,87,1.0,1.0,1.0,SNr,371.0 -382,129,89,185,1.0,1.0,1.0,CA1,372.0 -383,5,118,84,1.0,1.0,1.0,COApm1-3,373.0 -384,98,126,45,1.0,1.0,1.0,IVd,374.0 -385,129,7,178,1.0,1.0,1.0,VISp,375.0 -386,117,193,154,1.0,1.0,1.0,MY-sen,376.0 -387,100,26,122,1.0,1.0,1.0,ENTl5/6,377.0 -388,210,153,9,1.0,1.0,1.0,grf,378.0 -389,235,63,163,1.0,1.0,1.0,sttv,379.0 -390,19,87,137,1.0,1.0,1.0,SO,380.0 -391,211,80,105,1.0,1.0,1.0,CA1slm,381.0 -392,112,173,236,1.0,1.0,1.0,NLOT1-3,382.0 -393,103,63,199,1.0,1.0,1.0,VISpl6b,383.0 -394,183,60,78,1.0,1.0,1.0,VISam,384.0 -395,29,131,200,1.0,1.0,1.0,MDRN,385.0 -396,131,211,98,1.0,1.0,1.0,iaf,386.0 -397,192,80,252,1.0,1.0,1.0,vtd,387.0 -398,47,100,16,1.0,1.0,1.0,SOC,388.0 -399,47,77,91,1.0,1.0,1.0,CA1so,389.0 -400,200,242,103,1.0,1.0,1.0,PAA1-3,390.0 -401,30,235,163,1.0,1.0,1.0,VISam4,391.0 -402,90,156,130,1.0,1.0,1.0,VISal,392.0 -403,9,168,239,1.0,1.0,1.0,MEA,393.0 -404,154,17,8,1.0,1.0,1.0,oct,394.0 -405,159,174,244,1.0,1.0,1.0,vlt,395.0 -406,161,217,148,1.0,1.0,1.0,SPF,396.0 -407,13,117,98,1.0,1.0,1.0,CA1sp,397.0 -408,183,113,5,1.0,1.0,1.0,PAA1,398.0 -409,161,236,193,1.0,1.0,1.0,VISl,399.0 -410,48,233,100,1.0,1.0,1.0,rct,400.0 -411,25,107,151,1.0,1.0,1.0,MEAad,401.0 -412,6,153,122,1.0,1.0,1.0,ORBl2/3,402.0 -413,247,50,73,1.0,1.0,1.0,vVIIIn,403.0 -414,227,77,161,1.0,1.0,1.0,SPFm,404.0 -415,41,153,4,1.0,1.0,1.0,CA1sr,405.0 -416,159,129,76,1.0,1.0,1.0,PAA2,406.0 -417,192,174,99,1.0,1.0,1.0,VISrl,407.0 -418,140,147,97,1.0,1.0,1.0,MEAav,408.0 -419,158,218,213,1.0,1.0,1.0,ENTmv4,409.0 -420,217,64,104,1.0,1.0,1.0,db,410.0 -421,170,114,171,1.0,1.0,1.0,VISl1,411.0 -422,185,108,186,1.0,1.0,1.0,SPFp,412.0 -423,116,172,138,1.0,1.0,1.0,CA2,413.0 -424,231,136,15,1.0,1.0,1.0,PAA3,414.0 -425,102,126,158,1.0,1.0,1.0,VISpl,415.0 -426,84,52,185,1.0,1.0,1.0,MEApd,416.0 -427,147,249,3,1.0,1.0,1.0,ECT2/3,417.0 -428,220,137,89,1.0,1.0,1.0,mct,418.0 -429,201,49,143,1.0,1.0,1.0,SPVC,419.0 -430,95,229,145,1.0,1.0,1.0,RSPv2/3,420.0 -431,65,46,224,1.0,1.0,1.0,CA2slm,421.0 -432,2,117,83,1.0,1.0,1.0,NC,422.0 -433,104,199,63,1.0,1.0,1.0,VISam5,423.0 -434,243,37,87,1.0,1.0,1.0,RSPd2/3,424.0 -435,128,222,247,1.0,1.0,1.0,MEApv,425.0 -436,59,205,25,1.0,1.0,1.0,fx,426.0 -437,194,1,213,1.0,1.0,1.0,SPVI,427.0 -438,199,44,91,1.0,1.0,1.0,CA2so,428.0 -439,192,17,194,1.0,1.0,1.0,PVHdp,429.0 -440,173,187,86,1.0,1.0,1.0,ORBl6a,430.0 -441,234,72,119,1.0,1.0,1.0,VISam6b,431.0 -442,52,237,152,1.0,1.0,1.0,RSPd1,432.0 -443,235,139,86,1.0,1.0,1.0,dhc,433.0 -444,168,34,69,1.0,1.0,1.0,MED,434.0 -445,195,192,76,1.0,1.0,1.0,SPVO,435.0 -446,161,6,43,1.0,1.0,1.0,CA2sp,436.0 -447,39,111,126,1.0,1.0,1.0,PVHf,437.0 -448,29,85,53,1.0,1.0,1.0,ORBl1,438.0 -449,72,44,200,1.0,1.0,1.0,vhc,439.0 -450,100,128,74,1.0,1.0,1.0,SSp-ul1,440.0 -451,195,123,86,1.0,1.0,1.0,BLAv,441.0 -452,246,119,246,1.0,1.0,1.0,MEPO,442.0 -453,166,144,172,1.0,1.0,1.0,SS,443.0 -454,77,173,105,1.0,1.0,1.0,CA2sr,444.0 -455,74,48,157,1.0,1.0,1.0,PVHlp,445.0 -456,213,36,88,1.0,1.0,1.0,AUDpo6b,446.0 -457,165,180,99,1.0,1.0,1.0,VIS6a,447.0 -458,254,143,136,1.0,1.0,1.0,OT1,448.0 -459,118,219,96,1.0,1.0,1.0,aolt,449.0 -460,242,74,51,1.0,1.0,1.0,MEV,450.0 -461,171,226,141,1.0,1.0,1.0,SSp-tr6b,451.0 -462,82,20,76,1.0,1.0,1.0,SSN,452.0 -463,218,222,69,1.0,1.0,1.0,CA3,453.0 -464,127,201,149,1.0,1.0,1.0,PVHmpv,454.0 -465,196,153,212,1.0,1.0,1.0,OT2,455.0 -466,61,71,49,1.0,1.0,1.0,alv,456.0 -467,118,13,54,1.0,1.0,1.0,MEZ,457.0 -468,98,49,179,1.0,1.0,1.0,ENTm2a,458.0 -469,54,98,157,1.0,1.0,1.0,VISpm6b,459.0 -470,96,65,245,1.0,1.0,1.0,STN,460.0 -471,224,205,220,1.0,1.0,1.0,CA3slm,461.0 -472,195,118,77,1.0,1.0,1.0,MEApd-a,462.0 -473,58,240,16,1.0,1.0,1.0,OT3,463.0 -474,188,192,111,1.0,1.0,1.0,ab,464.0 -475,102,208,180,1.0,1.0,1.0,MG,465.0 -476,119,122,249,1.0,1.0,1.0,ORB6a,466.0 -477,255,46,209,1.0,1.0,1.0,STR,467.0 -478,216,223,165,1.0,1.0,1.0,SSp-ll6a,468.0 -479,207,243,149,1.0,1.0,1.0,CA3slu,469.0 -480,236,92,111,1.0,1.0,1.0,MEApd-b,470.0 -481,71,233,183,1.0,1.0,1.0,isl,471.0 -482,139,20,182,1.0,1.0,1.0,bic,472.0 -483,129,66,230,1.0,1.0,1.0,MH,473.0 -484,80,2,62,1.0,1.0,1.0,ORBm1,474.0 -485,111,76,24,1.0,1.0,1.0,STRd,475.0 -486,107,95,138,1.0,1.0,1.0,CA3so,476.0 -487,179,85,158,1.0,1.0,1.0,MEApd-c,477.0 -488,76,154,186,1.0,1.0,1.0,ORBl6b,478.0 -489,153,74,65,1.0,1.0,1.0,islm,479.0 -490,76,162,45,1.0,1.0,1.0,bct,480.0 -491,242,12,63,1.0,1.0,1.0,MM,481.0 -492,143,214,197,1.0,1.0,1.0,ORB2/3,482.0 -493,251,18,143,1.0,1.0,1.0,STRv,483.0 -494,19,229,156,1.0,1.0,1.0,SCig-a,484.0 -495,179,225,120,1.0,1.0,1.0,CA3sp,485.0 -496,76,47,234,1.0,1.0,1.0,DP1,486.0 -497,200,124,207,1.0,1.0,1.0,VIS6b,487.0 -498,77,95,1,1.0,1.0,1.0,BSTam,488.0 -499,172,127,94,1.0,1.0,1.0,cct,489.0 -500,99,61,228,1.0,1.0,1.0,MO,490.0 -501,25,108,252,1.0,1.0,1.0,VISpm4,491.0 -502,174,21,26,1.0,1.0,1.0,SUB,492.0 -503,17,235,97,1.0,1.0,1.0,SCig-b,493.0 -504,221,218,222,1.0,1.0,1.0,CA3sr,494.0 -505,213,197,230,1.0,1.0,1.0,BSTdm,495.0 -506,159,88,182,1.0,1.0,1.0,das,496.0 -507,69,19,195,1.0,1.0,1.0,MOB,497.0 -508,175,145,228,1.0,1.0,1.0,ENTm2b,498.0 -509,232,154,189,1.0,1.0,1.0,SUBd,499.0 -510,24,45,192,1.0,1.0,1.0,SSp-ll6b,500.0 -511,100,146,231,1.0,1.0,1.0,SCig-c,501.0 -512,193,97,72,1.0,1.0,1.0,CB,502.0 -513,172,203,206,1.0,1.0,1.0,BSTfu,503.0 -514,245,16,140,1.0,1.0,1.0,dc,504.0 -515,215,61,61,1.0,1.0,1.0,MPN,505.0 -516,204,132,149,1.0,1.0,1.0,ORB6b,506.0 -517,94,158,216,1.0,1.0,1.0,TR1-3,507.0 -518,247,227,128,1.0,1.0,1.0,SUBv,508.0 -519,98,161,200,1.0,1.0,1.0,CBN,509.0 -520,125,146,91,1.0,1.0,1.0,AUDv6a,510.0 -521,252,187,74,1.0,1.0,1.0,BSTmg,511.0 -522,2,56,234,1.0,1.0,1.0,dcm,512.0 -523,75,24,145,1.0,1.0,1.0,MPO,513.0 -524,2,186,71,1.0,1.0,1.0,ORBm2,514.0 -525,131,107,132,1.0,1.0,1.0,SUM,515.0 -526,180,140,186,1.0,1.0,1.0,ENTm1,516.0 -527,21,156,31,1.0,1.0,1.0,AUDd1,517.0 -528,230,143,38,1.0,1.0,1.0,CBX,518.0 -529,129,235,211,1.0,1.0,1.0,BSTv,519.0 -530,185,184,138,1.0,1.0,1.0,df,520.0 -531,13,123,212,1.0,1.0,1.0,MPT,521.0 -532,253,198,206,1.0,1.0,1.0,PTLp1,522.0 -533,233,146,83,1.0,1.0,1.0,VISpm,523.0 -534,12,100,63,1.0,1.0,1.0,SUT,524.0 -535,14,66,120,1.0,1.0,1.0,DP2,525.0 -536,148,89,21,1.0,1.0,1.0,CEA,526.0 -537,29,14,176,1.0,1.0,1.0,BSTal,527.0 -538,100,8,145,1.0,1.0,1.0,lotd,528.0 -539,34,229,153,1.0,1.0,1.0,MRNm,529.0 -540,11,2,106,1.0,1.0,1.0,PERI1,530.0 -541,162,49,228,1.0,1.0,1.0,TEa,531.0 -542,205,250,183,1.0,1.0,1.0,RSPv1,532.0 -543,246,35,154,1.0,1.0,1.0,ENTm2,533.0 -544,13,223,19,1.0,1.0,1.0,CEAc,534.0 -545,237,172,229,1.0,1.0,1.0,RSPd4,535.0 -546,36,249,115,1.0,1.0,1.0,BSTju,536.0 -547,85,15,247,1.0,1.0,1.0,dlf,537.0 -548,28,244,215,1.0,1.0,1.0,MRNmg,538.0 -549,198,208,138,1.0,1.0,1.0,TH,539.0 -550,173,26,118,1.0,1.0,1.0,ENTm5/6,540.0 -551,161,111,240,1.0,1.0,1.0,CEAl,541.0 -552,20,185,160,1.0,1.0,1.0,PRNv,542.0 -553,244,135,116,1.0,1.0,1.0,sctd,543.0 -554,105,1,54,1.0,1.0,1.0,BSTov,544.0 -555,206,13,80,1.0,1.0,1.0,MRNp,545.0 -556,26,83,99,1.0,1.0,1.0,ILA2/3,546.0 -557,15,111,91,1.0,1.0,1.0,TM,547.0 -558,39,151,221,1.0,1.0,1.0,SSp-n1,548.0 -559,203,249,234,1.0,1.0,1.0,CEAm,549.0 -560,162,46,33,1.0,1.0,1.0,CNspg,550.0 -561,138,248,167,1.0,1.0,1.0,VIS2/3,551.0 -562,76,229,215,1.0,1.0,1.0,BSTrh,552.0 -563,65,215,21,1.0,1.0,1.0,dtt,553.0 -564,124,54,199,1.0,1.0,1.0,MS,554.0 -565,141,165,186,1.0,1.0,1.0,VISpm5,555.0 -566,153,118,189,1.0,1.0,1.0,TR,556.0 -567,249,28,61,1.0,1.0,1.0,CH,557.0 -568,103,227,246,1.0,1.0,1.0,ACVI,558.0 -569,205,90,56,1.0,1.0,1.0,BSTd,559.0 -570,226,32,180,1.0,1.0,1.0,dl,560.0 -571,192,174,17,1.0,1.0,1.0,MTN,561.0 -572,44,28,105,1.0,1.0,1.0,ACA1,562.0 -573,3,65,130,1.0,1.0,1.0,VISl4,563.0 -574,32,130,88,1.0,1.0,1.0,TRN,564.0 -575,213,210,113,1.0,1.0,1.0,CL,565.0 -576,238,211,120,1.0,1.0,1.0,ACVII,566.0 -577,100,223,164,1.0,1.0,1.0,SSp-ul4,567.0 -578,85,148,141,1.0,1.0,1.0,BSTpr,568.0 -579,114,237,55,1.0,1.0,1.0,ec,569.0 -580,32,1,119,1.0,1.0,1.0,NB,570.0 -581,26,6,177,1.0,1.0,1.0,TRS,571.0 -582,113,185,153,1.0,1.0,1.0,ORBm2/3,572.0 -583,162,242,219,1.0,1.0,1.0,CLA,573.0 -584,205,85,48,1.0,1.0,1.0,COApl1-2,574.0 -585,13,117,75,1.0,1.0,1.0,BSTif,575.0 -586,36,6,74,1.0,1.0,1.0,fpr,576.0 -587,180,137,59,1.0,1.0,1.0,ND,577.0 -588,208,104,20,1.0,1.0,1.0,ACAv1,578.0 -589,153,33,129,1.0,1.0,1.0,TT,579.0 -590,112,97,25,1.0,1.0,1.0,RSPv6a,580.0 -591,73,21,163,1.0,1.0,1.0,CLI,581.0 -592,192,22,40,1.0,1.0,1.0,COApm1-2,582.0 -593,58,167,196,1.0,1.0,1.0,VISp1,583.0 -594,62,20,58,1.0,1.0,1.0,BSTtr,584.0 -595,149,27,109,1.0,1.0,1.0,fr,585.0 -596,177,95,247,1.0,1.0,1.0,NDB,586.0 -597,43,38,231,1.0,1.0,1.0,TTd,587.0 -598,157,143,10,1.0,1.0,1.0,AUDv6b,588.0 -599,81,216,142,1.0,1.0,1.0,CM,589.0 -600,42,138,98,1.0,1.0,1.0,AUDd2/3,590.0 -601,157,147,137,1.0,1.0,1.0,VISal6a,591.0 -602,197,151,125,1.0,1.0,1.0,BSTse,592.0 -603,63,72,147,1.0,1.0,1.0,fi,593.0 -604,37,113,191,1.0,1.0,1.0,NI,594.0 -605,164,77,16,1.0,1.0,1.0,TTv,595.0 -606,116,206,144,1.0,1.0,1.0,RSPv2,596.0 -607,238,202,9,1.0,1.0,1.0,CN,597.0 -608,64,243,180,1.0,1.0,1.0,ORBvl6a,598.0 -609,138,228,71,1.0,1.0,1.0,SPA,599.0 -610,66,128,167,1.0,1.0,1.0,RSPd5,600.0 -611,34,66,125,1.0,1.0,1.0,hbc,601.0 -612,184,215,211,1.0,1.0,1.0,NLL,602.0 -613,78,188,13,1.0,1.0,1.0,VISl5,603.0 -614,204,93,44,1.0,1.0,1.0,TU,604.0 -615,167,140,2,1.0,1.0,1.0,SNl,605.0 -616,121,234,189,1.0,1.0,1.0,CUN,606.0 -617,4,5,209,1.0,1.0,1.0,MDc,607.0 -618,184,113,190,1.0,1.0,1.0,hc,608.0 -619,2,33,109,1.0,1.0,1.0,NLOT,609.0 -620,248,125,152,1.0,1.0,1.0,ORBm5,610.0 -621,249,171,193,1.0,1.0,1.0,V,611.0 -622,163,178,4,1.0,1.0,1.0,RSPv6b,612.0 -623,126,143,233,1.0,1.0,1.0,CNU,613.0 -624,178,93,230,1.0,1.0,1.0,IPF,614.0 -625,146,85,83,1.0,1.0,1.0,SSp-ul5,615.0 -626,168,218,166,1.0,1.0,1.0,MDl,616.0 -627,83,21,200,1.0,1.0,1.0,hht,617.0 -628,110,183,197,1.0,1.0,1.0,NOT,618.0 -629,161,80,152,1.0,1.0,1.0,VAL,619.0 -630,217,184,141,1.0,1.0,1.0,ORBl5,620.0 -631,32,218,170,1.0,1.0,1.0,COA,621.0 -632,175,104,87,1.0,1.0,1.0,DG-sg,622.0 -633,155,26,44,1.0,1.0,1.0,cic,623.0 -634,122,165,195,1.0,1.0,1.0,NPC,624.0 -635,94,171,9,1.0,1.0,1.0,PTLp4,625.0 -636,187,20,112,1.0,1.0,1.0,MDm,626.0 -637,71,53,166,1.0,1.0,1.0,VENT,627.0 -638,136,47,96,1.0,1.0,1.0,GU6a,628.0 -639,160,91,2,1.0,1.0,1.0,COAa,629.0 -640,3,161,9,1.0,1.0,1.0,EV,630.0 -641,75,66,199,1.0,1.0,1.0,ias,631.0 -642,61,7,2,1.0,1.0,1.0,NTB,632.0 -643,16,57,177,1.0,1.0,1.0,AUDpo2/3,633.0 -644,205,194,4,1.0,1.0,1.0,MO6a,634.0 -645,250,214,106,1.0,1.0,1.0,VERM,635.0 -646,190,88,35,1.0,1.0,1.0,DP5,636.0 -647,170,34,187,1.0,1.0,1.0,COAp,637.0 -648,54,88,86,1.0,1.0,1.0,MOp5,638.0 -649,239,175,151,1.0,1.0,1.0,VISal6b,639.0 -650,187,213,250,1.0,1.0,1.0,jrb,640.0 -651,190,114,253,1.0,1.0,1.0,NTS,641.0 -652,162,102,146,1.0,1.0,1.0,PVHpml,642.0 -653,216,167,222,1.0,1.0,1.0,VI,643.0 -654,82,253,162,1.0,1.0,1.0,SSp-n4,644.0 -655,177,236,180,1.0,1.0,1.0,COApl,645.0 -656,93,92,169,1.0,1.0,1.0,MOs1,646.0 -657,207,170,15,1.0,1.0,1.0,SSp-m2/3,647.0 -658,216,113,113,1.0,1.0,1.0,ll,648.0 -659,28,226,47,1.0,1.0,1.0,NTSce,649.0 -660,21,25,111,1.0,1.0,1.0,PVHpmm,650.0 -661,123,246,108,1.0,1.0,1.0,VII,651.0 -662,57,154,50,1.0,1.0,1.0,GU6b,652.0 -663,102,205,126,1.0,1.0,1.0,COApm,653.0 -664,219,61,156,1.0,1.0,1.0,ENTm3,654.0 -665,218,218,74,1.0,1.0,1.0,lot,655.0 -666,78,155,142,1.0,1.0,1.0,NTSco,656.0 -667,60,237,220,1.0,1.0,1.0,FRP2/3,657.0 -668,92,56,189,1.0,1.0,1.0,DMHa,658.0 -669,210,162,81,1.0,1.0,1.0,VIS,659.0 -670,233,45,223,1.0,1.0,1.0,SSp-tr2/3,660.0 -671,13,130,6,1.0,1.0,1.0,RSPagl1,661.0 -672,155,32,110,1.0,1.0,1.0,CP,662.0 -673,74,105,139,1.0,1.0,1.0,mp,663.0 -674,212,153,27,1.0,1.0,1.0,NTSge,664.0 -675,83,237,33,1.0,1.0,1.0,AIv6a,665.0 -676,114,171,40,1.0,1.0,1.0,DMHp,666.0 -677,200,131,123,1.0,1.0,1.0,VISC,667.0 -678,182,222,163,1.0,1.0,1.0,AUDd4,668.0 -679,14,37,196,1.0,1.0,1.0,CS,669.0 -680,102,51,67,1.0,1.0,1.0,ORBvl6b,670.0 -681,251,8,124,1.0,1.0,1.0,mtg,671.0 -682,68,62,151,1.0,1.0,1.0,NTSl,672.0 -683,160,191,126,1.0,1.0,1.0,PTLp5,673.0 -684,176,116,97,1.0,1.0,1.0,DMHv,674.0 -685,181,88,200,1.0,1.0,1.0,VM,675.0 -686,181,196,169,1.0,1.0,1.0,SSp6a,676.0 -687,247,120,202,1.0,1.0,1.0,RSPv5,677.0 -688,166,126,245,1.0,1.0,1.0,CTX,678.0 -689,12,136,12,1.0,1.0,1.0,VLPO,679.0 -690,157,213,210,1.0,1.0,1.0,mtt,680.0 -691,90,253,67,1.0,1.0,1.0,NTSm,681.0 -692,20,165,185,1.0,1.0,1.0,PERI5,682.0 -693,47,189,199,1.0,1.0,1.0,VMH,683.0 -694,43,153,139,1.0,1.0,1.0,AIv2/3,684.0 -695,10,3,123,1.0,1.0,1.0,CTXpl,685.0 -696,197,187,103,1.0,1.0,1.0,AUDpo1,686.0 -697,18,32,70,1.0,1.0,1.0,ml,687.0 -698,156,171,166,1.0,1.0,1.0,OLF,688.0 -699,254,178,94,1.0,1.0,1.0,AIv6b,689.0 -700,5,84,58,1.0,1.0,1.0,AHNa,690.0 -701,111,25,253,1.0,1.0,1.0,VNC,691.0 -702,113,39,158,1.0,1.0,1.0,SSp-n5,692.0 -703,206,42,115,1.0,1.0,1.0,CTXsp,693.0 -704,196,28,101,1.0,1.0,1.0,AIv1,694.0 -705,162,140,102,1.0,1.0,1.0,mtV,695.0 -706,255,59,90,1.0,1.0,1.0,OP,696.0 -707,145,37,70,1.0,1.0,1.0,ILA1,697.0 -708,219,64,101,1.0,1.0,1.0,AHNc,698.0 -709,177,95,182,1.0,1.0,1.0,VP,699.0 -710,211,235,149,1.0,1.0,1.0,VIn,700.0 -711,116,211,149,1.0,1.0,1.0,CU,701.0 -712,219,213,219,1.0,1.0,1.0,ENTm4,702.0 -713,96,127,44,1.0,1.0,1.0,per,703.0 -714,146,217,142,1.0,1.0,1.0,ORB,704.0 -715,140,151,91,1.0,1.0,1.0,ENTl2a,705.0 -716,33,216,43,1.0,1.0,1.0,AHNd,706.0 -717,44,191,219,1.0,1.0,1.0,XIn,707.0 -718,40,122,235,1.0,1.0,1.0,VPL,708.0 -719,6,28,135,1.0,1.0,1.0,SSp6b,709.0 -720,186,79,144,1.0,1.0,1.0,DCN,710.0 -721,96,217,8,1.0,1.0,1.0,VISp4,711.0 -722,97,38,178,1.0,1.0,1.0,pvbt,712.0 -723,115,119,6,1.0,1.0,1.0,ORBl,713.0 -724,8,169,93,1.0,1.0,1.0,AHNp,714.0 -725,114,216,236,1.0,1.0,1.0,VPLpc,715.0 -726,158,152,19,1.0,1.0,1.0,DG,716.0 -727,229,139,75,1.0,1.0,1.0,ENTm5,717.0 -728,118,51,7,1.0,1.0,1.0,arb,718.0 -729,213,184,26,1.0,1.0,1.0,TEa6a,719.0 -730,221,84,43,1.0,1.0,1.0,PIS,720.0 -731,194,131,234,1.0,1.0,1.0,ORBm,721.0 -732,251,255,62,1.0,1.0,1.0,MMme,722.0 -733,50,244,28,1.0,1.0,1.0,VPM,723.0 -734,122,183,54,1.0,1.0,1.0,DGcr,724.0 -735,80,137,49,1.0,1.0,1.0,AUDp1,725.0 -736,114,177,8,1.0,1.0,1.0,ctb,726.0 -737,243,10,157,1.0,1.0,1.0,fxpo,727.0 -738,6,23,47,1.0,1.0,1.0,ORBv,728.0 -739,53,159,209,1.0,1.0,1.0,ACA5,729.0 -740,161,30,47,1.0,1.0,1.0,MPNc,730.0 -741,111,112,246,1.0,1.0,1.0,VPMpc,731.0 -742,8,122,109,1.0,1.0,1.0,DGcr-mo,732.0 -743,159,140,229,1.0,1.0,1.0,ENTm6,733.0 -744,83,96,113,1.0,1.0,1.0,cbc,734.0 -745,152,181,185,1.0,1.0,1.0,fxprg,735.0 -746,72,175,180,1.0,1.0,1.0,ORBvl,736.0 -747,251,61,124,1.0,1.0,1.0,ILA2,737.0 -748,143,109,220,1.0,1.0,1.0,MPNl,738.0 -749,5,72,214,1.0,1.0,1.0,VTA,739.0 -750,110,229,159,1.0,1.0,1.0,VISpl1,740.0 -751,186,112,221,1.0,1.0,1.0,DGcr-po,741.0 -752,74,118,37,1.0,1.0,1.0,cbp,742.0 -753,170,175,53,1.0,1.0,1.0,pm,743.0 -754,192,10,7,1.0,1.0,1.0,OT,744.0 -755,118,121,48,1.0,1.0,1.0,AUDv2/3,745.0 -756,97,116,243,1.0,1.0,1.0,MPNm,746.0 -757,224,51,181,1.0,1.0,1.0,VTN,747.0 -758,10,183,253,1.0,1.0,1.0,DGcr-sg,748.0 -759,163,150,163,1.0,1.0,1.0,AUDpo4,749.0 -760,243,134,154,1.0,1.0,1.0,epsc,750.0 -761,152,213,204,1.0,1.0,1.0,VMHa,751.0 -762,250,253,206,1.0,1.0,1.0,phpd,752.0 -763,196,255,107,1.0,1.0,1.0,OV,753.0 -764,40,121,46,1.0,1.0,1.0,ENTl2b,754.0 -765,92,160,190,1.0,1.0,1.0,x,755.0 -766,183,74,92,1.0,1.0,1.0,DGlb,756.0 -767,145,250,175,1.0,1.0,1.0,MOs5,757.0 -768,201,182,156,1.0,1.0,1.0,mfbc,758.0 -769,16,210,137,1.0,1.0,1.0,VMHc,759.0 -770,90,200,1,1.0,1.0,1.0,phpl,760.0 -771,30,39,192,1.0,1.0,1.0,P,761.0 -772,234,177,135,1.0,1.0,1.0,ACAv5,762.0 -773,173,49,28,1.0,1.0,1.0,XII,763.0 -774,144,5,223,1.0,1.0,1.0,RSPagl5,764.0 -775,81,43,74,1.0,1.0,1.0,DGlb-mo,765.0 -776,19,89,100,1.0,1.0,1.0,cc,766.0 -777,60,58,87,1.0,1.0,1.0,VMHdm,767.0 -778,244,126,171,1.0,1.0,1.0,VISp5,768.0 -779,118,42,6,1.0,1.0,1.0,phpm,769.0 -780,220,165,191,1.0,1.0,1.0,PA,770.0 -781,33,145,238,1.0,1.0,1.0,y,771.0 -782,221,241,97,1.0,1.0,1.0,DGlb-po,772.0 -783,221,236,70,1.0,1.0,1.0,AId6a,773.0 -784,26,66,22,1.0,1.0,1.0,cst,774.0 -785,105,196,26,1.0,1.0,1.0,VMHvl,775.0 -786,161,63,77,1.0,1.0,1.0,TEa6b,776.0 -787,218,57,132,1.0,1.0,1.0,phpv,777.0 -788,144,45,98,1.0,1.0,1.0,PAA,778.0 -789,196,8,49,1.0,1.0,1.0,z,779.0 -790,142,127,212,1.0,1.0,1.0,DGlb-sg,780.0 -791,142,96,158,1.0,1.0,1.0,AUDpo5,781.0 -792,233,110,111,1.0,1.0,1.0,drt,782.0 -793,166,24,10,1.0,1.0,1.0,SSp1,783.0 -794,132,11,190,1.0,1.0,1.0,sptV,784.0 -795,250,187,193,1.0,1.0,1.0,PAG,785.0 -796,124,193,143,1.0,1.0,1.0,A13,786.0 -797,212,58,220,1.0,1.0,1.0,ZI,787.0 -798,56,103,96,1.0,1.0,1.0,VIIn,788.0 -799,121,68,194,1.0,1.0,1.0,DGmb,789.0 -800,80,51,100,1.0,1.0,1.0,AIv5,790.0 -801,192,175,124,1.0,1.0,1.0,VIS1,791.0 -802,92,214,238,1.0,1.0,1.0,sm,792.0 -803,120,126,221,1.0,1.0,1.0,PAL,793.0 -804,70,105,112,1.0,1.0,1.0,FF,794.0 -805,28,141,129,1.0,1.0,1.0,VISpm1,795.0 -806,199,176,252,1.0,1.0,1.0,SSs2/3,796.0 -807,184,84,250,1.0,1.0,1.0,DGmb-mo,797.0 -808,141,121,249,1.0,1.0,1.0,IXn,798.0 -809,140,133,173,1.0,1.0,1.0,PALc,799.0 -810,69,183,182,1.0,1.0,1.0,ACAv6a,800.0 -811,83,66,58,1.0,1.0,1.0,ICc,801.0 -812,163,255,214,1.0,1.0,1.0,dscp,802.0 -813,40,153,222,1.0,1.0,1.0,XIIn,803.0 -814,128,13,49,1.0,1.0,1.0,DP,804.0 -815,118,136,119,1.0,1.0,1.0,DGmb-po,805.0 -816,214,187,34,1.0,1.0,1.0,AUDp4,806.0 -817,144,44,164,1.0,1.0,1.0,supa,807.0 -818,53,234,1,1.0,1.0,1.0,PALd,808.0 -819,185,219,119,1.0,1.0,1.0,ACAv6b,809.0 -820,230,24,38,1.0,1.0,1.0,ICd,810.0 -821,38,227,125,1.0,1.0,1.0,VISp2/3,811.0 -822,33,109,113,1.0,1.0,1.0,RHP,812.0 -823,141,91,127,1.0,1.0,1.0,DGmb-sg,813.0 -824,74,114,133,1.0,1.0,1.0,mfsbshy,814.0 -825,40,107,253,1.0,1.0,1.0,supd,815.0 -826,173,106,46,1.0,1.0,1.0,PALm,816.0 -827,159,20,244,1.0,1.0,1.0,ILA5,817.0 -828,160,104,187,1.0,1.0,1.0,ICe,818.0 -829,179,177,225,1.0,1.0,1.0,SUBd-m,819.0 -830,244,126,13,1.0,1.0,1.0,DMH,820.0 -831,224,3,107,1.0,1.0,1.0,AId6b,821.0 -832,3,206,53,1.0,1.0,1.0,IIIn,822.0 -833,163,31,53,1.0,1.0,1.0,supv,823.0 -834,48,51,9,1.0,1.0,1.0,SCzo,824.0 -835,1,230,175,1.0,1.0,1.0,PALv,825.0 -836,81,140,89,1.0,1.0,1.0,ECT1,826.0 -837,115,105,90,1.0,1.0,1.0,SUBd-sr,827.0 -838,217,240,78,1.0,1.0,1.0,SSp-n2/3,828.0 -839,34,64,143,1.0,1.0,1.0,DMX,829.0 -840,128,255,15,1.0,1.0,1.0,In,830.0 -841,238,54,168,1.0,1.0,1.0,tb,831.0 -842,241,154,160,1.0,1.0,1.0,SCsg,832.0 -843,8,54,183,1.0,1.0,1.0,PAR,833.0 -844,94,223,44,1.0,1.0,1.0,MOp6a,834.0 -845,163,202,125,1.0,1.0,1.0,SUBd-sp,835.0 -846,10,47,144,1.0,1.0,1.0,DN,836.0 -847,197,248,71,1.0,1.0,1.0,AUDp5,837.0 -848,79,166,149,1.0,1.0,1.0,IIn,838.0 -849,135,152,223,1.0,1.0,1.0,VISC6b,839.0 -850,196,88,181,1.0,1.0,1.0,uf,840.0 -851,244,95,18,1.0,1.0,1.0,SCop,841.0 -852,85,52,239,1.0,1.0,1.0,PARN,842.0 -853,103,169,204,1.0,1.0,1.0,SUBv-m,843.0 -854,118,51,67,1.0,1.0,1.0,SSp-ul2/3,844.0 -855,228,243,192,1.0,1.0,1.0,rst,845.0 -856,76,122,54,1.0,1.0,1.0,DORpm,846.0 -857,211,7,11,1.0,1.0,1.0,VISC6a,847.0 -858,129,234,52,1.0,1.0,1.0,vc,848.0 -859,119,230,34,1.0,1.0,1.0,PAS,849.0 -860,61,57,24,1.0,1.0,1.0,PBlc,850.0 -861,156,32,92,1.0,1.0,1.0,SUBv-sr,851.0 -862,165,134,60,1.0,1.0,1.0,SSs6a,852.0 -863,51,197,49,1.0,1.0,1.0,rust,853.0 -864,129,93,32,1.0,1.0,1.0,DORsm,854.0 -865,11,20,114,1.0,1.0,1.0,SSp4,855.0 -866,152,109,163,1.0,1.0,1.0,sctv,856.0 -867,176,69,162,1.0,1.0,1.0,PB,857.0 -868,58,118,81,1.0,1.0,1.0,PBld,858.0 -869,198,12,65,1.0,1.0,1.0,VISpl4,859.0 -870,98,4,26,1.0,1.0,1.0,SUBv-sp,860.0 -871,57,122,13,1.0,1.0,1.0,sst,861.0 -872,139,98,83,1.0,1.0,1.0,DR,862.0 -873,95,195,131,1.0,1.0,1.0,SSs1,863.0 -874,213,126,84,1.0,1.0,1.0,PBG,864.0 -875,105,36,124,1.0,1.0,1.0,PBle,865.0 -876,77,108,254,1.0,1.0,1.0,aot,866.0 -877,6,150,206,1.0,1.0,1.0,tsp,867.0 -878,205,11,138,1.0,1.0,1.0,SSp-m1,868.0 -879,172,38,246,1.0,1.0,1.0,RSPd,869.0 -880,176,125,4,1.0,1.0,1.0,DTN,870.0 -881,161,205,41,1.0,1.0,1.0,PBl,871.0 -882,248,33,227,1.0,1.0,1.0,MOp6b,872.0 -883,239,253,74,1.0,1.0,1.0,PBls,873.0 -884,254,154,242,1.0,1.0,1.0,amc,874.0 -885,113,236,200,1.0,1.0,1.0,tn,875.0 -886,185,136,182,1.0,1.0,1.0,RSPv,876.0 -887,78,106,90,1.0,1.0,1.0,ECO,877.0 -888,118,182,173,1.0,1.0,1.0,PERI2/3,878.0 -889,45,104,243,1.0,1.0,1.0,SSp-n6a,879.0 -890,104,127,29,1.0,1.0,1.0,PBm,880.0 -891,176,124,200,1.0,1.0,1.0,PBlv,881.0 -892,73,39,40,1.0,1.0,1.0,apd,882.0 -893,172,251,34,1.0,1.0,1.0,SSs6b,883.0 -894,91,114,199,1.0,1.0,1.0,RSPagl,884.0 -895,218,25,159,1.0,1.0,1.0,ECT,885.0 -896,191,118,24,1.0,1.0,1.0,lfbst,886.0 -897,201,209,93,1.0,1.0,1.0,VISC1,887.0 -898,3,225,208,1.0,1.0,1.0,PCG,888.0 -899,103,21,95,1.0,1.0,1.0,PBme,889.0 -900,85,200,89,1.0,1.0,1.0,aco,890.0 -901,36,87,130,1.0,1.0,1.0,Vn,891.0 -902,94,96,101,1.0,1.0,1.0,VISpl5,892.0 -903,195,85,169,1.0,1.0,1.0,ECU,893.0 -904,106,127,67,1.0,1.0,1.0,MSC,894.0 -905,140,174,192,1.0,1.0,1.0,VISal2/3,895.0 -906,182,32,101,1.0,1.0,1.0,RSPagl6a,896.0 -907,91,5,240,1.0,1.0,1.0,PCN,897.0 -908,178,17,240,1.0,1.0,1.0,act,898.0 -909,117,60,42,1.0,1.0,1.0,ENT,899.0 -910,157,154,18,1.0,1.0,1.0,ORBm6a,900.0 -911,88,122,222,1.0,1.0,1.0,IVn,901.0 -912,87,156,68,1.0,1.0,1.0,LING,902.0 -913,104,139,33,1.0,1.0,1.0,VIS4,903.0 -914,169,23,227,1.0,1.0,1.0,PD,904.0 -915,163,135,163,1.0,1.0,1.0,PBmm,905.0 -916,252,178,7,1.0,1.0,1.0,bsc,906.0 -917,127,226,104,1.0,1.0,1.0,Xn,907.0 -918,21,61,138,1.0,1.0,1.0,ENTl,908.0 -919,3,223,198,1.0,1.0,1.0,ACAd6a,909.0 -920,133,152,35,1.0,1.0,1.0,CENT,910.0 -921,35,166,150,1.0,1.0,1.0,SSp5,911.0 -922,254,132,26,1.0,1.0,1.0,PERI,912.0 -923,170,152,57,1.0,1.0,1.0,PBmv,913.0 -924,8,53,114,1.0,1.0,1.0,cpd,914.0 -925,203,91,246,1.0,1.0,1.0,vrt,915.0 -926,13,21,101,1.0,1.0,1.0,ENTm,916.0 -927,81,210,22,1.0,1.0,1.0,ACAd6b,917.0 -928,149,180,29,1.0,1.0,1.0,CUL,918.0 -929,20,67,58,1.0,1.0,1.0,SSp-n6b,919.0 -930,174,71,12,1.0,1.0,1.0,PF,920.0 -931,9,240,231,1.0,1.0,1.0,PG,921.0 -932,44,153,122,1.0,1.0,1.0,cett,922.0 -933,55,26,78,1.0,1.0,1.0,VIIIn,923.0 -934,84,11,226,1.0,1.0,1.0,ENTmv,924.0 -935,95,98,163,1.0,1.0,1.0,ACAd1,925.0 -936,67,117,63,1.0,1.0,1.0,DEC,926.0 -937,229,125,110,1.0,1.0,1.0,VIS5,927.0 -938,222,250,153,1.0,1.0,1.0,PGRN,928.0 -939,226,206,74,1.0,1.0,1.0,AMBd,929.0 -940,161,126,25,1.0,1.0,1.0,cing,930.0 -941,20,187,140,1.0,1.0,1.0,vsp,931.0 -942,251,132,116,1.0,1.0,1.0,EP,932.0 -943,137,100,43,1.0,1.0,1.0,MOp2/3,933.0 -944,35,11,150,1.0,1.0,1.0,FOTU,934.0 -945,143,10,102,1.0,1.0,1.0,SSp-ul6a,935.0 -946,205,28,80,1.0,1.0,1.0,PH,936.0 -947,98,101,38,1.0,1.0,1.0,MO6b,937.0 -948,101,201,36,1.0,1.0,1.0,cVIIIn,938.0 -949,208,64,162,1.0,1.0,1.0,von,939.0 -950,223,73,124,1.0,1.0,1.0,SSp-m4,940.0 -951,18,10,141,1.0,1.0,1.0,PYR,941.0 -952,212,200,153,1.0,1.0,1.0,EPd,942.0 -953,185,92,152,1.0,1.0,1.0,PIN,943.0 -954,136,125,109,1.0,1.0,1.0,AUDp6a,944.0 -955,143,98,135,1.0,1.0,1.0,LRNm,945.0 -956,120,208,176,1.0,1.0,1.0,fa,946.0 -957,121,38,231,1.0,1.0,1.0,UVU,947.0 -958,91,150,135,1.0,1.0,1.0,EPI,948.0 -959,3,122,27,1.0,1.0,1.0,AUDv1,949.0 -960,63,194,235,1.0,1.0,1.0,cbf,950.0 -961,36,123,78,1.0,1.0,1.0,PIR,951.0 -962,113,175,96,1.0,1.0,1.0,MOs2/3,952.0 -963,105,93,196,1.0,1.0,1.0,LRNp,953.0 -964,193,225,121,1.0,1.0,1.0,ee,954.0 -965,106,24,106,1.0,1.0,1.0,RSPagl2/3,955.0 -966,157,40,244,1.0,1.0,1.0,EPv,956.0 -967,22,136,144,1.0,1.0,1.0,cm,957.0 -968,126,138,152,1.0,1.0,1.0,NOD,958.0 -969,4,181,6,1.0,1.0,1.0,ORBvl1,959.0 -970,17,170,195,1.0,1.0,1.0,PGRNd,960.0 -971,98,194,168,1.0,1.0,1.0,fp,961.0 -972,149,248,185,1.0,1.0,1.0,PL,962.0 -973,40,92,93,1.0,1.0,1.0,VISl2/3,963.0 -974,71,110,216,1.0,1.0,1.0,SSp-m5,964.0 -975,233,224,213,1.0,1.0,1.0,EW,965.0 -976,143,51,139,1.0,1.0,1.0,CENT2,966.0 -977,129,204,144,1.0,1.0,1.0,ECT6a,967.0 -978,35,221,237,1.0,1.0,1.0,PGRNl,968.0 -979,165,89,100,1.0,1.0,1.0,ccr,969.0 -980,7,233,34,1.0,1.0,1.0,PMd,970.0 -981,185,195,95,1.0,1.0,1.0,SSp-bfd1,971.0 -982,33,180,208,1.0,1.0,1.0,FC,972.0 -983,248,221,226,1.0,1.0,1.0,lfbs,973.0 -984,209,11,108,1.0,1.0,1.0,CENT3,974.0 -985,216,35,223,1.0,1.0,1.0,MOp,975.0 -986,58,160,90,1.0,1.0,1.0,ccs,976.0 -987,67,175,69,1.0,1.0,1.0,P-mot,977.0 -988,69,4,221,1.0,1.0,1.0,ECT5,978.0 -989,247,204,57,1.0,1.0,1.0,FN,979.0 -990,169,23,203,1.0,1.0,1.0,AUDv4,980.0 -991,121,43,102,1.0,1.0,1.0,mfbs,981.0 -992,87,140,52,1.0,1.0,1.0,CUL4,982.0 -993,117,163,156,1.0,1.0,1.0,MOs,983.0 -994,49,47,104,1.0,1.0,1.0,cbt,984.0 -995,71,54,101,1.0,1.0,1.0,PMR,985.0 -996,171,92,3,1.0,1.0,1.0,AId1,986.0 -997,34,127,110,1.0,1.0,1.0,root,987.0 -998,133,43,58,1.0,1.0,1.0,FS,988.0 -999,230,171,30,1.0,1.0,1.0,ENTl2/3,989.0 -1000,6,17,61,1.0,1.0,1.0,eps,990.0 -1001,91,227,37,1.0,1.0,1.0,CUL5,991.0 -1002,205,8,153,1.0,1.0,1.0,AUDp,992.0 -1003,214,1,158,1.0,1.0,1.0,cpt,993.0 -1004,125,32,241,1.0,1.0,1.0,PMv,994.0 -1005,156,154,74,1.0,1.0,1.0,AUDp6b,995.0 -1006,121,122,104,1.0,1.0,1.0,SSp-tr1,996.0 -1007,182,227,99,1.0,1.0,1.0,SIM,997.0 -1008,82,37,46,1.0,1.0,1.0,GENd,998.0 -1009,222,233,233,1.0,1.0,1.0,fiber tracts,999.0 -1010,239,95,124,1.0,1.0,1.0,VISC4,1000.0 -1011,178,105,41,1.0,1.0,1.0,AUDd,1001.0 -1012,115,57,163,1.0,1.0,1.0,crt,1002.0 -1014,63,130,155,1.0,1.0,1.0,GENv,1003.0 -1015,115,50,11,1.0,1.0,1.0,ACAd5,1004.0 -1016,120,94,90,1.0,1.0,1.0,onl,1005.0 -1017,243,155,170,1.0,1.0,1.0,AN,1006.0 -1018,159,97,59,1.0,1.0,1.0,AUDv,1007.0 -1019,41,177,68,1.0,1.0,1.0,cstc,1008.0 -1020,52,212,18,1.0,1.0,1.0,PO,1009.0 -1021,3,68,35,1.0,1.0,1.0,MOs6a,1010.0 -1022,123,144,8,1.0,1.0,1.0,GPe,1011.0 -1023,85,63,9,1.0,1.0,1.0,AUDv5,1012.0 -1024,101,107,3,1.0,1.0,1.0,grv,1013.0 -1025,227,185,130,1.0,1.0,1.0,PRM,1014.0 -1026,118,74,240,1.0,1.0,1.0,SSp-ul6b,1015.0 -1027,47,22,84,1.0,1.0,1.0,AUDpo,1016.0 -1028,17,141,189,1.0,1.0,1.0,cstu,1017.0 -1029,231,95,18,1.0,1.0,1.0,POL,1018.0 -1030,231,191,121,1.0,1.0,1.0,SSp-ll1,1019.0 -1031,65,26,105,1.0,1.0,1.0,GPi,1020.0 -1032,205,161,247,1.0,1.0,1.0,grv of CTX,1021.0 -1033,182,48,240,1.0,1.0,1.0,COPY,1022.0 -1034,94,103,16,1.0,1.0,1.0,TTd1,1023.0 -1035,62,217,174,1.0,1.0,1.0,SSs4,1024.0 -1036,153,20,166,1.0,1.0,1.0,cte,1025.0 -1037,40,34,67,1.0,1.0,1.0,POST,1026.0 -1038,25,91,174,1.0,1.0,1.0,SSp-bfd6a,1027.0 -1039,223,209,190,1.0,1.0,1.0,GR,1028.0 -1040,224,242,126,1.0,1.0,1.0,grv of CBX,1029.0 -1041,46,240,19,1.0,1.0,1.0,PFL,1030.0 -1042,179,63,155,1.0,1.0,1.0,TTd2,1031.0 -1043,148,200,96,1.0,1.0,1.0,tspc,1032.0 -1044,6,184,193,1.0,1.0,1.0,PP,1033.0 -1045,178,136,16,1.0,1.0,1.0,ECT6b,1034.0 -1046,89,74,141,1.0,1.0,1.0,VISam6a,1035.0 -1047,76,147,161,1.0,1.0,1.0,SSp-bfd4,1036.0 -1048,111,59,166,1.0,1.0,1.0,GRN,1037.0 -1049,184,111,225,1.0,1.0,1.0,FL,1038.0 -1050,146,45,1,1.0,1.0,1.0,TTd3,1039.0 -1051,124,140,121,1.0,1.0,1.0,tspd,1040.0 -1052,153,215,162,1.0,1.0,1.0,PPN,1041.0 -1053,199,16,114,1.0,1.0,1.0,ACA2/3,1042.0 -1054,250,237,49,1.0,1.0,1.0,ILA6a,1043.0 -1055,88,215,69,1.0,1.0,1.0,eg,1044.0 -1056,31,95,26,1.0,1.0,1.0,ANcr1,1045.0 -1057,250,38,8,1.0,1.0,1.0,GU,1046.0 -1058,68,28,247,1.0,1.0,1.0,VISC5,1047.0 -1059,228,127,194,1.0,1.0,1.0,TTd4,1048.0 -1060,201,85,24,1.0,1.0,1.0,dtd,1049.0 -1061,171,252,85,1.0,1.0,1.0,PPT,1050.0 -1062,241,127,101,1.0,1.0,1.0,SSp-bfd6b,1051.0 -1063,60,46,195,1.0,1.0,1.0,hf,1052.0 -1064,185,41,25,1.0,1.0,1.0,ANcr2,1053.0 -1065,251,200,197,1.0,1.0,1.0,HB,1054.0 -1066,50,79,126,1.0,1.0,1.0,VISam2/3,1055.0 -1067,41,28,78,1.0,1.0,1.0,TTv1,1056.0 -1068,18,63,75,1.0,1.0,1.0,mfbst,1057.0 -1069,169,169,92,1.0,1.0,1.0,PPY,1058.0 -1070,90,190,105,1.0,1.0,1.0,SSp-bfd5,1059.0 -1071,114,183,208,1.0,1.0,1.0,rf,1060.0 -1072,82,106,129,1.0,1.0,1.0,MGd,1061.0 -1073,48,198,235,1.0,1.0,1.0,HEM,1062.0 -1074,198,225,127,1.0,1.0,1.0,VISal1,1063.0 -1075,60,84,94,1.0,1.0,1.0,TTv2,1064.0 -1076,75,69,80,1.0,1.0,1.0,cvb,1065.0 -1077,79,247,148,1.0,1.0,1.0,PR,1066.0 -1078,153,20,206,1.0,1.0,1.0,ri,1067.0 -1079,247,78,155,1.0,1.0,1.0,MGv,1068.0 -1080,66,149,131,1.0,1.0,1.0,HIP,1069.0 -1081,162,107,16,1.0,1.0,1.0,ILA6b,1070.0 -1082,242,65,237,1.0,1.0,1.0,TTv3,1071.0 -1083,174,197,120,1.0,1.0,1.0,mfbse,1072.0 -1084,133,74,143,1.0,1.0,1.0,PRE,1073.0 -1085,40,224,112,1.0,1.0,1.0,MOs6b,1074.0 -1086,84,251,62,1.0,1.0,1.0,SSp-tr4,1075.0 -1087,155,244,188,1.0,1.0,1.0,pce,1076.0 -1088,34,184,51,1.0,1.0,1.0,MGm,1077.0 -1089,45,75,140,1.0,1.0,1.0,HPF,1078.0 -1090,67,186,123,1.0,1.0,1.0,SSs5,1079.0 -1091,50,125,158,1.0,1.0,1.0,"CUL4, 5",1080.0 -1092,183,138,142,1.0,1.0,1.0,em,1081.0 -1093,60,118,116,1.0,1.0,1.0,PRNc,1082.0 -1094,104,24,149,1.0,1.0,1.0,SSp-ll4,1083.0 -1095,195,141,121,1.0,1.0,1.0,pcf,1084.0 -1096,203,194,181,1.0,1.0,1.0,AMd,1085.0 -1097,140,24,214,1.0,1.0,1.0,HY,1086.0 -1098,91,141,95,1.0,1.0,1.0,MDRNd,1087.0 -1099,210,223,44,1.0,1.0,1.0,fxs,1088.0 -1100,31,64,209,1.0,1.0,1.0,PRT,1089.0 -1101,234,41,149,1.0,1.0,1.0,AId5,1090.0 -1102,32,248,133,1.0,1.0,1.0,SSp-m6a,1091.0 -1103,131,67,156,1.0,1.0,1.0,pri,1092.0 -1104,173,76,198,1.0,1.0,1.0,AMv,1093.0 -1105,120,32,254,1.0,1.0,1.0,IA,1094.0 -1106,114,76,110,1.0,1.0,1.0,VISC2/3,1095.0 -1107,40,12,129,1.0,1.0,1.0,MDRNv,1096.0 -1108,133,157,101,1.0,1.0,1.0,ccg,1097.0 -1109,192,152,185,1.0,1.0,1.0,PS,1098.0 -1110,226,64,236,1.0,1.0,1.0,SUMl,1099.0 -1111,16,26,245,1.0,1.0,1.0,SSp-tr5,1100.0 -1112,0,94,83,1.0,1.0,1.0,psf,1101.0 -1113,254,175,86,1.0,1.0,1.0,IAD,1102.0 -1114,210,3,43,1.0,1.0,1.0,VISal4,1103.0 -1116,230,227,106,1.0,1.0,1.0,gVIIn,1104.0 -1117,147,100,16,1.0,1.0,1.0,P-sat,1105.0 -1118,211,225,234,1.0,1.0,1.0,SUMm,1106.0 -1119,213,225,124,1.0,1.0,1.0,ppf,1107.0 -1120,17,50,50,1.0,1.0,1.0,IAM,1108.0 -1121,230,143,89,1.0,1.0,1.0,ENTl1,1109.0 -1123,210,133,175,1.0,1.0,1.0,icp,1110.0 -1124,1,195,12,1.0,1.0,1.0,PSCH,1111.0 -1125,134,43,141,1.0,1.0,1.0,ORBvl5,1112.0 -1126,193,204,133,1.0,1.0,1.0,TMd,1113.0 -1127,241,57,168,1.0,1.0,1.0,TEa2/3,1114.0 -1128,98,153,164,1.0,1.0,1.0,SSp-ll5,1115.0 -1129,148,238,70,1.0,1.0,1.0,IB,1116.0 -1131,234,28,153,1.0,1.0,1.0,iVIIn,1117.0 -1132,61,175,199,1.0,1.0,1.0,P-sen,1118.0 -1133,216,165,77,1.0,1.0,1.0,ENTmv5/6,1119.0 -1139,30,61,9,1.0,1.0,1.0,NLOT3,1120.0 -1140,237,185,117,1.0,1.0,1.0,TR1,1121.0 -1141,254,230,74,1.0,1.0,1.0,TR2,1122.0 -1142,33,96,167,1.0,1.0,1.0,TR3,1123.0 -1143,228,188,169,1.0,1.0,1.0,CBXgr,1124.0 -1144,211,88,67,1.0,1.0,1.0,CBXmo,1125.0 -1145,105,169,122,1.0,1.0,1.0,CBXpu,1126.0 -10671,118,59,237,1.0,1.0,1.0,ME,1127.0 -10672,117,81,244,1.0,1.0,1.0,SIMgr,1128.0 -10673,251,19,191,1.0,1.0,1.0,SIMpu,1129.0 -10674,159,233,9,1.0,1.0,1.0,SIMmo,1130.0 -10675,184,91,27,1.0,1.0,1.0,ANcr1gr,1131.0 -10676,150,52,79,1.0,1.0,1.0,ANcr1pu,1132.0 -10677,94,9,188,1.0,1.0,1.0,ANcr1mo,1133.0 -10678,64,222,208,1.0,1.0,1.0,ANcr2gr,1134.0 -10679,34,71,24,1.0,1.0,1.0,ANcr2pu,1135.0 -10680,215,68,173,1.0,1.0,1.0,ANcr2mo,1136.0 -10681,199,163,248,1.0,1.0,1.0,PRMgr,1137.0 -10682,225,18,43,1.0,1.0,1.0,PRMpu,1138.0 -10683,81,219,30,1.0,1.0,1.0,PRMmo,1139.0 -10684,232,204,40,1.0,1.0,1.0,COPYgr,1140.0 -10685,44,203,152,1.0,1.0,1.0,COPYpu,1141.0 -10686,9,120,48,1.0,1.0,1.0,COPYmo,1142.0 -10687,19,141,28,1.0,1.0,1.0,PFLgr,1143.0 -10688,38,159,224,1.0,1.0,1.0,PFLpu,1144.0 -10689,107,63,153,1.0,1.0,1.0,PFLmo,1145.0 -10690,175,124,167,1.0,1.0,1.0,FLgr,1146.0 -10691,218,33,63,1.0,1.0,1.0,FLpu,1147.0 -10692,17,249,57,1.0,1.0,1.0,FLmo,1148.0 -10693,254,179,187,1.0,1.0,1.0,PAR1,1149.0 -10694,108,249,33,1.0,1.0,1.0,PAR2,1150.0 -10695,180,148,245,1.0,1.0,1.0,PAR3,1151.0 -10696,137,151,64,1.0,1.0,1.0,POST1,1152.0 -10697,25,104,172,1.0,1.0,1.0,POST2,1153.0 -10698,143,168,132,1.0,1.0,1.0,POST3,1154.0 -10699,95,149,16,1.0,1.0,1.0,PRE1,1155.0 -10700,225,21,203,1.0,1.0,1.0,PRE2,1156.0 -10701,162,215,93,1.0,1.0,1.0,PRE3,1157.0 -10702,187,152,122,1.0,1.0,1.0,DG-sgz,1158.0 -10703,140,210,52,1.0,1.0,1.0,DG-mo,1159.0 -10704,220,23,128,1.0,1.0,1.0,DG-po,1160.0 -10705,133,70,160,1.0,1.0,1.0,LINGgr,1161.0 -10706,228,48,9,1.0,1.0,1.0,LINGpu,1162.0 -10707,147,54,242,1.0,1.0,1.0,LINGmo,1163.0 -10708,48,95,59,1.0,1.0,1.0,CENT2gr,1164.0 -10709,202,129,36,1.0,1.0,1.0,CENT2pu,1165.0 -10710,16,77,65,1.0,1.0,1.0,CENT2mo,1166.0 -10711,54,63,206,1.0,1.0,1.0,CENT3gr,1167.0 -10712,235,165,90,1.0,1.0,1.0,CENT3pu,1168.0 -10713,125,80,218,1.0,1.0,1.0,CENT3mo,1169.0 -10714,143,188,75,1.0,1.0,1.0,CUL4gr,1170.0 -10715,209,62,113,1.0,1.0,1.0,CUL4pu,1171.0 -10716,94,20,232,1.0,1.0,1.0,CUL4mo,1172.0 -10717,160,149,180,1.0,1.0,1.0,CUL5gr,1173.0 -10718,222,138,233,1.0,1.0,1.0,CUL5pu,1174.0 -10719,50,161,113,1.0,1.0,1.0,CUL5mo,1175.0 -10720,113,223,61,1.0,1.0,1.0,"CUL4, 5gr",1176.0 -10721,1,88,3,1.0,1.0,1.0,"CUL4, 5pu",1177.0 -10722,214,33,67,1.0,1.0,1.0,"CUL4, 5mo",1178.0 -10723,14,68,102,1.0,1.0,1.0,DECgr,1179.0 -10724,113,185,67,1.0,1.0,1.0,DECpu,1180.0 -10725,50,145,32,1.0,1.0,1.0,DECmo,1181.0 -10726,43,104,15,1.0,1.0,1.0,FOTUgr,1182.0 -10727,252,189,254,1.0,1.0,1.0,FOTUpu,1183.0 -10728,248,218,240,1.0,1.0,1.0,FOTUmo,1184.0 -10729,82,6,47,1.0,1.0,1.0,PYRgr,1185.0 -10730,119,25,101,1.0,1.0,1.0,PYRpu,1186.0 -10731,94,165,46,1.0,1.0,1.0,PYRmo,1187.0 -10732,126,111,97,1.0,1.0,1.0,UVUgr,1188.0 -10733,211,38,74,1.0,1.0,1.0,UVUpu,1189.0 -10734,111,30,39,1.0,1.0,1.0,UVUmo,1190.0 -10735,188,237,227,1.0,1.0,1.0,NODgr,1191.0 -10736,221,45,54,1.0,1.0,1.0,NODpu,1192.0 -10737,138,215,177,1.0,1.0,1.0,NODmo,1193.0 -12993,52,34,196,1.0,1.0,1.0,SS1,1194.0 -12994,7,27,105,1.0,1.0,1.0,SS2/3,1195.0 -12995,44,28,41,1.0,1.0,1.0,SS4,1196.0 -12996,221,16,141,1.0,1.0,1.0,SS5,1197.0 -12997,6,182,57,1.0,1.0,1.0,SS6a,1198.0 -12998,156,213,87,1.0,1.0,1.0,SS6b,1199.0 -182305689,100,33,26,1.0,1.0,1.0,SSp-un,1200.0 -182305693,246,156,164,1.0,1.0,1.0,SSp-un1,1201.0 -182305697,101,9,211,1.0,1.0,1.0,SSp-un2/3,1202.0 -182305701,7,106,118,1.0,1.0,1.0,SSp-un4,1203.0 -182305705,113,52,137,1.0,1.0,1.0,SSp-un5,1204.0 -182305709,72,113,173,1.0,1.0,1.0,SSp-un6a,1205.0 -182305713,167,244,92,1.0,1.0,1.0,SSp-un6b,1206.0 -304325711,104,5,46,1.0,1.0,1.0,retina,1207.0 -312782546,21,74,191,1.0,1.0,1.0,VISa,1208.0 -312782550,180,181,202,1.0,1.0,1.0,VISa1,1209.0 -312782554,123,233,151,1.0,1.0,1.0,VISa2/3,1210.0 -312782558,56,127,162,1.0,1.0,1.0,VISa4,1211.0 -312782562,193,62,67,1.0,1.0,1.0,VISa5,1212.0 -312782566,158,8,126,1.0,1.0,1.0,VISa6a,1213.0 -312782570,207,49,31,1.0,1.0,1.0,VISa6b,1214.0 -312782574,198,54,121,1.0,1.0,1.0,VISli,1215.0 -312782578,217,126,97,1.0,1.0,1.0,VISli1,1216.0 -312782582,162,141,96,1.0,1.0,1.0,VISli2/3,1217.0 -312782586,229,172,225,1.0,1.0,1.0,VISli4,1218.0 -312782590,180,57,11,1.0,1.0,1.0,VISli5,1219.0 -312782594,35,241,23,1.0,1.0,1.0,VISli6a,1220.0 -312782598,82,234,9,1.0,1.0,1.0,VISli6b,1221.0 -312782604,68,59,4,1.0,1.0,1.0,VISrl1,1222.0 -312782608,146,68,174,1.0,1.0,1.0,VISrl2/3,1223.0 -312782612,83,75,136,1.0,1.0,1.0,VISrl4,1224.0 -312782616,149,186,122,1.0,1.0,1.0,VISrl5,1225.0 -312782620,166,232,127,1.0,1.0,1.0,VISrl6a,1226.0 -312782624,131,50,39,1.0,1.0,1.0,VISrl6b,1227.0 -312782628,12,11,168,1.0,1.0,1.0,VISpor,1228.0 -312782632,53,98,188,1.0,1.0,1.0,VISpor1,1229.0 -312782636,21,221,221,1.0,1.0,1.0,VISpor2/3,1230.0 -312782640,95,59,211,1.0,1.0,1.0,VISpor4,1231.0 -312782644,7,220,187,1.0,1.0,1.0,VISpor5,1232.0 -312782648,22,168,44,1.0,1.0,1.0,VISpor6a,1233.0 -312782652,58,162,72,1.0,1.0,1.0,VISpor6b,1234.0 -480149202,36,206,205,1.0,1.0,1.0,VISrll,1235.0 -480149206,63,209,152,1.0,1.0,1.0,VISrll1,1236.0 -480149210,122,145,13,1.0,1.0,1.0,VISrll2/3,1237.0 -480149214,66,143,206,1.0,1.0,1.0,VISrll4,1238.0 -480149218,180,193,233,1.0,1.0,1.0,VISrll5,1239.0 -480149222,231,50,196,1.0,1.0,1.0,VISrll6a,1240.0 -480149226,226,216,234,1.0,1.0,1.0,VISrll6b,1241.0 -480149230,206,196,187,1.0,1.0,1.0,VISlla,1242.0 -480149234,31,93,221,1.0,1.0,1.0,VISlla1,1243.0 -480149238,191,209,156,1.0,1.0,1.0,VISlla2/3,1244.0 -480149242,1,55,70,1.0,1.0,1.0,VISlla4,1245.0 -480149246,37,32,81,1.0,1.0,1.0,VISlla5,1246.0 -480149250,77,234,201,1.0,1.0,1.0,VISlla6a,1247.0 -480149254,162,65,100,1.0,1.0,1.0,VISlla6b,1248.0 -480149258,170,17,30,1.0,1.0,1.0,VISmma,1249.0 -480149262,86,59,151,1.0,1.0,1.0,VISmma1,1250.0 -480149266,139,77,20,1.0,1.0,1.0,VISmma2/3,1251.0 -480149270,96,190,162,1.0,1.0,1.0,VISmma4,1252.0 -480149274,244,34,225,1.0,1.0,1.0,VISmma5,1253.0 -480149278,239,44,165,1.0,1.0,1.0,VISmma6a,1254.0 -480149282,146,104,187,1.0,1.0,1.0,VISmma6b,1255.0 -480149286,107,151,172,1.0,1.0,1.0,VISmmp,1256.0 -480149290,46,136,65,1.0,1.0,1.0,VISmmp1,1257.0 -480149294,42,1,184,1.0,1.0,1.0,VISmmp2/3,1258.0 -480149298,115,79,184,1.0,1.0,1.0,VISmmp4,1259.0 -480149302,242,69,229,1.0,1.0,1.0,VISmmp5,1260.0 -480149306,99,168,89,1.0,1.0,1.0,VISmmp6a,1261.0 -480149310,235,39,172,1.0,1.0,1.0,VISmmp6b,1262.0 -480149314,94,106,59,1.0,1.0,1.0,VISm,1263.0 -480149318,131,147,19,1.0,1.0,1.0,VISm1,1264.0 -480149322,144,29,124,1.0,1.0,1.0,VISm2/3,1265.0 -480149326,222,146,203,1.0,1.0,1.0,VISm4,1266.0 -480149330,84,189,49,1.0,1.0,1.0,VISm5,1267.0 -480149334,217,89,56,1.0,1.0,1.0,VISm6a,1268.0 -480149338,82,99,186,1.0,1.0,1.0,VISm6b,1269.0 -484682470,211,103,156,1.0,1.0,1.0,ProS,1270.0 -484682475,73,26,12,1.0,1.0,1.0,ProSd,1271.0 -484682479,214,73,73,1.0,1.0,1.0,ProSd-m,1272.0 -484682483,78,132,252,1.0,1.0,1.0,ProSd-sp,1273.0 -484682487,82,147,52,1.0,1.0,1.0,ProSd-sr,1274.0 -484682492,188,236,190,1.0,1.0,1.0,ProSv,1275.0 -484682496,2,205,195,1.0,1.0,1.0,ProSv-m,1276.0 -484682500,60,6,189,1.0,1.0,1.0,ProSv-sp,1277.0 -484682504,42,149,90,1.0,1.0,1.0,Prosv-sr,1278.0 -484682508,241,174,245,1.0,1.0,1.0,APr,1279.0 -484682512,25,224,182,1.0,1.0,1.0,scwm,1280.0 -484682516,7,135,129,1.0,1.0,1.0,ccb,1281.0 -484682520,82,171,168,1.0,1.0,1.0,or,1282.0 -484682524,145,156,130,1.0,1.0,1.0,ar,1283.0 -484682528,170,199,77,1.0,1.0,1.0,stc,1284.0 -496345664,162,223,228,1.0,1.0,1.0,LGd-sh,1285.0 -496345668,85,73,94,1.0,1.0,1.0,LGd-co,1286.0 -496345672,92,45,167,1.0,1.0,1.0,LGd-ip,1287.0 -526157192,77,201,103,1.0,1.0,1.0,FRP5,1288.0 -526157196,229,192,116,1.0,1.0,1.0,FRP6a,1289.0 -526322264,100,223,146,1.0,1.0,1.0,FRP6b,1290.0 -527696977,201,115,40,1.0,1.0,1.0,ORBm6b,1291.0 -549009199,220,208,119,1.0,1.0,1.0,LSS,1292.0 -549009203,158,154,226,1.0,1.0,1.0,RPF,1293.0 -549009207,71,130,122,1.0,1.0,1.0,InCo,1294.0 -549009211,205,150,224,1.0,1.0,1.0,MA3,1295.0 -549009215,203,98,18,1.0,1.0,1.0,P5,1296.0 -549009219,63,140,133,1.0,1.0,1.0,Acs5,1297.0 -549009223,144,136,52,1.0,1.0,1.0,PC5,1298.0 -549009227,83,190,194,1.0,1.0,1.0,I5,1299.0 -560581551,98,1,146,1.0,1.0,1.0,Eth,1300.0 -560581555,148,62,164,1.0,1.0,1.0,REth,1301.0 -560581559,24,91,121,1.0,1.0,1.0,Xi,1302.0 -560581563,189,171,43,1.0,1.0,1.0,PIL,1303.0 -563807435,116,210,168,1.0,1.0,1.0,PoT,1304.0 -563807439,64,176,54,1.0,1.0,1.0,IntG,1305.0 -576073699,188,14,190,1.0,1.0,1.0,VMPO,1306.0 -576073704,117,253,191,1.0,1.0,1.0,PeF,1307.0 -589508447,181,38,206,1.0,1.0,1.0,HATA,1308.0 -589508451,61,217,136,1.0,1.0,1.0,Pa5,1309.0 -589508455,149,235,252,1.0,1.0,1.0,VeCB,1310.0 -599626923,8,125,240,1.0,1.0,1.0,SCO,1311.0 -599626927,123,208,45,1.0,1.0,1.0,PDTg,1312.0 -606826647,119,78,176,1.0,1.0,1.0,MMl,1313.0 -606826651,78,10,28,1.0,1.0,1.0,MMm,1314.0 -606826655,92,236,23,1.0,1.0,1.0,MMp,1315.0 -606826659,249,73,179,1.0,1.0,1.0,MMd,1316.0 -606826663,247,145,28,1.0,1.0,1.0,Pa4,1317.0 -607344830,95,83,50,1.0,1.0,1.0,PN,1318.0 -607344834,37,180,73,1.0,1.0,1.0,IPR,1319.0 -607344838,59,118,147,1.0,1.0,1.0,IPC,1320.0 -607344842,106,74,141,1.0,1.0,1.0,IPA,1321.0 -607344846,119,83,96,1.0,1.0,1.0,IPL,1322.0 -607344850,119,95,65,1.0,1.0,1.0,IPI,1323.0 -607344854,7,73,191,1.0,1.0,1.0,IPDM,1324.0 -607344858,187,228,175,1.0,1.0,1.0,IPDL,1325.0 -607344862,224,228,204,1.0,1.0,1.0,IPRL,1326.0 -614454277,214,229,231,1.0,1.0,1.0,Su3,1327.0 -0,255,255,255,1.0,1.0,1.0,background, diff --git a/annotation_volumes/annotation_10_2017.nrrd b/annotation_volumes/annotation_10_2017.nrrd deleted file mode 100644 index 291cc92f01927ece18ada0ec0dd16095cc8b118c..0000000000000000000000000000000000000000 Binary files a/annotation_volumes/annotation_10_2017.nrrd and /dev/null differ diff --git a/annotation_volumes/annotation_10_2022.nrrd b/annotation_volumes/annotation_10_2022.nrrd deleted file mode 100644 index 133771b2486948df4a81ac705e3fa1a6416291a2..0000000000000000000000000000000000000000 Binary files a/annotation_volumes/annotation_10_2022.nrrd and /dev/null differ diff --git a/annotation_volumes/annotation_10_reoriented_2017.nrrd b/annotation_volumes/annotation_10_reoriented_2017.nrrd deleted file mode 100644 index 03ba12119d4f681f5bd3db7e0bf74fb4f7dd636a..0000000000000000000000000000000000000000 Binary files a/annotation_volumes/annotation_10_reoriented_2017.nrrd and /dev/null differ diff --git a/annotation_volumes/annotation_10_reoriented_2022.nrrd b/annotation_volumes/annotation_10_reoriented_2022.nrrd deleted file mode 100644 index 9ea83344cd6d3fa962c1e6af77ed68d8608885dd..0000000000000000000000000000000000000000 Binary files a/annotation_volumes/annotation_10_reoriented_2022.nrrd and /dev/null differ diff --git a/annotation_volumes/itksnap_label_description_2022.txt b/annotation_volumes/itksnap_label_description_2022.txt deleted file mode 100644 index ca27853270a0b5ee5eba587efd8609d20738004b..0000000000000000000000000000000000000000 --- a/annotation_volumes/itksnap_label_description_2022.txt +++ /dev/null @@ -1,1327 +0,0 @@ -1 97 23 22 1 1 1 "TMv - 1" -2 124 100 148 1 1 1 "SSp-m6b - 2" -3 45 110 140 1 1 1 "sec - 3" -4 87 181 14 1 1 1 "IC - 4" -5 11 248 9 1 1 1 "int - 6" -6 111 208 94 1 1 1 "PSV - 7" -7 9 47 174 1 1 1 "grey - 8" -8 162 233 124 1 1 1 "SSp-tr6a - 9" -9 55 139 65 1 1 1 "SCig - 10" -10 196 102 20 1 1 1 "plf - 11" -11 89 55 43 1 1 1 "IF - 12" -12 226 85 176 1 1 1 "im - 14" -13 23 10 250 1 1 1 "PT - 15" -14 237 48 27 1 1 1 "6b - 16" -15 197 147 134 1 1 1 "SCiw - 17" -16 64 107 196 1 1 1 "nf - 18" -17 159 28 70 1 1 1 "IG - 19" -18 61 70 91 1 1 1 "ENTl2 - 20" -19 164 16 39 1 1 1 "lotg - 21" -20 135 229 117 1 1 1 "PTLp - 22" -21 158 58 212 1 1 1 "AAA - 23" -22 232 190 191 1 1 1 "sif - 25" -23 13 191 132 1 1 1 "SCdg - 26" -24 30 250 64 1 1 1 "IGL - 27" -25 37 198 60 1 1 1 "ENTl6a - 28" -26 65 80 126 1 1 1 "sttl - 29" -27 14 70 220 1 1 1 "PVa - 30" -28 234 26 106 1 1 1 "ACA - 31" -29 249 90 133 1 1 1 "VISp6a - 33" -30 149 96 29 1 1 1 "icf - 34" -31 191 86 92 1 1 1 "III - 35" -32 193 47 29 1 1 1 "GU1 - 36" -33 239 115 75 1 1 1 "lab - 37" -34 36 221 231 1 1 1 "PVH - 38" -35 28 233 97 1 1 1 "ACAd - 39" -36 84 162 142 1 1 1 "VISpm2/3 - 41" -37 2 53 79 1 1 1 "SCdw - 42" -38 187 8 16 1 1 1 "apf - 43" -39 77 214 145 1 1 1 "ILA - 44" -40 189 214 193 1 1 1 "SPVOrdm - 45" -41 79 233 75 1 1 1 "mfbsma - 46" -42 193 119 121 1 1 1 "PVHam - 47" -43 75 115 20 1 1 1 "ACAv - 48" -44 58 42 224 1 1 1 "ipf - 49" -45 127 0 110 1 1 1 "PRC - 50" -46 217 219 143 1 1 1 "ILM - 51" -47 94 85 58 1 1 1 "ENTl3 - 52" -48 95 147 238 1 1 1 "SPVOmdmd - 53" -49 87 204 113 1 1 1 "mfb - 54" -50 118 196 53 1 1 1 "PVHap - 55" -51 99 31 240 1 1 1 "ACB - 56" -52 199 229 136 1 1 1 "pms - 57" -53 202 78 239 1 1 1 "MT - 58" -54 177 255 94 1 1 1 "IMD - 59" -55 251 248 121 1 1 1 "ENTl6b - 60" -56 83 129 1 1 1 1 "SPVOmdmv - 61" -57 235 49 142 1 1 1 "mlf - 62" -58 227 63 44 1 1 1 "PVHd - 63" -59 61 50 114 1 1 1 "AD - 64" -60 199 170 212 1 1 1 "pfs - 65" -61 20 210 130 1 1 1 "LT - 66" -62 110 227 169 1 1 1 "INC - 67" -63 172 12 193 1 1 1 "FRP1 - 68" -64 18 112 237 1 1 1 "SPVOvl - 69" -65 37 126 224 1 1 1 "mfbsm - 70" -66 182 59 39 1 1 1 "PVHm - 71" -67 53 5 82 1 1 1 "ADP - 72" -68 140 103 8 1 1 1 "VS - 73" -69 245 134 133 1 1 1 "VISl6a - 74" -70 101 25 79 1 1 1 "DT - 75" -71 64 234 248 1 1 1 "INV - 76" -72 171 232 169 1 1 1 "SPVOcdm - 77" -73 64 80 201 1 1 1 "mcp - 78" -74 35 81 88 1 1 1 "PVHmm - 79" -75 136 40 170 1 1 1 "AHA - 80" -76 139 93 19 1 1 1 "VL - 81" -77 67 30 15 1 1 1 "NLLd - 82" -78 200 6 1 1 1 1 "IO - 83" -79 113 217 200 1 1 1 "PL6a - 84" -80 95 95 52 1 1 1 "sct - 85" -81 81 49 8 1 1 1 "mtc - 86" -82 164 184 231 1 1 1 "PVHmpd - 87" -83 81 29 249 1 1 1 "AHN - 88" -84 48 57 218 1 1 1 "RC - 89" -85 168 7 215 1 1 1 "NLLh - 90" -86 101 110 163 1 1 1 "IP - 91" -87 186 207 30 1 1 1 "ENTl4 - 92" -88 58 193 69 1 1 1 "moV - 93" -89 228 109 151 1 1 1 "PVHp - 94" -90 175 136 70 1 1 1 "AI - 95" -91 47 47 219 1 1 1 "DCO - 96" -92 40 92 107 1 1 1 "TEa1 - 97" -93 254 53 168 1 1 1 "SEZ - 98" -94 111 128 38 1 1 1 "NLLv - 99" -95 62 50 14 1 1 1 "IPN - 100" -96 211 148 243 1 1 1 "VCO - 101" -97 160 204 22 1 1 1 "nst - 102" -98 237 192 86 1 1 1 "PVHpm - 103" -99 143 136 181 1 1 1 "AId - 104" -100 45 132 51 1 1 1 "SOCm - 105" -101 232 100 89 1 1 1 "ISN - 106" -102 160 181 37 1 1 1 "MO1 - 107" -103 158 46 14 1 1 1 "chpl - 108" -104 216 209 218 1 1 1 "ntt - 109" -105 180 217 26 1 1 1 "PVHpv - 110" -106 212 27 162 1 1 1 "AIp - 111" -107 36 17 18 1 1 1 "CNlam - 112" -108 9 104 9 1 1 1 "SSp-ll2/3 - 113" -109 172 235 195 1 1 1 "SOCl - 114" -110 45 133 54 1 1 1 "IV - 115" -111 243 152 48 1 1 1 "chfl - 116" -112 230 221 138 1 1 1 "och - 117" -113 72 15 114 1 1 1 "PVi - 118" -114 113 126 230 1 1 1 "AIv - 119" -115 176 241 220 1 1 1 "AIp1 - 120" -116 32 122 143 1 1 1 "VISl6b - 121" -117 208 214 152 1 1 1 "POR - 122" -118 18 146 21 1 1 1 "KF - 123" -119 238 44 186 1 1 1 "IVF - 124" -120 171 136 193 1 1 1 "opt - 125" -121 41 252 65 1 1 1 "PVp - 126" -122 201 31 197 1 1 1 "AM - 127" -123 202 216 134 1 1 1 "MRN - 128" -124 20 197 19 1 1 1 "V3 - 129" -125 195 194 120 1 1 1 "CSm - 130" -126 36 210 210 1 1 1 "LA - 131" -127 16 240 171 1 1 1 "PL6b - 132" -128 94 78 94 1 1 1 "PVpo - 133" -129 245 217 25 1 1 1 "ptf - 134" -130 5 173 61 1 1 1 "AMB - 135" -131 151 208 107 1 1 1 "IRN - 136" -132 124 222 165 1 1 1 "CSl - 137" -133 93 91 159 1 1 1 "LAT - 138" -134 38 79 58 1 1 1 "ENTl5 - 139" -135 187 47 248 1 1 1 "AQ - 140" -136 19 32 31 1 1 1 "PVR - 141" -137 188 106 207 1 1 1 "pap - 142" -138 214 24 203 1 1 1 "AMBv - 143" -139 10 97 221 1 1 1 "OT1-3 - 144" -140 233 93 182 1 1 1 "V4 - 145" -141 104 156 218 1 1 1 "PRNr - 146" -142 226 23 14 1 1 1 "LC - 147" -143 109 34 145 1 1 1 "GU4 - 148" -144 94 98 66 1 1 1 "PVT - 149" -145 4 210 203 1 1 1 "pvbh - 150" -146 68 133 37 1 1 1 "AOB - 151" -147 248 58 24 1 1 1 "PIR1-3 - 152" -148 24 122 221 1 1 1 "V4r - 153" -149 52 219 33 1 1 1 "PHY - 154" -150 104 8 248 1 1 1 "LD - 155" -151 235 7 71 1 1 1 "AUDd6a - 156" -152 2 180 210 1 1 1 "PVZ - 157" -153 212 222 5 1 1 1 "pc - 158" -154 83 3 207 1 1 1 "AON - 159" -155 41 113 0 1 1 1 "AON1 - 160" -156 70 4 29 1 1 1 "NIS - 161" -157 125 109 51 1 1 1 "LDT - 162" -158 134 85 94 1 1 1 "AIp2/3 - 163" -159 131 28 217 1 1 1 "c - 164" -160 132 55 182 1 1 1 "RAmb - 165" -161 45 13 212 1 1 1 "pmx - 166" -162 160 38 164 1 1 1 "AONd - 167" -163 124 159 137 1 1 1 "AON2 - 168" -164 49 208 171 1 1 1 "PRP - 169" -165 54 214 200 1 1 1 "LGd - 170" -166 219 254 174 1 1 1 "PL1 - 171" -167 117 222 70 1 1 1 "RCH - 173" -168 31 49 101 1 1 1 "poc - 174" -169 80 33 196 1 1 1 "AONe - 175" -170 99 217 238 1 1 1 "NR - 177" -171 87 238 51 1 1 1 "LGv - 178" -172 148 61 89 1 1 1 "ACA6a - 179" -173 6 75 190 1 1 1 "GU2/3 - 180" -174 12 21 70 1 1 1 "RE - 181" -175 109 32 94 1 1 1 "php - 182" -176 109 204 12 1 1 1 "AONl - 183" -177 150 74 60 1 1 1 "FRP - 184" -178 210 182 179 1 1 1 "PPYd - 185" -179 155 61 119 1 1 1 "LH - 186" -180 119 29 93 1 1 1 "GU5 - 187" -181 62 233 208 1 1 1 "AOBgl - 188" -182 250 248 55 1 1 1 "RH - 189" -183 67 5 244 1 1 1 "py - 190" -184 106 4 195 1 1 1 "AONm - 191" -185 142 31 248 1 1 1 "COAa1 - 192" -186 34 250 72 1 1 1 "PPYs - 193" -187 172 19 252 1 1 1 "LHA - 194" -188 213 137 251 1 1 1 "PL2 - 195" -189 22 144 236 1 1 1 "AOBgr - 196" -190 248 171 49 1 1 1 "RL - 197" -191 114 151 53 1 1 1 "pyd - 198" -192 247 1 9 1 1 1 "AONpv - 199" -193 218 213 192 1 1 1 "COAa2 - 200" -194 175 211 4 1 1 1 "SSp-bfd2/3 - 201" -195 132 124 112 1 1 1 "MV - 202" -196 85 47 4 1 1 1 "LIN - 203" -197 203 73 72 1 1 1 "AOBmi - 204" -198 35 245 91 1 1 1 "rstl - 205" -199 237 243 71 1 1 1 "RM - 206" -200 43 31 54 1 1 1 "AP - 207" -201 98 218 219 1 1 1 "COAa3 - 208" -202 26 221 240 1 1 1 "LAV - 209" -203 231 29 249 1 1 1 "LM - 210" -204 96 119 144 1 1 1 "ACAd2/3 - 211" -205 176 77 30 1 1 1 "MOBgl - 212" -206 127 61 201 1 1 1 "rstm - 213" -207 4 36 200 1 1 1 "RN - 214" -208 102 124 95 1 1 1 "APN - 215" -209 23 167 97 1 1 1 "COApl1 - 216" -210 35 96 31 1 1 1 "SUV - 217" -211 22 151 102 1 1 1 "LP - 218" -212 228 6 226 1 1 1 "MO2/3 - 219" -213 171 16 2 1 1 1 "MOBgr - 220" -214 44 239 33 1 1 1 "rrt - 221" -215 115 202 57 1 1 1 "RO - 222" -216 220 254 74 1 1 1 "ARH - 223" -217 243 235 205 1 1 1 "COApl2 - 224" -218 122 115 132 1 1 1 "SPIV - 225" -219 209 188 97 1 1 1 "LPO - 226" -220 134 6 219 1 1 1 "ACA6b - 227" -221 47 92 66 1 1 1 "MOBipl - 228" -222 182 163 170 1 1 1 "sV - 229" -223 71 25 187 1 1 1 "RPA - 230" -224 90 59 116 1 1 1 "AT - 231" -225 120 185 129 1 1 1 "COApl3 - 232" -226 59 75 176 1 1 1 "VISal5 - 233" -227 168 74 147 1 1 1 "TEa4 - 234" -228 192 142 118 1 1 1 "LRN - 235" -229 162 149 11 1 1 1 "MOBmi - 236" -230 237 131 249 1 1 1 "ts - 237" -231 194 63 165 1 1 1 "RPO - 238" -232 115 58 124 1 1 1 "ATN - 239" -233 166 2 127 1 1 1 "COApm1 - 240" -234 14 244 15 1 1 1 "PTLp2/3 - 241" -235 180 196 88 1 1 1 "LS - 242" -236 214 147 189 1 1 1 "AUDd6b - 243" -237 132 92 4 1 1 1 "MOBopl - 244" -238 99 157 134 1 1 1 "scrt - 245" -239 239 250 152 1 1 1 "RR - 246" -240 226 39 134 1 1 1 "AUD - 247" -241 88 202 170 1 1 1 "COApm2 - 248" -242 56 19 118 1 1 1 "AUDpo6a - 249" -243 29 85 199 1 1 1 "LSc - 250" -244 67 110 177 1 1 1 "AUDp2/3 - 251" -245 99 77 16 1 1 1 "AUDd5 - 252" -246 21 24 193 1 1 1 "shp - 253" -247 242 150 182 1 1 1 "RSP - 254" -248 64 183 63 1 1 1 "AV - 255" -249 72 83 36 1 1 1 "COApm3 - 256" -250 251 25 212 1 1 1 "VISpm6a - 257" -251 119 185 50 1 1 1 "LSr - 258" -252 80 244 227 1 1 1 "ENTmv1 - 259" -253 239 194 88 1 1 1 "NLOT1 - 260" -254 246 42 62 1 1 1 "sop - 261" -255 242 218 138 1 1 1 "RT - 262" -256 223 34 50 1 1 1 "AVP - 263" -257 224 191 121 1 1 1 "ORB1 - 264" -258 222 80 203 1 1 1 "LSv - 266" -259 87 249 226 1 1 1 "DP6a - 267" -260 156 202 114 1 1 1 "NLOT2 - 268" -261 92 210 2 1 1 1 "VISpl2/3 - 269" -262 138 113 226 1 1 1 "srp - 270" -263 106 170 140 1 1 1 "SAG - 271" -264 39 183 138 1 1 1 "AVPV - 272" -265 71 218 63 1 1 1 "RSPd6a - 274" -266 190 79 102 1 1 1 "LSX - 275" -267 126 27 117 1 1 1 "PIR1 - 276" -268 104 99 130 1 1 1 "stp - 277" -269 138 179 1 1 1 1 "sAMY - 278" -270 94 134 141 1 1 1 "RSPagl6b - 279" -271 191 144 8 1 1 1 "B - 280" -272 26 184 3 1 1 1 "VISam1 - 281" -273 142 23 64 1 1 1 "LTN - 283" -274 35 205 78 1 1 1 "PIR2 - 284" -275 235 61 167 1 1 1 "step - 285" -276 194 83 222 1 1 1 "SCH - 286" -277 173 106 246 1 1 1 "BAC - 287" -278 159 238 169 1 1 1 "ORBvl2/3 - 288" -279 31 41 117 1 1 1 "TEa5 - 289" -280 41 192 133 1 1 1 "LZ - 290" -281 49 129 178 1 1 1 "PIR3 - 291" -282 17 237 179 1 1 1 "BA - 292" -283 186 6 197 1 1 1 "svp - 293" -284 176 84 62 1 1 1 "SCm - 294" -285 233 221 158 1 1 1 "BLA - 295" -286 168 191 146 1 1 1 "ACAv2/3 - 296" -287 228 69 9 1 1 1 "TTd1-4 - 297" -288 40 208 251 1 1 1 "MA - 298" -289 54 224 251 1 1 1 "MO5 - 299" -290 89 87 172 1 1 1 "LGvl - 300" -291 58 122 25 1 1 1 "st - 301" -292 160 134 61 1 1 1 "SCs - 302" -293 114 27 174 1 1 1 "BLAa - 303" -294 106 21 134 1 1 1 "PL2/3 - 304" -295 155 85 147 1 1 1 "VISp6b - 305" -296 102 9 67 1 1 1 "TTv1-3 - 306" -297 39 136 209 1 1 1 "MARN - 307" -298 99 5 102 1 1 1 "PTLp6a - 308" -299 168 192 115 1 1 1 "snp - 309" -300 120 183 8 1 1 1 "SF - 310" -301 59 185 76 1 1 1 "BLAp - 311" -302 174 69 220 1 1 1 "ENTl4/5 - 312" -303 55 216 91 1 1 1 "MB - 313" -304 136 78 179 1 1 1 "AIp6a - 314" -305 127 42 134 1 1 1 "Isocortex - 315" -306 101 164 136 1 1 1 "LGvm - 316" -307 11 24 167 1 1 1 "stf - 317" -308 28 191 128 1 1 1 "SG - 318" -309 155 39 162 1 1 1 "BMA - 319" -310 206 151 176 1 1 1 "MOp1 - 320" -311 93 124 190 1 1 1 "SubG - 321" -312 249 16 54 1 1 1 "SSp - 322" -313 15 15 36 1 1 1 "MBmot - 323" -314 104 175 0 1 1 1 "ENTmv2 - 324" -315 101 178 44 1 1 1 "SGN - 325" -316 104 129 86 1 1 1 "scp - 326" -317 222 239 103 1 1 1 "BMAa - 327" -318 251 18 78 1 1 1 "AId2/3 - 328" -319 65 233 247 1 1 1 "SSp-bfd - 329" -320 143 110 103 1 1 1 "RSPd6b - 330" -321 37 6 3 1 1 1 "MBO - 331" -322 13 87 138 1 1 1 "ASO - 332" -323 91 223 202 1 1 1 "SH - 333" -324 66 154 69 1 1 1 "BMAp - 334" -325 227 116 129 1 1 1 "PERI6a - 335" -326 37 127 130 1 1 1 "csc - 336" -327 242 241 25 1 1 1 "SSp-ll - 337" -328 180 125 70 1 1 1 "SFO - 338" -329 94 191 173 1 1 1 "MBsen - 339" -330 86 121 124 1 1 1 "PTLp6b - 340" -331 35 135 86 1 1 1 "smd - 341" -332 101 50 228 1 1 1 "SI - 342" -333 152 21 34 1 1 1 "BS - 343" -334 231 88 119 1 1 1 "AIp5 - 344" -335 16 23 84 1 1 1 "SSp-m - 345" -336 43 178 47 1 1 1 "SSp2/3 - 346" -337 59 219 113 1 1 1 "SBPV - 347" -338 70 249 100 1 1 1 "MBsta - 348" -339 135 131 53 1 1 1 "sup - 349" -340 158 79 54 1 1 1 "SLC - 350" -341 43 203 145 1 1 1 "BST - 351" -342 8 79 1 1 1 1 "ORB5 - 352" -343 112 199 117 1 1 1 "SSp-n - 353" -344 93 113 26 1 1 1 "MY - 354" -345 67 76 246 1 1 1 "AIp6b - 355" -346 149 171 43 1 1 1 "PST - 356" -347 85 95 234 1 1 1 "ttp - 357" -348 6 221 78 1 1 1 "SLD - 358" -349 13 120 159 1 1 1 "BSTa - 359" -350 77 76 17 1 1 1 "DP2/3 - 360" -351 90 54 211 1 1 1 "SSp-tr - 361" -352 136 238 174 1 1 1 "MD - 362" -353 166 60 147 1 1 1 "PL5 - 363" -354 127 97 113 1 1 1 "PSTN - 364" -355 210 214 254 1 1 1 "tp - 365" -356 188 119 114 1 1 1 "SMT - 366" -357 154 167 84 1 1 1 "BSTp - 367" -358 23 158 242 1 1 1 "PERI6b - 368" -359 59 41 245 1 1 1 "SSp-ul - 369" -360 49 82 46 1 1 1 "MY-mot - 370" -361 21 222 88 1 1 1 "ENTmv3 - 371" -362 149 154 14 1 1 1 "ICB - 372" -363 32 121 205 1 1 1 "tct - 373" -364 16 63 120 1 1 1 "SNc - 374" -365 120 159 184 1 1 1 "CA - 375" -366 181 182 48 1 1 1 "COApl1-3 - 376" -367 201 84 165 1 1 1 "VISpl6a - 377" -368 198 160 135 1 1 1 "SSs - 378" -369 154 232 133 1 1 1 "MY-sat - 379" -370 82 95 112 1 1 1 "cuf - 380" -371 104 232 87 1 1 1 "SNr - 381" -372 129 89 185 1 1 1 "CA1 - 382" -373 5 118 84 1 1 1 "COApm1-3 - 383" -374 98 126 45 1 1 1 "IVd - 384" -375 129 7 178 1 1 1 "VISp - 385" -376 117 193 154 1 1 1 "MY-sen - 386" -377 100 26 122 1 1 1 "ENTl5/6 - 387" -378 210 153 9 1 1 1 "grf - 388" -379 235 63 163 1 1 1 "sttv - 389" -380 19 87 137 1 1 1 "SO - 390" -381 211 80 105 1 1 1 "CA1slm - 391" -382 112 173 236 1 1 1 "NLOT1-3 - 392" -383 103 63 199 1 1 1 "VISpl6b - 393" -384 183 60 78 1 1 1 "VISam - 394" -385 29 131 200 1 1 1 "MDRN - 395" -386 131 211 98 1 1 1 "iaf - 396" -387 192 80 252 1 1 1 "vtd - 397" -388 47 100 16 1 1 1 "SOC - 398" -389 47 77 91 1 1 1 "CA1so - 399" -390 200 242 103 1 1 1 "PAA1-3 - 400" -391 30 235 163 1 1 1 "VISam4 - 401" -392 90 156 130 1 1 1 "VISal - 402" -393 9 168 239 1 1 1 "MEA - 403" -394 154 17 8 1 1 1 "oct - 404" -395 159 174 244 1 1 1 "vlt - 405" -396 161 217 148 1 1 1 "SPF - 406" -397 13 117 98 1 1 1 "CA1sp - 407" -398 183 113 5 1 1 1 "PAA1 - 408" -399 161 236 193 1 1 1 "VISl - 409" -400 48 233 100 1 1 1 "rct - 410" -401 25 107 151 1 1 1 "MEAad - 411" -402 6 153 122 1 1 1 "ORBl2/3 - 412" -403 247 50 73 1 1 1 "vVIIIn - 413" -404 227 77 161 1 1 1 "SPFm - 414" -405 41 153 4 1 1 1 "CA1sr - 415" -406 159 129 76 1 1 1 "PAA2 - 416" -407 192 174 99 1 1 1 "VISrl - 417" -408 140 147 97 1 1 1 "MEAav - 418" -409 158 218 213 1 1 1 "ENTmv4 - 419" -410 217 64 104 1 1 1 "db - 420" -411 170 114 171 1 1 1 "VISl1 - 421" -412 185 108 186 1 1 1 "SPFp - 422" -413 116 172 138 1 1 1 "CA2 - 423" -414 231 136 15 1 1 1 "PAA3 - 424" -415 102 126 158 1 1 1 "VISpl - 425" -416 84 52 185 1 1 1 "MEApd - 426" -417 147 249 3 1 1 1 "ECT2/3 - 427" -418 220 137 89 1 1 1 "mct - 428" -419 201 49 143 1 1 1 "SPVC - 429" -420 95 229 145 1 1 1 "RSPv2/3 - 430" -421 65 46 224 1 1 1 "CA2slm - 431" -422 2 117 83 1 1 1 "NC - 432" -423 104 199 63 1 1 1 "VISam5 - 433" -424 243 37 87 1 1 1 "RSPd2/3 - 434" -425 128 222 247 1 1 1 "MEApv - 435" -426 59 205 25 1 1 1 "fx - 436" -427 194 1 213 1 1 1 "SPVI - 437" -428 199 44 91 1 1 1 "CA2so - 438" -429 192 17 194 1 1 1 "PVHdp - 439" -430 173 187 86 1 1 1 "ORBl6a - 440" -431 234 72 119 1 1 1 "VISam6b - 441" -432 52 237 152 1 1 1 "RSPd1 - 442" -433 235 139 86 1 1 1 "dhc - 443" -434 168 34 69 1 1 1 "MED - 444" -435 195 192 76 1 1 1 "SPVO - 445" -436 161 6 43 1 1 1 "CA2sp - 446" -437 39 111 126 1 1 1 "PVHf - 447" -438 29 85 53 1 1 1 "ORBl1 - 448" -439 72 44 200 1 1 1 "vhc - 449" -440 100 128 74 1 1 1 "SSp-ul1 - 450" -441 195 123 86 1 1 1 "BLAv - 451" -442 246 119 246 1 1 1 "MEPO - 452" -443 166 144 172 1 1 1 "SS - 453" -444 77 173 105 1 1 1 "CA2sr - 454" -445 74 48 157 1 1 1 "PVHlp - 455" -446 213 36 88 1 1 1 "AUDpo6b - 456" -447 165 180 99 1 1 1 "VIS6a - 457" -448 254 143 136 1 1 1 "OT1 - 458" -449 118 219 96 1 1 1 "aolt - 459" -450 242 74 51 1 1 1 "MEV - 460" -451 171 226 141 1 1 1 "SSp-tr6b - 461" -452 82 20 76 1 1 1 "SSN - 462" -453 218 222 69 1 1 1 "CA3 - 463" -454 127 201 149 1 1 1 "PVHmpv - 464" -455 196 153 212 1 1 1 "OT2 - 465" -456 61 71 49 1 1 1 "alv - 466" -457 118 13 54 1 1 1 "MEZ - 467" -458 98 49 179 1 1 1 "ENTm2a - 468" -459 54 98 157 1 1 1 "VISpm6b - 469" -460 96 65 245 1 1 1 "STN - 470" -461 224 205 220 1 1 1 "CA3slm - 471" -462 195 118 77 1 1 1 "MEApd-a - 472" -463 58 240 16 1 1 1 "OT3 - 473" -464 188 192 111 1 1 1 "ab - 474" -465 102 208 180 1 1 1 "MG - 475" -466 119 122 249 1 1 1 "ORB6a - 476" -467 255 46 209 1 1 1 "STR - 477" -468 216 223 165 1 1 1 "SSp-ll6a - 478" -469 207 243 149 1 1 1 "CA3slu - 479" -470 236 92 111 1 1 1 "MEApd-b - 480" -471 71 233 183 1 1 1 "isl - 481" -472 139 20 182 1 1 1 "bic - 482" -473 129 66 230 1 1 1 "MH - 483" -474 80 2 62 1 1 1 "ORBm1 - 484" -475 111 76 24 1 1 1 "STRd - 485" -476 107 95 138 1 1 1 "CA3so - 486" -477 179 85 158 1 1 1 "MEApd-c - 487" -478 76 154 186 1 1 1 "ORBl6b - 488" -479 153 74 65 1 1 1 "islm - 489" -480 76 162 45 1 1 1 "bct - 490" -481 242 12 63 1 1 1 "MM - 491" -482 143 214 197 1 1 1 "ORB2/3 - 492" -483 251 18 143 1 1 1 "STRv - 493" -484 19 229 156 1 1 1 "SCig-a - 494" -485 179 225 120 1 1 1 "CA3sp - 495" -486 76 47 234 1 1 1 "DP1 - 496" -487 200 124 207 1 1 1 "VIS6b - 497" -488 77 95 1 1 1 1 "BSTam - 498" -489 172 127 94 1 1 1 "cct - 499" -490 99 61 228 1 1 1 "MO - 500" -491 25 108 252 1 1 1 "VISpm4 - 501" -492 174 21 26 1 1 1 "SUB - 502" -493 17 235 97 1 1 1 "SCig-b - 503" -494 221 218 222 1 1 1 "CA3sr - 504" -495 213 197 230 1 1 1 "BSTdm - 505" -496 159 88 182 1 1 1 "das - 506" -497 69 19 195 1 1 1 "MOB - 507" -498 175 145 228 1 1 1 "ENTm2b - 508" -499 232 154 189 1 1 1 "SUBd - 509" -500 24 45 192 1 1 1 "SSp-ll6b - 510" -501 100 146 231 1 1 1 "SCig-c - 511" -502 193 97 72 1 1 1 "CB - 512" -503 172 203 206 1 1 1 "BSTfu - 513" -504 245 16 140 1 1 1 "dc - 514" -505 215 61 61 1 1 1 "MPN - 515" -506 204 132 149 1 1 1 "ORB6b - 516" -507 94 158 216 1 1 1 "TR1-3 - 517" -508 247 227 128 1 1 1 "SUBv - 518" -509 98 161 200 1 1 1 "CBN - 519" -510 125 146 91 1 1 1 "AUDv6a - 520" -511 252 187 74 1 1 1 "BSTmg - 521" -512 2 56 234 1 1 1 "dcm - 522" -513 75 24 145 1 1 1 "MPO - 523" -514 2 186 71 1 1 1 "ORBm2 - 524" -515 131 107 132 1 1 1 "SUM - 525" -516 180 140 186 1 1 1 "ENTm1 - 526" -517 21 156 31 1 1 1 "AUDd1 - 527" -518 230 143 38 1 1 1 "CBX - 528" -519 129 235 211 1 1 1 "BSTv - 529" -520 185 184 138 1 1 1 "df - 530" -521 13 123 212 1 1 1 "MPT - 531" -522 253 198 206 1 1 1 "PTLp1 - 532" -523 233 146 83 1 1 1 "VISpm - 533" -524 12 100 63 1 1 1 "SUT - 534" -525 14 66 120 1 1 1 "DP2 - 535" -526 148 89 21 1 1 1 "CEA - 536" -527 29 14 176 1 1 1 "BSTal - 537" -528 100 8 145 1 1 1 "lotd - 538" -529 34 229 153 1 1 1 "MRNm - 539" -530 11 2 106 1 1 1 "PERI1 - 540" -531 162 49 228 1 1 1 "TEa - 541" -532 205 250 183 1 1 1 "RSPv1 - 542" -533 246 35 154 1 1 1 "ENTm2 - 543" -534 13 223 19 1 1 1 "CEAc - 544" -535 237 172 229 1 1 1 "RSPd4 - 545" -536 36 249 115 1 1 1 "BSTju - 546" -537 85 15 247 1 1 1 "dlf - 547" -538 28 244 215 1 1 1 "MRNmg - 548" -539 198 208 138 1 1 1 "TH - 549" -540 173 26 118 1 1 1 "ENTm5/6 - 550" -541 161 111 240 1 1 1 "CEAl - 551" -542 20 185 160 1 1 1 "PRNv - 552" -543 244 135 116 1 1 1 "sctd - 553" -544 105 1 54 1 1 1 "BSTov - 554" -545 206 13 80 1 1 1 "MRNp - 555" -546 26 83 99 1 1 1 "ILA2/3 - 556" -547 15 111 91 1 1 1 "TM - 557" -548 39 151 221 1 1 1 "SSp-n1 - 558" -549 203 249 234 1 1 1 "CEAm - 559" -550 162 46 33 1 1 1 "CNspg - 560" -551 138 248 167 1 1 1 "VIS2/3 - 561" -552 76 229 215 1 1 1 "BSTrh - 562" -553 65 215 21 1 1 1 "dtt - 563" -554 124 54 199 1 1 1 "MS - 564" -555 141 165 186 1 1 1 "VISpm5 - 565" -556 153 118 189 1 1 1 "TR - 566" -557 249 28 61 1 1 1 "CH - 567" -558 103 227 246 1 1 1 "ACVI - 568" -559 205 90 56 1 1 1 "BSTd - 569" -560 226 32 180 1 1 1 "dl - 570" -561 192 174 17 1 1 1 "MTN - 571" -562 44 28 105 1 1 1 "ACA1 - 572" -563 3 65 130 1 1 1 "VISl4 - 573" -564 32 130 88 1 1 1 "TRN - 574" -565 213 210 113 1 1 1 "CL - 575" -566 238 211 120 1 1 1 "ACVII - 576" -567 100 223 164 1 1 1 "SSp-ul4 - 577" -568 85 148 141 1 1 1 "BSTpr - 578" -569 114 237 55 1 1 1 "ec - 579" -570 32 1 119 1 1 1 "NB - 580" -571 26 6 177 1 1 1 "TRS - 581" -572 113 185 153 1 1 1 "ORBm2/3 - 582" -573 162 242 219 1 1 1 "CLA - 583" -574 205 85 48 1 1 1 "COApl1-2 - 584" -575 13 117 75 1 1 1 "BSTif - 585" -576 36 6 74 1 1 1 "fpr - 586" -577 180 137 59 1 1 1 "ND - 587" -578 208 104 20 1 1 1 "ACAv1 - 588" -579 153 33 129 1 1 1 "TT - 589" -580 112 97 25 1 1 1 "RSPv6a - 590" -581 73 21 163 1 1 1 "CLI - 591" -582 192 22 40 1 1 1 "COApm1-2 - 592" -583 58 167 196 1 1 1 "VISp1 - 593" -584 62 20 58 1 1 1 "BSTtr - 594" -585 149 27 109 1 1 1 "fr - 595" -586 177 95 247 1 1 1 "NDB - 596" -587 43 38 231 1 1 1 "TTd - 597" -588 157 143 10 1 1 1 "AUDv6b - 598" -589 81 216 142 1 1 1 "CM - 599" -590 42 138 98 1 1 1 "AUDd2/3 - 600" -591 157 147 137 1 1 1 "VISal6a - 601" -592 197 151 125 1 1 1 "BSTse - 602" -593 63 72 147 1 1 1 "fi - 603" -594 37 113 191 1 1 1 "NI - 604" -595 164 77 16 1 1 1 "TTv - 605" -596 116 206 144 1 1 1 "RSPv2 - 606" -597 238 202 9 1 1 1 "CN - 607" -598 64 243 180 1 1 1 "ORBvl6a - 608" -599 138 228 71 1 1 1 "SPA - 609" -600 66 128 167 1 1 1 "RSPd5 - 610" -601 34 66 125 1 1 1 "hbc - 611" -602 184 215 211 1 1 1 "NLL - 612" -603 78 188 13 1 1 1 "VISl5 - 613" -604 204 93 44 1 1 1 "TU - 614" -605 167 140 2 1 1 1 "SNl - 615" -606 121 234 189 1 1 1 "CUN - 616" -607 4 5 209 1 1 1 "MDc - 617" -608 184 113 190 1 1 1 "hc - 618" -609 2 33 109 1 1 1 "NLOT - 619" -610 248 125 152 1 1 1 "ORBm5 - 620" -611 249 171 193 1 1 1 "V - 621" -612 163 178 4 1 1 1 "RSPv6b - 622" -613 126 143 233 1 1 1 "CNU - 623" -614 178 93 230 1 1 1 "IPF - 624" -615 146 85 83 1 1 1 "SSp-ul5 - 625" -616 168 218 166 1 1 1 "MDl - 626" -617 83 21 200 1 1 1 "hht - 627" -618 110 183 197 1 1 1 "NOT - 628" -619 161 80 152 1 1 1 "VAL - 629" -620 217 184 141 1 1 1 "ORBl5 - 630" -621 32 218 170 1 1 1 "COA - 631" -622 175 104 87 1 1 1 "DG-sg - 632" -623 155 26 44 1 1 1 "cic - 633" -624 122 165 195 1 1 1 "NPC - 634" -625 94 171 9 1 1 1 "PTLp4 - 635" -626 187 20 112 1 1 1 "MDm - 636" -627 71 53 166 1 1 1 "VENT - 637" -628 136 47 96 1 1 1 "GU6a - 638" -629 160 91 2 1 1 1 "COAa - 639" -630 3 161 9 1 1 1 "EV - 640" -631 75 66 199 1 1 1 "ias - 641" -632 61 7 2 1 1 1 "NTB - 642" -633 16 57 177 1 1 1 "AUDpo2/3 - 643" -634 205 194 4 1 1 1 "MO6a - 644" -635 250 214 106 1 1 1 "VERM - 645" -636 190 88 35 1 1 1 "DP5 - 646" -637 170 34 187 1 1 1 "COAp - 647" -638 54 88 86 1 1 1 "MOp5 - 648" -639 239 175 151 1 1 1 "VISal6b - 649" -640 187 213 250 1 1 1 "jrb - 650" -641 190 114 253 1 1 1 "NTS - 651" -642 162 102 146 1 1 1 "PVHpml - 652" -643 216 167 222 1 1 1 "VI - 653" -644 82 253 162 1 1 1 "SSp-n4 - 654" -645 177 236 180 1 1 1 "COApl - 655" -646 93 92 169 1 1 1 "MOs1 - 656" -647 207 170 15 1 1 1 "SSp-m2/3 - 657" -648 216 113 113 1 1 1 "ll - 658" -649 28 226 47 1 1 1 "NTSce - 659" -650 21 25 111 1 1 1 "PVHpmm - 660" -651 123 246 108 1 1 1 "VII - 661" -652 57 154 50 1 1 1 "GU6b - 662" -653 102 205 126 1 1 1 "COApm - 663" -654 219 61 156 1 1 1 "ENTm3 - 664" -655 218 218 74 1 1 1 "lot - 665" -656 78 155 142 1 1 1 "NTSco - 666" -657 60 237 220 1 1 1 "FRP2/3 - 667" -658 92 56 189 1 1 1 "DMHa - 668" -659 210 162 81 1 1 1 "VIS - 669" -660 233 45 223 1 1 1 "SSp-tr2/3 - 670" -661 13 130 6 1 1 1 "RSPagl1 - 671" -662 155 32 110 1 1 1 "CP - 672" -663 74 105 139 1 1 1 "mp - 673" -664 212 153 27 1 1 1 "NTSge - 674" -665 83 237 33 1 1 1 "AIv6a - 675" -666 114 171 40 1 1 1 "DMHp - 676" -667 200 131 123 1 1 1 "VISC - 677" -668 182 222 163 1 1 1 "AUDd4 - 678" -669 14 37 196 1 1 1 "CS - 679" -670 102 51 67 1 1 1 "ORBvl6b - 680" -671 251 8 124 1 1 1 "mtg - 681" -672 68 62 151 1 1 1 "NTSl - 682" -673 160 191 126 1 1 1 "PTLp5 - 683" -674 176 116 97 1 1 1 "DMHv - 684" -675 181 88 200 1 1 1 "VM - 685" -676 181 196 169 1 1 1 "SSp6a - 686" -677 247 120 202 1 1 1 "RSPv5 - 687" -678 166 126 245 1 1 1 "CTX - 688" -679 12 136 12 1 1 1 "VLPO - 689" -680 157 213 210 1 1 1 "mtt - 690" -681 90 253 67 1 1 1 "NTSm - 691" -682 20 165 185 1 1 1 "PERI5 - 692" -683 47 189 199 1 1 1 "VMH - 693" -684 43 153 139 1 1 1 "AIv2/3 - 694" -685 10 3 123 1 1 1 "CTXpl - 695" -686 197 187 103 1 1 1 "AUDpo1 - 696" -687 18 32 70 1 1 1 "ml - 697" -688 156 171 166 1 1 1 "OLF - 698" -689 254 178 94 1 1 1 "AIv6b - 699" -690 5 84 58 1 1 1 "AHNa - 700" -691 111 25 253 1 1 1 "VNC - 701" -692 113 39 158 1 1 1 "SSp-n5 - 702" -693 206 42 115 1 1 1 "CTXsp - 703" -694 196 28 101 1 1 1 "AIv1 - 704" -695 162 140 102 1 1 1 "mtV - 705" -696 255 59 90 1 1 1 "OP - 706" -697 145 37 70 1 1 1 "ILA1 - 707" -698 219 64 101 1 1 1 "AHNc - 708" -699 177 95 182 1 1 1 "VP - 709" -700 211 235 149 1 1 1 "VIn - 710" -701 116 211 149 1 1 1 "CU - 711" -702 219 213 219 1 1 1 "ENTm4 - 712" -703 96 127 44 1 1 1 "per - 713" -704 146 217 142 1 1 1 "ORB - 714" -705 140 151 91 1 1 1 "ENTl2a - 715" -706 33 216 43 1 1 1 "AHNd - 716" -707 44 191 219 1 1 1 "XIn - 717" -708 40 122 235 1 1 1 "VPL - 718" -709 6 28 135 1 1 1 "SSp6b - 719" -710 186 79 144 1 1 1 "DCN - 720" -711 96 217 8 1 1 1 "VISp4 - 721" -712 97 38 178 1 1 1 "pvbt - 722" -713 115 119 6 1 1 1 "ORBl - 723" -714 8 169 93 1 1 1 "AHNp - 724" -715 114 216 236 1 1 1 "VPLpc - 725" -716 158 152 19 1 1 1 "DG - 726" -717 229 139 75 1 1 1 "ENTm5 - 727" -718 118 51 7 1 1 1 "arb - 728" -719 213 184 26 1 1 1 "TEa6a - 729" -720 221 84 43 1 1 1 "PIS - 730" -721 194 131 234 1 1 1 "ORBm - 731" -722 251 255 62 1 1 1 "MMme - 732" -723 50 244 28 1 1 1 "VPM - 733" -724 122 183 54 1 1 1 "DGcr - 734" -725 80 137 49 1 1 1 "AUDp1 - 735" -726 114 177 8 1 1 1 "ctb - 736" -727 243 10 157 1 1 1 "fxpo - 737" -728 6 23 47 1 1 1 "ORBv - 738" -729 53 159 209 1 1 1 "ACA5 - 739" -730 161 30 47 1 1 1 "MPNc - 740" -731 111 112 246 1 1 1 "VPMpc - 741" -732 8 122 109 1 1 1 "DGcr-mo - 742" -733 159 140 229 1 1 1 "ENTm6 - 743" -734 83 96 113 1 1 1 "cbc - 744" -735 152 181 185 1 1 1 "fxprg - 745" -736 72 175 180 1 1 1 "ORBvl - 746" -737 251 61 124 1 1 1 "ILA2 - 747" -738 143 109 220 1 1 1 "MPNl - 748" -739 5 72 214 1 1 1 "VTA - 749" -740 110 229 159 1 1 1 "VISpl1 - 750" -741 186 112 221 1 1 1 "DGcr-po - 751" -742 74 118 37 1 1 1 "cbp - 752" -743 170 175 53 1 1 1 "pm - 753" -744 192 10 7 1 1 1 "OT - 754" -745 118 121 48 1 1 1 "AUDv2/3 - 755" -746 97 116 243 1 1 1 "MPNm - 756" -747 224 51 181 1 1 1 "VTN - 757" -748 10 183 253 1 1 1 "DGcr-sg - 758" -749 163 150 163 1 1 1 "AUDpo4 - 759" -750 243 134 154 1 1 1 "epsc - 760" -751 152 213 204 1 1 1 "VMHa - 761" -752 250 253 206 1 1 1 "phpd - 762" -753 196 255 107 1 1 1 "OV - 763" -754 40 121 46 1 1 1 "ENTl2b - 764" -755 92 160 190 1 1 1 "x - 765" -756 183 74 92 1 1 1 "DGlb - 766" -757 145 250 175 1 1 1 "MOs5 - 767" -758 201 182 156 1 1 1 "mfbc - 768" -759 16 210 137 1 1 1 "VMHc - 769" -760 90 200 1 1 1 1 "phpl - 770" -761 30 39 192 1 1 1 "P - 771" -762 234 177 135 1 1 1 "ACAv5 - 772" -763 173 49 28 1 1 1 "XII - 773" -764 144 5 223 1 1 1 "RSPagl5 - 774" -765 81 43 74 1 1 1 "DGlb-mo - 775" -766 19 89 100 1 1 1 "cc - 776" -767 60 58 87 1 1 1 "VMHdm - 777" -768 244 126 171 1 1 1 "VISp5 - 778" -769 118 42 6 1 1 1 "phpm - 779" -770 220 165 191 1 1 1 "PA - 780" -771 33 145 238 1 1 1 "y - 781" -772 221 241 97 1 1 1 "DGlb-po - 782" -773 221 236 70 1 1 1 "AId6a - 783" -774 26 66 22 1 1 1 "cst - 784" -775 105 196 26 1 1 1 "VMHvl - 785" -776 161 63 77 1 1 1 "TEa6b - 786" -777 218 57 132 1 1 1 "phpv - 787" -778 144 45 98 1 1 1 "PAA - 788" -779 196 8 49 1 1 1 "z - 789" -780 142 127 212 1 1 1 "DGlb-sg - 790" -781 142 96 158 1 1 1 "AUDpo5 - 791" -782 233 110 111 1 1 1 "drt - 792" -783 166 24 10 1 1 1 "SSp1 - 793" -784 132 11 190 1 1 1 "sptV - 794" -785 250 187 193 1 1 1 "PAG - 795" -786 124 193 143 1 1 1 "A13 - 796" -787 212 58 220 1 1 1 "ZI - 797" -788 56 103 96 1 1 1 "VIIn - 798" -789 121 68 194 1 1 1 "DGmb - 799" -790 80 51 100 1 1 1 "AIv5 - 800" -791 192 175 124 1 1 1 "VIS1 - 801" -792 92 214 238 1 1 1 "sm - 802" -793 120 126 221 1 1 1 "PAL - 803" -794 70 105 112 1 1 1 "FF - 804" -795 28 141 129 1 1 1 "VISpm1 - 805" -796 199 176 252 1 1 1 "SSs2/3 - 806" -797 184 84 250 1 1 1 "DGmb-mo - 807" -798 141 121 249 1 1 1 "IXn - 808" -799 140 133 173 1 1 1 "PALc - 809" -800 69 183 182 1 1 1 "ACAv6a - 810" -801 83 66 58 1 1 1 "ICc - 811" -802 163 255 214 1 1 1 "dscp - 812" -803 40 153 222 1 1 1 "XIIn - 813" -804 128 13 49 1 1 1 "DP - 814" -805 118 136 119 1 1 1 "DGmb-po - 815" -806 214 187 34 1 1 1 "AUDp4 - 816" -807 144 44 164 1 1 1 "supa - 817" -808 53 234 1 1 1 1 "PALd - 818" -809 185 219 119 1 1 1 "ACAv6b - 819" -810 230 24 38 1 1 1 "ICd - 820" -811 38 227 125 1 1 1 "VISp2/3 - 821" -812 33 109 113 1 1 1 "RHP - 822" -813 141 91 127 1 1 1 "DGmb-sg - 823" -814 74 114 133 1 1 1 "mfsbshy - 824" -815 40 107 253 1 1 1 "supd - 825" -816 173 106 46 1 1 1 "PALm - 826" -817 159 20 244 1 1 1 "ILA5 - 827" -818 160 104 187 1 1 1 "ICe - 828" -819 179 177 225 1 1 1 "SUBd-m - 829" -820 244 126 13 1 1 1 "DMH - 830" -821 224 3 107 1 1 1 "AId6b - 831" -822 3 206 53 1 1 1 "IIIn - 832" -823 163 31 53 1 1 1 "supv - 833" -824 48 51 9 1 1 1 "SCzo - 834" -825 1 230 175 1 1 1 "PALv - 835" -826 81 140 89 1 1 1 "ECT1 - 836" -827 115 105 90 1 1 1 "SUBd-sr - 837" -828 217 240 78 1 1 1 "SSp-n2/3 - 838" -829 34 64 143 1 1 1 "DMX - 839" -830 128 255 15 1 1 1 "In - 840" -831 238 54 168 1 1 1 "tb - 841" -832 241 154 160 1 1 1 "SCsg - 842" -833 8 54 183 1 1 1 "PAR - 843" -834 94 223 44 1 1 1 "MOp6a - 844" -835 163 202 125 1 1 1 "SUBd-sp - 845" -836 10 47 144 1 1 1 "DN - 846" -837 197 248 71 1 1 1 "AUDp5 - 847" -838 79 166 149 1 1 1 "IIn - 848" -839 135 152 223 1 1 1 "VISC6b - 849" -840 196 88 181 1 1 1 "uf - 850" -841 244 95 18 1 1 1 "SCop - 851" -842 85 52 239 1 1 1 "PARN - 852" -843 103 169 204 1 1 1 "SUBv-m - 853" -844 118 51 67 1 1 1 "SSp-ul2/3 - 854" -845 228 243 192 1 1 1 "rst - 855" -846 76 122 54 1 1 1 "DORpm - 856" -847 211 7 11 1 1 1 "VISC6a - 857" -848 129 234 52 1 1 1 "vc - 858" -849 119 230 34 1 1 1 "PAS - 859" -850 61 57 24 1 1 1 "PBlc - 860" -851 156 32 92 1 1 1 "SUBv-sr - 861" -852 165 134 60 1 1 1 "SSs6a - 862" -853 51 197 49 1 1 1 "rust - 863" -854 129 93 32 1 1 1 "DORsm - 864" -855 11 20 114 1 1 1 "SSp4 - 865" -856 152 109 163 1 1 1 "sctv - 866" -857 176 69 162 1 1 1 "PB - 867" -858 58 118 81 1 1 1 "PBld - 868" -859 198 12 65 1 1 1 "VISpl4 - 869" -860 98 4 26 1 1 1 "SUBv-sp - 870" -861 57 122 13 1 1 1 "sst - 871" -862 139 98 83 1 1 1 "DR - 872" -863 95 195 131 1 1 1 "SSs1 - 873" -864 213 126 84 1 1 1 "PBG - 874" -865 105 36 124 1 1 1 "PBle - 875" -866 77 108 254 1 1 1 "aot - 876" -867 6 150 206 1 1 1 "tsp - 877" -868 205 11 138 1 1 1 "SSp-m1 - 878" -869 172 38 246 1 1 1 "RSPd - 879" -870 176 125 4 1 1 1 "DTN - 880" -871 161 205 41 1 1 1 "PBl - 881" -872 248 33 227 1 1 1 "MOp6b - 882" -873 239 253 74 1 1 1 "PBls - 883" -874 254 154 242 1 1 1 "amc - 884" -875 113 236 200 1 1 1 "tn - 885" -876 185 136 182 1 1 1 "RSPv - 886" -877 78 106 90 1 1 1 "ECO - 887" -878 118 182 173 1 1 1 "PERI2/3 - 888" -879 45 104 243 1 1 1 "SSp-n6a - 889" -880 104 127 29 1 1 1 "PBm - 890" -881 176 124 200 1 1 1 "PBlv - 891" -882 73 39 40 1 1 1 "apd - 892" -883 172 251 34 1 1 1 "SSs6b - 893" -884 91 114 199 1 1 1 "RSPagl - 894" -885 218 25 159 1 1 1 "ECT - 895" -886 191 118 24 1 1 1 "lfbst - 896" -887 201 209 93 1 1 1 "VISC1 - 897" -888 3 225 208 1 1 1 "PCG - 898" -889 103 21 95 1 1 1 "PBme - 899" -890 85 200 89 1 1 1 "aco - 900" -891 36 87 130 1 1 1 "Vn - 901" -892 94 96 101 1 1 1 "VISpl5 - 902" -893 195 85 169 1 1 1 "ECU - 903" -894 106 127 67 1 1 1 "MSC - 904" -895 140 174 192 1 1 1 "VISal2/3 - 905" -896 182 32 101 1 1 1 "RSPagl6a - 906" -897 91 5 240 1 1 1 "PCN - 907" -898 178 17 240 1 1 1 "act - 908" -899 117 60 42 1 1 1 "ENT - 909" -900 157 154 18 1 1 1 "ORBm6a - 910" -901 88 122 222 1 1 1 "IVn - 911" -902 87 156 68 1 1 1 "LING - 912" -903 104 139 33 1 1 1 "VIS4 - 913" -904 169 23 227 1 1 1 "PD - 914" -905 163 135 163 1 1 1 "PBmm - 915" -906 252 178 7 1 1 1 "bsc - 916" -907 127 226 104 1 1 1 "Xn - 917" -908 21 61 138 1 1 1 "ENTl - 918" -909 3 223 198 1 1 1 "ACAd6a - 919" -910 133 152 35 1 1 1 "CENT - 920" -911 35 166 150 1 1 1 "SSp5 - 921" -912 254 132 26 1 1 1 "PERI - 922" -913 170 152 57 1 1 1 "PBmv - 923" -914 8 53 114 1 1 1 "cpd - 924" -915 203 91 246 1 1 1 "vrt - 925" -916 13 21 101 1 1 1 "ENTm - 926" -917 81 210 22 1 1 1 "ACAd6b - 927" -918 149 180 29 1 1 1 "CUL - 928" -919 20 67 58 1 1 1 "SSp-n6b - 929" -920 174 71 12 1 1 1 "PF - 930" -921 9 240 231 1 1 1 "PG - 931" -922 44 153 122 1 1 1 "cett - 932" -923 55 26 78 1 1 1 "VIIIn - 933" -924 84 11 226 1 1 1 "ENTmv - 934" -925 95 98 163 1 1 1 "ACAd1 - 935" -926 67 117 63 1 1 1 "DEC - 936" -927 229 125 110 1 1 1 "VIS5 - 937" -928 222 250 153 1 1 1 "PGRN - 938" -929 226 206 74 1 1 1 "AMBd - 939" -930 161 126 25 1 1 1 "cing - 940" -931 20 187 140 1 1 1 "vsp - 941" -932 251 132 116 1 1 1 "EP - 942" -933 137 100 43 1 1 1 "MOp2/3 - 943" -934 35 11 150 1 1 1 "FOTU - 944" -935 143 10 102 1 1 1 "SSp-ul6a - 945" -936 205 28 80 1 1 1 "PH - 946" -937 98 101 38 1 1 1 "MO6b - 947" -938 101 201 36 1 1 1 "cVIIIn - 948" -939 208 64 162 1 1 1 "von - 949" -940 223 73 124 1 1 1 "SSp-m4 - 950" -941 18 10 141 1 1 1 "PYR - 951" -942 212 200 153 1 1 1 "EPd - 952" -943 185 92 152 1 1 1 "PIN - 953" -944 136 125 109 1 1 1 "AUDp6a - 954" -945 143 98 135 1 1 1 "LRNm - 955" -946 120 208 176 1 1 1 "fa - 956" -947 121 38 231 1 1 1 "UVU - 957" -948 91 150 135 1 1 1 "EPI - 958" -949 3 122 27 1 1 1 "AUDv1 - 959" -950 63 194 235 1 1 1 "cbf - 960" -951 36 123 78 1 1 1 "PIR - 961" -952 113 175 96 1 1 1 "MOs2/3 - 962" -953 105 93 196 1 1 1 "LRNp - 963" -954 193 225 121 1 1 1 "ee - 964" -955 106 24 106 1 1 1 "RSPagl2/3 - 965" -956 157 40 244 1 1 1 "EPv - 966" -957 22 136 144 1 1 1 "cm - 967" -958 126 138 152 1 1 1 "NOD - 968" -959 4 181 6 1 1 1 "ORBvl1 - 969" -960 17 170 195 1 1 1 "PGRNd - 970" -961 98 194 168 1 1 1 "fp - 971" -962 149 248 185 1 1 1 "PL - 972" -963 40 92 93 1 1 1 "VISl2/3 - 973" -964 71 110 216 1 1 1 "SSp-m5 - 974" -965 233 224 213 1 1 1 "EW - 975" -966 143 51 139 1 1 1 "CENT2 - 976" -967 129 204 144 1 1 1 "ECT6a - 977" -968 35 221 237 1 1 1 "PGRNl - 978" -969 165 89 100 1 1 1 "ccr - 979" -970 7 233 34 1 1 1 "PMd - 980" -971 185 195 95 1 1 1 "SSp-bfd1 - 981" -972 33 180 208 1 1 1 "FC - 982" -973 248 221 226 1 1 1 "lfbs - 983" -974 209 11 108 1 1 1 "CENT3 - 984" -975 216 35 223 1 1 1 "MOp - 985" -976 58 160 90 1 1 1 "ccs - 986" -977 67 175 69 1 1 1 "P-mot - 987" -978 69 4 221 1 1 1 "ECT5 - 988" -979 247 204 57 1 1 1 "FN - 989" -980 169 23 203 1 1 1 "AUDv4 - 990" -981 121 43 102 1 1 1 "mfbs - 991" -982 87 140 52 1 1 1 "CUL4 - 992" -983 117 163 156 1 1 1 "MOs - 993" -984 49 47 104 1 1 1 "cbt - 994" -985 71 54 101 1 1 1 "PMR - 995" -986 171 92 3 1 1 1 "AId1 - 996" -987 34 127 110 1 1 1 "root - 997" -988 133 43 58 1 1 1 "FS - 998" -989 230 171 30 1 1 1 "ENTl2/3 - 999" -990 6 17 61 1 1 1 "eps - 1000" -991 91 227 37 1 1 1 "CUL5 - 1001" -992 205 8 153 1 1 1 "AUDp - 1002" -993 214 1 158 1 1 1 "cpt - 1003" -994 125 32 241 1 1 1 "PMv - 1004" -995 156 154 74 1 1 1 "AUDp6b - 1005" -996 121 122 104 1 1 1 "SSp-tr1 - 1006" -997 182 227 99 1 1 1 "SIM - 1007" -998 82 37 46 1 1 1 "GENd - 1008" -999 222 233 233 1 1 1 "fiber tracts - 1009" -1000 239 95 124 1 1 1 "VISC4 - 1010" -1001 178 105 41 1 1 1 "AUDd - 1011" -1002 115 57 163 1 1 1 "crt - 1012" -1003 63 130 155 1 1 1 "GENv - 1014" -1004 115 50 11 1 1 1 "ACAd5 - 1015" -1005 120 94 90 1 1 1 "onl - 1016" -1006 243 155 170 1 1 1 "AN - 1017" -1007 159 97 59 1 1 1 "AUDv - 1018" -1008 41 177 68 1 1 1 "cstc - 1019" -1009 52 212 18 1 1 1 "PO - 1020" -1010 3 68 35 1 1 1 "MOs6a - 1021" -1011 123 144 8 1 1 1 "GPe - 1022" -1012 85 63 9 1 1 1 "AUDv5 - 1023" -1013 101 107 3 1 1 1 "grv - 1024" -1014 227 185 130 1 1 1 "PRM - 1025" -1015 118 74 240 1 1 1 "SSp-ul6b - 1026" -1016 47 22 84 1 1 1 "AUDpo - 1027" -1017 17 141 189 1 1 1 "cstu - 1028" -1018 231 95 18 1 1 1 "POL - 1029" -1019 231 191 121 1 1 1 "SSp-ll1 - 1030" -1020 65 26 105 1 1 1 "GPi - 1031" -1021 205 161 247 1 1 1 "grv of CTX - 1032" -1022 182 48 240 1 1 1 "COPY - 1033" -1023 94 103 16 1 1 1 "TTd1 - 1034" -1024 62 217 174 1 1 1 "SSs4 - 1035" -1025 153 20 166 1 1 1 "cte - 1036" -1026 40 34 67 1 1 1 "POST - 1037" -1027 25 91 174 1 1 1 "SSp-bfd6a - 1038" -1028 223 209 190 1 1 1 "GR - 1039" -1029 224 242 126 1 1 1 "grv of CBX - 1040" -1030 46 240 19 1 1 1 "PFL - 1041" -1031 179 63 155 1 1 1 "TTd2 - 1042" -1032 148 200 96 1 1 1 "tspc - 1043" -1033 6 184 193 1 1 1 "PP - 1044" -1034 178 136 16 1 1 1 "ECT6b - 1045" -1035 89 74 141 1 1 1 "VISam6a - 1046" -1036 76 147 161 1 1 1 "SSp-bfd4 - 1047" -1037 111 59 166 1 1 1 "GRN - 1048" -1038 184 111 225 1 1 1 "FL - 1049" -1039 146 45 1 1 1 1 "TTd3 - 1050" -1040 124 140 121 1 1 1 "tspd - 1051" -1041 153 215 162 1 1 1 "PPN - 1052" -1042 199 16 114 1 1 1 "ACA2/3 - 1053" -1043 250 237 49 1 1 1 "ILA6a - 1054" -1044 88 215 69 1 1 1 "eg - 1055" -1045 31 95 26 1 1 1 "ANcr1 - 1056" -1046 250 38 8 1 1 1 "GU - 1057" -1047 68 28 247 1 1 1 "VISC5 - 1058" -1048 228 127 194 1 1 1 "TTd4 - 1059" -1049 201 85 24 1 1 1 "dtd - 1060" -1050 171 252 85 1 1 1 "PPT - 1061" -1051 241 127 101 1 1 1 "SSp-bfd6b - 1062" -1052 60 46 195 1 1 1 "hf - 1063" -1053 185 41 25 1 1 1 "ANcr2 - 1064" -1054 251 200 197 1 1 1 "HB - 1065" -1055 50 79 126 1 1 1 "VISam2/3 - 1066" -1056 41 28 78 1 1 1 "TTv1 - 1067" -1057 18 63 75 1 1 1 "mfbst - 1068" -1058 169 169 92 1 1 1 "PPY - 1069" -1059 90 190 105 1 1 1 "SSp-bfd5 - 1070" -1060 114 183 208 1 1 1 "rf - 1071" -1061 82 106 129 1 1 1 "MGd - 1072" -1062 48 198 235 1 1 1 "HEM - 1073" -1063 198 225 127 1 1 1 "VISal1 - 1074" -1064 60 84 94 1 1 1 "TTv2 - 1075" -1065 75 69 80 1 1 1 "cvb - 1076" -1066 79 247 148 1 1 1 "PR - 1077" -1067 153 20 206 1 1 1 "ri - 1078" -1068 247 78 155 1 1 1 "MGv - 1079" -1069 66 149 131 1 1 1 "HIP - 1080" -1070 162 107 16 1 1 1 "ILA6b - 1081" -1071 242 65 237 1 1 1 "TTv3 - 1082" -1072 174 197 120 1 1 1 "mfbse - 1083" -1073 133 74 143 1 1 1 "PRE - 1084" -1074 40 224 112 1 1 1 "MOs6b - 1085" -1075 84 251 62 1 1 1 "SSp-tr4 - 1086" -1076 155 244 188 1 1 1 "pce - 1087" -1077 34 184 51 1 1 1 "MGm - 1088" -1078 45 75 140 1 1 1 "HPF - 1089" -1079 67 186 123 1 1 1 "SSs5 - 1090" -1080 50 125 158 1 1 1 "CUL4, 5 - 1091" -1081 183 138 142 1 1 1 "em - 1092" -1082 60 118 116 1 1 1 "PRNc - 1093" -1083 104 24 149 1 1 1 "SSp-ll4 - 1094" -1084 195 141 121 1 1 1 "pcf - 1095" -1085 203 194 181 1 1 1 "AMd - 1096" -1086 140 24 214 1 1 1 "HY - 1097" -1087 91 141 95 1 1 1 "MDRNd - 1098" -1088 210 223 44 1 1 1 "fxs - 1099" -1089 31 64 209 1 1 1 "PRT - 1100" -1090 234 41 149 1 1 1 "AId5 - 1101" -1091 32 248 133 1 1 1 "SSp-m6a - 1102" -1092 131 67 156 1 1 1 "pri - 1103" -1093 173 76 198 1 1 1 "AMv - 1104" -1094 120 32 254 1 1 1 "IA - 1105" -1095 114 76 110 1 1 1 "VISC2/3 - 1106" -1096 40 12 129 1 1 1 "MDRNv - 1107" -1097 133 157 101 1 1 1 "ccg - 1108" -1098 192 152 185 1 1 1 "PS - 1109" -1099 226 64 236 1 1 1 "SUMl - 1110" -1100 16 26 245 1 1 1 "SSp-tr5 - 1111" -1101 0 94 83 1 1 1 "psf - 1112" -1102 254 175 86 1 1 1 "IAD - 1113" -1103 210 3 43 1 1 1 "VISal4 - 1114" -1104 230 227 106 1 1 1 "gVIIn - 1116" -1105 147 100 16 1 1 1 "P-sat - 1117" -1106 211 225 234 1 1 1 "SUMm - 1118" -1107 213 225 124 1 1 1 "ppf - 1119" -1108 17 50 50 1 1 1 "IAM - 1120" -1109 230 143 89 1 1 1 "ENTl1 - 1121" -1110 210 133 175 1 1 1 "icp - 1123" -1111 1 195 12 1 1 1 "PSCH - 1124" -1112 134 43 141 1 1 1 "ORBvl5 - 1125" -1113 193 204 133 1 1 1 "TMd - 1126" -1114 241 57 168 1 1 1 "TEa2/3 - 1127" -1115 98 153 164 1 1 1 "SSp-ll5 - 1128" -1116 148 238 70 1 1 1 "IB - 1129" -1117 234 28 153 1 1 1 "iVIIn - 1131" -1118 61 175 199 1 1 1 "P-sen - 1132" -1119 216 165 77 1 1 1 "ENTmv5/6 - 1133" -1120 30 61 9 1 1 1 "NLOT3 - 1139" -1121 237 185 117 1 1 1 "TR1 - 1140" -1122 254 230 74 1 1 1 "TR2 - 1141" -1123 33 96 167 1 1 1 "TR3 - 1142" -1124 228 188 169 1 1 1 "CBXgr - 1143" -1125 211 88 67 1 1 1 "CBXmo - 1144" -1126 105 169 122 1 1 1 "CBXpu - 1145" -1127 118 59 237 1 1 1 "ME - 10671" -1128 117 81 244 1 1 1 "SIMgr - 10672" -1129 251 19 191 1 1 1 "SIMpu - 10673" -1130 159 233 9 1 1 1 "SIMmo - 10674" -1131 184 91 27 1 1 1 "ANcr1gr - 10675" -1132 150 52 79 1 1 1 "ANcr1pu - 10676" -1133 94 9 188 1 1 1 "ANcr1mo - 10677" -1134 64 222 208 1 1 1 "ANcr2gr - 10678" -1135 34 71 24 1 1 1 "ANcr2pu - 10679" -1136 215 68 173 1 1 1 "ANcr2mo - 10680" -1137 199 163 248 1 1 1 "PRMgr - 10681" -1138 225 18 43 1 1 1 "PRMpu - 10682" -1139 81 219 30 1 1 1 "PRMmo - 10683" -1140 232 204 40 1 1 1 "COPYgr - 10684" -1141 44 203 152 1 1 1 "COPYpu - 10685" -1142 9 120 48 1 1 1 "COPYmo - 10686" -1143 19 141 28 1 1 1 "PFLgr - 10687" -1144 38 159 224 1 1 1 "PFLpu - 10688" -1145 107 63 153 1 1 1 "PFLmo - 10689" -1146 175 124 167 1 1 1 "FLgr - 10690" -1147 218 33 63 1 1 1 "FLpu - 10691" -1148 17 249 57 1 1 1 "FLmo - 10692" -1149 254 179 187 1 1 1 "PAR1 - 10693" -1150 108 249 33 1 1 1 "PAR2 - 10694" -1151 180 148 245 1 1 1 "PAR3 - 10695" -1152 137 151 64 1 1 1 "POST1 - 10696" -1153 25 104 172 1 1 1 "POST2 - 10697" -1154 143 168 132 1 1 1 "POST3 - 10698" -1155 95 149 16 1 1 1 "PRE1 - 10699" -1156 225 21 203 1 1 1 "PRE2 - 10700" -1157 162 215 93 1 1 1 "PRE3 - 10701" -1158 187 152 122 1 1 1 "DG-sgz - 10702" -1159 140 210 52 1 1 1 "DG-mo - 10703" -1160 220 23 128 1 1 1 "DG-po - 10704" -1161 133 70 160 1 1 1 "LINGgr - 10705" -1162 228 48 9 1 1 1 "LINGpu - 10706" -1163 147 54 242 1 1 1 "LINGmo - 10707" -1164 48 95 59 1 1 1 "CENT2gr - 10708" -1165 202 129 36 1 1 1 "CENT2pu - 10709" -1166 16 77 65 1 1 1 "CENT2mo - 10710" -1167 54 63 206 1 1 1 "CENT3gr - 10711" -1168 235 165 90 1 1 1 "CENT3pu - 10712" -1169 125 80 218 1 1 1 "CENT3mo - 10713" -1170 143 188 75 1 1 1 "CUL4gr - 10714" -1171 209 62 113 1 1 1 "CUL4pu - 10715" -1172 94 20 232 1 1 1 "CUL4mo - 10716" -1173 160 149 180 1 1 1 "CUL5gr - 10717" -1174 222 138 233 1 1 1 "CUL5pu - 10718" -1175 50 161 113 1 1 1 "CUL5mo - 10719" -1176 113 223 61 1 1 1 "CUL4, 5gr - 10720" -1177 1 88 3 1 1 1 "CUL4, 5pu - 10721" -1178 214 33 67 1 1 1 "CUL4, 5mo - 10722" -1179 14 68 102 1 1 1 "DECgr - 10723" -1180 113 185 67 1 1 1 "DECpu - 10724" -1181 50 145 32 1 1 1 "DECmo - 10725" -1182 43 104 15 1 1 1 "FOTUgr - 10726" -1183 252 189 254 1 1 1 "FOTUpu - 10727" -1184 248 218 240 1 1 1 "FOTUmo - 10728" -1185 82 6 47 1 1 1 "PYRgr - 10729" -1186 119 25 101 1 1 1 "PYRpu - 10730" -1187 94 165 46 1 1 1 "PYRmo - 10731" -1188 126 111 97 1 1 1 "UVUgr - 10732" -1189 211 38 74 1 1 1 "UVUpu - 10733" -1190 111 30 39 1 1 1 "UVUmo - 10734" -1191 188 237 227 1 1 1 "NODgr - 10735" -1192 221 45 54 1 1 1 "NODpu - 10736" -1193 138 215 177 1 1 1 "NODmo - 10737" -1194 52 34 196 1 1 1 "SS1 - 12993" -1195 7 27 105 1 1 1 "SS2/3 - 12994" -1196 44 28 41 1 1 1 "SS4 - 12995" -1197 221 16 141 1 1 1 "SS5 - 12996" -1198 6 182 57 1 1 1 "SS6a - 12997" -1199 156 213 87 1 1 1 "SS6b - 12998" -1200 100 33 26 1 1 1 "SSp-un - 182305689" -1201 246 156 164 1 1 1 "SSp-un1 - 182305693" -1202 101 9 211 1 1 1 "SSp-un2/3 - 182305697" -1203 7 106 118 1 1 1 "SSp-un4 - 182305701" -1204 113 52 137 1 1 1 "SSp-un5 - 182305705" -1205 72 113 173 1 1 1 "SSp-un6a - 182305709" -1206 167 244 92 1 1 1 "SSp-un6b - 182305713" -1207 104 5 46 1 1 1 "retina - 304325711" -1208 21 74 191 1 1 1 "VISa - 312782546" -1209 180 181 202 1 1 1 "VISa1 - 312782550" -1210 123 233 151 1 1 1 "VISa2/3 - 312782554" -1211 56 127 162 1 1 1 "VISa4 - 312782558" -1212 193 62 67 1 1 1 "VISa5 - 312782562" -1213 158 8 126 1 1 1 "VISa6a - 312782566" -1214 207 49 31 1 1 1 "VISa6b - 312782570" -1215 198 54 121 1 1 1 "VISli - 312782574" -1216 217 126 97 1 1 1 "VISli1 - 312782578" -1217 162 141 96 1 1 1 "VISli2/3 - 312782582" -1218 229 172 225 1 1 1 "VISli4 - 312782586" -1219 180 57 11 1 1 1 "VISli5 - 312782590" -1220 35 241 23 1 1 1 "VISli6a - 312782594" -1221 82 234 9 1 1 1 "VISli6b - 312782598" -1222 68 59 4 1 1 1 "VISrl1 - 312782604" -1223 146 68 174 1 1 1 "VISrl2/3 - 312782608" -1224 83 75 136 1 1 1 "VISrl4 - 312782612" -1225 149 186 122 1 1 1 "VISrl5 - 312782616" -1226 166 232 127 1 1 1 "VISrl6a - 312782620" -1227 131 50 39 1 1 1 "VISrl6b - 312782624" -1228 12 11 168 1 1 1 "VISpor - 312782628" -1229 53 98 188 1 1 1 "VISpor1 - 312782632" -1230 21 221 221 1 1 1 "VISpor2/3 - 312782636" -1231 95 59 211 1 1 1 "VISpor4 - 312782640" -1232 7 220 187 1 1 1 "VISpor5 - 312782644" -1233 22 168 44 1 1 1 "VISpor6a - 312782648" -1234 58 162 72 1 1 1 "VISpor6b - 312782652" -1235 36 206 205 1 1 1 "VISrll - 480149202" -1236 63 209 152 1 1 1 "VISrll1 - 480149206" -1237 122 145 13 1 1 1 "VISrll2/3 - 480149210" -1238 66 143 206 1 1 1 "VISrll4 - 480149214" -1239 180 193 233 1 1 1 "VISrll5 - 480149218" -1240 231 50 196 1 1 1 "VISrll6a - 480149222" -1241 226 216 234 1 1 1 "VISrll6b - 480149226" -1242 206 196 187 1 1 1 "VISlla - 480149230" -1243 31 93 221 1 1 1 "VISlla1 - 480149234" -1244 191 209 156 1 1 1 "VISlla2/3 - 480149238" -1245 1 55 70 1 1 1 "VISlla4 - 480149242" -1246 37 32 81 1 1 1 "VISlla5 - 480149246" -1247 77 234 201 1 1 1 "VISlla6a - 480149250" -1248 162 65 100 1 1 1 "VISlla6b - 480149254" -1249 170 17 30 1 1 1 "VISmma - 480149258" -1250 86 59 151 1 1 1 "VISmma1 - 480149262" -1251 139 77 20 1 1 1 "VISmma2/3 - 480149266" -1252 96 190 162 1 1 1 "VISmma4 - 480149270" -1253 244 34 225 1 1 1 "VISmma5 - 480149274" -1254 239 44 165 1 1 1 "VISmma6a - 480149278" -1255 146 104 187 1 1 1 "VISmma6b - 480149282" -1256 107 151 172 1 1 1 "VISmmp - 480149286" -1257 46 136 65 1 1 1 "VISmmp1 - 480149290" -1258 42 1 184 1 1 1 "VISmmp2/3 - 480149294" -1259 115 79 184 1 1 1 "VISmmp4 - 480149298" -1260 242 69 229 1 1 1 "VISmmp5 - 480149302" -1261 99 168 89 1 1 1 "VISmmp6a - 480149306" -1262 235 39 172 1 1 1 "VISmmp6b - 480149310" -1263 94 106 59 1 1 1 "VISm - 480149314" -1264 131 147 19 1 1 1 "VISm1 - 480149318" -1265 144 29 124 1 1 1 "VISm2/3 - 480149322" -1266 222 146 203 1 1 1 "VISm4 - 480149326" -1267 84 189 49 1 1 1 "VISm5 - 480149330" -1268 217 89 56 1 1 1 "VISm6a - 480149334" -1269 82 99 186 1 1 1 "VISm6b - 480149338" -1270 211 103 156 1 1 1 "ProS - 484682470" -1271 73 26 12 1 1 1 "ProSd - 484682475" -1272 214 73 73 1 1 1 "ProSd-m - 484682479" -1273 78 132 252 1 1 1 "ProSd-sp - 484682483" -1274 82 147 52 1 1 1 "ProSd-sr - 484682487" -1275 188 236 190 1 1 1 "ProSv - 484682492" -1276 2 205 195 1 1 1 "ProSv-m - 484682496" -1277 60 6 189 1 1 1 "ProSv-sp - 484682500" -1278 42 149 90 1 1 1 "Prosv-sr - 484682504" -1279 241 174 245 1 1 1 "APr - 484682508" -1280 25 224 182 1 1 1 "scwm - 484682512" -1281 7 135 129 1 1 1 "ccb - 484682516" -1282 82 171 168 1 1 1 "or - 484682520" -1283 145 156 130 1 1 1 "ar - 484682524" -1284 170 199 77 1 1 1 "stc - 484682528" -1285 162 223 228 1 1 1 "LGd-sh - 496345664" -1286 85 73 94 1 1 1 "LGd-co - 496345668" -1287 92 45 167 1 1 1 "LGd-ip - 496345672" -1288 77 201 103 1 1 1 "FRP5 - 526157192" -1289 229 192 116 1 1 1 "FRP6a - 526157196" -1290 100 223 146 1 1 1 "FRP6b - 526322264" -1291 201 115 40 1 1 1 "ORBm6b - 527696977" -1292 220 208 119 1 1 1 "LSS - 549009199" -1293 158 154 226 1 1 1 "RPF - 549009203" -1294 71 130 122 1 1 1 "InCo - 549009207" -1295 205 150 224 1 1 1 "MA3 - 549009211" -1296 203 98 18 1 1 1 "P5 - 549009215" -1297 63 140 133 1 1 1 "Acs5 - 549009219" -1298 144 136 52 1 1 1 "PC5 - 549009223" -1299 83 190 194 1 1 1 "I5 - 549009227" -1300 98 1 146 1 1 1 "Eth - 560581551" -1301 148 62 164 1 1 1 "REth - 560581555" -1302 24 91 121 1 1 1 "Xi - 560581559" -1303 189 171 43 1 1 1 "PIL - 560581563" -1304 116 210 168 1 1 1 "PoT - 563807435" -1305 64 176 54 1 1 1 "IntG - 563807439" -1306 188 14 190 1 1 1 "VMPO - 576073699" -1307 117 253 191 1 1 1 "PeF - 576073704" -1308 181 38 206 1 1 1 "HATA - 589508447" -1309 61 217 136 1 1 1 "Pa5 - 589508451" -1310 149 235 252 1 1 1 "VeCB - 589508455" -1311 8 125 240 1 1 1 "SCO - 599626923" -1312 123 208 45 1 1 1 "PDTg - 599626927" -1313 119 78 176 1 1 1 "MMl - 606826647" -1314 78 10 28 1 1 1 "MMm - 606826651" -1315 92 236 23 1 1 1 "MMp - 606826655" -1316 249 73 179 1 1 1 "MMd - 606826659" -1317 247 145 28 1 1 1 "Pa4 - 606826663" -1318 95 83 50 1 1 1 "PN - 607344830" -1319 37 180 73 1 1 1 "IPR - 607344834" -1320 59 118 147 1 1 1 "IPC - 607344838" -1321 106 74 141 1 1 1 "IPA - 607344842" -1322 119 83 96 1 1 1 "IPL - 607344846" -1323 119 95 65 1 1 1 "IPI - 607344850" -1324 7 73 191 1 1 1 "IPDM - 607344854" -1325 187 228 175 1 1 1 "IPDL - 607344858" -1326 224 228 204 1 1 1 "IPRL - 607344862" -1327 214 229 231 1 1 1 "Su3 - 614454277" diff --git a/scripts/reformat_label_files.py b/scripts/reformat_label_files.py index 23904bac805494221e7a02faf291097fed66d703..8df1443b9b46783527ddb644997fde2b963ccb51 100644 --- a/scripts/reformat_label_files.py +++ b/scripts/reformat_label_files.py @@ -2,50 +2,151 @@ import pandas as pd """reformat itksnap_label_description_2022.txt""" + + def reformat_allen_label(inputpath, outputpath): - df = pd.read_csv(inputpath, sep=" ", header=None, names=["row", "r", "g", "b", "a", "VIS", "MSH", "name"]) - + df = pd.read_csv( + inputpath, + sep=" ", + header=None, + names=["row", "r", "g", "b", "a", "VIS", "MSH", "name"], + ) + # this is to reformat the name to allenID - df[["name", "idx"]] = df["name"].str.split(' - ', expand=True) - # this is to add on "root" as this was missing from the Allen file - df = df.append({"idx": 0, "name": "background", "r": 255, "g": 255, "b": 255, "a": 1.0, "VIS":1.0, "MSH":1.0}, ignore_index=True) - + df[["name", "idx"]] = df["name"].str.split(" - ", expand=True) + # this is to add on "root" as this was missing from the Allen file + df = df.append( + { + "idx": 0, + "name": "background", + "r": 255, + "g": 255, + "b": 255, + "a": 1.0, + "VIS": 1.0, + "MSH": 1.0, + }, + ignore_index=True, + ) + df - reordered_df = df.loc[:,["idx", "r", "g", "b", "a", "VIS", "MSH", "name", "row"]] + reordered_df = df.loc[:, ["idx", "r", "g", "b", "a", "VIS", "MSH", "name", "row"]] reordered_df.to_csv(outputpath, index=False) -reformat_allen_label("../annotation_volumes/itksnap_label_description_2022.txt","../annotation_volumes/allen2022_colours_updated.csv") + +reformat_allen_label( + "../annotation_volumes/itksnap_label_description_2022.txt", + "../annotation_volumes/allen2022_colours_updated.csv", +) """reformat AllenMouseBrain_atlas_CCF_2017.label, add clear label to first row""" + + def reformat_label(inputpath, outputpath): - df = pd.read_csv(inputpath, sep = "\t", header=None, skiprows=15 ,names=["idx", "r", "g", "b", "a", "VIS", "MSH", "name"] ) - df_clear = pd.DataFrame({"idx": 0, "name": "Clear Label", "r": 0, "g": 0, "b": 0, "a": 1.0, "VIS":1.0, "MSH":1.0},index=[0]) + df = pd.read_csv( + inputpath, + sep="\t", + header=None, + skiprows=15, + names=["idx", "r", "g", "b", "a", "VIS", "MSH", "name"], + ) + df_clear = pd.DataFrame( + { + "idx": 0, + "name": "Clear Label", + "r": 0, + "g": 0, + "b": 0, + "a": 1.0, + "VIS": 1.0, + "MSH": 1.0, + }, + index=[0], + ) df = pd.concat([df_clear, df]) df.to_csv(outputpath, index=False) -reformat_label("../annotation_volumes/AllenMouseBrain_Atlas_CCF_2017.label","../annotation_volumes/allen2017_colours.csv") + +reformat_label( + "../annotation_volumes/AllenMouseBrain_Atlas_CCF_2017.label", + "../annotation_volumes/allen2017_colours.csv", +) """reformat AllenMouseBrain_atlas_CCF_2015.label, add clear label to first row""" + + def reformat_label(inputpath, outputpath): - df = pd.read_csv(inputpath, sep = "\t", header=None, skiprows=15 ,names=["idx", "r", "g", "b", "a", "VIS", "MSH", "name"] ) - df_clear = pd.DataFrame({"idx": 0, "name": "Clear Label", "r": 0, "g": 0, "b": 0, "a": 1.0, "VIS":1.0, "MSH":1.0}, index=[0]) + df = pd.read_csv( + inputpath, + sep="\t", + header=None, + skiprows=15, + names=["idx", "r", "g", "b", "a", "VIS", "MSH", "name"], + ) + df_clear = pd.DataFrame( + { + "idx": 0, + "name": "Clear Label", + "r": 0, + "g": 0, + "b": 0, + "a": 1.0, + "VIS": 1.0, + "MSH": 1.0, + }, + index=[0], + ) df = pd.concat([df_clear, df]) - #df = df.append({"idx": 0, "name": "Clear Label", "r": 0, "g": 0, "b": 0, "a": 1.0, "VIS":1.0, "MSH":1.0}, ignore_index=True) + # df = df.append({"idx": 0, "name": "Clear Label", "r": 0, "g": 0, "b": 0, "a": 1.0, "VIS":1.0, "MSH":1.0}, ignore_index=True) df.to_csv(outputpath, index=False) -reformat_label("../annotation_volumes/AllenMouseBrain_Atlas_CCF_2015.label","../annotation_volumes/allen2015_colours.csv") + +reformat_label( + "../annotation_volumes/AllenMouseBrain_Atlas_CCF_2015.label", + "../annotation_volumes/allen2015_colours.csv", +) """reformat WHS_rat_atlas""" + + def reformat_WHS_label(inputpath, outputpath): - df = pd.read_csv(inputpath, sep = "\s+", header=None, skiprows=15 ,names=["idx", "r", "g", "b", "a", "VIS", "MSH", "name"] ) - #df = df.append({"idx": 0, "name": "Clear Label", "r": 0, "g": 0, "b": 0, "a": 1.0, "VIS":1.0, "MSH":1.0}, ignore_index=True) - df_clear = pd.DataFrame({"idx": 0, "name": "Clear Label", "r": 0, "g": 0, "b": 0, "a": 1.0, "VIS":1.0, "MSH":1.0}, index=[0]) + df = pd.read_csv( + inputpath, + sep="\s+", + header=None, + skiprows=15, + names=["idx", "r", "g", "b", "a", "VIS", "MSH", "name"], + ) + # df = df.append({"idx": 0, "name": "Clear Label", "r": 0, "g": 0, "b": 0, "a": 1.0, "VIS":1.0, "MSH":1.0}, ignore_index=True) + df_clear = pd.DataFrame( + { + "idx": 0, + "name": "Clear Label", + "r": 0, + "g": 0, + "b": 0, + "a": 1.0, + "VIS": 1.0, + "MSH": 1.0, + }, + index=[0], + ) df = pd.concat([df_clear, df]) df.to_csv(outputpath, index=False) -reformat_WHS_label("../annotation_volumes/WHS_SD_rat_atlas_v4.label","../annotation_volumes/WHS_v4_colours.csv") -reformat_WHS_label("../annotation_volumes/WHS_Atlas_Rat_Brain_v3.label","../annotation_volumes/WHS_v3_colours.csv") -reformat_WHS_label("../annotation_volumes/WHS_Atlas_Rat_Brain_v2.label","../annotation_volumes/WHS_v2_colours.csv") \ No newline at end of file + +reformat_WHS_label( + "../annotation_volumes/WHS_SD_rat_atlas_v4.label", + "../annotation_volumes/WHS_v4_colours.csv", +) +reformat_WHS_label( + "../annotation_volumes/WHS_Atlas_Rat_Brain_v3.label", + "../annotation_volumes/WHS_v3_colours.csv", +) +reformat_WHS_label( + "../annotation_volumes/WHS_Atlas_Rat_Brain_v2.label", + "../annotation_volumes/WHS_v2_colours.csv", +) diff --git a/scripts/reorient_allen_volume.py b/scripts/reorient_allen_volume.py index e5bbf128f8152b4b7df22fa78c58add4dbeb469e..3de509abc5ec59c3c33eeeaea63c1ee00a02fa01 100644 --- a/scripts/reorient_allen_volume.py +++ b/scripts/reorient_allen_volume.py @@ -5,10 +5,11 @@ orientation of meshview coordinates. import nrrd import numpy as np -data, header = nrrd.read('../annotation_volumes/annotation_10.nrrd') + +data, header = nrrd.read("../annotation_volumes/annotation_10.nrrd") # change the order of the axes -data = np.transpose(data, (2,0,1)) +data = np.transpose(data, (2, 0, 1)) # flip two of the axes data = data[:, ::-1, ::-1] # write the new volume -nrrd.write('../annotation_volumes/annotation_10_reoriented.nrrd', data, header=header) +nrrd.write("../annotation_volumes/annotation_10_reoriented.nrrd", data, header=header)