source_code
stringlengths
45
7.24k
function_name
stringlengths
1
111
messages
list
def x(self): import scipy start = self._start_time seg = 1 - self.segmentation.astype(np.int8) self.stats['low level object voxels'] = np.sum(seg) self.stats['low level image voxels'] = np.prod(seg.shape) seg_border = scipy.ndimage.filters.laplace(seg, mode='constant') logger.debug('seg_border: %s', scipy.stats.describe(seg_border, axis=None)) seg_border[seg_border != 0] = 1 logger.debug('seg_border: %s', scipy.stats.describe(seg_border, axis=None)) boundary_dilatation_distance = self.segparams[ 'boundary_dilatation_distance'] seg = scipy.ndimage.morphology.binary_dilation(seg_border, np.ones([ boundary_dilatation_distance * 2 + 1, boundary_dilatation_distance * 2 + 1, boundary_dilatation_distance * 2 + 1])) if self.keep_temp_properties: self.temp_msgc_lowres_discontinuity = seg else: self.temp_msgc_lowres_discontinuity = None if self.debug_images: import sed3 pd = sed3.sed3(seg_border) pd.show() pd = sed3.sed3(seg) pd.show() self.stats['t3'] = time.time() - start return seg
msgc_step3_discontinuity_localization
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self):\n import scipy\n start = self._start_time\n seg = 1 - self.segmentation.astype(np.int8)\n self.stats['low level object voxels'] = np.sum(seg)\n self.stats['low level image voxels'] = np.prod(seg.shape)\n seg_border = scipy.ndimage.filters.laplace(seg, mode='constant')\n logger.debug('seg_border: %s', scipy.stats.describe(seg_border, axis=None))\n seg_border[seg_border != 0] = 1\n logger.debug('seg_border: %s', scipy.stats.describe(seg_border, axis=None))\n boundary_dilatation_distance = self.segparams[\n 'boundary_dilatation_distance']\n seg = scipy.ndimage.morphology.binary_dilation(seg_border, np.ones([\n boundary_dilatation_distance * 2 + 1, boundary_dilatation_distance *\n 2 + 1, boundary_dilatation_distance * 2 + 1]))\n if self.keep_temp_properties:\n self.temp_msgc_lowres_discontinuity = seg\n else:\n self.temp_msgc_lowres_discontinuity = None\n if self.debug_images:\n import sed3\n pd = sed3.sed3(seg_border)\n pd.show()\n pd = sed3.sed3(seg)\n pd.show()\n self.stats['t3'] = time.time() - start\n return seg\n", "role": "user" }, { "content": "msgc_step3_discontinuity_localization", "role": "assistant" } ]
def x(self): self._msgc_lo2hi_resize_init() self.__msgc_step0_init() hard_constraints = self.__msgc_step12_low_resolution_segmentation() seg = self.__msgc_step3_discontinuity_localization() self.stats['t3.1'] = time.time() - self._start_time graph = Graph(seg, voxelsize=self.voxelsize, nsplit=self.segparams[ 'block_size'], edge_weight_table=self._msgc_npenalty_table, compute_low_nodes_index=True) graph.generate_base_grid() self.stats['t3.2'] = time.time() - self._start_time graph.split_voxels() self.stats['t3.3'] = time.time() - self._start_time self.stats.update(graph.stats) self.stats['t4'] = time.time() - self._start_time mul_mask, mul_val = self.__msgc_tlinks_area_weight_from_low_segmentation( seg) area_weight = 1 unariesalt = self.__create_tlinks(self.img, self.voxelsize, self.seeds, area_weight=area_weight, hard_constraints=hard_constraints, mul_mask=None, mul_val=None) self.stats['t5'] = time.time() - self._start_time un, ind = np.unique(graph.msinds, return_index=True) self.stats['t6'] = time.time() - self._start_time self.stats['t7'] = time.time() - self._start_time unariesalt2_lo2hi = np.hstack([unariesalt[ind, 0, 0].reshape(-1, 1), unariesalt[ind, 0, 1].reshape(-1, 1)]) nlinks_lo2hi = np.hstack([graph.edges, graph.edges_weights.reshape(-1, 1)]) if self.debug_images: import sed3 ed = sed3.sed3(unariesalt[:, :, 0].reshape(self.img.shape)) ed.show() import sed3 ed = sed3.sed3(unariesalt[:, :, 1].reshape(self.img.shape)) ed.show() self.__msgc_step9_finish_perform_gc_and_reshape(nlinks_lo2hi, unariesalt2_lo2hi, graph.msinds) self._msgc_lo2hi_resize_clean_finish()
multiscale_gc_lo2hi_run
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self):\n self._msgc_lo2hi_resize_init()\n self.__msgc_step0_init()\n hard_constraints = self.__msgc_step12_low_resolution_segmentation()\n seg = self.__msgc_step3_discontinuity_localization()\n self.stats['t3.1'] = time.time() - self._start_time\n graph = Graph(seg, voxelsize=self.voxelsize, nsplit=self.segparams[\n 'block_size'], edge_weight_table=self._msgc_npenalty_table,\n compute_low_nodes_index=True)\n graph.generate_base_grid()\n self.stats['t3.2'] = time.time() - self._start_time\n graph.split_voxels()\n self.stats['t3.3'] = time.time() - self._start_time\n self.stats.update(graph.stats)\n self.stats['t4'] = time.time() - self._start_time\n mul_mask, mul_val = self.__msgc_tlinks_area_weight_from_low_segmentation(\n seg)\n area_weight = 1\n unariesalt = self.__create_tlinks(self.img, self.voxelsize, self.seeds,\n area_weight=area_weight, hard_constraints=hard_constraints,\n mul_mask=None, mul_val=None)\n self.stats['t5'] = time.time() - self._start_time\n un, ind = np.unique(graph.msinds, return_index=True)\n self.stats['t6'] = time.time() - self._start_time\n self.stats['t7'] = time.time() - self._start_time\n unariesalt2_lo2hi = np.hstack([unariesalt[ind, 0, 0].reshape(-1, 1),\n unariesalt[ind, 0, 1].reshape(-1, 1)])\n nlinks_lo2hi = np.hstack([graph.edges, graph.edges_weights.reshape(-1, 1)])\n if self.debug_images:\n import sed3\n ed = sed3.sed3(unariesalt[:, :, 0].reshape(self.img.shape))\n ed.show()\n import sed3\n ed = sed3.sed3(unariesalt[:, :, 1].reshape(self.img.shape))\n ed.show()\n self.__msgc_step9_finish_perform_gc_and_reshape(nlinks_lo2hi,\n unariesalt2_lo2hi, graph.msinds)\n self._msgc_lo2hi_resize_clean_finish()\n", "role": "user" }, { "content": "multiscale_gc_lo2hi_run", "role": "assistant" } ]
def x(self): self.__msgc_step0_init() hard_constraints = self.__msgc_step12_low_resolution_segmentation() seg = self.__msgc_step3_discontinuity_localization() nlinks, unariesalt2, msinds = self.__msgc_step45678_hi2lo_construct_graph( hard_constraints, seg) self.__msgc_step9_finish_perform_gc_and_reshape(nlinks, unariesalt2, msinds )
multiscale_gc_hi2lo_run
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self):\n self.__msgc_step0_init()\n hard_constraints = self.__msgc_step12_low_resolution_segmentation()\n seg = self.__msgc_step3_discontinuity_localization()\n nlinks, unariesalt2, msinds = self.__msgc_step45678_hi2lo_construct_graph(\n hard_constraints, seg)\n self.__msgc_step9_finish_perform_gc_and_reshape(nlinks, unariesalt2, msinds\n )\n", "role": "user" }, { "content": "multiscale_gc_hi2lo_run", "role": "assistant" } ]
def x(self, data, inds): values = [None] * (np.max(inds) + 1) linear_inds = inds.ravel() linear_data = data.ravel() for i in range(0, len(linear_inds)): if values[linear_inds[i]] is None: values[linear_inds[i]] = linear_data[i] elif values[linear_inds[i]] < linear_data[i]: values[linear_inds[i]] = linear_data[i] values = np.asarray(values) return values
ordered_values_by_indexes
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, data, inds):\n values = [None] * (np.max(inds) + 1)\n linear_inds = inds.ravel()\n linear_data = data.ravel()\n for i in range(0, len(linear_inds)):\n if values[linear_inds[i]] is None:\n values[linear_inds[i]] = linear_data[i]\n elif values[linear_inds[i]] < linear_data[i]:\n values[linear_inds[i]] = linear_data[i]\n values = np.asarray(values)\n return values\n", "role": "user" }, { "content": "ordered_values_by_indexes", "role": "assistant" } ]
def x(self, mask, orig_shape): mask_orig = zoom_to_shape(mask, orig_shape, dtype=np.int8) inds_small = np.arange(mask.size).reshape(mask.shape) inds_small_in_orig = zoom_to_shape(inds_small, orig_shape, dtype=np.int8) inds_orig = np.arange(np.prod(orig_shape)).reshape(orig_shape) inds_orig += np.max(inds_small_in_orig) + 1 inds_small_in_orig[mask_orig == True] = inds_orig[mask_orig == True] inds = inds_small_in_orig inds = relabel_squeeze(inds) logger.debug('Index after relabeling: %s', scipy.stats.describe(inds, axis=None)) return inds, mask_orig
hi2lo_multiscale_indexes
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, mask, orig_shape):\n mask_orig = zoom_to_shape(mask, orig_shape, dtype=np.int8)\n inds_small = np.arange(mask.size).reshape(mask.shape)\n inds_small_in_orig = zoom_to_shape(inds_small, orig_shape, dtype=np.int8)\n inds_orig = np.arange(np.prod(orig_shape)).reshape(orig_shape)\n inds_orig += np.max(inds_small_in_orig) + 1\n inds_small_in_orig[mask_orig == True] = inds_orig[mask_orig == True]\n inds = inds_small_in_orig\n inds = relabel_squeeze(inds)\n logger.debug('Index after relabeling: %s', scipy.stats.describe(inds,\n axis=None))\n return inds, mask_orig\n", "role": "user" }, { "content": "hi2lo_multiscale_indexes", "role": "assistant" } ]
def x(self, min_val=None, max_val=None, qt_app=None): from .seed_editor_qt import QTSeedEditor from PyQt4.QtGui import QApplication if min_val is None: min_val = np.min(self.img) if max_val is None: max_val = np.max(self.img) window_c = (max_val + min_val) / 2 window_w = max_val - min_val if qt_app is None: qt_app = QApplication(sys.argv) pyed = QTSeedEditor(self.img, modeFun=self.interactivity_loop, voxelSize=self.voxelsize, seeds=self.seeds, volume_unit=self. volume_unit) pyed.changeC(window_c) pyed.changeW(window_w) qt_app.exec_()
interactivity
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, min_val=None, max_val=None, qt_app=None):\n from .seed_editor_qt import QTSeedEditor\n from PyQt4.QtGui import QApplication\n if min_val is None:\n min_val = np.min(self.img)\n if max_val is None:\n max_val = np.max(self.img)\n window_c = (max_val + min_val) / 2\n window_w = max_val - min_val\n if qt_app is None:\n qt_app = QApplication(sys.argv)\n pyed = QTSeedEditor(self.img, modeFun=self.interactivity_loop,\n voxelSize=self.voxelsize, seeds=self.seeds, volume_unit=self.\n volume_unit)\n pyed.changeC(window_c)\n pyed.changeW(window_w)\n qt_app.exec_()\n", "role": "user" }, { "content": "interactivity", "role": "assistant" } ]
def x(self, seeds): if self.img.shape != seeds.shape: raise Exception('Seeds must be same size as input image') self.seeds = seeds.astype('int8') self.voxels1 = self.img[self.seeds == 1] self.voxels2 = self.img[self.seeds == 2]
set_seeds
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, seeds):\n if self.img.shape != seeds.shape:\n raise Exception('Seeds must be same size as input image')\n self.seeds = seeds.astype('int8')\n self.voxels1 = self.img[self.seeds == 1]\n self.voxels2 = self.img[self.seeds == 2]\n", "role": "user" }, { "content": "set_seeds", "role": "assistant" } ]
def x(self, run_fit_model=True): if run_fit_model: self.fit_model(self.img, self.voxelsize, self.seeds) self._start_time = time.time() if self.segparams['method'].lower() in ('graphcut', 'gc'): self.__single_scale_gc_run() elif self.segparams['method'].lower() in ('multiscale_graphcut', 'multiscale_gc', 'msgc', 'msgc_lo2hi', 'lo2hi', 'multiscale_graphcut_lo2hi'): logger.debug('performing multiscale Graph-Cut lo2hi') self.__multiscale_gc_lo2hi_run() elif self.segparams['method'].lower() in ('msgc_hi2lo', 'hi2lo', 'multiscale_graphcut_hi2lo'): logger.debug('performing multiscale Graph-Cut hi2lo') self.__multiscale_gc_hi2lo_run() else: logger.error('Unknown segmentation method: ' + self.segparams['method'] )
run
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, run_fit_model=True):\n if run_fit_model:\n self.fit_model(self.img, self.voxelsize, self.seeds)\n self._start_time = time.time()\n if self.segparams['method'].lower() in ('graphcut', 'gc'):\n self.__single_scale_gc_run()\n elif self.segparams['method'].lower() in ('multiscale_graphcut',\n 'multiscale_gc', 'msgc', 'msgc_lo2hi', 'lo2hi',\n 'multiscale_graphcut_lo2hi'):\n logger.debug('performing multiscale Graph-Cut lo2hi')\n self.__multiscale_gc_lo2hi_run()\n elif self.segparams['method'].lower() in ('msgc_hi2lo', 'hi2lo',\n 'multiscale_graphcut_hi2lo'):\n logger.debug('performing multiscale Graph-Cut hi2lo')\n self.__multiscale_gc_hi2lo_run()\n else:\n logger.error('Unknown segmentation method: ' + self.segparams['method']\n )\n", "role": "user" }, { "content": "run", "role": "assistant" } ]
def x(self, tdata1, tdata2, seeds): seeds_mask = (seeds == 1) | (seeds == 3) tdata2[seeds_mask] = np.max(tdata2) + 1 tdata1[seeds_mask] = 0 seeds_mask = (seeds == 2) | (seeds == 4) tdata1[seeds_mask] = np.max(tdata1) + 1 tdata2[seeds_mask] = 0 return tdata1, tdata2
set_hard_hard_constraints
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, tdata1, tdata2, seeds):\n seeds_mask = (seeds == 1) | (seeds == 3)\n tdata2[seeds_mask] = np.max(tdata2) + 1\n tdata1[seeds_mask] = 0\n seeds_mask = (seeds == 2) | (seeds == 4)\n tdata1[seeds_mask] = np.max(tdata1) + 1\n tdata2[seeds_mask] = 0\n return tdata1, tdata2\n", "role": "user" }, { "content": "set_hard_hard_constraints", "role": "assistant" } ]
def x(self, data, voxelsize): tdata1 = -self.mdl.likelihood_from_image(data, voxelsize, 1) * 10 tdata2 = -self.mdl.likelihood_from_image(data, voxelsize, 2) * 10 dtype = np.int16 if np.any(tdata1 > 32760): dtype = np.float32 if np.any(tdata2 > 32760): dtype = np.float32 if self.segparams['use_apriori_if_available'] and self.apriori is not None: logger.debug('using apriori information') gamma = self.segparams['apriori_gamma'] a1 = -np.log(self.apriori * 0.998 + 0.001) * 10 a2 = -np.log(0.999 - self.apriori * 0.998) * 10 tdata1u = ((1 - gamma) * tdata1 + gamma * a1).astype(dtype) tdata2u = ((1 - gamma) * tdata2 + gamma * a2).astype(dtype) tdata1 = tdata1u tdata2 = tdata2u del tdata1u del tdata2u del a1 del a2 return tdata1, tdata2
similarity_for_tlinks_obj_bgr
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, data, voxelsize):\n tdata1 = -self.mdl.likelihood_from_image(data, voxelsize, 1) * 10\n tdata2 = -self.mdl.likelihood_from_image(data, voxelsize, 2) * 10\n dtype = np.int16\n if np.any(tdata1 > 32760):\n dtype = np.float32\n if np.any(tdata2 > 32760):\n dtype = np.float32\n if self.segparams['use_apriori_if_available'] and self.apriori is not None:\n logger.debug('using apriori information')\n gamma = self.segparams['apriori_gamma']\n a1 = -np.log(self.apriori * 0.998 + 0.001) * 10\n a2 = -np.log(0.999 - self.apriori * 0.998) * 10\n tdata1u = ((1 - gamma) * tdata1 + gamma * a1).astype(dtype)\n tdata2u = ((1 - gamma) * tdata2 + gamma * a2).astype(dtype)\n tdata1 = tdata1u\n tdata2 = tdata2u\n del tdata1u\n del tdata2u\n del a1\n del a2\n return tdata1, tdata2\n", "role": "user" }, { "content": "similarity_for_tlinks_obj_bgr", "role": "assistant" } ]
def x(self, data, inds=None, boundary_penalties_fcn=None): start = time.time() if inds is None: inds = np.arange(data.size).reshape(data.shape) if boundary_penalties_fcn is None: edgx = np.c_[inds[:, :, :-1].ravel(), inds[:, :, 1:].ravel()] edgy = np.c_[inds[:, :-1, :].ravel(), inds[:, 1:, :].ravel()] edgz = np.c_[inds[:-1, :, :].ravel(), inds[1:, :, :].ravel()] else: logger.info('use_boundary_penalties') bpw = self.segparams['boundary_penalties_weight'] bpa = boundary_penalties_fcn(2) edgx = np.c_[inds[:, :, :-1].ravel(), inds[:, :, 1:].ravel(), bpw * bpa[:, :, 1:].ravel()] bpa = boundary_penalties_fcn(1) edgy = np.c_[inds[:, :-1, :].ravel(), inds[:, 1:, :].ravel(), bpw * bpa[:, 1:, :].ravel()] bpa = boundary_penalties_fcn(0) edgz = np.c_[inds[:-1, :, :].ravel(), inds[1:, :, :].ravel(), bpw * bpa[1:, :, :].ravel()] edges = np.vstack([edgx, edgy, edgz]).astype(np.int32) elapsed = time.time() - start self.stats['_create_nlinks time'] = elapsed logger.info('__create nlinks time ' + str(elapsed)) return edges
create_nlinks
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, data, inds=None, boundary_penalties_fcn=None):\n start = time.time()\n if inds is None:\n inds = np.arange(data.size).reshape(data.shape)\n if boundary_penalties_fcn is None:\n edgx = np.c_[inds[:, :, :-1].ravel(), inds[:, :, 1:].ravel()]\n edgy = np.c_[inds[:, :-1, :].ravel(), inds[:, 1:, :].ravel()]\n edgz = np.c_[inds[:-1, :, :].ravel(), inds[1:, :, :].ravel()]\n else:\n logger.info('use_boundary_penalties')\n bpw = self.segparams['boundary_penalties_weight']\n bpa = boundary_penalties_fcn(2)\n edgx = np.c_[inds[:, :, :-1].ravel(), inds[:, :, 1:].ravel(), bpw *\n bpa[:, :, 1:].ravel()]\n bpa = boundary_penalties_fcn(1)\n edgy = np.c_[inds[:, :-1, :].ravel(), inds[:, 1:, :].ravel(), bpw *\n bpa[:, 1:, :].ravel()]\n bpa = boundary_penalties_fcn(0)\n edgz = np.c_[inds[:-1, :, :].ravel(), inds[1:, :, :].ravel(), bpw *\n bpa[1:, :, :].ravel()]\n edges = np.vstack([edgx, edgy, edgz]).astype(np.int32)\n elapsed = time.time() - start\n self.stats['_create_nlinks time'] = elapsed\n logger.info('__create nlinks time ' + str(elapsed))\n return edges\n", "role": "user" }, { "content": "create_nlinks", "role": "assistant" } ]
def x(self, data3d=None, voxelsize=None, seeds=None, area_weight=1, hard_constraints=True, return_unariesalt=False): if data3d is None: data3d = self.img if voxelsize is None: voxelsize = self.voxelsize if seeds is None: seeds = self.seeds unariesalt = self.__create_tlinks(data3d, voxelsize, seeds, area_weight, hard_constraints) if return_unariesalt: return unariesalt else: return self._reshape_unariesalt_to_similarity(unariesalt, data3d.shape)
debug_get_reconstructed_similarity
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, data3d=None, voxelsize=None, seeds=None, area_weight=1,\n hard_constraints=True, return_unariesalt=False):\n if data3d is None:\n data3d = self.img\n if voxelsize is None:\n voxelsize = self.voxelsize\n if seeds is None:\n seeds = self.seeds\n unariesalt = self.__create_tlinks(data3d, voxelsize, seeds, area_weight,\n hard_constraints)\n if return_unariesalt:\n return unariesalt\n else:\n return self._reshape_unariesalt_to_similarity(unariesalt, data3d.shape)\n", "role": "user" }, { "content": "debug_get_reconstructed_similarity", "role": "assistant" } ]
def x(self, data3d=None, voxelsize=None, seeds=None, area_weight=1, hard_constraints=True, show=True, bins=20, slice_number=None): unariesalt = self.debug_get_reconstructed_similarity(data3d, voxelsize= voxelsize, seeds=seeds, area_weight=area_weight, hard_constraints= hard_constraints, return_unariesalt=True) self._debug_show_unariesalt(unariesalt, show=show, bins=bins, slice_number=slice_number)
debug_show_reconstructed_similarity
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, data3d=None, voxelsize=None, seeds=None, area_weight=1,\n hard_constraints=True, show=True, bins=20, slice_number=None):\n unariesalt = self.debug_get_reconstructed_similarity(data3d, voxelsize=\n voxelsize, seeds=seeds, area_weight=area_weight, hard_constraints=\n hard_constraints, return_unariesalt=True)\n self._debug_show_unariesalt(unariesalt, show=show, bins=bins,\n slice_number=slice_number)\n", "role": "user" }, { "content": "debug_show_reconstructed_similarity", "role": "assistant" } ]
def x(self, node_msindex): return inspect_node(self.nlinks, self.unariesalt2, self.msinds, node_msindex)
debug_inspect_node
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, node_msindex):\n return inspect_node(self.nlinks, self.unariesalt2, self.msinds,\n node_msindex)\n", "role": "user" }, { "content": "debug_inspect_node", "role": "assistant" } ]
def x(self): if np.sum(np.abs(np.asarray(self.msinds.shape) - np.asarray(self. segmentation.shape))) == 0: segmentation = self.segmentation else: segmentation = self.temp_msgc_resized_segmentation logger.info('Click to select one voxel of interest') import sed3 ed = sed3.sed3(self.msinds, contour=segmentation == 0) ed.show() edseeds = ed.seeds node_msindex = get_node_msindex(self.msinds, edseeds) (node_unariesalt, node_neighboor_edges_and_weights, node_neighboor_seeds ) = self.debug_inspect_node(node_msindex) import sed3 ed = sed3.sed3(self.msinds, contour=segmentation == 0, seeds= node_neighboor_seeds) ed.show() return (node_unariesalt, node_neighboor_edges_and_weights, node_neighboor_seeds, node_msindex)
debug_interactive_inspect_node
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self):\n if np.sum(np.abs(np.asarray(self.msinds.shape) - np.asarray(self.\n segmentation.shape))) == 0:\n segmentation = self.segmentation\n else:\n segmentation = self.temp_msgc_resized_segmentation\n logger.info('Click to select one voxel of interest')\n import sed3\n ed = sed3.sed3(self.msinds, contour=segmentation == 0)\n ed.show()\n edseeds = ed.seeds\n node_msindex = get_node_msindex(self.msinds, edseeds)\n (node_unariesalt, node_neighboor_edges_and_weights, node_neighboor_seeds\n ) = self.debug_inspect_node(node_msindex)\n import sed3\n ed = sed3.sed3(self.msinds, contour=segmentation == 0, seeds=\n node_neighboor_seeds)\n ed.show()\n return (node_unariesalt, node_neighboor_edges_and_weights,\n node_neighboor_seeds, node_msindex)\n", "role": "user" }, { "content": "debug_interactive_inspect_node", "role": "assistant" } ]
def x(self, hard_constraints=True, area_weight=1): unariesalt = self.__create_tlinks(self.img, self.voxelsize, self.seeds, area_weight, hard_constraints) logger.debug('unaries %.3g , %.3g' % (np.max(unariesalt), np.min( unariesalt))) pairwise = -(np.eye(2) - 1) pairwise = (self.segparams['pairwise_alpha'] * pairwise).astype(np.int32) self.iparams = {} if self.segparams['use_boundary_penalties']: sigma = self.segparams['boundary_penalties_sigma'] boundary_penalties_fcn = lambda ax: self._boundary_penalties_array(axis =ax, sigma=sigma) else: boundary_penalties_fcn = None nlinks = self.__create_nlinks(self.img, boundary_penalties_fcn= boundary_penalties_fcn) self.stats['tlinks shape'].append(unariesalt.reshape(-1, 2).shape) self.stats['nlinks shape'].append(nlinks.shape) start = time.time() if self.debug_images: self._debug_show_unariesalt(unariesalt) result_graph = pygco.cut_from_graph(nlinks, unariesalt.reshape(-1, 2), pairwise) elapsed = time.time() - start self.stats['gc time'] = elapsed result_labeling = result_graph.reshape(self.img.shape) return result_labeling
ssgc_prepare_data_and_run_computation
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, hard_constraints=True, area_weight=1):\n unariesalt = self.__create_tlinks(self.img, self.voxelsize, self.seeds,\n area_weight, hard_constraints)\n logger.debug('unaries %.3g , %.3g' % (np.max(unariesalt), np.min(\n unariesalt)))\n pairwise = -(np.eye(2) - 1)\n pairwise = (self.segparams['pairwise_alpha'] * pairwise).astype(np.int32)\n self.iparams = {}\n if self.segparams['use_boundary_penalties']:\n sigma = self.segparams['boundary_penalties_sigma']\n boundary_penalties_fcn = lambda ax: self._boundary_penalties_array(axis\n =ax, sigma=sigma)\n else:\n boundary_penalties_fcn = None\n nlinks = self.__create_nlinks(self.img, boundary_penalties_fcn=\n boundary_penalties_fcn)\n self.stats['tlinks shape'].append(unariesalt.reshape(-1, 2).shape)\n self.stats['nlinks shape'].append(nlinks.shape)\n start = time.time()\n if self.debug_images:\n self._debug_show_unariesalt(unariesalt)\n result_graph = pygco.cut_from_graph(nlinks, unariesalt.reshape(-1, 2),\n pairwise)\n elapsed = time.time() - start\n self.stats['gc time'] = elapsed\n result_labeling = result_graph.reshape(self.img.shape)\n return result_labeling\n", "role": "user" }, { "content": "ssgc_prepare_data_and_run_computation", "role": "assistant" } ]
def x(data, shape, zoom=None, mode='nearest', order=0): try: import skimage import skimage.transform segm_orig_scale = skimage.transform.resize(data, shape, order=0, preserve_range=True, mode='reflect') segmentation = segm_orig_scale logger.debug('resize to orig with skimage') except: if zoom is None: zoom = shape / np.asarray(data.shape).astype(np.double) segmentation = resize_to_shape_with_zoom(data, zoom=zoom, mode=mode, order=order) return segmentation
resize_to_shape
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(data, shape, zoom=None, mode='nearest', order=0):\n try:\n import skimage\n import skimage.transform\n segm_orig_scale = skimage.transform.resize(data, shape, order=0,\n preserve_range=True, mode='reflect')\n segmentation = segm_orig_scale\n logger.debug('resize to orig with skimage')\n except:\n if zoom is None:\n zoom = shape / np.asarray(data.shape).astype(np.double)\n segmentation = resize_to_shape_with_zoom(data, zoom=zoom, mode=mode,\n order=order)\n return segmentation\n", "role": "user" }, { "content": "resize_to_shape", "role": "assistant" } ]
def x(seeds, zoom): labels = np.unique(seeds) labels = np.delete(labels, 0) loshape = np.ceil(np.array(seeds.shape) * 1.0 / zoom).astype(np.int) loseeds = np.zeros(loshape, dtype=np.int8) loseeds = loseeds.astype(np.int8) for label in labels: a, b, c = np.where(seeds == label) loa = np.round(a // zoom) lob = np.round(b // zoom) loc = np.round(c // zoom) loseeds[loa, lob, loc] += label loseeds[loseeds > label] = 100 loseeds[loseeds > 99] = 0 return loseeds
seed_zoom
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(seeds, zoom):\n labels = np.unique(seeds)\n labels = np.delete(labels, 0)\n loshape = np.ceil(np.array(seeds.shape) * 1.0 / zoom).astype(np.int)\n loseeds = np.zeros(loshape, dtype=np.int8)\n loseeds = loseeds.astype(np.int8)\n for label in labels:\n a, b, c = np.where(seeds == label)\n loa = np.round(a // zoom)\n lob = np.round(b // zoom)\n loc = np.round(c // zoom)\n loseeds[loa, lob, loc] += label\n loseeds[loseeds > label] = 100\n loseeds[loseeds > 99] = 0\n return loseeds\n", "role": "user" }, { "content": "seed_zoom", "role": "assistant" } ]
def x(data, shape, dtype=None): import scipy import scipy.ndimage zoomd = np.array(shape) / np.array(data.shape, dtype=np.double) import warnings datares = scipy.ndimage.interpolation.zoom(data, zoomd, order=0, mode= 'reflect') if datares.shape != shape: logger.warning('Zoom with different output shape') dataout = np.zeros(shape, dtype=dtype) shpmin = np.minimum(dataout.shape, shape) dataout[:shpmin[0], :shpmin[1], :shpmin[2]] = datares[:shpmin[0], : shpmin[1], :shpmin[2]] return datares
zoom_to_shape
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(data, shape, dtype=None):\n import scipy\n import scipy.ndimage\n zoomd = np.array(shape) / np.array(data.shape, dtype=np.double)\n import warnings\n datares = scipy.ndimage.interpolation.zoom(data, zoomd, order=0, mode=\n 'reflect')\n if datares.shape != shape:\n logger.warning('Zoom with different output shape')\n dataout = np.zeros(shape, dtype=dtype)\n shpmin = np.minimum(dataout.shape, shape)\n dataout[:shpmin[0], :shpmin[1], :shpmin[2]] = datares[:shpmin[0], :\n shpmin[1], :shpmin[2]]\n return datares\n", "role": "user" }, { "content": "zoom_to_shape", "role": "assistant" } ]
def x(data, crinfo): crinfo = fix_crinfo(crinfo) return data[__int_or_none(crinfo[0][0]):__int_or_none(crinfo[0][1]), __int_or_none(crinfo[1][0]):__int_or_none(crinfo[1][1]), __int_or_none(crinfo[2][0]):__int_or_none(crinfo[2][1])]
crop
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(data, crinfo):\n crinfo = fix_crinfo(crinfo)\n return data[__int_or_none(crinfo[0][0]):__int_or_none(crinfo[0][1]),\n __int_or_none(crinfo[1][0]):__int_or_none(crinfo[1][1]),\n __int_or_none(crinfo[2][0]):__int_or_none(crinfo[2][1])]\n", "role": "user" }, { "content": "crop", "role": "assistant" } ]
def x(crinfo1, crinfo2): crinfo1 = fix_crinfo(crinfo1) crinfo2 = fix_crinfo(crinfo2) crinfo = [[crinfo1[0][0] + crinfo2[0][0], crinfo1[0][0] + crinfo2[0][1] ], [crinfo1[1][0] + crinfo2[1][0], crinfo1[1][0] + crinfo2[1][1]], [crinfo1[2][0] + crinfo2[2][0], crinfo1[2][0] + crinfo2[2][1]]] return crinfo
combinecrinfo
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(crinfo1, crinfo2):\n crinfo1 = fix_crinfo(crinfo1)\n crinfo2 = fix_crinfo(crinfo2)\n crinfo = [[crinfo1[0][0] + crinfo2[0][0], crinfo1[0][0] + crinfo2[0][1]\n ], [crinfo1[1][0] + crinfo2[1][0], crinfo1[1][0] + crinfo2[1][1]],\n [crinfo1[2][0] + crinfo2[2][0], crinfo1[2][0] + crinfo2[2][1]]]\n return crinfo\n", "role": "user" }, { "content": "combinecrinfo", "role": "assistant" } ]
def x(data, margin=0): logger.debug('crinfo') logger.debug(str(margin)) nzi = np.nonzero(data) logger.debug(str(nzi)) if np.isscalar(margin): margin = [margin] * 3 x1 = np.min(nzi[0]) - margin[0] x2 = np.max(nzi[0]) + margin[0] + 1 y1 = np.min(nzi[1]) - margin[0] y2 = np.max(nzi[1]) + margin[0] + 1 z1 = np.min(nzi[2]) - margin[0] z2 = np.max(nzi[2]) + margin[0] + 1 if x1 < 0: x1 = 0 if y1 < 0: y1 = 0 if z1 < 0: z1 = 0 if x2 > data.shape[0]: x2 = data.shape[0] - 1 if y2 > data.shape[1]: y2 = data.shape[1] - 1 if z2 > data.shape[2]: z2 = data.shape[2] - 1 crinfo = [[x1, x2], [y1, y2], [z1, z2]] return crinfo
crinfo_from_specific_data
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(data, margin=0):\n logger.debug('crinfo')\n logger.debug(str(margin))\n nzi = np.nonzero(data)\n logger.debug(str(nzi))\n if np.isscalar(margin):\n margin = [margin] * 3\n x1 = np.min(nzi[0]) - margin[0]\n x2 = np.max(nzi[0]) + margin[0] + 1\n y1 = np.min(nzi[1]) - margin[0]\n y2 = np.max(nzi[1]) + margin[0] + 1\n z1 = np.min(nzi[2]) - margin[0]\n z2 = np.max(nzi[2]) + margin[0] + 1\n if x1 < 0:\n x1 = 0\n if y1 < 0:\n y1 = 0\n if z1 < 0:\n z1 = 0\n if x2 > data.shape[0]:\n x2 = data.shape[0] - 1\n if y2 > data.shape[1]:\n y2 = data.shape[1] - 1\n if z2 > data.shape[2]:\n z2 = data.shape[2] - 1\n crinfo = [[x1, x2], [y1, y2], [z1, z2]]\n return crinfo\n", "role": "user" }, { "content": "crinfo_from_specific_data", "role": "assistant" } ]
def x(data, crinfo, orig_shape, resize=False, outside_mode='constant', cval=0): if crinfo is None: crinfo = list(zip([0] * data.ndim, orig_shape)) elif np.asarray(crinfo).size == data.ndim: crinfo = list(zip(crinfo, np.asarray(crinfo) + data.shape)) crinfo = fix_crinfo(crinfo) data_out = np.ones(orig_shape, dtype=data.dtype) * cval if resize: data = resize_to_shape(data, crinfo[:, 1] - crinfo[:, 0]) startx = np.round(crinfo[0][0]).astype(int) starty = np.round(crinfo[1][0]).astype(int) startz = np.round(crinfo[2][0]).astype(int) data_out[startx:startx + data.shape[0], starty:starty + data.shape[1], startz:startz + data.shape[2]] = data if outside_mode == 'nearest': for ax in range(data.ndim): start = np.round(crinfo[ax][0]).astype(int) slices = [slice(None), slice(None), slice(None)] slices[ax] = start repeated_slice = np.expand_dims(data_out[slices], ax) append_sz = start if append_sz > 0: tile0 = np.repeat(repeated_slice, append_sz, axis=ax) slices = [slice(None), slice(None), slice(None)] slices[ax] = slice(None, start) data_out[slices] = tile0 start = np.round(crinfo[ax][0]).astype(int) slices = [slice(None), slice(None), slice(None)] slices[ax] = start + data.shape[ax] - 1 repeated_slice = np.expand_dims(data_out[slices], ax) append_sz = data_out.shape[ax] - (start + data.shape[ax]) if append_sz > 0: tile0 = np.repeat(repeated_slice, append_sz, axis=ax) slices = [slice(None), slice(None), slice(None)] slices[ax] = slice(start + data.shape[ax], None) data_out[slices] = tile0 return data_out
uncrop
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(data, crinfo, orig_shape, resize=False, outside_mode='constant', cval=0):\n if crinfo is None:\n crinfo = list(zip([0] * data.ndim, orig_shape))\n elif np.asarray(crinfo).size == data.ndim:\n crinfo = list(zip(crinfo, np.asarray(crinfo) + data.shape))\n crinfo = fix_crinfo(crinfo)\n data_out = np.ones(orig_shape, dtype=data.dtype) * cval\n if resize:\n data = resize_to_shape(data, crinfo[:, 1] - crinfo[:, 0])\n startx = np.round(crinfo[0][0]).astype(int)\n starty = np.round(crinfo[1][0]).astype(int)\n startz = np.round(crinfo[2][0]).astype(int)\n data_out[startx:startx + data.shape[0], starty:starty + data.shape[1],\n startz:startz + data.shape[2]] = data\n if outside_mode == 'nearest':\n for ax in range(data.ndim):\n start = np.round(crinfo[ax][0]).astype(int)\n slices = [slice(None), slice(None), slice(None)]\n slices[ax] = start\n repeated_slice = np.expand_dims(data_out[slices], ax)\n append_sz = start\n if append_sz > 0:\n tile0 = np.repeat(repeated_slice, append_sz, axis=ax)\n slices = [slice(None), slice(None), slice(None)]\n slices[ax] = slice(None, start)\n data_out[slices] = tile0\n start = np.round(crinfo[ax][0]).astype(int)\n slices = [slice(None), slice(None), slice(None)]\n slices[ax] = start + data.shape[ax] - 1\n repeated_slice = np.expand_dims(data_out[slices], ax)\n append_sz = data_out.shape[ax] - (start + data.shape[ax])\n if append_sz > 0:\n tile0 = np.repeat(repeated_slice, append_sz, axis=ax)\n slices = [slice(None), slice(None), slice(None)]\n slices[ax] = slice(start + data.shape[ax], None)\n data_out[slices] = tile0\n return data_out\n", "role": "user" }, { "content": "uncrop", "role": "assistant" } ]
def x(crinfo, to='axis'): crinfo = np.asarray(crinfo) if crinfo.shape[0] == 2: crinfo = crinfo.T return crinfo
fix_crinfo
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(crinfo, to='axis'):\n crinfo = np.asarray(crinfo)\n if crinfo.shape[0] == 2:\n crinfo = crinfo.T\n return crinfo\n", "role": "user" }, { "content": "fix_crinfo", "role": "assistant" } ]
def x(shape, inds=None, return_directions=True): if inds is None: inds = np.arange(np.prod(shape)).reshape(shape) if len(shape) == 2: edgx = np.c_[inds[:, :-1].ravel(), inds[:, 1:].ravel()] edgy = np.c_[inds[:-1, :].ravel(), inds[1:, :].ravel()] edges = [edgx, edgy] directions = [np.ones([edgx.shape[0]], dtype=np.int8) * 0, np.ones( [edgy.shape[0]], dtype=np.int8) * 1] elif len(shape) == 3: edgx = np.c_[inds[:, :, :-1].ravel(), inds[:, :, 1:].ravel()] edgy = np.c_[inds[:, :-1, :].ravel(), inds[:, 1:, :].ravel()] edgz = np.c_[inds[:-1, :, :].ravel(), inds[1:, :, :].ravel()] edges = [edgx, edgy, edgz] else: logger.error('Expected 2D or 3D data') if return_directions: directions = [] for idirection in range(len(shape)): directions.append(np.ones([edges[idirection].shape[0]], dtype= np.int8) * idirection) edges = np.concatenate(edges) if return_directions: edge_dir = np.concatenate(directions) return edges, edge_dir else: return edges
grid_edges
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(shape, inds=None, return_directions=True):\n if inds is None:\n inds = np.arange(np.prod(shape)).reshape(shape)\n if len(shape) == 2:\n edgx = np.c_[inds[:, :-1].ravel(), inds[:, 1:].ravel()]\n edgy = np.c_[inds[:-1, :].ravel(), inds[1:, :].ravel()]\n edges = [edgx, edgy]\n directions = [np.ones([edgx.shape[0]], dtype=np.int8) * 0, np.ones(\n [edgy.shape[0]], dtype=np.int8) * 1]\n elif len(shape) == 3:\n edgx = np.c_[inds[:, :, :-1].ravel(), inds[:, :, 1:].ravel()]\n edgy = np.c_[inds[:, :-1, :].ravel(), inds[:, 1:, :].ravel()]\n edgz = np.c_[inds[:-1, :, :].ravel(), inds[1:, :, :].ravel()]\n edges = [edgx, edgy, edgz]\n else:\n logger.error('Expected 2D or 3D data')\n if return_directions:\n directions = []\n for idirection in range(len(shape)):\n directions.append(np.ones([edges[idirection].shape[0]], dtype=\n np.int8) * idirection)\n edges = np.concatenate(edges)\n if return_directions:\n edge_dir = np.concatenate(directions)\n return edges, edge_dir\n else:\n return edges\n", "role": "user" }, { "content": "grid_edges", "role": "assistant" } ]
def x(shape, voxelsize): nr, nc = shape nrm1, ncm1 = nr - 1, nc - 1 nedges = 0 for direction in range(len(shape)): sh = copy.copy(list(shape)) sh[direction] += -1 nedges += nm.prod(sh) nedges_old = ncm1 * nr + nrm1 * nc edges = nm.zeros((nedges, 2), dtype=nm.int16) edge_dir = nm.zeros((ncm1 * nr + nrm1 * nc,), dtype=nm.bool) nodes = nm.zeros((nm.prod(shape), 3), dtype=nm.float32) idx = 0 row = nm.zeros((ncm1, 2), dtype=nm.int16) row[:, 0] = nm.arange(ncm1) row[:, 1] = nm.arange(ncm1) + 1 for ii in range(nr): edges[slice(idx, idx + ncm1), :] = row + nc * ii idx += ncm1 edge_dir[slice(0, idx)] = 0 idx0 = idx col = nm.zeros((nrm1, 2), dtype=nm.int16) col[:, 0] = nm.arange(nrm1) * nc col[:, 1] = nm.arange(nrm1) * nc + nc for ii in range(nc): edges[slice(idx, idx + nrm1), :] = col + ii idx += nrm1 edge_dir[slice(idx0, idx)] = 1 idx = 0 row = nm.zeros((nc, 3), dtype=nm.float32) row[:, 0] = voxelsize[0] * (nm.arange(nc) + 0.5) row[:, 1] = voxelsize[1] * 0.5 for ii in range(nr): nodes[slice(idx, idx + nc), :] = row row[:, 1] += voxelsize[1] idx += nc return nodes, edges, edge_dir
gen_grid_2d
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(shape, voxelsize):\n nr, nc = shape\n nrm1, ncm1 = nr - 1, nc - 1\n nedges = 0\n for direction in range(len(shape)):\n sh = copy.copy(list(shape))\n sh[direction] += -1\n nedges += nm.prod(sh)\n nedges_old = ncm1 * nr + nrm1 * nc\n edges = nm.zeros((nedges, 2), dtype=nm.int16)\n edge_dir = nm.zeros((ncm1 * nr + nrm1 * nc,), dtype=nm.bool)\n nodes = nm.zeros((nm.prod(shape), 3), dtype=nm.float32)\n idx = 0\n row = nm.zeros((ncm1, 2), dtype=nm.int16)\n row[:, 0] = nm.arange(ncm1)\n row[:, 1] = nm.arange(ncm1) + 1\n for ii in range(nr):\n edges[slice(idx, idx + ncm1), :] = row + nc * ii\n idx += ncm1\n edge_dir[slice(0, idx)] = 0\n idx0 = idx\n col = nm.zeros((nrm1, 2), dtype=nm.int16)\n col[:, 0] = nm.arange(nrm1) * nc\n col[:, 1] = nm.arange(nrm1) * nc + nc\n for ii in range(nc):\n edges[slice(idx, idx + nrm1), :] = col + ii\n idx += nrm1\n edge_dir[slice(idx0, idx)] = 1\n idx = 0\n row = nm.zeros((nc, 3), dtype=nm.float32)\n row[:, 0] = voxelsize[0] * (nm.arange(nc) + 0.5)\n row[:, 1] = voxelsize[1] * 0.5\n for ii in range(nr):\n nodes[slice(idx, idx + nc), :] = row\n row[:, 1] += voxelsize[1]\n idx += nc\n return nodes, edges, edge_dir\n", "role": "user" }, { "content": "gen_grid_2d", "role": "assistant" } ]
def x(fname, nodes, edges, node_flag=None, edge_flag=None): if node_flag is None: node_flag = np.ones([nodes.shape[0]], dtype=np.bool) if edge_flag is None: edge_flag = np.ones([edges.shape[0]], dtype=np.bool) nodes = make_nodes_3d(nodes) f = open(fname, 'w') f.write('# vtk DataFile Version 2.6\n') f.write('output file\nASCII\nDATASET UNSTRUCTURED_GRID\n') idxs = nm.where(node_flag > 0)[0] nnd = len(idxs) aux = -nm.ones(node_flag.shape, dtype=nm.int32) aux[idxs] = nm.arange(nnd, dtype=nm.int32) f.write('\nPOINTS %d float\n' % nnd) for ndi in idxs: f.write('%.6f %.6f %.6f\n' % tuple(nodes[ndi, :])) idxs = nm.where(edge_flag > 0)[0] ned = len(idxs) f.write('\nCELLS %d %d\n' % (ned, ned * 3)) for edi in idxs: f.write('2 %d %d\n' % tuple(aux[edges[edi, :]])) f.write('\nCELL_TYPES %d\n' % ned) for edi in idxs: f.write('3\n')
write_grid_to_vtk
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(fname, nodes, edges, node_flag=None, edge_flag=None):\n if node_flag is None:\n node_flag = np.ones([nodes.shape[0]], dtype=np.bool)\n if edge_flag is None:\n edge_flag = np.ones([edges.shape[0]], dtype=np.bool)\n nodes = make_nodes_3d(nodes)\n f = open(fname, 'w')\n f.write('# vtk DataFile Version 2.6\\n')\n f.write('output file\\nASCII\\nDATASET UNSTRUCTURED_GRID\\n')\n idxs = nm.where(node_flag > 0)[0]\n nnd = len(idxs)\n aux = -nm.ones(node_flag.shape, dtype=nm.int32)\n aux[idxs] = nm.arange(nnd, dtype=nm.int32)\n f.write('\\nPOINTS %d float\\n' % nnd)\n for ndi in idxs:\n f.write('%.6f %.6f %.6f\\n' % tuple(nodes[ndi, :]))\n idxs = nm.where(edge_flag > 0)[0]\n ned = len(idxs)\n f.write('\\nCELLS %d %d\\n' % (ned, ned * 3))\n for edi in idxs:\n f.write('2 %d %d\\n' % tuple(aux[edges[edi, :]]))\n f.write('\\nCELL_TYPES %d\\n' % ned)\n for edi in idxs:\n f.write('3\\n')\n", "role": "user" }, { "content": "write_grid_to_vtk", "role": "assistant" } ]
def x(self, coors, node_low_or_high=None): last = self.lastnode if type(coors) is nm.ndarray: if len(coors.shape) == 1: coors = coors.reshape((1, coors.size)) nadd = coors.shape[0] idx = slice(last, last + nadd) else: nadd = 1 idx = self.lastnode right_dimension = coors.shape[1] self.nodes[idx, :right_dimension] = coors self.node_flag[idx] = True self.lastnode += nadd self.nnodes += nadd
add_nodes
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, coors, node_low_or_high=None):\n last = self.lastnode\n if type(coors) is nm.ndarray:\n if len(coors.shape) == 1:\n coors = coors.reshape((1, coors.size))\n nadd = coors.shape[0]\n idx = slice(last, last + nadd)\n else:\n nadd = 1\n idx = self.lastnode\n right_dimension = coors.shape[1]\n self.nodes[idx, :right_dimension] = coors\n self.node_flag[idx] = True\n self.lastnode += nadd\n self.nnodes += nadd\n", "role": "user" }, { "content": "add_nodes", "role": "assistant" } ]
def x(self, conn, edge_direction, edge_group=None, edge_low_or_high=None): last = self.lastedge if type(conn) is nm.ndarray: nadd = conn.shape[0] idx = slice(last, last + nadd) if edge_group is None: edge_group = nm.arange(nadd) + last else: nadd = 1 idx = nm.array([last]) conn = nm.array(conn).reshape((1, 2)) if edge_group is None: edge_group = idx self.edges[idx, :] = conn self.edge_flag[idx] = True self.edge_dir[idx] = edge_direction self.edge_group[idx] = edge_group if edge_low_or_high is not None and self._edge_weight_table is not None: self.edges_weights[idx] = self._edge_weight_table[edge_low_or_high, edge_direction] self.lastedge += nadd self.nedges += nadd
add_edges
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, conn, edge_direction, edge_group=None, edge_low_or_high=None):\n last = self.lastedge\n if type(conn) is nm.ndarray:\n nadd = conn.shape[0]\n idx = slice(last, last + nadd)\n if edge_group is None:\n edge_group = nm.arange(nadd) + last\n else:\n nadd = 1\n idx = nm.array([last])\n conn = nm.array(conn).reshape((1, 2))\n if edge_group is None:\n edge_group = idx\n self.edges[idx, :] = conn\n self.edge_flag[idx] = True\n self.edge_dir[idx] = edge_direction\n self.edge_group[idx] = edge_group\n if edge_low_or_high is not None and self._edge_weight_table is not None:\n self.edges_weights[idx] = self._edge_weight_table[edge_low_or_high,\n edge_direction]\n self.lastedge += nadd\n self.nedges += nadd\n", "role": "user" }, { "content": "add_edges", "role": "assistant" } ]
def x(self, ndid, nsplit, idxs, sr_tab, ndoffset, ed_remove, into_or_from): eidxs = idxs[nm.where(self.edges[idxs, 1 - into_or_from] == ndid)[0]] for igrp in self.edges_by_group(eidxs): if igrp.shape[0] > 1: directions = self.edge_dir[igrp[0]] edge_indexes = sr_tab[directions, :].T.flatten() + ndoffset self.edges[igrp, 1] = edge_indexes if self._edge_weight_table is not None: self.edges_weights[igrp] = self._edge_weight_table[1, directions] else: ed_remove.append(igrp[0]) nnewed = np.power(nsplit, self.data.ndim - 1) muleidxs = nm.tile(igrp, nnewed) newed = self.edges[muleidxs, :] neweddir = self.edge_dir[muleidxs] local_node_ids = sr_tab[self.edge_dir[igrp] + self.data.ndim * into_or_from, :].T.flatten() newed[:, 1 - into_or_from] = local_node_ids + ndoffset if self._edge_weight_table is not None: self.add_edges(newed, neweddir, self.edge_group[igrp], edge_low_or_high=1) else: self.add_edges(newed, neweddir, self.edge_group[igrp], edge_low_or_high=None) return ed_remove
edge_group_substitution
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, ndid, nsplit, idxs, sr_tab, ndoffset, ed_remove, into_or_from):\n eidxs = idxs[nm.where(self.edges[idxs, 1 - into_or_from] == ndid)[0]]\n for igrp in self.edges_by_group(eidxs):\n if igrp.shape[0] > 1:\n directions = self.edge_dir[igrp[0]]\n edge_indexes = sr_tab[directions, :].T.flatten() + ndoffset\n self.edges[igrp, 1] = edge_indexes\n if self._edge_weight_table is not None:\n self.edges_weights[igrp] = self._edge_weight_table[1,\n directions]\n else:\n ed_remove.append(igrp[0])\n nnewed = np.power(nsplit, self.data.ndim - 1)\n muleidxs = nm.tile(igrp, nnewed)\n newed = self.edges[muleidxs, :]\n neweddir = self.edge_dir[muleidxs]\n local_node_ids = sr_tab[self.edge_dir[igrp] + self.data.ndim *\n into_or_from, :].T.flatten()\n newed[:, 1 - into_or_from] = local_node_ids + ndoffset\n if self._edge_weight_table is not None:\n self.add_edges(newed, neweddir, self.edge_group[igrp],\n edge_low_or_high=1)\n else:\n self.add_edges(newed, neweddir, self.edge_group[igrp],\n edge_low_or_high=None)\n return ed_remove\n", "role": "user" }, { "content": "edge_group_substitution", "role": "assistant" } ]
def x(self, vtk_filename=None): nd, ed, ed_dir = self.gen_grid_fcn(self.data.shape, self.voxelsize) self.add_nodes(nd) self.add_edges(ed, ed_dir, edge_low_or_high=0) if vtk_filename is not None: self.write_vtk(vtk_filename)
generate_base_grid
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, vtk_filename=None):\n nd, ed, ed_dir = self.gen_grid_fcn(self.data.shape, self.voxelsize)\n self.add_nodes(nd)\n self.add_edges(ed, ed_dir, edge_low_or_high=0)\n if vtk_filename is not None:\n self.write_vtk(vtk_filename)\n", "role": "user" }, { "content": "generate_base_grid", "role": "assistant" } ]
def x(self, vtk_filename=None): self.cache = {} self.stats['t graph 10'] = time.time() - self.start_time self.msi = MultiscaleArray(self.data.shape, block_size=self.nsplit) self.stats['t graph 11'] = time.time() - self.start_time for ndid, val in enumerate(self.data.ravel()): t_split_start = time.time() if val == 0: if self.compute_msindex: self.msi.set_block_lowres(ndid, ndid) self.stats['t graph low'] += time.time() - t_split_start else: self.split_voxel(ndid) self.stats['t graph high'] += time.time() - t_split_start self.stats['t graph 13'] = time.time() - self.start_time self.finish() if vtk_filename is not None: self.write_vtk(vtk_filename) self.stats['t graph 14'] = time.time() - self.start_time
split_voxels
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, vtk_filename=None):\n self.cache = {}\n self.stats['t graph 10'] = time.time() - self.start_time\n self.msi = MultiscaleArray(self.data.shape, block_size=self.nsplit)\n self.stats['t graph 11'] = time.time() - self.start_time\n for ndid, val in enumerate(self.data.ravel()):\n t_split_start = time.time()\n if val == 0:\n if self.compute_msindex:\n self.msi.set_block_lowres(ndid, ndid)\n self.stats['t graph low'] += time.time() - t_split_start\n else:\n self.split_voxel(ndid)\n self.stats['t graph high'] += time.time() - t_split_start\n self.stats['t graph 13'] = time.time() - self.start_time\n self.finish()\n if vtk_filename is not None:\n self.write_vtk(vtk_filename)\n self.stats['t graph 14'] = time.time() - self.start_time\n", "role": "user" }, { "content": "split_voxels", "role": "assistant" } ]
def x(self, index, val): self._prepare_cache_slice(index) self.msinds[self.cache_slice] *= val
mul_block
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, index, val):\n self._prepare_cache_slice(index)\n self.msinds[self.cache_slice] *= val\n", "role": "user" }, { "content": "mul_block", "role": "assistant" } ]
def x(fv, seeds, unique_cls): logger.debug('seeds' + str(seeds)) expected_shape = [seeds.size, int(fv.size / seeds.size)] if fv.shape[0] != expected_shape[0] or fv.shape[1] != expected_shape[1]: raise AssertionError('Wrong shape of input feature vector array fv') selection = np.in1d(seeds, unique_cls) fv_selection = fv[selection] seeds_selection = seeds.flatten()[selection] return fv_selection, seeds_selection
select_from_fv_by_seeds
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(fv, seeds, unique_cls):\n logger.debug('seeds' + str(seeds))\n expected_shape = [seeds.size, int(fv.size / seeds.size)]\n if fv.shape[0] != expected_shape[0] or fv.shape[1] != expected_shape[1]:\n raise AssertionError('Wrong shape of input feature vector array fv')\n selection = np.in1d(seeds, unique_cls)\n fv_selection = fv[selection]\n seeds_selection = seeds.flatten()[selection]\n return fv_selection, seeds_selection\n", "role": "user" }, { "content": "select_from_fv_by_seeds", "role": "assistant" } ]
def x(fv, seeds=None, unique_cls=None): if seeds is not None: if unique_cls is not None: return select_from_fv_by_seeds(fv, seeds, unique_cls) else: raise AssertionError( 'Input unique_cls has to be not None if seeds is not None.') else: return fv
return_fv_by_seeds
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(fv, seeds=None, unique_cls=None):\n if seeds is not None:\n if unique_cls is not None:\n return select_from_fv_by_seeds(fv, seeds, unique_cls)\n else:\n raise AssertionError(\n 'Input unique_cls has to be not None if seeds is not None.')\n else:\n return fv\n", "role": "user" }, { "content": "return_fv_by_seeds", "role": "assistant" } ]
def x(self, expression): self.logger.debug('expand : expression %s', str(expression)) if not is_string(expression): return expression result = self._pattern.sub(lambda var: str(self._variables[var.group(1) ]), expression) result = result.strip() self.logger.debug('expand : %s - result : %s', expression, result) if is_number(result): if result.isdigit(): self.logger.debug(' expand is integer !!!') return int(result) else: self.logger.debug(' expand is float !!!') return float(result) return result
expand
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, expression):\n self.logger.debug('expand : expression %s', str(expression))\n if not is_string(expression):\n return expression\n result = self._pattern.sub(lambda var: str(self._variables[var.group(1)\n ]), expression)\n result = result.strip()\n self.logger.debug('expand : %s - result : %s', expression, result)\n if is_number(result):\n if result.isdigit():\n self.logger.debug(' expand is integer !!!')\n return int(result)\n else:\n self.logger.debug(' expand is float !!!')\n return float(result)\n return result\n", "role": "user" }, { "content": "expand", "role": "assistant" } ]
def x(alias='default', cache=CLIENT_CACHE, **kwargs): from gutter.client.models import Manager if not alias: return Manager(**kwargs) elif alias not in cache: cache[alias] = Manager(**kwargs) return cache[alias]
get_gutter_client
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(alias='default', cache=CLIENT_CACHE, **kwargs):\n from gutter.client.models import Manager\n if not alias:\n return Manager(**kwargs)\n elif alias not in cache:\n cache[alias] = Manager(**kwargs)\n return cache[alias]\n", "role": "user" }, { "content": "get_gutter_client", "role": "assistant" } ]
def x(self, decimal_argument): _times, remainder = self._context.divmod(decimal_argument, 100) return remainder if remainder >= 0 else remainder + 100
modulo
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, decimal_argument):\n _times, remainder = self._context.divmod(decimal_argument, 100)\n return remainder if remainder >= 0 else remainder + 100\n", "role": "user" }, { "content": "modulo", "role": "assistant" } ]
def x(self, inpt): signals.switch_checked.call(self) signal_decorated = partial(self.__signal_and_return, inpt) if self.state is self.states.GLOBAL: return signal_decorated(True) elif self.state is self.states.DISABLED: return signal_decorated(False) conditions_dict = ConditionsDict.from_conditions_list(self.conditions) conditions = conditions_dict.get_by_input(inpt) if conditions: result = self.__enabled_func(cond.call(inpt) for cond in conditions if cond.argument(inpt).applies) else: result = None return signal_decorated(result)
enabled_for
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, inpt):\n signals.switch_checked.call(self)\n signal_decorated = partial(self.__signal_and_return, inpt)\n if self.state is self.states.GLOBAL:\n return signal_decorated(True)\n elif self.state is self.states.DISABLED:\n return signal_decorated(False)\n conditions_dict = ConditionsDict.from_conditions_list(self.conditions)\n conditions = conditions_dict.get_by_input(inpt)\n if conditions:\n result = self.__enabled_func(cond.call(inpt) for cond in conditions if\n cond.argument(inpt).applies)\n else:\n result = None\n return signal_decorated(result)\n", "role": "user" }, { "content": "enabled_for", "role": "assistant" } ]
def x(self, inpt): if inpt is Manager.NONE_INPUT: return False argument_instance = self.argument(inpt) if not argument_instance.applies: return False application = self.__apply(argument_instance, inpt) if self.negative: application = not application return application
call
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, inpt):\n if inpt is Manager.NONE_INPUT:\n return False\n argument_instance = self.argument(inpt)\n if not argument_instance.applies:\n return False\n application = self.__apply(argument_instance, inpt)\n if self.negative:\n application = not application\n return application\n", "role": "user" }, { "content": "call", "role": "assistant" } ]
def x(self): results = [switch for name, switch in self.storage.iteritems() if name. startswith(self.__joined_namespace)] return results
switches
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self):\n results = [switch for name, switch in self.storage.iteritems() if name.\n startswith(self.__joined_namespace)]\n return results\n", "role": "user" }, { "content": "switches", "role": "assistant" } ]
def x(self, name): try: switch = self.storage[self.__namespaced(name)] except KeyError: if not self.autocreate: raise ValueError("No switch named '%s' registered in '%s'" % ( name, self.namespace)) switch = self.__create_and_register_disabled_switch(name) switch.manager = self return switch
switch
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, name):\n try:\n switch = self.storage[self.__namespaced(name)]\n except KeyError:\n if not self.autocreate:\n raise ValueError(\"No switch named '%s' registered in '%s'\" % (\n name, self.namespace))\n switch = self.__create_and_register_disabled_switch(name)\n switch.manager = self\n return switch\n", "role": "user" }, { "content": "switch", "role": "assistant" } ]
def x(self, switch, signal=signals.switch_registered): if not switch.name: raise ValueError('Switch name cannot be blank') switch.manager = self self.__persist(switch) signal.call(switch)
register
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, switch, signal=signals.switch_registered):\n if not switch.name:\n raise ValueError('Switch name cannot be blank')\n switch.manager = self\n self.__persist(switch)\n signal.call(switch)\n", "role": "user" }, { "content": "register", "role": "assistant" } ]
def x(obj, times=1, atleast=None, atmost=None, between=None, inorder=False): if isinstance(obj, str): obj = get_obj(obj) verification_fn = _get_wanted_verification(times=times, atleast=atleast, atmost=atmost, between=between) if inorder: verification_fn = verification.InOrder(verification_fn) theMock = _get_mock_or_raise(obj) class Verify(object): def x(self, method_name): return invocation.VerifiableInvocation(theMock, method_name, verification_fn) return Verify()
verify
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(obj, times=1, atleast=None, atmost=None, between=None, inorder=False):\n if isinstance(obj, str):\n obj = get_obj(obj)\n verification_fn = _get_wanted_verification(times=times, atleast=atleast,\n atmost=atmost, between=between)\n if inorder:\n verification_fn = verification.InOrder(verification_fn)\n theMock = _get_mock_or_raise(obj)\n\n\n class Verify(object):\n\n def x(self, method_name):\n return invocation.VerifiableInvocation(theMock, method_name,\n verification_fn)\n return Verify()\n", "role": "user" }, { "content": "verify", "role": "assistant" } ]
def x(obj, strict=None): if isinstance(obj, str): obj = get_obj(obj) if strict is None: strict = True theMock = _get_mock(obj, strict=strict) class When(object): def x(self, method_name): return invocation.StubbedInvocation(theMock, method_name, strict=strict) return When()
when
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(obj, strict=None):\n if isinstance(obj, str):\n obj = get_obj(obj)\n if strict is None:\n strict = True\n theMock = _get_mock(obj, strict=strict)\n\n\n class When(object):\n\n def x(self, method_name):\n return invocation.StubbedInvocation(theMock, method_name,\n strict=strict)\n return When()\n", "role": "user" }, { "content": "when", "role": "assistant" } ]
def x(fn, *args, **kwargs): obj, name = get_obj_attr_tuple(fn) theMock = _get_mock(obj, strict=True) return invocation.StubbedInvocation(theMock, name)(*args, **kwargs)
when2
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(fn, *args, **kwargs):\n obj, name = get_obj_attr_tuple(fn)\n theMock = _get_mock(obj, strict=True)\n return invocation.StubbedInvocation(theMock, name)(*args, **kwargs)\n", "role": "user" }, { "content": "when2", "role": "assistant" } ]
def x(fn, attr_or_replacement, replacement=None): if replacement is None: replacement = attr_or_replacement return when2(fn, Ellipsis).thenAnswer(replacement) else: obj, name = fn, attr_or_replacement theMock = _get_mock(obj, strict=True) return invocation.StubbedInvocation(theMock, name, strict=False)( Ellipsis).thenAnswer(replacement)
patch
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(fn, attr_or_replacement, replacement=None):\n if replacement is None:\n replacement = attr_or_replacement\n return when2(fn, Ellipsis).thenAnswer(replacement)\n else:\n obj, name = fn, attr_or_replacement\n theMock = _get_mock(obj, strict=True)\n return invocation.StubbedInvocation(theMock, name, strict=False)(\n Ellipsis).thenAnswer(replacement)\n", "role": "user" }, { "content": "patch", "role": "assistant" } ]
def x(obj, strict=None, times=None, atleast=None, atmost=None, between=None): if strict is None: strict = True theMock = _get_mock(obj, strict=strict) verification_fn = _get_wanted_verification(times=times, atleast=atleast, atmost=atmost, between=between) class Expect(object): def x(self, method_name): return invocation.StubbedInvocation(theMock, method_name, verification=verification_fn, strict=strict) return Expect()
expect
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(obj, strict=None, times=None, atleast=None, atmost=None, between=None):\n if strict is None:\n strict = True\n theMock = _get_mock(obj, strict=strict)\n verification_fn = _get_wanted_verification(times=times, atleast=atleast,\n atmost=atmost, between=between)\n\n\n class Expect(object):\n\n def x(self, method_name):\n return invocation.StubbedInvocation(theMock, method_name,\n verification=verification_fn, strict=strict)\n return Expect()\n", "role": "user" }, { "content": "expect", "role": "assistant" } ]
def x(*objs): if objs: for obj in objs: mock_registry.unstub(obj) else: mock_registry.unstub_all()
unstub
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(*objs):\n if objs:\n for obj in objs:\n mock_registry.unstub(obj)\n else:\n mock_registry.unstub_all()\n", "role": "user" }, { "content": "unstub", "role": "assistant" } ]
def x(*objs): for obj in objs: theMock = _get_mock_or_raise(obj) if len(theMock.invocations) > 0: raise VerificationError('\nUnwanted interaction: %s' % theMock. invocations[0])
verifyZeroInteractions
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(*objs):\n for obj in objs:\n theMock = _get_mock_or_raise(obj)\n if len(theMock.invocations) > 0:\n raise VerificationError('\\nUnwanted interaction: %s' % theMock.\n invocations[0])\n", "role": "user" }, { "content": "verifyZeroInteractions", "role": "assistant" } ]
def x(*objs): if objs: theMocks = map(_get_mock_or_raise, objs) else: theMocks = mock_registry.get_registered_mocks() for mock in theMocks: for i in mock.stubbed_invocations: i.verify()
verifyNoUnwantedInteractions
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(*objs):\n if objs:\n theMocks = map(_get_mock_or_raise, objs)\n else:\n theMocks = mock_registry.get_registered_mocks()\n for mock in theMocks:\n for i in mock.stubbed_invocations:\n i.verify()\n", "role": "user" }, { "content": "verifyNoUnwantedInteractions", "role": "assistant" } ]
def x(*objs): if objs: theMocks = map(_get_mock_or_raise, objs) else: theMocks = mock_registry.get_registered_mocks() for mock in theMocks: for i in mock.stubbed_invocations: if not i.allow_zero_invocations and i.used < len(i.answers): raise VerificationError('\nUnused stub: %s' % i)
verifyStubbedInvocationsAreUsed
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(*objs):\n if objs:\n theMocks = map(_get_mock_or_raise, objs)\n else:\n theMocks = mock_registry.get_registered_mocks()\n for mock in theMocks:\n for i in mock.stubbed_invocations:\n if not i.allow_zero_invocations and i.used < len(i.answers):\n raise VerificationError('\\nUnused stub: %s' % i)\n", "role": "user" }, { "content": "verifyStubbedInvocationsAreUsed", "role": "assistant" } ]
def x(fn): obj = None try: name = fn.__name__ obj = fn.__self__ except AttributeError: pass if obj is None: obj, name = find_invoking_frame_and_try_parse() assert getattr(obj, name) == fn return obj, name
get_function_host
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(fn):\n obj = None\n try:\n name = fn.__name__\n obj = fn.__self__\n except AttributeError:\n pass\n if obj is None:\n obj, name = find_invoking_frame_and_try_parse()\n assert getattr(obj, name) == fn\n return obj, name\n", "role": "user" }, { "content": "get_function_host", "role": "assistant" } ]
def x(path): if not isinstance(path, str): return path if path.startswith('.'): raise TypeError('relative imports are not supported') parts = path.split('.') head, tail = parts[0], parts[1:] obj = importlib.import_module(head) for i, name in enumerate(tail): try: obj = getattr(obj, name) except AttributeError: module = '.'.join([head] + tail[:i]) try: importlib.import_module(module) except ImportError: raise AttributeError("object '%s' has no attribute '%s'" % (module, name)) else: raise AttributeError("module '%s' has no attribute '%s'" % (module, name)) return obj
get_obj
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(path):\n if not isinstance(path, str):\n return path\n if path.startswith('.'):\n raise TypeError('relative imports are not supported')\n parts = path.split('.')\n head, tail = parts[0], parts[1:]\n obj = importlib.import_module(head)\n for i, name in enumerate(tail):\n try:\n obj = getattr(obj, name)\n except AttributeError:\n module = '.'.join([head] + tail[:i])\n try:\n importlib.import_module(module)\n except ImportError:\n raise AttributeError(\"object '%s' has no attribute '%s'\" %\n (module, name))\n else:\n raise AttributeError(\"module '%s' has no attribute '%s'\" %\n (module, name))\n return obj\n", "role": "user" }, { "content": "get_obj", "role": "assistant" } ]
def x(path): if not isinstance(path, str): return get_function_host(path) if path.startswith('.'): raise TypeError('relative imports are not supported') try: leading, end = path.rsplit('.', 1) except ValueError: raise TypeError('path must have dots') return get_obj(leading), end
get_obj_attr_tuple
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(path):\n if not isinstance(path, str):\n return get_function_host(path)\n if path.startswith('.'):\n raise TypeError('relative imports are not supported')\n try:\n leading, end = path.rsplit('.', 1)\n except ValueError:\n raise TypeError('path must have dots')\n return get_obj(leading), end\n", "role": "user" }, { "content": "get_obj_attr_tuple", "role": "assistant" } ]
def x(object): if inspect.isclass(object) or inspect.ismodule(object): class_ = None else: class_ = object.__class__ class Spy(_Dummy): if class_: __class__ = class_ def x(self, method_name): return RememberedProxyInvocation(theMock, method_name) def x(self): name = 'Spied' if class_: name += class_.__name__ return '<%s id=%s>' % (name, id(self)) obj = Spy() theMock = Mock(obj, strict=True, spec=object) mock_registry.register(obj, theMock) return obj
spy
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(object):\n if inspect.isclass(object) or inspect.ismodule(object):\n class_ = None\n else:\n class_ = object.__class__\n\n\n class Spy(_Dummy):\n if class_:\n __class__ = class_\n\n def x(self, method_name):\n return RememberedProxyInvocation(theMock, method_name)\n\n def x(self):\n name = 'Spied'\n if class_:\n name += class_.__name__\n return '<%s id=%s>' % (name, id(self))\n obj = Spy()\n theMock = Mock(obj, strict=True, spec=object)\n mock_registry.register(obj, theMock)\n return obj\n", "role": "user" }, { "content": "spy", "role": "assistant" } ]
def x(fn): if isinstance(fn, str): answer = get_obj(fn) else: answer = fn when2(fn, Ellipsis).thenAnswer(answer)
spy2
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(fn):\n if isinstance(fn, str):\n answer = get_obj(fn)\n else:\n answer = fn\n when2(fn, Ellipsis).thenAnswer(answer)\n", "role": "user" }, { "content": "spy2", "role": "assistant" } ]
def x(config_or_spec=None, spec=None, strict=OMITTED): if type(config_or_spec) is dict: config = config_or_spec else: config = {} spec = config_or_spec if strict is OMITTED: strict = False if spec is None else True class Dummy(_Dummy): if spec: __class__ = spec def x(self, method_name): if strict: raise AttributeError( "'Dummy' has no attribute %r configured" % method_name) return functools.partial(remembered_invocation_builder, theMock, method_name) def x(self): name = 'Dummy' if spec: name += spec.__name__ return '<%s id=%s>' % (name, id(self)) obj = Dummy() theMock = Mock(Dummy, strict=strict, spec=spec) for n, v in config.items(): if inspect.isfunction(v): invocation.StubbedInvocation(theMock, n)(Ellipsis).thenAnswer(v) else: setattr(obj, n, v) mock_registry.register(obj, theMock) return obj
mock
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(config_or_spec=None, spec=None, strict=OMITTED):\n if type(config_or_spec) is dict:\n config = config_or_spec\n else:\n config = {}\n spec = config_or_spec\n if strict is OMITTED:\n strict = False if spec is None else True\n\n\n class Dummy(_Dummy):\n if spec:\n __class__ = spec\n\n def x(self, method_name):\n if strict:\n raise AttributeError(\n \"'Dummy' has no attribute %r configured\" % method_name)\n return functools.partial(remembered_invocation_builder, theMock,\n method_name)\n\n def x(self):\n name = 'Dummy'\n if spec:\n name += spec.__name__\n return '<%s id=%s>' % (name, id(self))\n obj = Dummy()\n theMock = Mock(Dummy, strict=strict, spec=spec)\n for n, v in config.items():\n if inspect.isfunction(v):\n invocation.StubbedInvocation(theMock, n)(Ellipsis).thenAnswer(v)\n else:\n setattr(obj, n, v)\n mock_registry.register(obj, theMock)\n return obj\n", "role": "user" }, { "content": "mock", "role": "assistant" } ]
def x(self, smartProxyId): return self.api.create('{}/{}/import_puppetclasses'.format(self.objName, smartProxyId), '{}')
importPuppetClasses
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, smartProxyId):\n return self.api.create('{}/{}/import_puppetclasses'.format(self.objName,\n smartProxyId), '{}')\n", "role": "user" }, { "content": "importPuppetClasses", "role": "assistant" } ]
def x(model): for template_name, template in templates.items(): if issubclass(template.model, model): yield template_name, template.layout._meta.verbose_name
get_templates
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(model):\n for template_name, template in templates.items():\n if issubclass(template.model, model):\n yield template_name, template.layout._meta.verbose_name\n", "role": "user" }, { "content": "get_templates", "role": "assistant" } ]
def x(*layouts, **kwargs): def x(layout_class): register(layout_class, layouts[0]) return layout_class return _model_admin_wrapper
attach
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(*layouts, **kwargs):\n\n def x(layout_class):\n register(layout_class, layouts[0])\n return layout_class\n return _model_admin_wrapper\n", "role": "user" }, { "content": "attach", "role": "assistant" } ]
def x(self): self.update({'os_default_templates': SubDict(self.api, self.objName, self.payloadObj, self.key, SubItemOsDefaultTemplate)}) self.update({'config_templates': SubDict(self.api, self.objName, self. payloadObj, self.key, SubItemConfigTemplate)}) self.update({'ptables': SubDict(self.api, self.objName, self.payloadObj, self.key, SubItemPTable)}) self.update({'media': SubDict(self.api, self.objName, self.payloadObj, self.key, SubItemMedia)}) self.update({'architectures': SubDict(self.api, self.objName, self. payloadObj, self.key, SubItemArchitecture)})
enhance
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self):\n self.update({'os_default_templates': SubDict(self.api, self.objName,\n self.payloadObj, self.key, SubItemOsDefaultTemplate)})\n self.update({'config_templates': SubDict(self.api, self.objName, self.\n payloadObj, self.key, SubItemConfigTemplate)})\n self.update({'ptables': SubDict(self.api, self.objName, self.payloadObj,\n self.key, SubItemPTable)})\n self.update({'media': SubDict(self.api, self.objName, self.payloadObj,\n self.key, SubItemMedia)})\n self.update({'architectures': SubDict(self.api, self.objName, self.\n payloadObj, self.key, SubItemArchitecture)})\n", "role": "user" }, { "content": "enhance", "role": "assistant" } ]
def x(): client_id = os.environ.get('CLIENT_ID') user_id = os.environ.get('USER_ID') if not client_id or not user_id: raise ValueError('API keys are not found in the environment') return client_id, user_id
get_api_envs
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x():\n client_id = os.environ.get('CLIENT_ID')\n user_id = os.environ.get('USER_ID')\n if not client_id or not user_id:\n raise ValueError('API keys are not found in the environment')\n return client_id, user_id\n", "role": "user" }, { "content": "get_api_envs", "role": "assistant" } ]
def x(method, end_point, params=None, client_id=None, access_token=None): if bool(client_id) == bool(access_token): raise ValueError('Either client_id or access_token') url = 'https://api.quizlet.com/2.0/{}'.format(end_point) if not params: params = {} if client_id: params['client_id'] = client_id headers = {'Authorization': 'Bearer {}'.format(access_token) } if access_token else None response = requests.request(method, url, params=params, headers=headers) if int(response.status_code / 100) != 2: error_title = '' try: error_title += ', ' + response.json()['error_title'] except ValueError: pass except KeyError: pass raise ValueError('{} returned {}{}'.format(url, response. status_code, error_title)) try: return response.json() except json.decoder.JSONDecodeError: pass
api_call
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(method, end_point, params=None, client_id=None, access_token=None):\n if bool(client_id) == bool(access_token):\n raise ValueError('Either client_id or access_token')\n url = 'https://api.quizlet.com/2.0/{}'.format(end_point)\n if not params:\n params = {}\n if client_id:\n params['client_id'] = client_id\n headers = {'Authorization': 'Bearer {}'.format(access_token)\n } if access_token else None\n response = requests.request(method, url, params=params, headers=headers)\n if int(response.status_code / 100) != 2:\n error_title = ''\n try:\n error_title += ', ' + response.json()['error_title']\n except ValueError:\n pass\n except KeyError:\n pass\n raise ValueError('{} returned {}{}'.format(url, response.\n status_code, error_title))\n try:\n return response.json()\n except json.decoder.JSONDecodeError:\n pass\n", "role": "user" }, { "content": "api_call", "role": "assistant" } ]
def x(self, secret_id): return self._router.post_request_upload_secret(org_id=self. organizationId, instance_id=self.instanceId, secret_id=secret_id).json( )
request_upload_secret
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, secret_id):\n return self._router.post_request_upload_secret(org_id=self.\n organizationId, instance_id=self.instanceId, secret_id=secret_id).json(\n )\n", "role": "user" }, { "content": "request_upload_secret", "role": "assistant" } ]
def x(self, key, payload, domainId): if key not in self: self[key] = payload oid = self[key]['id'] if not oid: return False subnetDomainIds = [] for domain in self[key]['domains']: subnetDomainIds.append(domain['id']) if domainId not in subnetDomainIds: subnetDomainIds.append(domainId) self[key]['domain_ids'] = subnetDomainIds if len(self[key]['domains']) is not len(subnetDomainIds): return False return oid
checkAndCreate
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, key, payload, domainId):\n if key not in self:\n self[key] = payload\n oid = self[key]['id']\n if not oid:\n return False\n subnetDomainIds = []\n for domain in self[key]['domains']:\n subnetDomainIds.append(domain['id'])\n if domainId not in subnetDomainIds:\n subnetDomainIds.append(domainId)\n self[key]['domain_ids'] = subnetDomainIds\n if len(self[key]['domains']) is not len(subnetDomainIds):\n return False\n return oid\n", "role": "user" }, { "content": "checkAndCreate", "role": "assistant" } ]
def x(self, subnetId, domainId): subnetDomainIds = [] for domain in self[subnetId]['domains']: subnetDomainIds.append(domain['id']) subnetDomainIds.remove(domainId) self[subnetId]['domain_ids'] = subnetDomainIds return len(self[subnetId]['domains']) is len(subnetDomainIds)
removeDomain
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, subnetId, domainId):\n subnetDomainIds = []\n for domain in self[subnetId]['domains']:\n subnetDomainIds.append(domain['id'])\n subnetDomainIds.remove(domainId)\n self[subnetId]['domain_ids'] = subnetDomainIds\n return len(self[subnetId]['domains']) is len(subnetDomainIds)\n", "role": "user" }, { "content": "removeDomain", "role": "assistant" } ]
def x(via=threading.Lock): def x(fnc): fnc_guard = via() @functools.wraps(fnc) def x(*args, **kwargs): if fnc_guard.acquire(blocking=False): try: return fnc(*args, **kwargs) finally: fnc_guard.release() else: raise RuntimeError('exclusive call to %s violated') return exclusive_call return make_exclusive
exclusive
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(via=threading.Lock):\n\n def x(fnc):\n fnc_guard = via()\n\n @functools.wraps(fnc)\n def x(*args, **kwargs):\n if fnc_guard.acquire(blocking=False):\n try:\n return fnc(*args, **kwargs)\n finally:\n fnc_guard.release()\n else:\n raise RuntimeError('exclusive call to %s violated')\n return exclusive_call\n return make_exclusive\n", "role": "user" }, { "content": "exclusive", "role": "assistant" } ]
def x(flavour): def x(raw_cls): __new__ = raw_cls.__new__ def x(cls, *args, **kwargs): if __new__ is object.__new__: self = __new__(cls) else: self = __new__(cls, *args, **kwargs) service_unit = ServiceUnit(self, flavour) self.__service_unit__ = service_unit return self raw_cls.__new__ = __new_service__ if raw_cls.run.__doc__ is None: raw_cls.run.__doc__ = 'Service entry point' return raw_cls return service_unit_decorator
service
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(flavour):\n\n def x(raw_cls):\n __new__ = raw_cls.__new__\n\n def x(cls, *args, **kwargs):\n if __new__ is object.__new__:\n self = __new__(cls)\n else:\n self = __new__(cls, *args, **kwargs)\n service_unit = ServiceUnit(self, flavour)\n self.__service_unit__ = service_unit\n return self\n raw_cls.__new__ = __new_service__\n if raw_cls.run.__doc__ is None:\n raw_cls.run.__doc__ = 'Service entry point'\n return raw_cls\n return service_unit_decorator\n", "role": "user" }, { "content": "service", "role": "assistant" } ]
def x(self, payload, *args, flavour: ModuleType, **kwargs): if args or kwargs: payload = functools.partial(payload, *args, **kwargs) return self._meta_runner.run_payload(payload, flavour=flavour)
execute
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, payload, *args, flavour: ModuleType, **kwargs):\n if args or kwargs:\n payload = functools.partial(payload, *args, **kwargs)\n return self._meta_runner.run_payload(payload, flavour=flavour)\n", "role": "user" }, { "content": "execute", "role": "assistant" } ]
def x(self, payload, *args, flavour: ModuleType, **kwargs): if args or kwargs: payload = functools.partial(payload, *args, **kwargs) self._meta_runner.register_payload(payload, flavour=flavour)
adopt
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, payload, *args, flavour: ModuleType, **kwargs):\n if args or kwargs:\n payload = functools.partial(payload, *args, **kwargs)\n self._meta_runner.register_payload(payload, flavour=flavour)\n", "role": "user" }, { "content": "adopt", "role": "assistant" } ]
def x(self): if self._meta_runner: raise RuntimeError('payloads scheduled for %s before being started' % self) self._must_shutdown = False self._logger.info('%s starting', self.__class__.__name__) gc.collect() self._adopt_services() self.adopt(self._accept_services, flavour=trio) self._meta_runner.run()
accept
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self):\n if self._meta_runner:\n raise RuntimeError('payloads scheduled for %s before being started' %\n self)\n self._must_shutdown = False\n self._logger.info('%s starting', self.__class__.__name__)\n gc.collect()\n self._adopt_services()\n self.adopt(self._accept_services, flavour=trio)\n self._meta_runner.run()\n", "role": "user" }, { "content": "accept", "role": "assistant" } ]
def x(self): self._must_shutdown = True self._is_shutdown.wait() self._meta_runner.stop()
shutdown
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self):\n self._must_shutdown = True\n self._is_shutdown.wait()\n self._meta_runner.stop()\n", "role": "user" }, { "content": "shutdown", "role": "assistant" } ]
def x(ctx, list, close): repos = get_repos(ctx.parent.agile.get('labels')) if list: _list_milestones(repos) elif close: click.echo('Closing milestones "%s"' % close) _close_milestone(repos, close) else: click.echo(ctx.get_help())
milestones
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(ctx, list, close):\n repos = get_repos(ctx.parent.agile.get('labels'))\n if list:\n _list_milestones(repos)\n elif close:\n click.echo('Closing milestones \"%s\"' % close)\n _close_milestone(repos, close)\n else:\n click.echo(ctx.get_help())\n", "role": "user" }, { "content": "milestones", "role": "assistant" } ]
def x(local_vars={}): transforms.CONSOLE_ACTIVE = True transforms.remove_not_allowed_in_console() sys.ps1 = prompt console = ExperimentalInteractiveConsole(locals=local_vars) console.interact(banner=banner)
start_console
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(local_vars={}):\n transforms.CONSOLE_ACTIVE = True\n transforms.remove_not_allowed_in_console()\n sys.ps1 = prompt\n console = ExperimentalInteractiveConsole(locals=local_vars)\n console.interact(banner=banner)\n", "role": "user" }, { "content": "start_console", "role": "assistant" } ]
def x(self, line): if transforms.FROM_EXPERIMENTAL.match(line): transforms.add_transformers(line) self.buffer.append('\n') else: self.buffer.append(line) add_pass = False if line.rstrip(' ').endswith(':'): add_pass = True source = '\n'.join(self.buffer) if add_pass: source += 'pass' source = transforms.transform(source) if add_pass: source = source.rstrip(' ') if source.endswith('pass'): source = source[:-4] if not self.buffer[-1]: source += '\n' try: more = self.runsource(source, self.filename) except SystemExit: os._exit(1) if not more: self.resetbuffer() return more
push
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, line):\n if transforms.FROM_EXPERIMENTAL.match(line):\n transforms.add_transformers(line)\n self.buffer.append('\\n')\n else:\n self.buffer.append(line)\n add_pass = False\n if line.rstrip(' ').endswith(':'):\n add_pass = True\n source = '\\n'.join(self.buffer)\n if add_pass:\n source += 'pass'\n source = transforms.transform(source)\n if add_pass:\n source = source.rstrip(' ')\n if source.endswith('pass'):\n source = source[:-4]\n if not self.buffer[-1]:\n source += '\\n'\n try:\n more = self.runsource(source, self.filename)\n except SystemExit:\n os._exit(1)\n if not more:\n self.resetbuffer()\n return more\n", "role": "user" }, { "content": "push", "role": "assistant" } ]
def x(obj, f, preserve=False): if not f.write: raise TypeError('You can only dump an object into a file object') encoder = Encoder(f, preserve=preserve) return encoder.write_dict(obj)
dump
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(obj, f, preserve=False):\n if not f.write:\n raise TypeError('You can only dump an object into a file object')\n encoder = Encoder(f, preserve=preserve)\n return encoder.write_dict(obj)\n", "role": "user" }, { "content": "dump", "role": "assistant" } ]
def x(obj, preserve=False): f = StringIO() dump(obj, f, preserve) return f.getvalue()
dumps
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(obj, preserve=False):\n f = StringIO()\n dump(obj, f, preserve)\n return f.getvalue()\n", "role": "user" }, { "content": "dumps", "role": "assistant" } ]
def x(lic_dir=LIC_DIR): lics = [] for ln in os.listdir(lic_dir): lp = os.path.join(lic_dir, ln) with open(lp) as lf: txt = lf.read() lic = License(txt) lics.append(lic) return lics
license_loader
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(lic_dir=LIC_DIR):\n lics = []\n for ln in os.listdir(lic_dir):\n lp = os.path.join(lic_dir, ln)\n with open(lp) as lf:\n txt = lf.read()\n lic = License(txt)\n lics.append(lic)\n return lics\n", "role": "user" }, { "content": "license_loader", "role": "assistant" } ]
def x(self, max_choice=3): vec = {} for dim in ['forbidden', 'required', 'permitted']: if self.meta[dim] is None: continue dim_vec = map(lambda x: (x, max_choice), self.meta[dim]) vec[dim] = dict(dim_vec) return vec
get_vector
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, max_choice=3):\n vec = {}\n for dim in ['forbidden', 'required', 'permitted']:\n if self.meta[dim] is None:\n continue\n dim_vec = map(lambda x: (x, max_choice), self.meta[dim])\n vec[dim] = dict(dim_vec)\n return vec\n", "role": "user" }, { "content": "get_vector", "role": "assistant" } ]
def x(ctx, debug, uncolorize, **kwargs): global PROVIDER_CONFIG if debug: log.basicConfig(level=log.DEBUG) log.getLogger('requests.packages.urllib3.connectionpool').setLevel(log .DEBUG) for k, v in kwargs.iteritems(): if v: QUBELL[k] = v PROVIDER_CONFIG = {'configuration.provider': PROVIDER['provider_type'], 'configuration.legacy-regions': PROVIDER['provider_region'], 'configuration.endpoint-url': '', 'configuration.legacy-security-group': '', 'configuration.identity': PROVIDER['provider_identity'], 'configuration.credential': PROVIDER ['provider_credential']} class UserContext(object): def x(self): self.platform = None self.unauthenticated_platform = None self.colorize = not uncolorize def x(self): if not self.platform: assert QUBELL['tenant' ], 'No platform URL provided. Set QUBELL_TENANT or use --tenant option.' if not QUBELL['token']: assert QUBELL['user' ], 'No username. Set QUBELL_USER or use --user option.' assert QUBELL['password' ], 'No password provided. Set QUBELL_PASSWORD or use --password option.' self.platform = QubellPlatform.connect(tenant=QUBELL[ 'tenant'], user=QUBELL['user'], password=QUBELL[ 'password'], token=QUBELL['token']) return self.platform def x(self): if not self.unauthenticated_platform: assert QUBELL['tenant' ], 'No platform URL provided. Set QUBELL_TENANT or use --tenant option.' self.unauthenticated_platform = QubellPlatform.connect(tenant =QUBELL['tenant']) return self.unauthenticated_platform ctx = click.get_current_context() ctx.obj = UserContext()
entity
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(ctx, debug, uncolorize, **kwargs):\n global PROVIDER_CONFIG\n if debug:\n log.basicConfig(level=log.DEBUG)\n log.getLogger('requests.packages.urllib3.connectionpool').setLevel(log\n .DEBUG)\n for k, v in kwargs.iteritems():\n if v:\n QUBELL[k] = v\n PROVIDER_CONFIG = {'configuration.provider': PROVIDER['provider_type'],\n 'configuration.legacy-regions': PROVIDER['provider_region'],\n 'configuration.endpoint-url': '',\n 'configuration.legacy-security-group': '', 'configuration.identity':\n PROVIDER['provider_identity'], 'configuration.credential': PROVIDER\n ['provider_credential']}\n\n\n class UserContext(object):\n\n def x(self):\n self.platform = None\n self.unauthenticated_platform = None\n self.colorize = not uncolorize\n\n def x(self):\n if not self.platform:\n assert QUBELL['tenant'\n ], 'No platform URL provided. Set QUBELL_TENANT or use --tenant option.'\n if not QUBELL['token']:\n assert QUBELL['user'\n ], 'No username. Set QUBELL_USER or use --user option.'\n assert QUBELL['password'\n ], 'No password provided. Set QUBELL_PASSWORD or use --password option.'\n self.platform = QubellPlatform.connect(tenant=QUBELL[\n 'tenant'], user=QUBELL['user'], password=QUBELL[\n 'password'], token=QUBELL['token'])\n return self.platform\n\n def x(self):\n if not self.unauthenticated_platform:\n assert QUBELL['tenant'\n ], 'No platform URL provided. Set QUBELL_TENANT or use --tenant option.'\n self.unauthenticated_platform = QubellPlatform.connect(tenant\n =QUBELL['tenant'])\n return self.unauthenticated_platform\n ctx = click.get_current_context()\n ctx.obj = UserContext()\n", "role": "user" }, { "content": "entity", "role": "assistant" } ]
def x(files, category, overwrite, id, name): platform = _get_platform() org = platform.get_organization(QUBELL['organization']) if category: category = org.categories[category] regex = re.compile('^(.*?)(-v(\\d+)|)\\.[^.]+$') if (id or name) and len(files) > 1: raise Exception( '--id and --name are supported only for single-file mode') for filename in files: click.echo('Importing ' + filename, nl=False) if not name: match = regex.match(basename(filename)) if not match: click.echo(_color('RED', 'FAIL') + ' unknown filename format') break name = regex.match(basename(filename)).group(1) click.echo(' => ', nl=False) app = None try: app = org.get_application(id=id, name=name) if app and not overwrite: click.echo('%s %s already exists %s' % (app.id, _color( 'BLUE', app and app.name or name), _color('RED', 'FAIL'))) break except NotFoundError: if id: click.echo('%s %s not found %s' % (id or '', _color('BLUE', app and app.name or name), _color('RED', 'FAIL'))) break click.echo(_color('BLUE', app and app.name or name) + ' ', nl=False) try: with file(filename, 'r') as f: if app: app.update(name=app.name, category=category and category.id or app.category, manifest=Manifest( content=f.read())) else: app = org.application(id=id, name=name, manifest= Manifest(content=f.read())) if category: app.update(category=category.id) click.echo(app.id + _color('GREEN', ' OK')) except IOError as e: click.echo(_color('RED', ' FAIL') + ' ' + e.message) break
import_app
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(files, category, overwrite, id, name):\n platform = _get_platform()\n org = platform.get_organization(QUBELL['organization'])\n if category:\n category = org.categories[category]\n regex = re.compile('^(.*?)(-v(\\\\d+)|)\\\\.[^.]+$')\n if (id or name) and len(files) > 1:\n raise Exception(\n '--id and --name are supported only for single-file mode')\n for filename in files:\n click.echo('Importing ' + filename, nl=False)\n if not name:\n match = regex.match(basename(filename))\n if not match:\n click.echo(_color('RED', 'FAIL') + ' unknown filename format')\n break\n name = regex.match(basename(filename)).group(1)\n click.echo(' => ', nl=False)\n app = None\n try:\n app = org.get_application(id=id, name=name)\n if app and not overwrite:\n click.echo('%s %s already exists %s' % (app.id, _color(\n 'BLUE', app and app.name or name), _color('RED', 'FAIL')))\n break\n except NotFoundError:\n if id:\n click.echo('%s %s not found %s' % (id or '', _color('BLUE',\n app and app.name or name), _color('RED', 'FAIL')))\n break\n click.echo(_color('BLUE', app and app.name or name) + ' ', nl=False)\n try:\n with file(filename, 'r') as f:\n if app:\n app.update(name=app.name, category=category and\n category.id or app.category, manifest=Manifest(\n content=f.read()))\n else:\n app = org.application(id=id, name=name, manifest=\n Manifest(content=f.read()))\n if category:\n app.update(category=category.id)\n click.echo(app.id + _color('GREEN', ' OK'))\n except IOError as e:\n click.echo(_color('RED', ' FAIL') + ' ' + e.message)\n break\n", "role": "user" }, { "content": "import_app", "role": "assistant" } ]
def x(): click.echo('# tonomi api') for key, env in REVERSE_MAPPING.items(): value = QUBELL.get(key, None) if value: click.echo("export %s='%s'" % (env, value)) if any(map(lambda x: PROVIDER.get(x), REVERSE_PROVIDER_MAPPING.keys())): click.echo('# cloud account') for key, env in REVERSE_PROVIDER_MAPPING.items(): value = PROVIDER.get(key, None) if value: click.echo("export %s='%s'" % (env, value))
show_account
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x():\n click.echo('# tonomi api')\n for key, env in REVERSE_MAPPING.items():\n value = QUBELL.get(key, None)\n if value:\n click.echo(\"export %s='%s'\" % (env, value))\n if any(map(lambda x: PROVIDER.get(x), REVERSE_PROVIDER_MAPPING.keys())):\n click.echo('# cloud account')\n for key, env in REVERSE_PROVIDER_MAPPING.items():\n value = PROVIDER.get(key, None)\n if value:\n click.echo(\"export %s='%s'\" % (env, value))\n", "role": "user" }, { "content": "show_account", "role": "assistant" } ]
def x(refresh_token, verbose): platform = _get_platform(authenticated=False) session_token, expires_in = platform.generate_session_token(refresh_token) if verbose: click.echo('%s\n\n%s' % (session_token, _color('YELLOW', 'Expires in %d seconds' % expires_in))) else: click.echo(session_token)
generate_session_token
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(refresh_token, verbose):\n platform = _get_platform(authenticated=False)\n session_token, expires_in = platform.generate_session_token(refresh_token)\n if verbose:\n click.echo('%s\\n\\n%s' % (session_token, _color('YELLOW', \n 'Expires in %d seconds' % expires_in)))\n else:\n click.echo(session_token)\n", "role": "user" }, { "content": "generate_session_token", "role": "assistant" } ]
def x(cosmology='WMAP5'): Mi = [100000000.0, 1000000000.0, 10000000000.0] zi = 0 print('Concentrations for haloes of mass %s at z=%s' % (Mi, zi)) output = commah.run(cosmology=cosmology, zi=zi, Mi=Mi) print(output['c'].flatten()) Mi = [100000000.0, 1000000000.0, 10000000000.0] zi = 0 print('Concentrations for haloes of mass %s at z=%s' % (Mi, zi)) output, cosmo = commah.run(cosmology=cosmology, zi=zi, Mi=Mi, retcosmo=True ) print(output['c'].flatten()) print(cosmo) Mi = 2000000000000.0 z = [0, 0.5, 1, 1.5, 2, 2.5] output = commah.run(cosmology=cosmology, zi=0, Mi=Mi, z=z) for zval in z: print('M(z=0)=%s has c(z=%s)=%s' % (Mi, zval, output[output['z'] == zval]['c'].flatten())) Mi = 2000000000000.0 zi = [0, 0.5, 1, 1.5, 2, 2.5] output = commah.run(cosmology=cosmology, zi=zi, Mi=Mi) for zval in zi: print('M(z=%s)=%s has concentration %s' % (zval, Mi, output[(output ['zi'] == zval) & (output['z'] == zval)]['c'].flatten())) Mi = 200000000000000.0 zi = 6 output = commah.run(cosmology=cosmology, zi=zi, Mi=Mi) print('Concentrations for haloes of mass %s at z=%s' % (Mi, zi)) print(output['c'].flatten()) print('Mass variance sigma of haloes of mass %s at z=%s' % (Mi, zi)) print(output['sig'].flatten()) print('Fluctuation for haloes of mass %s at z=%s' % (Mi, zi)) print(output['nu'].flatten()) Mi = [100000000.0, 1000000000.0, 10000000000.0] zi = [0] z = [0, 0.5, 1, 1.5, 2, 2.5] output = commah.run(cosmology=cosmology, zi=zi, Mi=Mi, z=z) for Mval in Mi: print('dM/dt for halo of mass %s at z=%s across redshift %s is: ' % (Mval, zi, z)) print(output[output['Mi'] == Mval]['dMdt'].flatten()) M = [100000000.0] z = [0, 0.5, 1, 1.5, 2, 2.5] print('Halo Mass History for z=0 mass of %s across z=%s' % (M, z)) output = commah.run(cosmology=cosmology, zi=0, Mi=M, z=z) print(output['Mz'].flatten()) M = [100000000.0, 1000000000.0, 10000000000.0] z = [0] print('Formation Redshifts for haloes of mass %s at z=%s' % (M, z)) output = commah.run(cosmology=cosmology, zi=0, Mi=M, z=z) for Mval in M: print(output[output['Mi'] == Mval]['zf'].flatten()) return 'Done'
runcommand
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(cosmology='WMAP5'):\n Mi = [100000000.0, 1000000000.0, 10000000000.0]\n zi = 0\n print('Concentrations for haloes of mass %s at z=%s' % (Mi, zi))\n output = commah.run(cosmology=cosmology, zi=zi, Mi=Mi)\n print(output['c'].flatten())\n Mi = [100000000.0, 1000000000.0, 10000000000.0]\n zi = 0\n print('Concentrations for haloes of mass %s at z=%s' % (Mi, zi))\n output, cosmo = commah.run(cosmology=cosmology, zi=zi, Mi=Mi, retcosmo=True\n )\n print(output['c'].flatten())\n print(cosmo)\n Mi = 2000000000000.0\n z = [0, 0.5, 1, 1.5, 2, 2.5]\n output = commah.run(cosmology=cosmology, zi=0, Mi=Mi, z=z)\n for zval in z:\n print('M(z=0)=%s has c(z=%s)=%s' % (Mi, zval, output[output['z'] ==\n zval]['c'].flatten()))\n Mi = 2000000000000.0\n zi = [0, 0.5, 1, 1.5, 2, 2.5]\n output = commah.run(cosmology=cosmology, zi=zi, Mi=Mi)\n for zval in zi:\n print('M(z=%s)=%s has concentration %s' % (zval, Mi, output[(output\n ['zi'] == zval) & (output['z'] == zval)]['c'].flatten()))\n Mi = 200000000000000.0\n zi = 6\n output = commah.run(cosmology=cosmology, zi=zi, Mi=Mi)\n print('Concentrations for haloes of mass %s at z=%s' % (Mi, zi))\n print(output['c'].flatten())\n print('Mass variance sigma of haloes of mass %s at z=%s' % (Mi, zi))\n print(output['sig'].flatten())\n print('Fluctuation for haloes of mass %s at z=%s' % (Mi, zi))\n print(output['nu'].flatten())\n Mi = [100000000.0, 1000000000.0, 10000000000.0]\n zi = [0]\n z = [0, 0.5, 1, 1.5, 2, 2.5]\n output = commah.run(cosmology=cosmology, zi=zi, Mi=Mi, z=z)\n for Mval in Mi:\n print('dM/dt for halo of mass %s at z=%s across redshift %s is: ' %\n (Mval, zi, z))\n print(output[output['Mi'] == Mval]['dMdt'].flatten())\n M = [100000000.0]\n z = [0, 0.5, 1, 1.5, 2, 2.5]\n print('Halo Mass History for z=0 mass of %s across z=%s' % (M, z))\n output = commah.run(cosmology=cosmology, zi=0, Mi=M, z=z)\n print(output['Mz'].flatten())\n M = [100000000.0, 1000000000.0, 10000000000.0]\n z = [0]\n print('Formation Redshifts for haloes of mass %s at z=%s' % (M, z))\n output = commah.run(cosmology=cosmology, zi=0, Mi=M, z=z)\n for Mval in M:\n print(output[output['Mi'] == Mval]['zf'].flatten())\n return 'Done'\n", "role": "user" }, { "content": "runcommand", "role": "assistant" } ]
def x(self): self.update({'puppetclasses': SubDict(self.api, self.objName, self. payloadObj, self.key, SubItemPuppetClasses)}) self.update({'parameters': SubDict(self.api, self.objName, self. payloadObj, self.key, SubItemParameter)}) self.update({'smart_class_parameters': SubDict(self.api, self.objName, self.payloadObj, self.key, ItemSmartClassParameter)})
enhance
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self):\n self.update({'puppetclasses': SubDict(self.api, self.objName, self.\n payloadObj, self.key, SubItemPuppetClasses)})\n self.update({'parameters': SubDict(self.api, self.objName, self.\n payloadObj, self.key, SubItemParameter)})\n self.update({'smart_class_parameters': SubDict(self.api, self.objName,\n self.payloadObj, self.key, ItemSmartClassParameter)})\n", "role": "user" }, { "content": "enhance", "role": "assistant" } ]
def x(line): assert FROM_EXPERIMENTAL.match(line) line = FROM_EXPERIMENTAL.sub(' ', line) line = line.split('#')[0] for trans in line.replace(' ', '').split(','): import_transformer(trans)
add_transformers
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(line):\n assert FROM_EXPERIMENTAL.match(line)\n line = FROM_EXPERIMENTAL.sub(' ', line)\n line = line.split('#')[0]\n for trans in line.replace(' ', '').split(','):\n import_transformer(trans)\n", "role": "user" }, { "content": "add_transformers", "role": "assistant" } ]
def x(name): if name in transformers: return transformers[name] hook = sys.meta_path[0] sys.meta_path = sys.meta_path[1:] try: transformers[name] = __import__(name) if CONSOLE_ACTIVE: if hasattr(transformers[name], 'NO_CONSOLE'): print(transformers[name].NO_CONSOLE) transformers[name] = NullTransformer() except ImportError: sys.stderr.write( 'Warning: Import Error in add_transformers: %s not found\n' % name) transformers[name] = NullTransformer() except Exception as e: sys.stderr.write( 'Unexpected exception in transforms.import_transformer%s\n ' % e.__class__.__name__) finally: sys.meta_path.insert(0, hook) return transformers[name]
import_transformer
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(name):\n if name in transformers:\n return transformers[name]\n hook = sys.meta_path[0]\n sys.meta_path = sys.meta_path[1:]\n try:\n transformers[name] = __import__(name)\n if CONSOLE_ACTIVE:\n if hasattr(transformers[name], 'NO_CONSOLE'):\n print(transformers[name].NO_CONSOLE)\n transformers[name] = NullTransformer()\n except ImportError:\n sys.stderr.write(\n 'Warning: Import Error in add_transformers: %s not found\\n' % name)\n transformers[name] = NullTransformer()\n except Exception as e:\n sys.stderr.write(\n 'Unexpected exception in transforms.import_transformer%s\\n ' %\n e.__class__.__name__)\n finally:\n sys.meta_path.insert(0, hook)\n return transformers[name]\n", "role": "user" }, { "content": "import_transformer", "role": "assistant" } ]
def x(source): lines = source.split('\n') linenumbers = [] for number, line in enumerate(lines): if FROM_EXPERIMENTAL.match(line): add_transformers(line) linenumbers.insert(0, number) for number in linenumbers: del lines[number] return '\n'.join(lines)
extract_transformers_from_source
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(source):\n lines = source.split('\\n')\n linenumbers = []\n for number, line in enumerate(lines):\n if FROM_EXPERIMENTAL.match(line):\n add_transformers(line)\n linenumbers.insert(0, number)\n for number in linenumbers:\n del lines[number]\n return '\\n'.join(lines)\n", "role": "user" }, { "content": "extract_transformers_from_source", "role": "assistant" } ]
def x(): not_allowed_in_console = [] if CONSOLE_ACTIVE: for name in transformers: tr_module = import_transformer(name) if hasattr(tr_module, 'NO_CONSOLE'): not_allowed_in_console.append((name, tr_module)) for name, tr_module in not_allowed_in_console: print(tr_module.NO_CONSOLE) transformers[name] = NullTransformer()
remove_not_allowed_in_console
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x():\n not_allowed_in_console = []\n if CONSOLE_ACTIVE:\n for name in transformers:\n tr_module = import_transformer(name)\n if hasattr(tr_module, 'NO_CONSOLE'):\n not_allowed_in_console.append((name, tr_module))\n for name, tr_module in not_allowed_in_console:\n print(tr_module.NO_CONSOLE)\n transformers[name] = NullTransformer()\n", "role": "user" }, { "content": "remove_not_allowed_in_console", "role": "assistant" } ]
def x(source): source = extract_transformers_from_source(source) not_done = transformers while True: failed = {} for name in not_done: tr_module = import_transformer(name) try: source = tr_module.transform_source(source) except Exception as e: failed[name] = tr_module if not failed: break if failed == not_done: print('Warning: the following transforms could not be done:') for key in failed: print(key) break not_done = failed return source
transform
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(source):\n source = extract_transformers_from_source(source)\n not_done = transformers\n while True:\n failed = {}\n for name in not_done:\n tr_module = import_transformer(name)\n try:\n source = tr_module.transform_source(source)\n except Exception as e:\n failed[name] = tr_module\n if not failed:\n break\n if failed == not_done:\n print('Warning: the following transforms could not be done:')\n for key in failed:\n print(key)\n break\n not_done = failed\n return source\n", "role": "user" }, { "content": "transform", "role": "assistant" } ]
def x(self, request, response): is_html = 'text/html' in response.get('Content-Type', '') if is_html and hasattr(response, 'rendered_content'): correct_path = PATH_MATCHER.match(request.path) is not None not_included = self.include_flag not in response.rendered_content return correct_path and not_included return False
match
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, request, response):\n is_html = 'text/html' in response.get('Content-Type', '')\n if is_html and hasattr(response, 'rendered_content'):\n correct_path = PATH_MATCHER.match(request.path) is not None\n not_included = self.include_flag not in response.rendered_content\n return correct_path and not_included\n return False\n", "role": "user" }, { "content": "match", "role": "assistant" } ]
def x(self): css = render_to_string(self.css_template, {}) for sprite in self.chosen_sprites: css = css.replace(sprite, settings.STATIC_URL + 'img/' + sprite) return css
chosen_css
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self):\n css = render_to_string(self.css_template, {})\n for sprite in self.chosen_sprites:\n css = css.replace(sprite, settings.STATIC_URL + 'img/' + sprite)\n return css\n", "role": "user" }, { "content": "chosen_css", "role": "assistant" } ]
def x(self, request, response): if self._match(request, response): head = render_to_string('chosenadmin/_head_css.html', {'chosen_css': self._chosen_css()}) body = render_to_string('chosenadmin/_script.html', {'chosen_js': self._chosen_js()}) content = response.rendered_content content = content.replace('</head>', head) content = content.replace('</body>', body) response.content = content return response
embed
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, request, response):\n if self._match(request, response):\n head = render_to_string('chosenadmin/_head_css.html', {'chosen_css':\n self._chosen_css()})\n body = render_to_string('chosenadmin/_script.html', {'chosen_js':\n self._chosen_js()})\n content = response.rendered_content\n content = content.replace('</head>', head)\n content = content.replace('</body>', body)\n response.content = content\n return response\n", "role": "user" }, { "content": "embed", "role": "assistant" } ]
def x(self): self.log.debug('Closing I2C bus for address: 0x%02X' % self.address) self.bus.close()
clean_up
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self):\n self.log.debug('Closing I2C bus for address: 0x%02X' % self.address)\n self.bus.close()\n", "role": "user" }, { "content": "clean_up", "role": "assistant" } ]
def x(self): self.bus.write_quick(self.address) self.log.debug('write_quick: Sent the read / write bit')
write_quick
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self):\n self.bus.write_quick(self.address)\n self.log.debug('write_quick: Sent the read / write bit')\n", "role": "user" }, { "content": "write_quick", "role": "assistant" } ]
def x(self, cmd, value): self.bus.write_byte_data(self.address, cmd, value) self.log.debug('write_byte: Wrote 0x%02X to command register 0x%02X' % (value, cmd))
write_byte
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, cmd, value):\n self.bus.write_byte_data(self.address, cmd, value)\n self.log.debug('write_byte: Wrote 0x%02X to command register 0x%02X' %\n (value, cmd))\n", "role": "user" }, { "content": "write_byte", "role": "assistant" } ]
def x(self, cmd, value): self.bus.write_word_data(self.address, cmd, value) self.log.debug('write_word: Wrote 0x%04X to command register 0x%02X' % (value, cmd))
write_word
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, cmd, value):\n self.bus.write_word_data(self.address, cmd, value)\n self.log.debug('write_word: Wrote 0x%04X to command register 0x%02X' %\n (value, cmd))\n", "role": "user" }, { "content": "write_word", "role": "assistant" } ]
def x(self, value): self.bus.write_byte(self.address, value) self.log.debug('write_raw_byte: Wrote 0x%02X' % value)
write_raw_byte
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, value):\n self.bus.write_byte(self.address, value)\n self.log.debug('write_raw_byte: Wrote 0x%02X' % value)\n", "role": "user" }, { "content": "write_raw_byte", "role": "assistant" } ]
def x(self, cmd, block): self.bus.write_i2c_block_data(self.address, cmd, block) self.log.debug( 'write_block_data: Wrote [%s] to command register 0x%02X' % (', '. join([('0x%02X' % x) for x in block]), cmd))
write_block_data
[ { "content": "Given the source code of a python function, suggest a fitting name for the function.", "role": "system" }, { "content": "def x(self, cmd, block):\n self.bus.write_i2c_block_data(self.address, cmd, block)\n self.log.debug(\n 'write_block_data: Wrote [%s] to command register 0x%02X' % (', '.\n join([('0x%02X' % x) for x in block]), cmd))\n", "role": "user" }, { "content": "write_block_data", "role": "assistant" } ]

Dataset Card for "code_search_net_python_func_names"

More Information needed

Downloads last month
0
Edit dataset card