Python argparse.REMAINDER Examples
The following are 30
code examples of argparse.REMAINDER().
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
argparse
, or try the search function
.
Example #1
Source File: run.py From ros2cli with Apache License 2.0 | 6 votes |
def add_arguments(self, parser, cli_name): arg = parser.add_argument( '--prefix', help='Prefix command, which should go before the executable. ' 'Command must be wrapped in quotes if it contains spaces ' "(e.g. --prefix 'gdb -ex run --args').") try: from argcomplete.completers import SuppressCompleter except ImportError: pass else: arg.completer = SuppressCompleter() arg = parser.add_argument( 'package_name', help='Name of the ROS package') arg.completer = package_name_completer arg = parser.add_argument( 'executable_name', help='Name of the executable') arg.completer = ExecutableNameCompleter( package_name_key='package_name') parser.add_argument( 'argv', nargs=REMAINDER, help='Pass arbitrary arguments to the executable')
Example #2
Source File: archive.py From bob with GNU General Public License v3.0 | 6 votes |
def doArchive(argv, bobRoot): subHelp = "\n ... ".join(sorted( [ "{:8} {}".format(c, d[1]) for (c, d) in availableArchiveCmds.items() ])) parser = argparse.ArgumentParser(prog="bob archive", formatter_class=argparse.RawDescriptionHelpFormatter, description="""Manage binary artifacts archive. The following subcommands are available: bob archive {} """.format(subHelp)) parser.add_argument('subcommand', help="Subcommand") parser.add_argument('args', nargs=argparse.REMAINDER, help="Arguments for subcommand") args = parser.parse_args(argv) if args.subcommand in availableArchiveCmds: availableArchiveCmds[args.subcommand][0](args.args) else: parser.error("Unknown subcommand '{}'".format(args.subcommand))
Example #3
Source File: entry_point.py From cinch with GNU General Public License v3.0 | 6 votes |
def cinch_generic(playbook, help_description): # Parse the command line arguments parser = ArgumentParser(description='A CLI wrapper for ansible-playbook ' 'to run cinch playbooks. ' + help_description) # The inventory file that the user provides which will get passed along to # Ansible for its consumption parser.add_argument('inventory', help='Ansible inventory file (required)') # All remaining arguments are passed through, untouched, to Ansible parser.add_argument('args', nargs=REMAINDER, help='extra args to ' 'pass to the ansible-playbook command (optional)') args = parser.parse_args() if len(args.inventory) > 0: if args.inventory[0] == '/': inventory = args.inventory else: inventory = path.join(getcwd(), args.inventory) else: raise Exception('Inventory path needs to be non-empty') exit_code = call_ansible(inventory, playbook, args.args) sys.exit(exit_code)
Example #4
Source File: DomLink.py From armory with GNU General Public License v3.0 | 6 votes |
def set_options(self): super(Module, self).set_options() self.options.add_argument("--binary", help="Path to binary") self.options.add_argument( "-o", "--output_path", help="Path which will contain program output (relative to base_path in config", default=self.name, ) self.options.add_argument( "--tool_args", help="Additional arguments to be passed to the tool", nargs=argparse.REMAINDER, ) self.options.add_argument("-d", "--domain", help="Domain to search.") self.options.add_argument('-s', '--scope', help="How to scope results (Default passive)", choices=["active", "passive", "none"], default="passive") self.options.add_argument( "--no_binary", help="Runs through without actually running the binary. Useful for if you already ran the tool and just want to process the output.", action="store_true", )
Example #5
Source File: main.py From pwnypack with MIT License | 6 votes |
def symlink(parser, cmd, args): """ Set up symlinks for (a subset of) the pwny apps. """ parser.add_argument( 'apps', nargs=argparse.REMAINDER, help='Which apps to create symlinks for.' ) args = parser.parse_args(args) base_dir, pwny_main = os.path.split(sys.argv[0]) for app_name, config in MAIN_FUNCTIONS.items(): if not config['symlink'] or (args.apps and app_name not in args.apps): continue dest = os.path.join(base_dir, app_name) if not os.path.exists(dest): print('Creating symlink %s' % dest) os.symlink(pwny_main, dest) else: print('Not creating symlink %s (file already exists)' % dest)
Example #6
Source File: train.py From pytorch_image_classification with MIT License | 6 votes |
def load_config(): parser = argparse.ArgumentParser() parser.add_argument('--config', type=str) parser.add_argument('--resume', type=str, default='') parser.add_argument('--local_rank', type=int, default=0) parser.add_argument('options', default=None, nargs=argparse.REMAINDER) args = parser.parse_args() config = get_default_config() if args.config is not None: config.merge_from_file(args.config) config.merge_from_list(args.options) if not torch.cuda.is_available(): config.device = 'cpu' config.train.dataloader.pin_memory = False if args.resume != '': config_path = pathlib.Path(args.resume) / 'config.yaml' config.merge_from_file(config_path.as_posix()) config.merge_from_list(['train.resume', True]) config.merge_from_list(['train.dist.local_rank', args.local_rank]) config = update_config(config) config.freeze() return config
Example #7
Source File: mx_ideconfig.py From mx with GNU General Public License v2.0 | 6 votes |
def ideinit(args, refreshOnly=False, buildProcessorJars=True): """(re)generate IDE project configurations""" parser = ArgumentParser(prog='mx ideinit') parser.add_argument('--no-python-projects', action='store_false', dest='pythonProjects', help='Do not generate projects for the mx python projects.') parser.add_argument('remainder', nargs=REMAINDER, metavar='...') args = parser.parse_args(args) mx_ide = os.environ.get('MX_IDE', 'all').lower() all_ides = mx_ide == 'all' if all_ides or mx_ide == 'eclipse': mx_ide_eclipse.eclipseinit(args.remainder, refreshOnly=refreshOnly, buildProcessorJars=buildProcessorJars, doFsckProjects=False, pythonProjects=args.pythonProjects) if all_ides or mx_ide == 'netbeans': mx_ide_netbeans.netbeansinit(args.remainder, refreshOnly=refreshOnly, buildProcessorJars=buildProcessorJars, doFsckProjects=False) if all_ides or mx_ide == 'intellij': mx_ide_intellij.intellijinit(args.remainder, refreshOnly=refreshOnly, doFsckProjects=False, mx_python_modules=args.pythonProjects) if not refreshOnly: fsckprojects([])
Example #8
Source File: demo.py From densecap-tensorflow with MIT License | 5 votes |
def parse_args(): """ Parse input arguments """ parser = argparse.ArgumentParser(description='Test a Dense Caption network') parser.add_argument('--ckpt', dest='ckpt', help='initialize with pretrained model weights', default=None, type=str) parser.add_argument('--cfg', dest='cfg_file', help='optional config file', default=None, type=str) # TODO: add inception parser.add_argument('--net', dest='net', help='vgg16, res50, res101, res152', default='res50', type=str) parser.add_argument('--vocab', dest='vocabulary', help='vocabulary file', default=None, type=str) parser.add_argument('--set', dest='set_cfgs', help='set config keys', default=None, nargs=argparse.REMAINDER) if len(sys.argv) == 1: parser.print_help() sys.exit(1) args = parser.parse_args() return args
Example #9
Source File: manly.py From manly with MIT License | 5 votes |
def main(): parser = argparse.ArgumentParser( prog="manly", description="Explain how FLAGS modify a COMMAND's behaviour.", epilog=USAGE_EXAMPLE, formatter_class=argparse.RawTextHelpFormatter, ) parser.add_argument("command", nargs=argparse.REMAINDER, help="") parser.add_argument( "-v", "--version", action="version", version=VERSION, help="display version information and exit.", ) args = parser.parse_args() if not len(args.command): print_err( "manly: missing COMMAND\nTry 'manly --help' for more information.", ) sys.exit(1) title, output = manly(args.command) if output: print("\n%s" % title) print("=" * (len(title) - 8), end="\n\n") for flag in output: print(flag, end="\n\n") else: print_err("manly: No matching flags found.")
Example #10
Source File: binexpect.py From gxf with MIT License | 5 votes |
def setup(self, parser): parser.add_argument("exploit", type=gxf.FilePathType(), help="the exploit to start") parser.add_argument("--terminal", default=os.getenv("TERMINAL", "x-terminal-emulator"), help="specify the terminal to use, by default -e will be used " "to pass the arguments but if options are already present it " "will not be added.") parser.add_argument("-w", "--wait", action="store_true", help="Do not re-run the program imediatly, " "this is useful if you want to pass arguments.") parser.add_argument("args", nargs=argparse.REMAINDER, help="the exploit's arguments")
Example #11
Source File: config.py From AnyBlok with Mozilla Public License 2.0 | 5 votes |
def nargs_type(key, nargs, cast): """Return nargs type :param key: :param nargs: :param cast: final type of data wanted :return: """ def wrap(val): """Return list of casted values :param val: :return: :exception ConfigurationException """ if isinstance(val, str): sep = ' ' if '\n' in val: sep = '\n' elif ',' in val: sep = ',' val = [x.strip() for x in val.split(sep)] if not isinstance(val, list): raise ConfigurationException("Waiting list not %r for %r " "get: %r" % (type(val), key, val)) limit = len(val) if nargs not in ('?', '+', '*', REMAINDER): limit = int(nargs) return [cast_value(cast, x) for x in val[:limit]] return wrap
Example #12
Source File: trainval_net.py From RGB-N with MIT License | 5 votes |
def parse_args(): """ Parse input arguments """ parser = argparse.ArgumentParser(description='Train a Fast R-CNN network') parser.add_argument('--cfg', dest='cfg_file', help='optional config file', default=None, type=str) parser.add_argument('--weight', dest='weight', help='initialize with pretrained model weights', default=None,type=str) parser.add_argument('--imdb', dest='imdb_name', help='dataset to train on', default='voc_2007_trainval', type=str) parser.add_argument('--imdbval', dest='imdbval_name', help='dataset to validate on', default='voc_2007_test', type=str) parser.add_argument('--iters', dest='max_iters', help='number of iterations to train', default=70000, type=int) parser.add_argument('--tag', dest='tag', help='tag of the model', default=None, type=str) parser.add_argument('--net', dest='net', help='vgg16, res50, res101, res152', default='res50', type=str) parser.add_argument('--set', dest='set_cfgs', help='set config keys', default=None, nargs=argparse.REMAINDER) if len(sys.argv) == 1: parser.print_help() sys.exit(1) args = parser.parse_args() return args
Example #13
Source File: test_net.py From RGB-N with MIT License | 5 votes |
def parse_args(): """ Parse input arguments """ parser = argparse.ArgumentParser(description='Test a Fast R-CNN network') parser.add_argument('--cfg', dest='cfg_file', help='optional config file', default=None, type=str) parser.add_argument('--model', dest='model', help='model to test', default=None, type=str) parser.add_argument('--imdb', dest='imdb_name', help='dataset to test', default='voc_2007_test', type=str) parser.add_argument('--comp', dest='comp_mode', help='competition mode', action='store_true') parser.add_argument('--num_dets', dest='max_per_image', help='max number of detections per image', default=100, type=int) parser.add_argument('--tag', dest='tag', help='tag of the model', default='', type=str) parser.add_argument('--net', dest='net', help='vgg16, res50, res101, res152', default='res50', type=str) parser.add_argument('--set', dest='set_cfgs', help='set config keys', default=None, nargs=argparse.REMAINDER) if len(sys.argv) == 1: parser.print_help() sys.exit(1) args = parser.parse_args() return args
Example #14
Source File: convert_from_depre.py From RGB-N with MIT License | 5 votes |
def parse_args(): """ Parse input arguments """ parser = argparse.ArgumentParser(description='Convert an old VGG16 snapshot to new format') parser.add_argument('--cfg', dest='cfg_file', help='optional config file', default=None, type=str) parser.add_argument('--snapshot', dest='snapshot', help='vgg snapshot prefix', type=str) parser.add_argument('--imdb', dest='imdb_name', help='dataset to train on', default='voc_2007_trainval', type=str) parser.add_argument('--iters', dest='max_iters', help='number of iterations to train', default=70000, type=int) parser.add_argument('--tag', dest='tag', help='tag of the model', default=None, type=str) parser.add_argument('--set', dest='set_cfgs', help='set config keys', default=None, nargs=argparse.REMAINDER) if len(sys.argv) == 1: parser.print_help() sys.exit(1) args = parser.parse_args() return args
Example #15
Source File: command.py From sdb with Apache License 2.0 | 5 votes |
def _init_parser(cls, name: str) -> argparse.ArgumentParser: parser = super()._init_parser(name) # # We use REMAINDER here to allow the type to be specified # without the user having to worry about escaping whitespace. # The drawback of this is an error will not be automatically # thrown if no type is provided. To workaround this, we check # the parsed arguments, and explicitly throw an error if needed. # parser.add_argument("type", nargs=argparse.REMAINDER) return parser
Example #16
Source File: pyfilter.py From sdb with Apache License 2.0 | 5 votes |
def _init_parser(cls, name: str) -> argparse.ArgumentParser: parser = super()._init_parser(name) parser.add_argument("expr", nargs=argparse.REMAINDER) return parser
Example #17
Source File: app.py From geoinference with BSD 3-Clause "New" or "Revised" License | 5 votes |
def main(): parser = argparse.ArgumentParser(prog='geoinf',description='run a geolocation inference method on a dataset') parser.add_argument('-l','--log_level', choices=['DEBUG','INFO','WARN','ERROR','FATAL'], default='INFO',help='set the logging level') parser.add_argument('action',choices=['train','infer_by_post','infer_by_user', 'ls_methods','build_dataset','create_folds','cross_validate'], help='indicate whether to train a new model or infer locations') parser.add_argument('action_args',nargs=argparse.REMAINDER, help='arguments specific to the chosen action') args = parser.parse_args() logging.basicConfig(level=eval('logging.%s' % args.log_level), format='%(message)s') try: if args.action == 'train': train(args.action_args) elif args.action == 'ls_methods': ls_methods(args.action_args) elif args.action == 'infer_by_post': infer(args.action_args,False) elif args.action == 'infer_by_user': infer(args.action_args,True) elif args.action == 'build_dataset': build_dataset(args.action_args) elif args.action == 'create_folds': create_folds(args.action_args) elif args.action == 'cross_validate': cross_validate(args.action_args) else: raise Exception, 'unknown action: %s' % args.action except Exception, e: logger.exception(e) # done!
Example #18
Source File: vim-profiler.py From vim-profiler with GNU General Public License v3.0 | 5 votes |
def main(): parser = argparse.ArgumentParser( description='Analyze startup times of vim/neovim plugins.') parser.add_argument("-o", dest="csv", type=str, help="Export result to a csv file") parser.add_argument("-p", dest="plot", action='store_true', help="Plot result as a bar chart") parser.add_argument("-s", dest="check_system", action='store_true', help="Consider system plugins as well (marked with *)") parser.add_argument("-n", dest="n", type=int, default=10, help="Number of plugins to list in the summary") parser.add_argument("-r", dest="runs", type=int, default=1, help="Number of runs (for average/standard deviation)") parser.add_argument(dest="cmd", nargs=argparse.REMAINDER, type=str, help="vim/neovim executable or command") # Parse CLI arguments args = parser.parse_args() output_filename = args.csv n = args.n # Command (default = vim) if args.cmd == []: args.cmd = "vim" # Run analysis analyzer = StartupAnalyzer(args) if n > 0: analyzer.print_summary(n) if output_filename is not None: analyzer.export(output_filename) if args.plot: analyzer.plot()
Example #19
Source File: train_net.py From KL-Loss with Apache License 2.0 | 5 votes |
def parse_args(): parser = argparse.ArgumentParser( description='Train a network with Detectron' ) parser.add_argument( '-c', '--cfg', dest='cfg_file', help='Config file for training (and optionally testing)', default=None, type=str ) parser.add_argument( '--single-gpu-testing', dest='single_gpu_testing', help='Use cfg.NUM_GPUS GPUs for inference', action='store_false' ) parser.add_argument( '--skip-test', dest='skip_test', help='Do not test the final model', action='store_true' ) parser.add_argument( 'opts', help='See detectron/core/config.py for all options', default=None, nargs=argparse.REMAINDER ) if len(sys.argv) == 1: parser.print_help() sys.exit(1) return parser.parse_args()
Example #20
Source File: infer.py From KL-Loss with Apache License 2.0 | 5 votes |
def parse_args(): parser = argparse.ArgumentParser(description='Inference on an image') parser.add_argument( '--im', dest='im_file', help='input image', default=None, type=str ) parser.add_argument( '--rpn-pkl', dest='rpn_pkl', help='rpn model file (pkl)', default=None, type=str ) parser.add_argument( '--rpn-cfg', dest='rpn_cfg', help='cfg model file (yaml)', default=None, type=str ) parser.add_argument( '--output-dir', dest='output_dir', help='directory for visualization pdfs (default: /tmp/infer)', default='/tmp/infer', type=str ) parser.add_argument( 'models_to_run', help='pairs of models & configs, listed like so: [pkl1] [yaml1] [pkl2] [yaml2] ...', default=None, nargs=argparse.REMAINDER ) if len(sys.argv) == 1: parser.print_help() sys.exit(1) return parser.parse_args()
Example #21
Source File: test_net.py From KL-Loss with Apache License 2.0 | 5 votes |
def parse_args(): parser = argparse.ArgumentParser(description='Test a Fast R-CNN network') parser.add_argument( '-c', '--cfg', dest='cfg_file', help='optional config file', default=None, type=str ) parser.add_argument( '--wait', dest='wait', help='wait until net file exists', default=True, type=bool ) parser.add_argument( '--single-gpu-testing', dest='single_gpu_testing', help='using cfg.NUM_GPUS for inference', action='store_false' ) parser.add_argument( '--range', dest='range', help='start (inclusive) and end (exclusive) indices', default=None, type=int, nargs=2 ) parser.add_argument( 'opts', help='See detectron/core/config.py for all options', default=None, nargs=argparse.REMAINDER ) if len(sys.argv) == 1: parser.print_help() sys.exit(1) return parser.parse_args()
Example #22
Source File: data_loader_benchmark.py From KL-Loss with Apache License 2.0 | 5 votes |
def parse_args(): parser = argparse.ArgumentParser() parser.add_argument( '--num-batches', dest='num_batches', help='Number of minibatches to run', default=200, type=int) parser.add_argument( '--sleep', dest='sleep_time', help='Seconds sleep to emulate a network running', default=0.1, type=float) parser.add_argument( '--cfg', dest='cfg_file', help='optional config file', default=None, type=str) parser.add_argument( '--x-factor', dest='x_factor', help='simulates x-factor more GPUs', default=1, type=int) parser.add_argument( '--profiler', dest='profiler', help='profile minibatch load time', action='store_true') parser.add_argument( 'opts', help='See detectron/core/config.py for all options', default=None, nargs=argparse.REMAINDER) if len(sys.argv) == 1: parser.print_help() sys.exit(1) args = parser.parse_args() return args
Example #23
Source File: trainval_net.py From tf_ctpn with MIT License | 5 votes |
def parse_args(): """ Parse input arguments """ parser = argparse.ArgumentParser(description='Train a CTPN network') parser.add_argument('--cfg', dest='cfg_file', help='optional config file', default='./data/cfgs/vgg16.yml', type=str) parser.add_argument('--pretrained_model', default=None, help='path to pretrained model, initialize with pretrained model weights', type=str) parser.add_argument('--imdb', dest='imdb_name', help='dataset to train on', default='voc_2007_trainval', type=str) parser.add_argument('--imdbval', dest='imdbval_name', help='dataset to validate on', default='voc_2007_test', type=str) parser.add_argument('--iters', dest='max_iters', help='number of iterations to train', default=50000, type=int) parser.add_argument('--tag', dest='tag', help='tag of the model', default=None, type=str) parser.add_argument('--net', dest='net', help='vgg16, res50, res101, res152, mobile, squeeze', choices=['vgg16', 'res50', 'res101', 'res152', 'mobile', 'squeeze'], default='vgg16', type=str) parser.add_argument('--set', dest='set_cfgs', help='set config keys', default=None, nargs=argparse.REMAINDER) args = parser.parse_args() return args
Example #24
Source File: trainval_net.py From SSH-TensorFlow with MIT License | 5 votes |
def parse_args(): """ Parse input arguments """ parser = argparse.ArgumentParser(description='Train a SSH face detection network') parser.add_argument('--cfg', dest='cfg_file', help='optional config file', default=None, type=str) parser.add_argument('--weight', dest='weight', help='initialize with pretrained model weights', type=str) parser.add_argument('--imdb', dest='imdb_name', help='dataset to train on', default='voc_2007_trainval', type=str) parser.add_argument('--imdbval', dest='imdbval_name', help='dataset to validate on', default='voc_2007_test', type=str) parser.add_argument('--iters', dest='max_iters', help='number of iterations to train', default=70000, type=int) parser.add_argument('--tag', dest='tag', help='tag of the model', default=None, type=str) parser.add_argument('--backbone', dest='backbone', help='vgg16, res50, res101, res152, mobile, mobile_v2, darknet53', default='res50', type=str) parser.add_argument('--set', dest='set_cfgs', help='set config keys', default=None, nargs=argparse.REMAINDER) if len(sys.argv) == 1: parser.print_help() sys.exit(1) args = parser.parse_args() return args
Example #25
Source File: test_net.py From SSH-TensorFlow with MIT License | 5 votes |
def parse_args(): """ Parse input arguments """ parser = argparse.ArgumentParser(description='Test a SSH network') parser.add_argument('--cfg', dest='cfg_file', help='optional config file', default=None, type=str) parser.add_argument('--model', dest='model', help='model to test', default=None, type=str) parser.add_argument('--imdb', dest='imdb_name', help='dataset to test', default='voc_2007_test', type=str) parser.add_argument('--comp', dest='comp_mode', help='competition mode', action='store_true') parser.add_argument('--num_dets', dest='max_per_image', help='max number of detections per image', default=100, type=int) parser.add_argument('--tag', dest='tag', help='tag of the model', default='default', type=str) parser.add_argument('--backbone', dest='backbone', help='vgg16, res50, res101, res152, mobile', default='mobile', type=str) parser.add_argument('--set', dest='set_cfgs', help='set config keys', default=None, nargs=argparse.REMAINDER) if len(sys.argv) == 1: parser.print_help() sys.exit(1) args = parser.parse_args() return args
Example #26
Source File: convert_from_depre.py From SSH-TensorFlow with MIT License | 5 votes |
def parse_args(): """ Parse input arguments """ parser = argparse.ArgumentParser(description='Convert an old VGG16 snapshot to new format') parser.add_argument('--cfg', dest='cfg_file', help='optional config file', default=None, type=str) parser.add_argument('--snapshot', dest='snapshot', help='vgg snapshot prefix', type=str) parser.add_argument('--imdb', dest='imdb_name', help='dataset to train on', default='voc_2007_trainval', type=str) parser.add_argument('--iters', dest='max_iters', help='number of iterations to train', default=70000, type=int) parser.add_argument('--tag', dest='tag', help='tag of the model', default=None, type=str) parser.add_argument('--set', dest='set_cfgs', help='set config keys', default=None, nargs=argparse.REMAINDER) if len(sys.argv) == 1: parser.print_help() sys.exit(1) args = parser.parse_args() return args
Example #27
Source File: evaluate.py From pytorch_image_classification with MIT License | 5 votes |
def load_config(): parser = argparse.ArgumentParser() parser.add_argument('--config', type=str, required=True) parser.add_argument('options', default=None, nargs=argparse.REMAINDER) args = parser.parse_args() config = get_default_config() config.merge_from_file(args.config) config.merge_from_list(args.options) update_config(config) config.freeze() return config
Example #28
Source File: run.py From pdm with MIT License | 5 votes |
def add_arguments(self, parser: argparse.ArgumentParser) -> None: parser.add_argument("command", help="The command to run") parser.add_argument( "args", nargs=argparse.REMAINDER, help="Arguments that will be passed to the command", )
Example #29
Source File: test_net.py From dpl with MIT License | 5 votes |
def parse_args(): """ Parse input arguments """ parser = argparse.ArgumentParser(description='Test a DPL network') parser.add_argument('--gpu', dest='gpu_id', help='GPU id to use', default=0, type=int) parser.add_argument('--def', dest='prototxt', help='prototxt file defining the network', default=None, type=str) parser.add_argument('--net', dest='caffemodel', help='model to test', default=None, type=str) parser.add_argument('--cfg', dest='cfg_file', help='optional config file', default=None, type=str) parser.add_argument('--wait', dest='wait', help='wait until net file exists', default=True, type=bool) parser.add_argument('--imdb', dest='imdb_name', help='dataset to test', default='voc_2007_test', type=str) parser.add_argument('--comp', dest='comp_mode', help='competition mode', action='store_true') parser.add_argument('--set', dest='set_cfgs', help='set config keys', default=None, nargs=argparse.REMAINDER) parser.add_argument('--task', dest='task', default=None, type=str) if len(sys.argv) == 1: parser.print_help() sys.exit(1) args = parser.parse_args() return args
Example #30
Source File: trainval_net.py From Collaborative-Learning-for-Weakly-Supervised-Object-Detection with MIT License | 5 votes |
def parse_args(): """ Parse input arguments """ parser = argparse.ArgumentParser(description='Train a faster-rcnn in wealy supervised situation with wsddn modules') parser.add_argument('--cfg', dest='cfg_file', help='optional config file', default=None, type=str) parser.add_argument('--weight', dest='weight', help='initialize with pretrained model weights', type=str) parser.add_argument('--wsddn', dest='wsddn', help='initialize with pretrained wsddn model weights', type=str) parser.add_argument('--imdb', dest='imdb_name', help='dataset to train on', default='voc_2007_trainval', type=str) parser.add_argument('--imdbval', dest='imdbval_name', help='dataset to validate on', default='voc_2007_test', type=str) parser.add_argument('--iters', dest='max_iters', help='number of iterations to train', default=70000, type=int) parser.add_argument('--tag', dest='tag', help='tag of the model', default=None, type=str) parser.add_argument('--net', dest='net', help='vgg16, res50, res101, res152, mobile', default='res50', type=str) parser.add_argument('--set', dest='set_cfgs', help='set config keys', default=None, nargs=argparse.REMAINDER) if len(sys.argv) == 1: parser.print_help() sys.exit(1) args = parser.parse_args() return args