Python os.path.splitext() Examples
The following are 30
code examples of os.path.splitext().
You can vote up the ones you like or vote down the ones you don't like,
and go to the original project or source file by following the links above each example.
You may also want to check out all available functions/classes of the module
os.path
, or try the search function
.
Example #1
Source File: fileLoaders.py From grlc with MIT License | 6 votes |
def __init__(self, spec_url): """Create a new URLLoader. Keyword arguments: spec_url -- URL where the specification YAML file is located.""" headers = {'Accept' : 'text/yaml'} resp = requests.get(spec_url, headers=headers) if resp.status_code == 200: self.spec = yaml.load(resp.text) self.spec['url'] = spec_url self.spec['files'] = {} for queryUrl in self.spec['queries']: queryNameExt = path.basename(queryUrl) queryName = path.splitext(queryNameExt)[0] # Remove extention item = { 'name': queryName, 'download_url': queryUrl } self.spec['files'][queryNameExt] = item del self.spec['queries'] else: raise Exception(resp.text)
Example #2
Source File: _compat.py From jbox with MIT License | 6 votes |
def _check_if_pyc(fname): """Return True if the extension is .pyc, False if .py and None if otherwise""" from imp import find_module from os.path import realpath, dirname, basename, splitext # Normalize the file-path for the find_module() filepath = realpath(fname) dirpath = dirname(filepath) module_name = splitext(basename(filepath))[0] # Validate and fetch try: fileobj, fullpath, (_, _, pytype) = find_module(module_name, [dirpath]) except ImportError: raise IOError("Cannot find config file. " "Path maybe incorrect! : {0}".format(filepath)) return pytype, fileobj, fullpath
Example #3
Source File: format_manager.py From ipymd with BSD 3-Clause "New" or "Revised" License | 6 votes |
def load(self, file, name=None): """Load a file. The format name can be specified explicitly or inferred from the file extension.""" if name is None: name = self.format_from_extension(op.splitext(file)[1]) file_format = self.file_type(name) if file_format == 'text': return _read_text(file) elif file_format == 'json': return _read_json(file) else: load_function = self._formats[name].get('load', None) if load_function is None: raise IOError("The format must declare a file type or " "load/save functions.") return load_function(file)
Example #4
Source File: format_manager.py From ipymd with BSD 3-Clause "New" or "Revised" License | 6 votes |
def save(self, file, contents, name=None, overwrite=False): """Save contents into a file. The format name can be specified explicitly or inferred from the file extension.""" if name is None: name = self.format_from_extension(op.splitext(file)[1]) file_format = self.file_type(name) if file_format == 'text': _write_text(file, contents) elif file_format == 'json': _write_json(file, contents) else: write_function = self._formats[name].get('save', None) if write_function is None: raise IOError("The format must declare a file type or " "load/save functions.") if op.exists(file) and not overwrite: print("The file already exists, please use overwrite=True.") return write_function(file, contents)
Example #5
Source File: SpyDir.py From SpyDir with MIT License | 6 votes |
def _parse_file(self, filename, file_url): """ Attempts to parse a file with the loaded plugins Returns set of endpoints """ file_set = set() with open(filename, 'r') as plug_in: lines = plug_in.readlines() ext = path.splitext(filename)[1].upper() if ext in self.plugins.keys() and self._ext_test(ext): for plug in self.plugins.get(ext): if plug.enabled: res = plug.run(lines) if len(res) > 0: for i in res: i = file_url + i file_set.add(i) elif ext == '.TXT' and self._ext_test(ext): for i in lines: i = file_url + i file_set.add(i.strip()) return file_set
Example #6
Source File: devices.py From minicps with MIT License | 6 votes |
def _init_state(self): """Bind device to the physical layer API.""" subpath, extension = splitext(self.state['path']) if extension == '.sqlite': # TODO: add parametric value filed # print 'DEBUG state: ', self.state self._state = SQLiteState(self.state) elif extension == '.redis': # TODO: add parametric key serialization self._state = RedisState(self.state) else: print 'ERROR: %s backend not supported.' % self.state # TODO: add optional process name for the server and log location
Example #7
Source File: client.py From bugatsinho.github.io with GNU General Public License v3.0 | 6 votes |
def get_extension(url, response): from os.path import splitext filename = url2name(url) if 'Content-Disposition' in response.info(): cd_list = response.info()['Content-Disposition'].split('filename=') if len(cd_list) > 1: filename = cd_list[-1] if filename[0] == '"' or filename[0] == "'": filename = filename[1:-1] elif response.url != url: filename = url2name(response.url) ext = splitext(filename)[1][1:] if not ext: ext = 'mp4' return ext
Example #8
Source File: datasets.py From pytorch-segmentation-toolbox with MIT License | 6 votes |
def __getitem__(self, index): datafiles = self.files[index] image = cv2.imread(datafiles["img"], cv2.IMREAD_COLOR) size = image.shape name = osp.splitext(osp.basename(datafiles["img"]))[0] image = np.asarray(image, np.float32) image -= self.mean img_h, img_w, _ = image.shape pad_h = max(self.crop_h - img_h, 0) pad_w = max(self.crop_w - img_w, 0) if pad_h > 0 or pad_w > 0: image = cv2.copyMakeBorder(image, 0, pad_h, 0, pad_w, cv2.BORDER_CONSTANT, value=(0.0, 0.0, 0.0)) image = image.transpose((2, 0, 1)) return image, name, size
Example #9
Source File: datasets.py From pytorch-segmentation-toolbox with MIT License | 6 votes |
def __init__(self, root, list_path, crop_size=(505, 505), mean=(128, 128, 128)): self.root = root self.list_path = list_path self.crop_h, self.crop_w = crop_size self.mean = mean # self.mean_bgr = np.array([104.00698793, 116.66876762, 122.67891434]) self.img_ids = [i_id.strip().split() for i_id in open(list_path)] self.files = [] # for split in ["train", "trainval", "val"]: for item in self.img_ids: image_path, label_path = item name = osp.splitext(osp.basename(label_path))[0] img_file = osp.join(self.root, image_path) self.files.append({ "img": img_file })
Example #10
Source File: filters.py From pagure with GNU General Public License v2.0 | 6 votes |
def get_syntax_alias(filename): """ return an alias based on the filename that is used to override the automatic syntax highlighting dectection by highlight.js """ override_rules = pagure_config.get( "SYNTAX_ALIAS_OVERRIDES", {".spec": "rpm-specfile", ".patch": "diff", ".adoc": "asciidoc"}, ) fn, fn_ext = splitext(filename) output = "" if fn_ext == "": output = "lang-plaintext" elif fn_ext in override_rules: output = "lang-" + override_rules[fn_ext] return output
Example #11
Source File: datasets.py From pytorch-segmentation-toolbox with MIT License | 6 votes |
def __getitem__(self, index): datafiles = self.files[index] image = cv2.imread(datafiles["img"], cv2.IMREAD_COLOR) size = image.shape name = osp.splitext(osp.basename(datafiles["img"]))[0] image = np.asarray(image, np.float32) image -= self.mean img_h, img_w, _ = image.shape pad_h = max(self.crop_h - img_h, 0) pad_w = max(self.crop_w - img_w, 0) if pad_h > 0 or pad_w > 0: image = cv2.copyMakeBorder(image, 0, pad_h, 0, pad_w, cv2.BORDER_CONSTANT, value=(0.0, 0.0, 0.0)) image = image.transpose((2, 0, 1)) return image, name, size
Example #12
Source File: py_compile.py From YAPyPy with MIT License | 6 votes |
def py_compile(node, filename='<unknown>', is_entrypoint=False): if isinstance(node, Tag): ctx = _non_ctx.enter_new(node.tag) ctx.bc.filename = filename ctx.bc.name = '__main__' if is_entrypoint else splitext( Path(filename).relative())[0] try: py_emit(node.it, ctx) except SyntaxError as exc: exc.filename = filename raise exc return ctx.bc.to_code() # try: # return ctx.bc.to_code() # except Exception as e: # dump_bytecode(ctx.bc) # raise e else: tag = to_tagged_ast(node) return py_compile(tag, filename, is_entrypoint=is_entrypoint)
Example #13
Source File: label2det_v1.py From bdd100k with BSD 3-Clause "New" or "Revised" License | 6 votes |
def change_dir(label_dir, det_path): if not osp.exists(label_dir): print('Can not find', label_dir) return print('Processing', label_dir) input_names = [n for n in os.listdir(label_dir) if osp.splitext(n)[1] == '.json'] boxes = [] count = 0 for name in input_names: in_path = osp.join(label_dir, name) out = label2det(json.load(open(in_path, 'r'))) boxes.extend(out) count += 1 if count % 1000 == 0: print('Finished', count) with open(det_path, 'w') as fp: json.dump(boxes, fp, indent=4, separators=(',', ': '))
Example #14
Source File: show_labels.py From bdd100k with BSD 3-Clause "New" or "Revised" License | 6 votes |
def convert_instance_rgb(label_path): label_dir = dirname(label_path) label_name = splitext(split(label_path)[1])[0] image = np.array(Image.open(label_path, 'r')) seg = image[:, :, 0] seg_color = seg2color(seg) image = image.astype(np.uint32) instance = image[:, :, 0] * 1000 + image[:, :, 1] # instance_color = instance2color(instance) Image.fromarray(seg).save( join(label_dir, label_name + '_train_id.png')) Image.fromarray(seg_color).save( join(label_dir, label_name + '_train_color.png')) Image.fromarray(instance).save( join(label_dir, label_name + '_instance_id.png')) # Image.fromarray(instance_color).save( # join(label_dir, label_name + '_instance_color.png'))
Example #15
Source File: show_labels.py From bdd100k with BSD 3-Clause "New" or "Revised" License | 6 votes |
def convert_drivable_rgb(label_path): label_dir = dirname(label_path) label_name = splitext(split(label_path)[1])[0] image = np.array(Image.open(label_path, 'r')) seg = image[:, :, 0] seg_color = drivable2color(seg) image = image.astype(np.uint32) instance = image[:, :, 0] * 1000 + image[:, :, 2] # instance_color = instance2color(instance) Image.fromarray(seg).save( join(label_dir, label_name + '_drivable_id.png')) Image.fromarray(seg_color).save( join(label_dir, label_name + '_drivable_color.png')) Image.fromarray(instance).save( join(label_dir, label_name + '_drivable_instance_id.png')) # Image.fromarray(instance_color).save( # join(label_dir, label_name + '_drivable_instance_color.png'))
Example #16
Source File: show_labels.py From bdd100k with BSD 3-Clause "New" or "Revised" License | 6 votes |
def write(self): dpi = 80 w = 16 h = 9 self.fig = plt.figure(figsize=(w, h), dpi=dpi) self.ax = self.fig.add_axes([0.0, 0.0, 1.0, 1.0], frameon=False) out_paths = [] for i in range(len(self.image_paths)): self.current_index = i out_name = splitext(split(self.image_paths[i])[1])[0] + '.png' out_path = join(self.out_dir, out_name) if self.show_image(): self.fig.savefig(out_path, dpi=dpi) out_paths.append(out_path) if self.with_post: print('Post-processing') p = Pool(10) if self.instance_mode: p.map(convert_instance_rgb, out_paths) if self.drivable_mode: p = Pool(10) p.map(convert_drivable_rgb, out_paths)
Example #17
Source File: utils.py From linter-pylama with MIT License | 6 votes |
def register_plugins(linter, directory): """load all module and package in the given directory, looking for a 'register' function in each one, used to register pylint checkers """ imported = {} for filename in os.listdir(directory): base, extension = splitext(filename) if base in imported or base == '__pycache__': continue if extension in PY_EXTS and base != '__init__' or ( not extension and isdir(join(directory, base))): try: module = modutils.load_module_from_file(join(directory, filename)) except ValueError: # empty module name (usually emacs auto-save files) continue except ImportError as exc: print("Problem importing module %s: %s" % (filename, exc), file=sys.stderr) else: if hasattr(module, 'register'): module.register(linter) imported[base] = 1
Example #18
Source File: cli.py From tldr.py with MIT License | 6 votes |
def build_index(): repo_directory = get_config()['repo_directory'] index_path = path.join(repo_directory, 'pages', 'index.json') page_path = path.join(repo_directory, 'pages') tree_generator = os.walk(page_path) folders = next(tree_generator)[1] commands, new_index = {}, {} for folder in folders: pages = next(tree_generator)[2] for page in pages: command_name = path.splitext(page)[0] if command_name not in commands: commands[command_name] = {'name': command_name, 'platform': [folder]} else: commands[command_name]['platform'].append(folder) command_list = [item[1] for item in sorted(commands.items(), key=itemgetter(0))] new_index['commands'] = command_list with open(index_path, mode='w') as f: json.dump(new_index, f)
Example #19
Source File: dataset.py From seamseg with BSD 3-Clause "New" or "Revised" License | 6 votes |
def __init__(self, in_dir, transform): super(ISSTestDataset, self).__init__() self.in_dir = in_dir self.transform = transform # Find all images self._images = [] for img_path in chain( *(glob.iglob(path.join(self.in_dir, '**', ext), recursive=True) for ext in ISSTestDataset._EXTENSIONS)): _, name_with_ext = path.split(img_path) idx, _ = path.splitext(name_with_ext) with Image.open(img_path) as img_raw: size = (img_raw.size[1], img_raw.size[0]) self._images.append({ "idx": idx, "path": img_path, "size": size, })
Example #20
Source File: test_accuracy.py From nyumaya_audio_recognition with Apache License 2.0 | 6 votes |
def get_cv_list(labels_list,cvcorpus_path): csvfile = open(cvcorpus_path+"cv-valid-test.csv",'r') csvFileArray = [] first = True i = 0 for row in csv.reader(csvfile, delimiter = ','): if(first): first = False continue filepath = row[0] base = os.path.splitext(filepath)[0] filepath = base + ".wav" text = row[1].lower() use = True for wanted_word in labels_list: if((wanted_word.lower() + " ") in text): use = False if(use == True): i = i + 1 csvFileArray.append(os.path.join(cvcorpus_path,filepath)) return csvFileArray
Example #21
Source File: test_panoptic.py From seamseg with BSD 3-Clause "New" or "Revised" License | 6 votes |
def save_prediction_raw(raw_pred, _, img_info, out_dir): # Prepare folders and paths folder, img_name = path.split(img_info["rel_path"]) img_name, _ = path.splitext(img_name) out_dir = path.join(out_dir, folder) ensure_dir(out_dir) out_path = path.join(out_dir, img_name + ".pth.tar") out_data = { "sem_pred": raw_pred[0], "bbx_pred": raw_pred[1], "cls_pred": raw_pred[2], "obj_pred": raw_pred[3], "msk_pred": raw_pred[4] } torch.save(out_data, out_path)
Example #22
Source File: evaluate.py From bdd100k with BSD 3-Clause "New" or "Revised" License | 5 votes |
def find_all_png(folder): paths = [] for root, dirs, files in os.walk(folder, topdown=True): paths.extend([osp.join(root, f) for f in files if osp.splitext(f)[1] == '.png']) return paths
Example #23
Source File: code.py From coursys with GNU General Public License v3.0 | 5 votes |
def clean_code(self): data = self.cleaned_data['code'] if self.check_is_empty(data): raise forms.ValidationError("No file submitted.") if not self.check_size(data): raise forms.ValidationError("File size exceeded max size, component can not be uploaded.") self.check_filename(data) # get allowed file types upload_ext = splitext(data.name)[1] t = CodeComponent.objects.filter(id=self.prefix) allowed_list = t[0].allowed.split(",") name_okay = False if not any([data.name.endswith(ext) for ext in allowed_list]): msg = None msg_allowed = "Allowed types are:" for k in CODE_TYPES: if k[0] in allowed_list: msg_allowed = msg_allowed + " " + k[1] + "," if k[0] == upload_ext: msg = "File extension incorrect. File appears to be %s." % (k[1]) if msg is None: msg = "Unable to determine file type (%s)." % upload_ext raise forms.ValidationError(msg + " " +msg_allowed[:-1] + ".") else: return data
Example #24
Source File: show_labels.py From bdd100k with BSD 3-Clause "New" or "Revised" License | 5 votes |
def write(self): dpi = 80 w = 16 h = 9 self.fig = plt.figure(figsize=(w, h), dpi=dpi) self.ax = self.fig.add_axes([0.0, 0.0, 1.0, 1.0], frameon=False) out_paths = [] self.start_index = 0 self.frame_index = 0 self.file_index = 0 while self.file_index < len(self.label_paths): if self.label is None: self.label = read_labels(self.label_paths[self.file_index]) out_name = splitext(split( self.label[self.frame_index - self.start_index]['name'])[1])[0] + '.png' out_path = join(self.out_dir, out_name) if self.show_image(): self.fig.savefig(out_path, dpi=dpi) out_paths.append(out_path) self.frame_index += 1 if self.frame_index >= len(self.label): self.start_index = self.frame_index self.file_index += 1 self.label = None if self.with_post: print('Post-processing') p = Pool(10) if self.instance_mode: p.map(convert_instance_rgb, out_paths) if self.drivable_mode: p = Pool(10) p.map(convert_drivable_rgb, out_paths)
Example #25
Source File: testutils.py From python-netsurv with MIT License | 5 votes |
def _get_tests_info(input_dir, msg_dir, prefix, suffix): """get python input examples and output messages We use following conventions for input files and messages: for different inputs: test for python >= x.y -> input = <name>_pyxy.py test for python < x.y -> input = <name>_py_xy.py for one input and different messages: message for python >= x.y -> message = <name>_pyxy.txt lower versions -> message with highest num """ result = [] for fname in glob(join(input_dir, prefix + "*" + suffix)): infile = basename(fname) fbase = splitext(infile)[0] # filter input files : pyrestr = fbase.rsplit("_py", 1)[-1] # like _26 or 26 if pyrestr.isdigit(): # '24', '25'... if SYS_VERS_STR < pyrestr: continue if pyrestr.startswith("_") and pyrestr[1:].isdigit(): # skip test for higher python versions if SYS_VERS_STR >= pyrestr[1:]: continue messages = glob(join(msg_dir, fbase + "*.txt")) # the last one will be without ext, i.e. for all or upper versions: if messages: for outfile in sorted(messages, reverse=True): py_rest = outfile.rsplit("_py", 1)[-1][:-4] if py_rest.isdigit() and SYS_VERS_STR >= py_rest: break else: # This will provide an error message indicating the missing filename. outfile = join(msg_dir, fbase + ".txt") result.append((infile, outfile)) return result
Example #26
Source File: materialize_emoji_images.py From apple-emoji-linux with Apache License 2.0 | 5 votes |
def _copy_files(src, dst): """Copies files named 'emoji_u*.png' from dst to src, and return a set of the names with 'emoji_u' and the extension stripped.""" code_strings = set() tool_utils.check_dir_exists(src) dst = tool_utils.ensure_dir_exists(dst, clean=True) for f in glob.glob(path.join(src, 'emoji_u*.png')): shutil.copy(f, dst) code_strings.add(path.splitext(path.basename(f))[0][7:]) return code_strings
Example #27
Source File: SpyDir.py From SpyDir with MIT License | 5 votes |
def _load_plugins(self, folder): """ Parses a local directory to get the plugins related to code level scanning """ report = "" if len(self.plugins.keys()) > 0: report = "[^] Plugins reloaded!" for _, _, filenames in walk(folder): for p_name in filenames: n_e = path.splitext(p_name) # n_e = name_extension if n_e[1] == ".py": f_loc = "%s/%s" % (folder, p_name) loaded_plug = self._validate_plugin(n_e[0], f_loc) if loaded_plug: for p in self.loaded_p_list: if p.get_name() == loaded_plug.get_name(): self.loaded_p_list.discard(p) self.loaded_p_list.add(loaded_plug) if not report.startswith("[^]"): report += "%s loaded\n" % loaded_plug.get_name() self._dictify(self.loaded_p_list) if len(self.plugins.keys()) > 0: self.loaded_plugins = True else: report = "[!!] Plugins load failure" self.loaded_plugins = False self.update_scroll(report) return report
Example #28
Source File: unpacker.py From apio with GNU General Public License v2.0 | 5 votes |
def __init__(self, archpath, dest_dir='.'): self._archpath = archpath self._dest_dir = dest_dir self._unpacker = None _, archext = splitext(archpath.lower()) if archext in ('.gz', '.bz2'): self._unpacker = TARArchive(archpath) elif archext == '.zip': self._unpacker = ZIPArchive(archpath) if not self._unpacker: raise UnsupportedArchiveType(archpath)
Example #29
Source File: onelight.py From ibllib with MIT License | 5 votes |
def format(self, record): # Only keep the first character in the level name. record.levelname = record.levelname[0] filename = op.splitext(op.basename(record.pathname))[0] record.caller = '{:s}:{:d}'.format(filename, record.lineno).ljust(20) message = super(_Formatter, self).format(record) color_code = {'D': '90', 'I': '0', 'W': '33', 'E': '31'}.get(record.levelname, '7') message = '\33[%sm%s\33[0m' % (color_code, message) return message
Example #30
Source File: structural_adapter.py From Expert-Python-Programming_Second-Edition with BSD 3-Clause "New" or "Revised" License | 5 votes |
def title(self): return splitext(split(self._filename)[-1])[0]