text1
stringlengths
92
132k
text2
stringlengths
83
99.1k
score
float64
0.01
1
Traceback (most recent call last): "./search.py", line 381, in <module> search_product(cpe) "./search.py", line 108, in search_product print_job(item) "./search.py", line 102, in print_job printCVE_human(item) "./search.py", line 327, in printCVE_human print("CVE\t: " + item['id]) TypeError: string indices must be integers
Traceback (most recent call last): "c:\users\admini~1\appdata\local\temp\kitchen\testing\tests\unit\fileserver\test_gitfs.py", line 424, in setUpClass repo.index.commit('Test') "C:\Python27\lib\site-packages\git\index\base.py", line 950, in commit author_date=author_date, commit_date=commit_date) "C:\Python27\lib\site-packages\git\objects\commit.py", line 397, in create_from_tree master = git.refs.Head.create(repo, repo.head.ref, new_commit, logmsg="commit (initial): %s" % message) "C:\Python27\lib\site-packages\git\refs\symbolic.py", line 546, in create return cls._create(repo, path, cls._resolve_ref_on_create, reference, force, logmsg) "C:\Python27\lib\site-packages\git\refs\symbolic.py", line 497, in _create target = repo.rev_parse(str(reference)) "C:\Python27\lib\site-packages\git\repo\fun.py", line 334, in rev_parse obj = name_to_object(repo, rev) "C:\Python27\lib\site-packages\git\repo\fun.py", line 150, in name_to_object return Object.new_from_sha(repo, hex_to_bin(hexsha)) "C:\Python27\lib\site-packages\git\objects\base.py", line 64, in new_from_sha oinfo = repo.odb.info(sha1) "C:\Python27\lib\site-packages\git\db.py", line 37, in info hexsha, typename, size = self._git.get_object_header(bin_to_hex(sha)) "C:\Python27\lib\site-packages\git\cmd.py", line 1076, in get_object_header cmd = self._get_persistent_cmd("cat_file_header", "cat_file", batch_check=True) "C:\Python27\lib\site-packages\git\cmd.py", line 1059, in _get_persistent_cmd cmd = self._call_process(cmd_name, *args, **options) "C:\Python27\lib\site-packages\git\cmd.py", line 1014, in _call_process return self.execute(call, **exec_kwargs) "C:\Python27\lib\site-packages\git\cmd.py", line 735, in execute **subprocess_kwargs "C:\Python27\lib\subprocess.py", line 394, in __init__ errread, errwrite) "C:\Python27\lib\subprocess.py", line 644, in _execute_child startupinfo) TypeError: environment can only contain strings
0.591598
Traceback (most recent call last): "C:\GitHub\Medusa\medusa\providers\generic_provider.py", line 603, in parse_pubdate raise ValueError('Failed parsing human time: {0} {1}'.format(matched_time, matched_granularity)) ValueError: Failed parsing human time: 1.74 GiB
Traceback (most recent call last): "gibbexample.py", line 12, in <module> gibbs_chain.sample(size=3) "/home/pmp/.local/lib/python3.6/site-packages/pgmpy/sampling/Sampling.py", line 382, in sample sampled[0] = np.array([st for var, st in self.state]) ValueError: setting an array element with a sequence.
0.455418
Traceback (most recent call last): "displayModel.pyc", line 312, in _get__storyFieldsAndRects "locationHelper.pyc", line 261, in toLogical RuntimeError: Couldn't convert RectLTWH(left=259, top=54, width=1403, height=921) to logical coordinates
Traceback (most recent call last): "<stdin>", line 1, in <module> "/home/om26er/scm/crossbario/autobahn-python/autobahn/xbr/__init__.py", line 56, in <module> from autobahn.xbr._config import load_or_create_profile, UserConfig, Profile # noqa "/home/om26er/scm/crossbario/autobahn-python/autobahn/xbr/_config.py", line 60, in <module> class Profile(object): "/home/om26er/scm/crossbario/autobahn-python/autobahn/xbr/_config.py", line 62, in Profile log = make_logger() "/home/om26er/scm/crossbario/xbr-www/venv/lib/python3.8/site-packages/txaio/_unframework.py", line 41, in _throw_usage_error raise RuntimeError( RuntimeError: To use txaio, you must first select a framework with .use_twisted() or .use_asyncio()
0.497823
Traceback (most recent call last): "train.py", line 53, in <module> from object_detection.builders import model_builder "C:\Users\Brian\Anaconda3\envs\tensorflow1\lib\site-packages\object_detection-0.1-py3.6.egg\object_detection\builders\model_builder.py", line 33, in <module> from object_detection.meta_architectures import context_rcnn_meta_arch "C:\Users\Brian\Anaconda3\envs\tensorflow1\lib\site-packages\object_detection-0.1-py3.6.egg\object_detection\meta_architectures\context_rcnn_meta_arch.py", line 42, in <module> class ContextRCNNMetaArch(faster_rcnn_meta_arch.FasterRCNNMetaArch): "C:\Users\Brian\Anaconda3\envs\tensorflow1\lib\site-packages\object_detection-0.1-py3.6.egg\object_detection\meta_architectures\context_rcnn_meta_arch.py", line 95, in ContextRCNNMetaArch faster_rcnn_pb2.AttentionPosition.POST_BOX_CLASSIFIER) AttributeError: module 'object_detection.protos.faster_rcnn_pb2' has no attribute 'AttentionPosition'
Traceback (most recent call last): "/Users/ijstokes/anaconda/lib/python3.5/site-packages/conda/exceptions.py", line 617, in conda_exception_handler return_value = func(*args, **kwargs) "/Users/ijstokes/anaconda/lib/python3.5/site-packages/conda/cli/main.py", line 137, in _main exit_code = args.func(args, p) "/Users/ijstokes/anaconda/lib/python3.5/site-packages/conda/cli/main_info.py", line 324, in execute show_info() "_license.pyx", line 360, in _license.show_info (_license.c:10552) "_license.pyx", line 339, in _license.is_license_valid (_license.c:9936) "_license.pyx", line 166, in _license.filter_vendor (_license.c:6216) AttributeError: 'NoneType' object has no attribute 'lower'
0.575584
Traceback (most recent call last): "<stdin>", line 1, in <module> "/usr/local/lib/python3.7/site-packages/pytorch_lightning/__init__.py", line 28, in <module> from .trainer.trainer import Trainer "/usr/local/lib/python3.7/site-packages/pytorch_lightning/trainer/trainer.py", line 16, in <module> from pytorch_lightning.trainer.callback_config_mixin import TrainerCallbackConfigMixin "/usr/local/lib/python3.7/site-packages/pytorch_lightning/trainer/callback_config_mixin.py", line 4, in <module> from pytorch_lightning.logging import TestTubeLogger ImportError: cannot import name 'TestTubeLogger' from 'pytorch_lightning.logging' (/usr/local/lib/python3.7/site-packages/pytorch_lightning/logging/__init__.py)
Traceback (most recent call last): "/usr/local/lib/python3.8/site-packages/django/template/backends/django.py", line 121, in get_package_libraries module = import_module(entry[1]) "/usr/local/lib/python3.8/importlib/__init__.py", line 127, in import_module return _bootstrap._gcd_import(name[level:], package, level) "<frozen importlib._bootstrap>", line 1014, in _gcd_import "<frozen importlib._bootstrap>", line 991, in _find_and_load "<frozen importlib._bootstrap>", line 975, in _find_and_load_unlocked "<frozen importlib._bootstrap>", line 671, in _load_unlocked "<frozen importlib._bootstrap_external>", line 783, in exec_module "<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed "/usr/local/lib/python3.8/site-packages/django_rq/templatetags/django_rq.py", line 4, in <module> from rq.exceptions import UnpickleError ImportError: cannot import name 'UnpickleError' from 'rq.exceptions' (/usr/local/lib/python3.8/site-packages/rq/exceptions.py)
0.662706
Traceback (most recent call last): "/main.py", line 498, in <module> waka_stats = get_stats(g) "/main.py", line 455, in get_stats loc.plotLoc(yearly_data) "/loc.py", line 36, in plotLoc graph.build_graph() "/make_bar_graph.py", line 43, in build_graph if colors[language]['color'] is not None: KeyError: 'EJS'
Traceback (most recent call last): ".../pydicom/dataelem.py", line 792, in DataElement_from_raw VR = dictionary_VR(raw.tag) ".../pydicom/datadict.py", line 335, in dictionary_VR return get_entry(tag)[0] ".../pydicom/datadict.py", line 285, in get_entry raise KeyError(f"Tag {tag} not found in DICOM dictionary") KeyError: 'Tag (7005, 0000) not found in DICOM dictionary'
0.546826
Traceback (most recent call last): "/home/xxxx/anaconda3/envs/ChatAna/bin/rasa", line 8, in <module> sys.exit(main()) "/home/xxxx/anaconda3/envs/ChatAna/lib/python3.6/site-packages/rasa/__main__.py", line 76, in main cmdline_arguments.func(cmdline_arguments) "/home/xxxx/anaconda3/envs/ChatAna/lib/python3.6/site-packages/rasa/cli/train.py", line 76, in train kwargs=extract_additional_arguments(args), "/home/xxxx/anaconda3/envs/ChatAna/lib/python3.6/site-packages/rasa/train.py", line 46, in train kwargs=kwargs, "uvloop/loop.pyx", line 1456, in uvloop.loop.Loop.run_until_complete "/home/xxxx/anaconda3/envs/ChatAna/lib/python3.6/site-packages/rasa/train.py", line 97, in train_async kwargs, "/home/xxxx/anaconda3/envs/ChatAna/lib/python3.6/site-packages/rasa/train.py", line 184, in _train_async_internal kwargs=kwargs, "/home/xxxx/anaconda3/envs/ChatAna/lib/python3.6/site-packages/rasa/train.py", line 241, in _do_training persist_nlu_training_data=persist_nlu_training_data, "/home/xxxx/anaconda3/envs/ChatAna/lib/python3.6/site-packages/rasa/train.py", line 470, in _train_nlu_with_validated_data persist_nlu_training_data=persist_nlu_training_data, "/home/xxxx/anaconda3/envs/ChatAna/lib/python3.6/site-packages/rasa/nlu/train.py", line 74, in train trainer = Trainer(nlu_config, component_builder) "/home/xxxx/anaconda3/envs/ChatAna/lib/python3.6/site-packages/rasa/nlu/model.py", line 147, in __init__ self.pipeline = self._build_pipeline(cfg, component_builder) "/home/xxxx/anaconda3/envs/ChatAna/lib/python3.6/site-packages/rasa/nlu/model.py", line 159, in _build_pipeline component = component_builder.create_component(component_cfg, cfg) "/home/xxxx/anaconda3/envs/ChatAna/lib/python3.6/site-packages/rasa/nlu/components.py", line 482, in create_component component = registry.create_component_by_config(component_config, cfg) "/home/xxxx/anaconda3/envs/ChatAna/lib/python3.6/site-packages/rasa/nlu/registry.py", line 232, in create_component_by_config return component_class.create(component_config, config) "/home/xxxx/anaconda3/envs/ChatAna/lib/python3.6/site-packages/rasa/nlu/components.py", line 267, in create return cls(component_config) "/home/xxxx/anaconda3/envs/ChatAna/lib/python3.6/site-packages/rasa/nlu/tokenizers/tokenizer.py", line 60, in __init__ "No default value for 'use_cls_token' was set. Please, " KeyError: "No default value for 'use_cls_token' was set. Please, add it to the default dict of the tokenizer."
Traceback (most recent call last): "jira-audit.py", line 33, in <module> group = jira.group_members('administrators') "C:\Users\username\AppData\Local\Programs\Python\Python37\lib\site-packages\jira\client.py", line 1011, in group_members result[user['key']] = {'name': user['name'], KeyError: 'name'
0.525822
Traceback (most recent call last): "<stdin>", line 1, in <module> "/Users/Raza/miniconda3/envs/active-learning/lib/python3.6/site-packages/jax/numpy/lax_numpy.py", line 1653, in array out = lax.reshape(object, ()) "/Users/Raza/miniconda3/envs/active-learning/lib/python3.6/site-packages/jax/lax/lax.py", line 635, in reshape old_sizes=onp.shape(operand)) "/Users/Raza/miniconda3/envs/active-learning/lib/python3.6/site-packages/jax/core.py", line 150, in bind return self.impl(*args, **kwargs) "/Users/Raza/miniconda3/envs/active-learning/lib/python3.6/site-packages/jax/lax/lax.py", line 2475, in _reshape_impl dimensions=dimensions, old_sizes=old_sizes) "/Users/Raza/miniconda3/envs/active-learning/lib/python3.6/site-packages/jax/interpreters/xla.py", line 142, in apply_primitive compiled_fun = xla_primitive_callable(prim, *abstract_args, **params) "/Users/Raza/miniconda3/envs/active-learning/lib/python3.6/site-packages/jax/interpreters/xla.py", line 128, in abstractify raise TypeError("No abstraction handler for type: {}".format(type(x))) TypeError: No abstraction handler for type: <class 'str'>
Traceback (most recent call last): "<stdin>", line 1, in <module> "/mnt/Daten/Projekte/bzip2cl/trunk/virtEnv/lib/python3.6/site-packages/pyopencl/array.py", line 2087, in arange raise TypeError("arange requires a dtype argument") TypeError: arange requires a dtype argument
0.635016
Traceback (most recent call last): "train.py", line 61, in <module> main(config, args.resume) "train.py", line 30, in main loss = getattr(losses, config['loss'])(ignore_index = config['ignore_index']) TypeError: __init__() got an unexpected keyword argument 'ignore_index'
Traceback (most recent call last): "/usr/bin/streamlink", line 11, in <module> load_entry_point('streamlink==0.0.2', 'console_scripts', 'streamlink')() "/usr/lib/python3.4/site-packages/streamlink_cli/main.py", line 899, in m ain handle_url() "/usr/lib/python3.4/site-packages/streamlink_cli/main.py", line 479, in h andle_url streams = fetch_streams(plugin) "/usr/lib/python3.4/site-packages/streamlink_cli/main.py", line 392, in f etch_streams sorting_excludes=args.stream_sorting_excludes) "/usr/lib/python3.4/site-packages/streamlink/plugin/plugin.py", line 316, in get_streams return self.streams(*args, **kwargs) "/usr/lib/python3.4/site-packages/streamlink/plugin/plugin.py", line 230, in streams ostreams = self._get_streams() "/usr/lib/python3.4/site-packages/streamlink/plugins/connectcast.py", lin e 21, in _get_streams match = _stream_re.search(res.content) TypeError: can't use a string pattern on a bytes-like object
0.528248
Traceback (most recent call last): "/home/wbolster/Projects/foobar/.direnv/python-3.6.2/lib/python3.6/site-packages/gunicorn/arbiter.py", line 515, in spawn_worker worker.init_process() "/home/wbolster/Projects/foobar/.direnv/python-3.6.2/lib/python3.6/site-packages/gunicorn/workers/base.py", line 126, in init_process self.run() "/home/wbolster/Projects/foobar/.direnv/python-3.6.2/lib/python3.6/site-packages/gunicorn/workers/sync.py", line 119, in run self.run_for_one(timeout) "/home/wbolster/Projects/foobar/.direnv/python-3.6.2/lib/python3.6/site-packages/gunicorn/workers/sync.py", line 66, in run_for_one self.accept(listener) "/home/wbolster/Projects/foobar/.direnv/python-3.6.2/lib/python3.6/site-packages/gunicorn/workers/sync.py", line 30, in accept self.handle(listener, client, addr) "/home/wbolster/Projects/foobar/.direnv/python-3.6.2/lib/python3.6/site-packages/gunicorn/workers/sync.py", line 141, in handle self.handle_error(req, client, addr, e) "/home/wbolster/Projects/foobar/.direnv/python-3.6.2/lib/python3.6/site-packages/gunicorn/workers/base.py", line 213, in handle_error self.log.exception("Error handling request %s", req.uri) AttributeError: 'NoneType' object has no attribute 'uri'
Traceback (most recent call last): "/var/task/parq/bin/pip", line 7, in <module> from pip import main "/var/task/parq/local/lib/python2.7/site-packages/pip/__init__.py", line 21, in <module> from pip._vendor.requests.packages.urllib3.exceptions import DependencyWarning "/var/task/parq/local/lib/python2.7/site-packages/pip/_vendor/requests/__init__.py", line 62, in <module> from .packages.urllib3.exceptions import DependencyWarning "/var/task/parq/local/lib/python2.7/site-packages/pip/_vendor/requests/packages/__init__.py", line 29, in <module> import urllib3 "/var/task/parq/local/lib/python2.7/site-packages/urllib3/__init__.py", line 8, in <module> from .connectionpool import ( "/var/task/parq/local/lib/python2.7/site-packages/urllib3/connectionpool.py", line 58, in <module> class ConnectionPool(object): "/var/task/parq/local/lib/python2.7/site-packages/urllib3/connectionpool.py", line 65, in ConnectionPool QueueCls = queue.LifoQueue AttributeError: 'module' object has no attribute 'LifoQueue'
0.618462
Traceback (most recent call last): "jumpcutter.py", line 162, in <module> tsm.run(reader, writer) "/Library/Python/2.7/site-packages/audiotsm/base/tsm.py", line 76, in run _, finished = self.write_to(writer) "/Library/Python/2.7/site-packages/audiotsm/base/analysis_synthesis.py", line 240, in write_to n = self._out_buffer.write_to(writer) "/Library/Python/2.7/site-packages/audiotsm/utils/cbuffer.py", line 344, in write_to n = writer.write(self._data[:, start:end]) "/Library/Python/2.7/site-packages/audiotsm/io/wav.py", line 128, in write frames = (buffer.T.reshape((-1,)) * 32676).astype(np.int16).tobytes() AttributeError: 'numpy.ndarray' object has no attribute 'tobytes'
Traceback (most recent call last): "main.py", line 171, in <module> hook = tf.contrib.estimator.stop_if_no_increase_hook( AttributeError: module 'tensorflow.contrib.estimator' has no attribute 'stop_if_no_increase_hook'
0.552621
Traceback (most recent call last): "run_svm.py", line 155, in <module> automl, model = run_experiment(group.train, group.test, run_count=eval, seed=rep, perf_measure=perf_measures[perf_measure]) "run_svm.py", line 93, in run_experiment automl.fit(train_X.copy(), train_Y.copy(), metric=perf_measure) #autosklearn.metrics.f1) "/Users/viveknair/virtualenv/autosklearn/lib/python3.5/site-packages/autosklearn/estimators.py", line 400, in fit dataset_name=dataset_name) "/Users/viveknair/virtualenv/autosklearn/lib/python3.5/site-packages/autosklearn/estimators.py", line 227, in fit self._automl.fit(*args, **kwargs) "/Users/viveknair/virtualenv/autosklearn/lib/python3.5/site-packages/autosklearn/automl.py", line 887, in fit return super().fit(X, y, task, metric, feat_type, dataset_name) "/Users/viveknair/virtualenv/autosklearn/lib/python3.5/site-packages/autosklearn/automl.py", line 189, in fit return self._fit(loaded_data_manager, metric) "/Users/viveknair/virtualenv/autosklearn/lib/python3.5/site-packages/autosklearn/automl.py", line 439, in _fit _proc_smac.run_smbo() "/Users/viveknair/virtualenv/autosklearn/lib/python3.5/site-packages/autosklearn/smbo.py", line 501, in run_smbo smac.optimize() "/Users/viveknair/virtualenv/autosklearn/lib/python3.5/site-packages/smac/facade/smac_facade.py", line 400, in optimize incumbent = self.solver.run() "/Users/viveknair/virtualenv/autosklearn/lib/python3.5/site-packages/smac/optimizer/smbo.py", line 180, in run challengers = self.choose_next(X, Y) "/Users/viveknair/virtualenv/autosklearn/lib/python3.5/site-packages/smac/optimizer/smbo.py", line 247, in choose_next incumbent_value = self.runhistory.get_cost(self.incumbent) "/Users/viveknair/virtualenv/autosklearn/lib/python3.5/site-packages/smac/runhistory/runhistory.py", line 271, in get_cost config_id = self.config_ids[config] KeyError: None
Traceback (most recent call last): "/Users/hnf396/miniconda3/bin/pylint", line 8, in <module> sys.exit(run_pylint()) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/pylint/__init__.py", line 22, in run_pylint PylintRun(sys.argv[1:]) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/pylint/lint/run.py", line 338, in __init__ linter.check(args) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/pylint/lint/pylinter.py", line 871, in check self.get_ast, self._iterate_file_descrs(files_or_modules) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/pylint/lint/pylinter.py", line 904, in _check_files self._check_file(get_ast, check_astroid_module, name, filepath, modname) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/pylint/lint/pylinter.py", line 930, in _check_file check_astroid_module(ast_node) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/pylint/lint/pylinter.py", line 1063, in check_astroid_module ast_node, walker, rawcheckers, tokencheckers "/Users/hnf396/miniconda3/lib/python3.7/site-packages/pylint/lint/pylinter.py", line 1107, in _check_astroid_module walker.walk(ast_node) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/pylint/utils/ast_walker.py", line 75, in walk self.walk(child) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/pylint/utils/ast_walker.py", line 75, in walk self.walk(child) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/pylint/utils/ast_walker.py", line 75, in walk self.walk(child) [Previous line repeated 2 more times] "/Users/hnf396/miniconda3/lib/python3.7/site-packages/pylint/utils/ast_walker.py", line 72, in walk callback(astroid) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/pylint/checkers/typecheck.py", line 1623, in visit_unaryop for error in node.type_errors(): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/node_classes.py", line 4416, in type_errors for result in results "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/node_classes.py", line 4415, in <listcomp> result "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 491, in _infer_unaryop for operand in self.operand.infer(context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/node_classes.py", line 357, in infer return self._explicit_inference(self, context, **kwargs) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/__init__.py", line 95, in _inference_tip_cached result = func(*args, **kwargs) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/brain/brain_builtin_inference.py", line 135, in _transform_wrapper result = transform(node, context=context) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/brain/brain_builtin_inference.py", line 674, in infer_isinstance class_or_tuple_node, context=context "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/brain/brain_builtin_inference.py", line 693, in _class_or_tuple_to_container node_infer = next(node.infer(context=context)) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 319, in infer_attribute yield from owner.igetattr(self.attrname, context) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 93, in wrapped generator = _func(node, context, **kwargs) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 273, in infer_import_from module = self.do_import_module() "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/mixins.py", line 100, in do_import_module modname, level=level, relative_only=level and level >= 1 "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/scoped_nodes.py", line 642, in import_module return MANAGER.ast_from_module_name(absmodname) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/manager.py", line 189, in ast_from_module_name return self.ast_from_file(found_spec.location, modname, fallback=False) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/manager.py", line 98, in ast_from_file return AstroidBuilder(self).file_build(filepath, modname) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/builder.py", line 138, in file_build return self._post_build(module, encoding) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/builder.py", line 158, in _post_build self.delayed_assattr(delayed) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/builder.py", line 225, in delayed_assattr for inferred in node.expr.infer(): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 227, in infer_call for callee in self.func.infer(context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 293, in infer_attribute for owner in self.expr.infer(context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 93, in wrapped generator = _func(node, context, **kwargs) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 850, in infer_assign stmts = list(self.assigned_stmts(context=context)) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/protocols.py", line 391, in assign_assigned_stmts self.value.infer(context), assign_path, context "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/protocols.py", line 414, in _resolve_assignment_parts for part in parts: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 293, in infer_attribute for owner in self.expr.infer(context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 293, in infer_attribute for owner in self.expr.infer(context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 227, in infer_call for callee in self.func.infer(context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 293, in infer_attribute for owner in self.expr.infer(context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 93, in wrapped generator = _func(node, context, **kwargs) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 850, in infer_assign stmts = list(self.assigned_stmts(context=context)) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/protocols.py", line 331, in _arguments_infer_argname is_metaclass = isinstance(cls, nodes.ClassDef) and cls.type == "metaclass" "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/scoped_nodes.py", line 1830, in _class_type if _is_metaclass(klass): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/scoped_nodes.py", line 1799, in _is_metaclass for baseobj in base.infer(): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 93, in wrapped generator = _func(node, context, **kwargs) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 273, in infer_import_from module = self.do_import_module() "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/mixins.py", line 100, in do_import_module modname, level=level, relative_only=level and level >= 1 "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/scoped_nodes.py", line 642, in import_module return MANAGER.ast_from_module_name(absmodname) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/manager.py", line 189, in ast_from_module_name return self.ast_from_file(found_spec.location, modname, fallback=False) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/manager.py", line 98, in ast_from_file return AstroidBuilder(self).file_build(filepath, modname) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/builder.py", line 138, in file_build return self._post_build(module, encoding) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/builder.py", line 158, in _post_build self.delayed_assattr(delayed) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/builder.py", line 225, in delayed_assattr for inferred in node.expr.infer(): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 227, in infer_call for callee in self.func.infer(context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 319, in infer_attribute yield from owner.igetattr(self.attrname, context) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 93, in wrapped generator = _func(node, context, **kwargs) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 273, in infer_import_from module = self.do_import_module() "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/mixins.py", line 100, in do_import_module modname, level=level, relative_only=level and level >= 1 "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/scoped_nodes.py", line 642, in import_module return MANAGER.ast_from_module_name(absmodname) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/manager.py", line 189, in ast_from_module_name return self.ast_from_file(found_spec.location, modname, fallback=False) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/manager.py", line 98, in ast_from_file return AstroidBuilder(self).file_build(filepath, modname) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/builder.py", line 138, in file_build return self._post_build(module, encoding) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/builder.py", line 158, in _post_build self.delayed_assattr(delayed) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/builder.py", line 225, in delayed_assattr for inferred in node.expr.infer(): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 142, in raise_if_nothing_inferred yield from generator "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 142, in raise_if_nothing_inferred yield from generator "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 142, in raise_if_nothing_inferred yield from generator "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 227, in infer_call for callee in self.func.infer(context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 142, in raise_if_nothing_inferred yield from generator "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 142, in raise_if_nothing_inferred yield from generator "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 142, in raise_if_nothing_inferred yield from generator "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 233, in infer_call yield from callee.infer_call_result(caller=self, context=callcontext) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/scoped_nodes.py", line 1722, in infer_call_result yield from returnnode.value.infer(context) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 93, in wrapped generator = _func(node, context, **kwargs) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 273, in infer_import_from module = self.do_import_module() "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/mixins.py", line 100, in do_import_module modname, level=level, relative_only=level and level >= 1 "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/scoped_nodes.py", line 642, in import_module return MANAGER.ast_from_module_name(absmodname) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/manager.py", line 189, in ast_from_module_name return self.ast_from_file(found_spec.location, modname, fallback=False) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/manager.py", line 98, in ast_from_file return AstroidBuilder(self).file_build(filepath, modname) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/builder.py", line 138, in file_build return self._post_build(module, encoding) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/builder.py", line 158, in _post_build self.delayed_assattr(delayed) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/builder.py", line 225, in delayed_assattr for inferred in node.expr.infer(): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 142, in raise_if_nothing_inferred yield from generator "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 319, in infer_attribute yield from owner.igetattr(self.attrname, context) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 232, in igetattr yield from self._wrap_attr(attrs, context) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 238, in _wrap_attr for attr in attrs: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/scoped_nodes.py", line 2553, in igetattr caller=self, context=context "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/scoped_nodes.py", line 1722, in infer_call_result yield from returnnode.value.infer(context) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 142, in raise_if_nothing_inferred yield from generator "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 233, in infer_call yield from callee.infer_call_result(caller=self, context=callcontext) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/scoped_nodes.py", line 1722, in infer_call_result yield from returnnode.value.infer(context) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 142, in raise_if_nothing_inferred yield from generator "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 227, in infer_call for callee in self.func.infer(context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 142, in raise_if_nothing_inferred yield from generator "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 293, in infer_attribute for owner in self.expr.infer(context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 142, in raise_if_nothing_inferred yield from generator "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 319, in infer_attribute yield from owner.igetattr(self.attrname, context) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 232, in igetattr yield from self._wrap_attr(attrs, context) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 238, in _wrap_attr for attr in attrs: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/scoped_nodes.py", line 2553, in igetattr caller=self, context=context "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/scoped_nodes.py", line 1722, in infer_call_result yield from returnnode.value.infer(context) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 142, in raise_if_nothing_inferred yield from generator "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 405, in infer_subscript yield from assigned.infer(context) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 142, in raise_if_nothing_inferred yield from generator "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 142, in raise_if_nothing_inferred yield from generator "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 142, in raise_if_nothing_inferred yield from generator "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 233, in infer_call yield from callee.infer_call_result(caller=self, context=callcontext) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/scoped_nodes.py", line 1722, in infer_call_result yield from returnnode.value.infer(context) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 142, in raise_if_nothing_inferred yield from generator "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 227, in infer_call for callee in self.func.infer(context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 96, in wrapped res = next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/bases.py", line 136, in _infer_stmts for inferred in stmt.infer(context=context): "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 132, in raise_if_nothing_inferred yield next(generator) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/decorators.py", line 93, in wrapped generator = _func(node, context, **kwargs) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/inference.py", line 273, in infer_import_from module = self.do_import_module() "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/mixins.py", line 100, in do_import_module modname, level=level, relative_only=level and level >= 1 "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/scoped_nodes.py", line 642, in import_module return MANAGER.ast_from_module_name(absmodname) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/manager.py", line 189, in ast_from_module_name return self.ast_from_file(found_spec.location, modname, fallback=False) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/manager.py", line 98, in ast_from_file return AstroidBuilder(self).file_build(filepath, modname) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/builder.py", line 137, in file_build module = self._data_build(data, modname, path) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/builder.py", line 190, in _data_build module = builder.visit_module(node, modname, node_file, package) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/rebuilder.py", line 165, in visit_module newnode.postinit([self.visit(child, newnode) for child in node.body]) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/rebuilder.py", line 165, in <listcomp> newnode.postinit([self.visit(child, newnode) for child in node.body]) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/rebuilder.py", line 177, in visit return visit_method(node, parent) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/rebuilder.py", line 455, in visit_classdef [self.visit(child, newnode) for child in node.body], "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/rebuilder.py", line 455, in <listcomp> [self.visit(child, newnode) for child in node.body], "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/rebuilder.py", line 177, in visit return visit_method(node, parent) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/rebuilder.py", line 676, in visit_functiondef return self._visit_functiondef(nodes.FunctionDef, node, parent) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/rebuilder.py", line 666, in _visit_functiondef body=[self.visit(child, newnode) for child in node.body], "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/rebuilder.py", line 666, in <listcomp> body=[self.visit(child, newnode) for child in node.body], "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/rebuilder.py", line 177, in visit return visit_method(node, parent) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/rebuilder.py", line 721, in visit_if self.visit(node.test, newnode), "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/rebuilder.py", line 177, in visit return visit_method(node, parent) "/Users/hnf396/miniconda3/lib/python3.7/site-packages/astroid/rebuilder.py", line 394, in visit_boolop self._bool_op_classes[type(node.op)], node.lineno, node.col_offset, parent KeyError: <class '_ast.And'>
0.519059
Traceback (most recent call last): "/home/ubuntu/OpenDroneMap/scripts/metadataset/merge.py", line 78, in <module> if poly.contains(Point(point[[2, 3]])): "/usr/local/lib/python2.7/dist-packages/shapely/geometry/point.py", line 49, in __init__ self._set_coords(*args) "/usr/local/lib/python2.7/dist-packages/shapely/geometry/point.py", line 130, in _set_coords self._geom, self._ndim = geos_point_from_py(args[0]) "/usr/local/lib/python2.7/dist-packages/shapely/geometry/point.py", line 209, in geos_point_from_py dx = c_double(coords[0]) TypeError: a float is required
Traceback (most recent call last): "Gui.py", line 179, in <module> __main__() "Gui.py", line 176, in __main__ G = Gui() "Gui.py", line 172, in __init__ self._app.go() "../lib/appJar/appjar.py", line 1675, in go self.__poll() "../lib/appJar/appjar.py", line 2051, in __poll e() TypeError: 'NoneType' object is not callable
0.575377
Original Traceback (most recent call last): "C:\Users\ADMIN\anaconda3\envs\Pytorch\lib\site-packages\torch\utils\data\_utils\worker.py", line 178, in _worker_loop data = fetcher.fetch(index) "C:\Users\ADMIN\anaconda3\envs\Pytorch\lib\site-packages\torch\utils\data\_utils\fetch.py", line 44, in fetch data = [self.dataset[idx] for idx in possibly_batched_index] "C:\Users\ADMIN\anaconda3\envs\Pytorch\lib\site-packages\torch\utils\data\_utils\fetch.py", line 44, in <listcomp> data = [self.dataset[idx] for idx in possibly_batched_index] ".\a-PyTorch-Tutorial-to-Object-Detection\datasets.py", line 56, in __getitem__ image, boxes, labels, difficulties = transform(image, boxes, labels, difficulties, split=self.split) ".\a-PyTorch-Tutorial-to-Object-Detection\utils.py", line 705, in transform new_image, new_boxes = resize(new_image, new_boxes, dims=(300, 300)) ".\a-PyTorch-Tutorial-to-Object-Detection\utils.py", line 616, in resize new_boxes = boxes / old_dims # percent coordinates RuntimeError: The size of tensor a (0) must match the size of tensor b (4) at non-singleton dimension 1
Traceback (most recent call last): "/usr/local/bin/telepresence/telepresence/cli.py", line 135, in crash_reporting yield "/usr/local/bin/telepresence/telepresence/main.py", line 65, in main remote_info = start_proxy(runner) "/usr/local/bin/telepresence/telepresence/proxy/operation.py", line 265, in act wait_for_pod(runner, self.remote_info) "/usr/local/bin/telepresence/telepresence/proxy/remote.py", line 141, in wait_for_pod "Pod isn't starting or can't be found: {}".format(pod["status"]) RuntimeError: Pod isn't starting or can't be found: {'conditions': [{'lastProbeTime': None, 'lastTransitionTime': '2020-09-09T17:50:41Z', 'status': 'True', 'type': 'Initialized'}, {'lastProbeTime': None, 'lastTransitionTime': '2020-09-09T17:50:41Z', 'message': 'containers with unready status: [beam]', 'reason': 'ContainersNotReady', 'status': 'False', 'type': 'Ready'}, {'lastProbeTime': None, 'lastTransitionTime': '2020-09-09T17:50:41Z', 'message': 'containers with unready status: [beam]', 'reason': 'ContainersNotReady', 'status': 'False', 'type': 'ContainersReady'}, {'lastProbeTime': None, 'lastTransitionTime': '2020-09-09T17:50:06Z', 'status': 'True', 'type': 'PodScheduled'}], 'containerStatuses': [{'image': 'datawire/telepresence-k8s:0.107', 'imageID': '', 'lastState': {}, 'name': 'beam', 'ready': False, 'restartCount': 0, 'started': False, 'state': {'waiting': {'reason': 'ContainerCreating'}}}], 'hostIP': '192.168.212.30', 'phase': 'Pending', 'qosClass': 'Burstable', 'startTime': '2020-09-09T17:50:41Z'}
0.544252
Traceback (most recent call last): "tools/train.py", line 176, in <module> main() "tools/train.py", line 138, in main cfg.model, train_cfg=cfg.train_cfg, test_cfg=cfg.test_cfg) "/dicom/Jone/Dection_mass/mmdet/models/builder.py", line 48, in build_detector return build(cfg, DETECTORS, dict(train_cfg=train_cfg, test_cfg=test_cfg)) "/dicom/Jone/Dection_mass/mmdet/models/builder.py", line 20, in build return build_from_cfg(cfg, registry, default_args) "/home/ubuntu/miniconda2/envs/Adam_mmlab2.0/lib/python3.7/site-packages/mmcv-0.5.9-py3.7-linux-x86_64.egg/mmcv/utils/registry.py", line 168, in build_from_cfg return obj_cls(**args) TypeError: __init__() got an unexpected keyword argument 'ga_rpn_head'.
Traceback (most recent call last): "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_internal/basecommand.py", line 228, in main status = self.run(options, args) "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_internal/commands/install.py", line 291, in run resolver.resolve(requirement_set) "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_internal/resolve.py", line 103, in resolve self._resolve_one(requirement_set, req) "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_internal/resolve.py", line 257, in _resolve_one abstract_dist = self._get_abstract_dist_for(req_to_install) "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_internal/resolve.py", line 210, in _get_abstract_dist_for self.require_hashes "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_internal/operations/prepare.py", line 243, in prepare_linked_requirement req.populate_link(finder, upgrade_allowed, require_hashes) "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_internal/req/req_install.py", line 307, in populate_link self.link = finder.find_requirement(self, upgrade) "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_internal/index.py", line 484, in find_requirement all_candidates = self.find_all_candidates(req.name) "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_internal/index.py", line 442, in find_all_candidates for page in self._get_pages(url_locations, project_name): "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_internal/index.py", line 587, in _get_pages page = self._get_page(location) "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_internal/index.py", line 705, in _get_page return HTMLPage.get_page(link, session=self.session) "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_internal/index.py", line 814, in get_page "Cache-Control": "max-age=600", "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_vendor/requests/sessions.py", line 521, in get return self.request('GET', url, **kwargs) "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_internal/download.py", line 397, in request return super(PipSession, self).request(method, url, *args, **kwargs) "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_vendor/requests/sessions.py", line 508, in request resp = self.send(prep, **send_kwargs) "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_vendor/requests/sessions.py", line 618, in send r = adapter.send(request, **kwargs) "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_vendor/cachecontrol/adapter.py", line 42, in send cached_response = self.controller.cached_request(request) "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_vendor/cachecontrol/controller.py", line 137, in cached_request resp = self.serializer.loads(request, cache_data) "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_vendor/cachecontrol/serialize.py", line 98, in loads return getattr(self, "_loads_v{0}".format(ver))(request, data) "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_vendor/cachecontrol/serialize.py", line 190, in _loads_v4 cached = msgpack.loads(data, encoding='utf-8') "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_vendor/msgpack/fallback.py", line 121, in unpackb ret = unpacker._unpack() "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_vendor/msgpack/fallback.py", line 600, in _unpack ret[key] = self._unpack(EX_CONSTRUCT) "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_vendor/msgpack/fallback.py", line 600, in _unpack ret[key] = self._unpack(EX_CONSTRUCT) "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_vendor/msgpack/fallback.py", line 560, in _unpack typ, n, obj = self._read_header(execute) "/var/jenkins_home/workspace/3610-6MJAZQSTTEPICPG/cryptography/.tox/py27/local/lib/python2.7/site-packages/pip/_vendor/msgpack/fallback.py", line 391, in _read_header n = struct.unpack_from(">H", self._buffer, self._buff_i)[0] TypeError: unpack_from() argument 1 must be string or read-only buffer, not bytearray
0.588186
Traceback (most recent call last): "/usr/bin/salt-call", line 11, in <module> salt_call() "/usr/lib/python2.7/site-packages/salt/scripts.py", line 391, in salt_call client.run() "/usr/lib/python2.7/site-packages/salt/cli/call.py", line 58, in run caller.run() "/usr/lib/python2.7/site-packages/salt/cli/caller.py", line 134, in run ret = self.call() "/usr/lib/python2.7/site-packages/salt/cli/caller.py", line 204, in call ret['return'] = func(*args, **kwargs) "/usr/lib/python2.7/site-packages/salt/modules/state.py", line 593, in apply_ return highstate(**kwargs) "/usr/lib/python2.7/site-packages/salt/modules/state.py", line 892, in highstate orchestration_jid=orchestration_jid) "/usr/lib/python2.7/site-packages/salt/state.py", line 3695, in call_highstate return self.state.call_high(high, orchestration_jid) "/usr/lib/python2.7/site-packages/salt/state.py", line 2531, in call_high ret = self.call_chunks(chunks) "/usr/lib/python2.7/site-packages/salt/state.py", line 2017, in call_chunks running = self.call_chunk(low, running, chunks) "/usr/lib/python2.7/site-packages/salt/state.py", line 2345, in call_chunk running = self.call_chunk(chunk, running, chunks) "/usr/lib/python2.7/site-packages/salt/state.py", line 2362, in call_chunk self.pre[tag] = self.call(low, chunks, running) "/usr/lib/python2.7/site-packages/salt/state.py", line 1796, in call test = sys.modules[self.states[cdata['full']].__module__].__opts__['test'] AttributeError: 'module' object has no attribute '__opts__'
Traceback (most recent call last): "./coursera-dl", line 4, in <module> from coursera import coursera_dl "/Users/mac/Documents/coursera/coursera/coursera_dl.py", line 62, in <module> from bs4 import BeautifulSoup as BeautifulSoup_ "/Library/Python/2.7/site-packages/bs4/__init__.py", line 29, in <module> from .builder import builder_registry "/Library/Python/2.7/site-packages/bs4/builder/__init__.py", line 306, in <module> from . import _html5lib "/Library/Python/2.7/site-packages/bs4/builder/_html5lib.py", line 57, in <module> class TreeBuilderForHtml5lib(html5lib.treebuilders._base.TreeBuilder): AttributeError: 'module' object has no attribute '_base'
0.644014
Traceback (most recent call last): "C:\dev\fakemimesis\.pyenv\lib\site-packages\mimesis\schema.py", line 100, in __call__ result = self._table[name](**kwargs) KeyError: 'choice'
Traceback (most recent call last): "***.py", line 3, in <module> yt = YouTube("https://www.youtube.com/watch?v=35YpV77tGm0") "/home/***/Python/env/***-env/lib/python3.6/site-packages/pytube/__main__.py", line 81, in __init__ self.prefetch_init() "/home/***/Python/env/***-env/lib/python3.6/site-packages/pytube/__main__.py", line 90, in prefetch_init self.init() "/home/***/Python/env/***-env/lib/python3.6/site-packages/pytube/__main__.py", line 129, in init self.initialize_caption_objects() "/home/***/Python/env/***-env/lib/python3.6/site-packages/pytube/__main__.py", line 194, in initialize_caption_objects ['captionTracks'] KeyError: 'captionTracks'
0.53695
Traceback (most recent call last): "/var/www/.local/share/virtualenvs/acl-server-QKRCedeE/lib/python3.7/site-packages/uvicorn/protocols/http/httptools_impl.py", line 387, in run_asgi result = await asgi(self.receive, self.send) "/var/www/.local/share/virtualenvs/acl-server-QKRCedeE/lib/python3.7/site-packages/uvicorn/middleware/message_logger.py", line 59, in __call__ await self.inner(self.receive, self.send) "/var/www/.local/share/virtualenvs/acl-server-QKRCedeE/lib/python3.7/site-packages/asgiref/wsgi.py", line 41, in __call__ await self.run_wsgi_app(message) "/var/www/.local/share/virtualenvs/acl-server-QKRCedeE/lib/python3.7/site-packages/asgiref/sync.py", line 108, in __call__ return await asyncio.wait_for(future, timeout=None) "/var/www/miniconda3/lib/python3.7/asyncio/tasks.py", line 384, in wait_for return await fut "/var/www/miniconda3/lib/python3.7/concurrent/futures/thread.py", line 57, in run result = self.fn(*self.args, **self.kwargs) "/var/www/.local/share/virtualenvs/acl-server-QKRCedeE/lib/python3.7/site-packages/asgiref/sync.py", line 123, in thread_handler return self.func(*args, **kwargs) "/var/www/.local/share/virtualenvs/acl-server-QKRCedeE/lib/python3.7/site-packages/asgiref/wsgi.py", line 118, in run_wsgi_app for output in self.wsgi_application(environ, self.start_response): TypeError: 'NoneType' object is not iterable
Traceback (most recent call last): "/home/andreas/freqtrade/freqtrade/main.py", line 37, in main return_code = args['func'](args) "/home/andreas/freqtrade/freqtrade/commands/optimize_commands.py", line 50, in start_backtesting backtesting.start() "/home/andreas/freqtrade/freqtrade/optimize/backtesting.py", line 412, in start preprocessed = self.strategy.ohlcvdata_to_dataframe(data) "/home/andreas/freqtrade/freqtrade/strategy/interface.py", line 613, in ohlcvdata_to_dataframe for pair, pair_data in data.items()} "/home/andreas/freqtrade/freqtrade/strategy/interface.py", line 613, in <dictcomp> for pair, pair_data in data.items()} "/home/andreas/freqtrade/freqtrade/strategy/interface.py", line 629, in advise_indicators return self.populate_indicators(dataframe, metadata) "/home/andreas/freqtrade/user_data/strategies/SmoothOperator.py", line 41, in populate_indicators dataframe = StrategyHelper.resample(dataframe, self.ticker_interval, self.resample_factor) "/home/andreas/freqtrade/user_data/strategies/SmoothOperator.py", line 325, in resample df = df.resample(str(int(interval[:-1]) * factor) + 'min', plotoschow=ohlc_dict) TypeError: resample() got an unexpected keyword argument 'plotoschow'
0.553657
Traceback (most recent call last): "c:\users\documents\miniconda_python\lib\threading.py", line 916, in _bootstrap_inner self.run() "c:\users\documents\miniconda_python\lib\threading.py", line 864, in run self._target(*self._args, **self._kwargs) "c:\users\documents\miniconda_python\lib\site-packages\gensim\models\base_any2vec.py", line 211, in _worker_loop tally, raw_tally = self._do_train_job(data_iterable, job_parameters, thread_private_mem) "c:\users\documents\miniconda_python\lib\site-packages\gensim\models\doc2vec.py", line 721, in _do_train_job doctag_vectors=doctag_vectors, doctag_locks=doctag_locks "gensim/models/doc2vec_inner.pyx", line 344, in gensim.models.doc2vec_inner.train_document_dbow AttributeError: 'Vocab' object has no attribute 'sample_int'
Traceback (most recent call last): "c:\users\wiese\repos\forks\ipython\IPython\core\interactiveshell.py", line 2042, in showtraceback stb = value._render_traceback_() AttributeError: 'AssertionError' object has no attribute '_render_traceback_'
0.545503
Traceback (most recent call last): "setup.py", line 173, in <module> install() "setup.py", line 170, in install **kwargs) "/usr/local/lib/python3.6/distutils/core.py", line 148, in setup dist.run_commands() "/usr/local/lib/python3.6/distutils/dist.py", line 955, in run_commands self.run_command(cmd) "/usr/local/lib/python3.6/distutils/dist.py", line 974, in run_command cmd_obj.run() "/usr/local/lib/python3.6/site-packages/setuptools/command/install.py", line 67, in run self.do_egg_install() "/usr/local/lib/python3.6/site-packages/setuptools/command/install.py", line 109, in do_egg_install self.run_command('bdist_egg') "/usr/local/lib/python3.6/distutils/cmd.py", line 313, in run_command self.distribution.run_command(command) "/usr/local/lib/python3.6/distutils/dist.py", line 974, in run_command cmd_obj.run() "/usr/local/lib/python3.6/site-packages/setuptools/command/bdist_egg.py", line 209, in run os.path.join(archive_root, 'EGG-INFO'), self.zip_safe() "/usr/local/lib/python3.6/site-packages/setuptools/command/bdist_egg.py", line 245, in zip_safe return analyze_egg(self.bdist_dir, self.stubs) "/usr/local/lib/python3.6/site-packages/setuptools/command/bdist_egg.py", line 355, in analyze_egg safe = scan_module(egg_dir, base, name, stubs) and safe "/usr/local/lib/python3.6/site-packages/setuptools/command/bdist_egg.py", line 392, in scan_module code = marshal.load(f) ValueError: bad marshal data (unknown type code)
Traceback (most recent call last): "<stdin>", line 1, in <module> "C:\Users\User01\AppData\Local\Programs\Python\Python38\lib\site-packages\cantools\database\can\database.py", line 389, in decode_message return message.decode(data, decode_choices, scaling) "C:\Users\User01\AppData\Local\Programs\Python\Python38\lib\site-packages\cantools\database\can\message.py", line 789, in decode return self._decode(self._codecs, data, decode_choices, scaling) "C:\Users\User01\AppData\Local\Programs\Python\Python38\lib\site-packages\cantools\database\can\message.py", line 748, in _decode decoded = decode_data(data, "C:\Users\User01\AppData\Local\Programs\Python\Python38\lib\site-packages\cantools\database\utils.py", line 95, in decode_data unpacked.update(formats.little_endian.unpack(bytes(data[::-1]))) ValueError: Short data.
0.543745
Traceback (most recent call last): "C:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\tensorflow_core\python\pywrap_tensorflow.py", line 58, in <module> from tensorflow.python.pywrap_tensorflow_internal import * "C:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\tensorflow_core\python\pywrap_tensorflow_internal.py", line 28, in <module> _pywrap_tensorflow_internal = swig_import_helper() "C:\Users\91901\anaconda3\envs\tf_1\lib\site-packages\tensorflow_core\python\pywrap_tensorflow_internal.py", line 24, in swig_import_helper _mod = imp.load_module('_pywrap_tensorflow_internal', fp, pathname, description) "C:\Users\91901\anaconda3\envs\tf_1\lib\imp.py", line 243, in load_module return load_dynamic(name, filename, file) "C:\Users\91901\anaconda3\envs\tf_1\lib\imp.py", line 343, in load_dynamic return _load(spec) ImportError: DLL load failed: The paging file is too small for this operation to complete.
Traceback (most recent call last): "<string>", line 1, in <module> ImportError: No module named 'setuptools'
0.513726
Traceback (most recent call last): "updateHosts .py", line 1276, in <module> main() "updateHosts .py", line 189, in main sourcesdata=sources_data) "updateHosts .py", line 849, in update_readme_data readme_data = json.load(f) "/usr/lib/python2.7/json/__init__.py", line 290, in load **kw) "/usr/lib/python2.7/json/__init__.py", line 338, in loads return _default_decoder.decode(s) "/usr/lib/python2.7/json/decoder.py", line 366, in decode obj, end = self.raw_decode(s, idx=_w(s, 0).end()) "/usr/lib/python2.7/json/decoder.py", line 384, in raw_decode raise ValueError("No JSON object could be decoded") ValueError: No JSON object could be decoded
Traceback (most recent call last): "trainer.py", line 207, in <module> main() "trainer.py", line 154, in main trainers=int(k8s_trainers_count)) "/usr/local/lib/python2.7/site-packages/paddle/fluid/distribute_transpiler.py", line 200, in transpile grad_var_mapping = self._append_split_op(program, grad_blocks) "/usr/local/lib/python2.7/site-packages/paddle/fluid/distribute_transpiler.py", line 460, in _append_split_op program, gradblocks, add_trainer_suffix=True) "/usr/local/lib/python2.7/site-packages/paddle/fluid/distribute_transpiler.py", line 410, in _create_vars_from_blocklist program.global_block().rename_var(varname, new_var_name) "/usr/local/lib/python2.7/site-packages/paddle/fluid/framework.py", line 789, in rename_var stop_gradient=stop_gradient) "/usr/local/lib/python2.7/site-packages/paddle/fluid/framework.py", line 179, in __init__ self.desc.type(), type)) ValueError: Variable [email protected]_0 has been created before. The previous type is VarType.SELECTED_ROWS; the new type is VarType.LOD_TENSOR. They are not matched
0.546388
Traceback (most recent call last): "/vagrant/.tox/unit/bin/pytest", line 7, in <module> from pytest import main "/vagrant/.tox/unit/lib/python2.7/site-packages/pytest.py", line 13, in <module> from _pytest.fixtures import fixture, yield_fixture "/vagrant/.tox/unit/lib/python2.7/site-packages/_pytest/fixtures.py", line 845, in <module> class FixtureFunctionMarker(object): "/vagrant/.tox/unit/lib/python2.7/site-packages/_pytest/fixtures.py", line 847, in FixtureFunctionMarker params = attr.ib(convert=attr.converters.optional(tuple)) AttributeError: 'module' object has no attribute 'converters'
Traceback (most recent call last): "/home/tails/src/dupeguru/hscommon/gui/progress_window.py", line 109, in pulse self._finish_func(self.jobid) "/home/tails/src/dupeguru/core/app.py", line 316, in _job_completed self.view.show_results_window() "/home/tails/src/dupeguru/qt/app.py", line 362, in show_results_window self.showResultsWindow() "/home/tails/src/dupeguru/qt/app.py", line 226, in showResultsWindow self.main_window.showTab(self.resultWindow) "/home/tails/src/dupeguru/qt/tabbed_window.py", line 176, in showTab self.setTabVisible(index, True) "/home/tails/src/dupeguru/qt/tabbed_window.py", line 186, in setTabVisible return self.tabWidget.setTabVisible(index, value) AttributeError: 'QTabWidget' object has no attribute 'setTabVisible'
0.635641
Traceback (most recent call last): "<ipython-input-1-88b9df752e72>", line 1, in <module> runfile('/home/user/Desktop/dl-dev python/gp_examples/test.py', wdir='/home/user/Desktop/dl-dev python/gp_examples') "/home/user/anaconda3/envs/dkl/lib/python3.6/site-packages/spyder_kernels/customize/spydercustomize.py", line 827, in runfile execfile(filename, namespace) "/home/user/anaconda3/envs/dkl/lib/python3.6/site-packages/spyder_kernels/customize/spydercustomize.py", line 110, in execfile exec(compile(f.read(), filename, 'exec'), namespace) "/home/user/Desktop/dl-dev python/gp_examples/test.py", line 136, in <module> preds = model(test_x) "/home/user/anaconda3/envs/dkl/lib/python3.6/site-packages/gpytorch/models/exact_gp.py", line 294, in __call__ likelihood=self.likelihood, "/home/user/anaconda3/envs/dkl/lib/python3.6/site-packages/gpytorch/models/exact_prediction_strategies.py", line 36, in prediction_strategy return cls(train_inputs, train_prior_dist, train_labels, likelihood) "/home/user/anaconda3/envs/dkl/lib/python3.6/site-packages/gpytorch/kernels/grid_interpolation_kernel.py", line 205, in prediction_strategy return InterpolatedPredictionStrategy(train_inputs, train_prior_dist, train_labels, likelihood) "/home/user/anaconda3/envs/dkl/lib/python3.6/site-packages/gpytorch/models/exact_prediction_strategies.py", line 380, in __init__ super().__init__(train_inputs, train_prior_dist, train_labels, likelihood) "/home/user/anaconda3/envs/dkl/lib/python3.6/site-packages/gpytorch/models/exact_prediction_strategies.py", line 50, in __init__ mvn = self.likelihood(train_prior_dist, train_inputs) "/home/user/anaconda3/envs/dkl/lib/python3.6/site-packages/gpytorch/likelihoods/likelihood.py", line 313, in __call__ return self.marginal(input, *args, **kwargs) "/home/user/anaconda3/envs/dkl/lib/python3.6/site-packages/gpytorch/likelihoods/gaussian_likelihood.py", line 76, in marginal full_covar = covar + noise_covar "/home/user/anaconda3/envs/dkl/lib/python3.6/site-packages/gpytorch/lazy/lazy_tensor.py", line 1626, in __add__ return AddedDiagLazyTensor(self, other) "/home/user/anaconda3/envs/dkl/lib/python3.6/site-packages/gpytorch/lazy/added_diag_lazy_tensor.py", line 27, in __init__ broadcasting._mul_broadcast_shape(lazy_tensors[0].shape, lazy_tensors[1].shape) "/home/user/anaconda3/envs/dkl/lib/python3.6/site-packages/gpytorch/utils/broadcasting.py", line 20, in _mul_broadcast_shape raise RuntimeError("Shapes are not broadcastable for mul operation") RuntimeError: Shapes are not broadcastable for mul operatio
Traceback (most recent call last): "/home/shuxiaobo/anaconda3/bin/fairseq-train", line 11, in <module> load_entry_point('fairseq', 'console_scripts', 'fairseq-train')() "/data/fairseq/fairseq_cli/train.py", line 322, in cli_main main(args) "/data/fairseq/fairseq_cli/train.py", line 81, in main train(args, trainer, task, epoch_itr) "/data/fairseq/fairseq_cli/train.py", line 122, in train log_output = trainer.train_step(samples) "/data/fairseq/fairseq/trainer.py", line 324, in train_step raise e "/data/fairseq/fairseq/trainer.py", line 294, in train_step ignore_grad "/data/fairseq/fairseq/tasks/fairseq_task.py", line 231, in train_step loss, sample_size, logging_output = criterion(model, sample) "/home/shuxiaobo/anaconda3/lib/python3.7/site-packages/torch/nn/modules/module.py", line 547, in __call__ result = self.forward(*input, **kwargs) "/data/fairseq/fairseq/criterions/sentence_ranking.py", line 49, in forward classification_head_name='sentence_classification_head', "/home/shuxiaobo/anaconda3/lib/python3.7/site-packages/torch/nn/modules/module.py", line 547, in __call__ result = self.forward(*input, **kwargs) "/data/fairseq/fairseq/models/roberta/model.py", line 99, in forward x, extra = self.decoder(src_tokens, features_only, return_all_hiddens, **kwargs) "/home/shuxiaobo/anaconda3/lib/python3.7/site-packages/torch/nn/modules/module.py", line 547, in __call__ result = self.forward(*input, **kwargs) "/data/fairseq/fairseq/models/roberta/model.py", line 284, in forward x, extra = self.extract_features(src_tokens, return_all_hiddens) "/data/fairseq/fairseq/models/roberta/model.py", line 291, in extract_features src_tokens, last_state_only=not return_all_hiddens, "/home/shuxiaobo/anaconda3/lib/python3.7/site-packages/torch/nn/modules/module.py", line 547, in __call__ result = self.forward(*input, **kwargs) "/data/fairseq/fairseq/modules/transformer_sentence_encoder.py", line 182, in forward x = self.embed_tokens(tokens) "/home/shuxiaobo/anaconda3/lib/python3.7/site-packages/torch/nn/modules/module.py", line 547, in __call__ result = self.forward(*input, **kwargs) "/home/shuxiaobo/anaconda3/lib/python3.7/site-packages/torch/nn/modules/sparse.py", line 114, in forward self.norm_type, self.scale_grad_by_freq, self.sparse) "/home/shuxiaobo/anaconda3/lib/python3.7/site-packages/torch/nn/functional.py", line 1467, in embedding return torch.embedding(weight, input, padding_idx, scale_grad_by_freq, sparse) RuntimeError: _th_index_select not supported on CPUType for Half
0.584804
Traceback (most recent call last): "bleachbit\GUI.pyo", line 124, in cb_shred_file "bleachbit\GuiBasic.pyo", line 94, in browse_files AttributeError: 'GUI' object has no attribute 'window'
2018-02-04 23:32:33,860 - ERROR - http_protocol - Traceback (most recent call last): "/usr/local/lib/python3.6/site-packages/daphne/http_protocol.py", line 152, in process "server": self.server_addr, "/usr/local/lib/python3.6/site-packages/daphne/server.py", line 163, in create_application application_instance = self.application(scope=scope) "/usr/local/lib/python3.6/site-packages/channels/staticfiles.py", line 42, in __call__ return self.application(scope) "/usr/local/lib/python3.6/site-packages/channels/routing.py", line 50, in __call__ return self.application_mapping[scope["type"]](scope) "/usr/local/lib/python3.6/site-packages/channels/routing.py", line 83, in __call__ "args": match.args, "/usr/local/lib/python3.6/site-packages/django/views/generic/base.py", line 69, in view return self.dispatch(request, *args, **kwargs) "/usr/local/lib/python3.6/site-packages/django/utils/decorators.py", line 62, in _wrapper return bound_func(*args, **kwargs) "/usr/local/lib/python3.6/site-packages/django/utils/decorators.py", line 134, in _wrapped_view result = middleware.process_request(request) "/usr/local/lib/python3.6/site-packages/django/middleware/csrf.py", line 198, in process_request csrf_token = self._get_token(request) "/usr/local/lib/python3.6/site-packages/django/middleware/csrf.py", line 170, in _get_token cookie_token = request.COOKIES[settings.CSRF_COOKIE_NAME] AttributeError: 'dict' object has no attribute 'COOKIES'
0.577866
Traceback (most recent call last): "demo_prog.py", line 113, in <module> optimize_x(pt) "demo_prog.py", line 49, in optimize_x pt._load_checkpoint() "/home/banana/GAN/stylized-neural-painting-main12/painter.py", line 71, in _load_checkpoint self.net_G.load_state_dict(checkpoint['model_G_state_dict']) "/home/banana/.local/lib/python3.6/site-packages/torch/nn/modules/module.py", line 845, in load_state_dict self.__class__.__name__, "\n\t".join(error_msgs))) RuntimeError: Error(s) in loading state_dict for ZouFCNFusionLight:
Traceback (most recent call last): "/home/uc/PY/HRNetOCR/tools/train.py", line 322, in <module> main() "/home/uc/PY/HRNetOCR/tools/train.py", line 99, in main '.get_seg_model')(config) "/home/uc/PY/HRNetOCR/tools/../lib/models/seg_hrnet_ocr.py", line 678, in get_seg_model model.init_weights(cfg.MODEL.PRETRAINED) "/home/uc/PY/HRNetOCR/tools/../lib/models/seg_hrnet_ocr.py", line 673, in init_weights raise RuntimeError('No such file {}'.format(pretrained)) RuntimeError: No such file pretrained_models/hrnetv2_w48_imagenet_pretrained.pth
0.620167
Traceback (most recent call last): "/home/neena/anaconda2/envs/ramana/lib/python2.7/site-packages/notebook/base/handlers.py", line 503, in wrapper result = yield gen.maybe_future(method(self, *args, **kwargs)) "/home/neena/anaconda2/envs/ramana/lib/python2.7/site-packages/nb_conda/handlers.py", line 62, in get self.finish(json.dumps(self.env_manager.env_packages(env))) "/home/neena/anaconda2/envs/ramana/lib/python2.7/site-packages/nb_conda/envmanager.py", line 124, in env_packages "packages": [pkg_info(package) for package in data] "/home/neena/anaconda2/envs/ramana/lib/python2.7/site-packages/nb_conda/envmanager.py", line 16, in pkg_info name, version, build = s.rsplit('-', 2) AttributeError: 'dict' object has no attribute 'rsplit'
Traceback (most recent call last): "test_linalg.py", line 27, in tearDown linalg.shutdown() AttributeError: module 'skcuda.linalg' has no attribute 'shutdown'
0.491531
Traceback (most recent call last): "<stdin>", line 1, in <module> "/Users/Julian/.local/share/virtualenvs/dev/site-packages/pyrsistent/_pmap.py", line 419, in pmap return _turbo_mapping(initial, pre_size) "/Users/Julian/.local/share/virtualenvs/dev/site-packages/pyrsistent/_pmap.py", line 381, in _turbo_mapping size = pre_size or (2 * len(initial)) or 8 TypeError: 'generator' has no length
Traceback (most recent call last): "/usr/local/bin/meson", line 11, in <module> load_entry_point('meson==0.53.0', 'console_scripts', 'meson')() "/usr/local/lib/python3.5/dist-packages/pkg_resources/__init__.py", line 489, in load_entry_point return get_distribution(dist).load_entry_point(group, name) "/usr/local/lib/python3.5/dist-packages/pkg_resources/__init__.py", line 2852, in load_entry_point return ep.load() "/usr/local/lib/python3.5/dist-packages/pkg_resources/__init__.py", line 2443, in load return self.resolve() "/usr/local/lib/python3.5/dist-packages/pkg_resources/__init__.py", line 2449, in resolve module = __import__(self.module_name, fromlist=['__name__'], level=0) "/usr/local/lib/python3.5/dist-packages/mesonbuild/mesonmain.py", line 25, in <module> from . import mconf, mdist, minit, minstall, mintro, msetup, mtest, rewriter, msubprojects, munstable_coredata "/usr/local/lib/python3.5/dist-packages/mesonbuild/mconf.py", line 16, in <module> from . import coredata, environment, mesonlib, build, mintro, mlog "/usr/local/lib/python3.5/dist-packages/mesonbuild/environment.py", line 32, in <module> from . import compilers "/usr/local/lib/python3.5/dist-packages/mesonbuild/compilers/__init__.py", line 102, in <module> from .compilers import ( "/usr/local/lib/python3.5/dist-packages/mesonbuild/compilers/compilers.py", line 389, in <module> class CompilerArgs(typing.MutableSequence[str]): "/usr/local/lib/python3.5/dist-packages/mesonbuild/compilers/compilers.py", line 658, in CompilerArgs def __eq__(self, other: typing.Any) -> typing.Union[bool, 'NotImplemented']: "Forward references must evaluate to types.") "/usr/lib/python3.5/typing.py", line 312, in _type_check raise TypeError(msg + " Got %.100r." % (arg,)) TypeError: Forward references must evaluate to types. Got NotImplemented.
0.604292
Traceback (most recent call last): "/src/UltiSnips/pythonx/UltiSnips/err_to_scratch_buffer.py", line 18, in wrapper return func(self, *args, **kwds) "/src/UltiSnips/pythonx/UltiSnips/snippet_manager.py", line 127, in expand if not self._try_expand(): "/src/UltiSnips/pythonx/UltiSnips/snippet_manager.py", line 759, in _try_expand self._do_snippet(snippet, before) "/src/UltiSnips/pythonx/UltiSnips/snippet_manager.py", line 712, in _do_snippet text_before, self._visual_content, parent, start, end "/src/UltiSnips/pythonx/UltiSnips/snippet/definition/base.py", line 488, in launch snippet_instance.update_textobjects(vim_helper.buf) "/src/UltiSnips/pythonx/UltiSnips/text_objects/snippet_instance.py", line 93, in update_textobjects if obj._update(done, buf): "/src/UltiSnips/pythonx/UltiSnips/text_objects/python_code.py", line 269, in _update exec(code, self._locals) # pylint:disable=exec-used "<string>", line 2, in <module> "/usr/local/lib/python3.6/posixpath.py", line 457, in relpath raise ValueError("no path specified") ValueError: no path specified
Traceback (most recent call last): "test.py", line 3, in <module> pd.read_excel('test.xlsx', header=[0, 1], index_col=0, engine='openpyxl') "/home/sasha/miniconda3/lib/python3.7/site-packages/pandas/io/excel/_base.py", line 334, in read_excel **kwds, "/home/sasha/miniconda3/lib/python3.7/site-packages/pandas/io/excel/_base.py", line 888, in parse **kwds, "/home/sasha/miniconda3/lib/python3.7/site-packages/pandas/io/excel/_base.py", line 521, in parse ].columns.set_names(header_names) "/home/sasha/miniconda3/lib/python3.7/site-packages/pandas/core/indexes/base.py", line 1325, in set_names idx._set_names(names, level=level) "/home/sasha/miniconda3/lib/python3.7/site-packages/pandas/core/indexes/base.py", line 1239, in _set_names raise ValueError(f"Length of new names must be 1, got {len(values)}") ValueError: Length of new names must be 1, got 2
0.510955
Traceback (most recent call last): "myVirtualEnv/lib/python2.7/site-packages/jsonrpc/manager.py", line 112, in _get_responses result = method(*request.args, **request.kwargs) "myVirtualEnv/lib/python2.7/site-packages/pyls/language_server.py", line 64, in wrapped return func(*args, **kwargs) "myVirtualEnv/lib/python2.7/site-packages/pyls/python_ls.py", line 140, in m_text_document__completion return self.completions(textDocument['uri'], position) "myVirtualEnv/lib/python2.7/site-packages/pyls/python_ls.py", line 70, in completions position=position "myVirtualEnv/lib/python2.7/site-packages/pyls/_utils.py", line 113, in race_hooks for impl, result in pool.imap_unordered(_apply, impls, chunksize=1): "/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/multiprocessing/pool.py", line 668, in next raise value AttributeError: 'Folder' object has no attribute 'read'
Traceback (most recent call last): "/Users/igortkachenko/Tools/kivy-designer/venv/lib/python3.6/site-packages/kivy/uix/widget.py", line 265, in _widget_destructor "/Users/igortkachenko/Tools/kivy-designer/venv/lib/python3.6/site-packages/kivy/lang/builder.py", line 760, in unbind_widget "kivy/weakproxy.pyx", line 30, in kivy.weakproxy.WeakProxy.__getattr__ AttributeError: 'weakref' object has no attribute 'cline_in_traceback'
0.594289
Traceback (most recent call last): "C:\Program s\JetBrains\PyCharm Community Edition 2017.1.3\helpers\pydev\pydevd.py", line 1585, in <module> globals = debugger.run(setup['file'], None, None, is_module) "C:\Program s\JetBrains\PyCharm Community Edition 2017.1.3\helpers\pydev\pydevd.py", line 1015, in run pydev_imports.execfile(file, globals, locals) # execute the script "C:\Program s\JetBrains\PyCharm Community Edition 2017.1.3\helpers\pydev\_pydev_imps\_pydev_execfile.py", line 18, in execfile exec(compile(contents+"\n", file, 'exec'), glob, loc) "F:/人工神经网络学习/super Resolution/SRGAN-master/SRGAN-master/main.py", line 316, in <module> train() "F:/人工神经网络学习/super Resolution/SRGAN-master/SRGAN-master/main.py", line 141, in train print('sample HR sub-image:',sample_imgs_384.shape, sample_imgs_384.min(), sample_imgs_384.max()) "C:\Program s\Anaconda3\lib\site-packages\numpy\core\_methods.py", line 29, in _amin return umr_minimum(a, axis, None, out, keepdims) ValueError: zero-size array to reduction operation minimum which has no identity
Traceback (most recent call last): "<ipython-input-4-dd900d27ccee>", line 1, in <module> memoryview(a) ValueError: cannot include dtype 'M' in a buffer
0.479692
Traceback (most recent call last): "/home/shizhenbo/PycharmProjects/StackGAN-master/stageI/run_exp.py", line 62, in <module> image_shape=dataset.image_shape "/home/shizhenbo/PycharmProjects/StackGAN-master/stageI/model.py", line 34, in __init__ self.d_encode_img_template = self.d_encode_image() "/home/shizhenbo/PycharmProjects/StackGAN-master/stageI/model.py", line 164, in d_encode_image custom_conv2d(self.df_dim, k_h=4, k_w=4). "/home/shizhenbo/.conda/envs/py27/lib/python2.7/site-packages/prettytensor/pretty_tensor_class.py", line 1965, in method with _method_scope(input_layer, scope_name) as (scope, _): "/home/shizhenbo/.conda/envs/py27/lib/python2.7/contextlib.py", line 17, in __enter__ return self.gen.next() "/home/shizhenbo/.conda/envs/py27/lib/python2.7/site-packages/prettytensor/pretty_tensor_class.py", line 1776, in _method_scope scopes.var_and_name_scope((name, None)) as (scope, var_scope): "/home/shizhenbo/.conda/envs/py27/lib/python2.7/contextlib.py", line 17, in __enter__ return self.gen.next() "/home/shizhenbo/.conda/envs/py27/lib/python2.7/site-packages/prettytensor/scopes.py", line 55, in var_and_name_scope vs_key = tf.get_collection_ref(variable_scope._VARSCOPE_KEY) AttributeError: 'module' object has no attribute '_VARSCOPE_KEY'
[!] Traceback (most recent call last): "lazagne\softwares\browsers\mozilla.py", line 398, in is_master_password_correct AttributeError: 'Sequence' object has no attribute 'asOctets'
0.5894
Traceback (most recent call last): "/home/sickchill/.local/lib/python3.7/site-packages/sickchill/views/index.py", line 182, in async_call return function(**kwargs) "/home/sickchill/.local/lib/python3.7/site-packages/sickchill/views/config/providers.py", line 68, in getNewznabCategories success, tv_categories, error = tempProvider.get_newznab_categories() "/home/sickchill/.local/lib/python3.7/site-packages/sickchill/oldbeard/providers/newznab.py", line 147, in get_newznab_categories data = self.get_url(urljoin(self.url, 'api'), params=url_params, returns='text') "/home/sickchill/.local/lib/python3.7/site-packages/sickchill/providers/GenericProvider.py", line 348, in get_url return getURL(url, post_data, params, self.headers, timeout, self.session, **kwargs) "/home/sickchill/.local/lib/python3.7/site-packages/sickchill/oldbeard/helpers.py", line 1224, in getURL handle_requests_exception(error) "/home/sickchill/.local/lib/python3.7/site-packages/sickchill/oldbeard/helpers.py", line 1329, in handle_requests_exception level = get_level(error) "/home/sickchill/.local/lib/python3.7/site-packages/sickchill/oldbeard/helpers.py", line 1281, in get_level return (logger.ERROR, logger.WARNING)[exception and 's,t,o,p,b,r,e,a,k,i,n,g,f' in exception] TypeError: argument of type 'ProxySchemeUnknown' is not iterable
Traceback (most recent call last): "/Users/margus/Library/Application Support/Sublime Text 3/Packages/LSP/plugin/core/rpc.py", line 141, in receive_payload self.response_handler(payload) "/Users/margus/Library/Application Support/Sublime Text 3/Packages/LSP/plugin/core/rpc.py", line 160, in response_handler handler(response["result"]) "/Users/margus/Library/Application Support/Sublime Text 3/Packages/LSP/plugin/completion.py", line 310, in handle_response items = sorted(items, key=lambda item: item.get("sortText") or item["label"]) TypeError: 'NoneType' object is not iterable
0.602809
Traceback (most recent call last): "/usr/local/bin/openpyn", line 9, in <module> load_entry_point('openpyn==2.4.0', 'console_scripts', 'openpyn')() "/usr/local/lib/python3.5/dist-packages/openpyn/openpyn.py", line 133, in main args.skip_dns_patch, args.silent, args.nvram, args.openvpn_options) "/usr/local/lib/python3.5/dist-packages/openpyn/openpyn.py", line 309, in run connection = connect(aserver, port, silent, test, skip_dns_patch, openvpn_options) "/usr/local/lib/python3.5/dist-packages/openpyn/openpyn.py", line 713, in connect + openvpn_options.split(), check=True) AttributeError: 'NoneType' object has no attribute 'split'
Traceback (most recent call last): "/usr/src/app/homeassistant/helpers/entity.py", line 225, in async_update_ha_state self._async_write_ha_state() "/usr/src/app/homeassistant/helpers/entity.py", line 256, in _async_write_ha_state device_attr = self.device_state_attributes "/usr/src/app/homeassistant/components/metoffice/sensor.py", line 166, in device_state_attributes attr[ATTR_LAST_UPDATE] = self.data.data.date AttributeError: 'NoneType' object has no attribute 'date'
0.620327
[!] Traceback (most recent call last): "lazagne\softwares\browsers\mozilla.py", line 398, in is_master_password_correct AttributeError: 'Sequence' object has no attribute 'asOctets'
Traceback (most recent call last): "C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\tornado\ioloop.py", line 907, in _run return self.callback() "C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\distributed\nanny.py", line 414, in memory_monitor process = self.process.process AttributeError: 'NoneType' object has no attribute 'process'
0.647881
Traceback (most recent call last): "tools/train.py", line 82, in <module> main() "tools/train.py", line 70, in main train_dataset = get_dataset(cfg.data.train) "/home/liuhaoxu/anaconda3/lib/python3.6/site-packages/mmdet-0.5.4+unknown-py3.6.egg/mmdet/datasets/utils.py", line 114, in get_dataset dset = obj_from_dict(data_info, datasets) "/home/liuhaoxu/anaconda3/lib/python3.6/site-packages/mmcv-0.2.1-py3.6.egg/mmcv/runner/utils.py", line 72, in obj_from_dict return obj_type(**args) TypeError: __init__() got an unexpected keyword argument 'ann_file'
Traceback (most recent call last): "/usr/local/lib/python3.5/dist-packages/flask/app.py", line 1997, in __call__ return self.wsgi_app(environ, start_response) "/usr/local/lib/python3.5/dist-packages/flask/app.py", line 1985, in wsgi_app response = self.handle_exception(e) "/usr/local/lib/python3.5/dist-packages/flask/app.py", line 1540, in handle_exception reraise(exc_type, exc_value, tb) "/usr/local/lib/python3.5/dist-packages/flask/_compat.py", line 33, in reraise raise value "/usr/local/lib/python3.5/dist-packages/flask/app.py", line 1982, in wsgi_app response = self.full_dispatch_request() "/usr/local/lib/python3.5/dist-packages/flask/app.py", line 1614, in full_dispatch_request rv = self.handle_user_exception(e) "/usr/local/lib/python3.5/dist-packages/flask/app.py", line 1517, in handle_user_exception reraise(exc_type, exc_value, tb) "/usr/local/lib/python3.5/dist-packages/flask/_compat.py", line 33, in reraise raise value "/usr/local/lib/python3.5/dist-packages/flask/app.py", line 1610, in full_dispatch_request rv = self.preprocess_request() "/usr/local/lib/python3.5/dist-packages/flask/app.py", line 1831, in preprocess_request rv = func() "/usr/local/lib/python3.5/dist-packages/flask_limiter/extension.py", line 434, in __check_request_limit six.reraise(*sys.exc_info()) "/usr/local/lib/python3.5/dist-packages/six.py", line 686, in reraise raise value "/usr/local/lib/python3.5/dist-packages/flask_limiter/extension.py", line 399, in __check_request_limit if not self.limiter.hit(lim.limit, *filter(None, [self._key_prefix, limit_key, limit_scope])): "/usr/local/lib/python3.5/dist-packages/limits/strategies.py", line 124, in hit self.storage().incr(item.key_for(*identifiers), item.get_expiry()) "/usr/local/lib/python3.5/dist-packages/limits/limits.py", line 74, in key_for str(self.amount), str(self.multiples), self.granularity[1] TypeError: sequence item 0: expected str instance, bytes found
0.568168
Traceback (most recent call last): "/usr/local/bin/intelmqctl", line 11, in <module> load_entry_point('intelmq', 'console_scripts', 'intelmqctl')() "/home/sebastianw/dev/intelmq/intelmq/bin/intelmqctl.py", line 1899, in main return x.run() "/home/sebastianw/dev/intelmq/intelmq/bin/intelmqctl.py", line 1041, in run retval, results = args.func(**args_dict) "/home/sebastianw/dev/intelmq/intelmq/bin/intelmqctl.py", line 1224, in list return self.list_queues(non_zero=non_zero, count=count) "/home/sebastianw/dev/intelmq/intelmq/bin/intelmqctl.py", line 1290, in list_queues pipeline = PipelineFactory.create(self.parameters, logger=self.logger) TypeError: create() got multiple values for argument 'logger'
Traceback (most recent call last): "<stdin>", line 1, in <module> TypeError: unbound method __new__() must be called with local instance as first argument (got type instance instead)
0.539174
2018-05-08T13:56:43:ERROR:localstack.services.generic_proxy: Error forwarding request: 'Records' Traceback (most recent call last): "/opt/code/localstack/localstack/services/generic_proxy.py", line 215, in forward updated_response = self.proxy.update_listener.return_response(**kwargs) "/opt/code/localstack/localstack/services/kinesis/kinesis_listener.py", line 49, in return_response response_records = response_body['Records'] KeyError: 'Records'
Traceback (most recent call last): "/home/v-chenqy/.pyenv/versions/py37/lib/python3.7/site-packages/nni/msg_dispatcher_base.py", line 90, in command_queue_worker self.process_command(command, data) "/home/v-chenqy/.pyenv/versions/py37/lib/python3.7/site-packages/nni/msg_dispatcher_base.py", line 149, in process_command command_handlers[command](data) "/home/v-chenqy/.pyenv/versions/py37/lib/python3.7/site-packages/nni/hyperband_advisor/hyperband_advisor.py", line 367, in handle_trial_end self._handle_trial_end(hyper_params['parameter_id']) "/home/v-chenqy/.pyenv/versions/py37/lib/python3.7/site-packages/nni/hyperband_advisor/hyperband_advisor.py", line 351, in _handle_trial_end hyper_configs = self.brackets[int(bracket_id)].inform_trial_end(int(i)) "/home/v-chenqy/.pyenv/versions/py37/lib/python3.7/site-packages/nni/hyperband_advisor/hyperband_advisor.py", line 202, in inform_trial_end params = self.hyper_configs[i][params_id] KeyError: '1_0_27'
0.497513
Traceback (most recent call last): "/usr/local/bin/acdcli", line 9, in <module> load_entry_point('acdcli==0.3.2', 'console_scripts', 'acdcli')() "/usr/local/bin/acd_cli.py", line 1679, in main ret = args.func(args) "/usr/local/bin/acd_cli.py", line 1154, in mount_action volname=args.volname) "/usr/local/lib/python3.4/dist-packages/acdcli/acd_fuse.py", line 719, in mount FUSE(ACDFuse(**args), path, subtype=ACDFuse.__name__, **kwargs) "/usr/local/lib/python3.4/dist-packages/fuse.py", line 480, in __init__ raise RuntimeError(err) RuntimeError: 1
Traceback (most recent call last): "test.py", line 16, in <module> import encoding.utils as utils "/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/__init__.py", line 13, in <module> from . import nn, functions, dilated, parallel, utils, models, datasets "/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/nn/__init__.py", line 12, in <module> from .encoding import * "/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/nn/encoding.py", line 19, in <module> from ..functions import scaledL2, aggregate, pairwise_cosine "/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/functions/__init__.py", line 2, in <module> from .encoding import * "/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/functions/encoding.py", line 14, in <module> from .. import lib "/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/lib/__init__.py", line 12, in <module> ], build_directory=cpu_path, verbose=False) "/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 645, in load is_python_module) "/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 814, in _jit_compile with_cuda=with_cuda) "/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 863, in _write_ninja_file_and_build _build_extension_module(name, build_directory, verbose) "/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 959, in _build_extension_module raise RuntimeError(message) RuntimeError: Error building extension 'enclib_cpu': b"[1/2] c++ -MMD -MF roi_align_cpu.o.d -DTORCH_EXTENSION_NAME=enclib_cpu -DTORCH_API_INCLUDE_EXTENSION_H -isystem /home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/torch/lib/include -isystem /home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/torch/lib/include/torch/csrc/api/include -isystem /home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/torch/lib/include/TH -isystem /home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/torch/lib/include/THC -isystem /home/xieke/anaconda3/envs/pt_source/include/python3.6m -fPIC -std=c++11 -c /home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/lib/cpu/roi_align_cpu.cpp -o roi_align_cpu.o\nFAILED: roi_align_cpu.o \nc++ -MMD -MF roi_align_cpu.o.d -DTORCH_EXTENSION_NAME=enclib_cpu -DTORCH_API_INCLUDE_EXTENSION_H -isystem /home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/torch/lib/include -isystem /home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/torch/lib/include/torch/csrc/api/include -isystem /home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/torch/lib/include/TH -isystem /home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/torch/lib/include/THC -isystem /home/xieke/anaconda3/envs/pt_source/include/python3.6m -fPIC -std=c++11 -c /home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/lib/cpu/roi_align_cpu.cpp -o roi_align_cpu.o\n/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/lib/cpu/roi_align_cpu.cpp: In function 'at::Tensor ROIAlignForwardCPU(const at::Tensor&, const at::Tensor&, int64_t, int64_t, double, int64_t)':\n/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/lib/cpu/roi_align_cpu.cpp:407:30: error: 'struct at::Type' has no member named 'tensor'\n auto output = input.type().tensor({num_rois, channels, pooled_height, pooled_width});\n ^\nIn file included from /home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/torch/lib/include/ATen/ATen.h:9:0,\n from /home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/lib/cpu/roi_align_cpu.cpp:1:\n/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/lib/cpu/roi_align_cpu.cpp: In lambda function:\n/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/lib/cpu/roi_align_cpu.cpp:425:27: error: expected primary-expression before '>' token\n output.data<scalar_t>());\n ^\n/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/lib/cpu/roi_align_cpu.cpp:425:29: error: expected primary-expression before ')' token\n output.data<scalar_t>());\n ^\n/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/lib/cpu/roi_align_cpu.cpp: In lambda function:\n/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/lib/cpu/roi_align_cpu.cpp:425:27: error: expected primary-expression before '>' token\n output.data<scalar_t>());\n ^\n/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/lib/cpu/roi_align_cpu.cpp:425:29: error: expected primary-expression before ')' token\n output.data<scalar_t>());\n ^\n/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/lib/cpu/roi_align_cpu.cpp: In function 'at::Tensor ROIAlignBackwardCPU(const at::Tensor&, const at::Tensor&, int64_t, int64_t, int64_t, int64_t, int64_t, int64_t, double, int64_t)':\n/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/lib/cpu/roi_align_cpu.cpp:454:37: error: 'struct at::Type' has no member named 'tensor'\n auto grad_in = bottom_rois.type().tensor({b_size, channels, height, width}).zero_(); \n ^\nIn file included from /home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/torch/lib/include/ATen/ATen.h:9:0,\n from /home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/lib/cpu/roi_align_cpu.cpp:1:\n/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/lib/cpu/roi_align_cpu.cpp: In lambda function:\n/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/lib/cpu/roi_align_cpu.cpp:470:28: error: expected primary-expression before '>' token\n grad_in.data<scalar_t>(),\n ^\n/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/lib/cpu/roi_align_cpu.cpp:470:30: error: expected primary-expression before ')' token\n grad_in.data<scalar_t>(),\n ^\n/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/lib/cpu/roi_align_cpu.cpp: In lambda function:\n/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/lib/cpu/roi_align_cpu.cpp:470:28: error: expected primary-expression before '>' token\n grad_in.data<scalar_t>(),\n ^\n/home/xieke/anaconda3/envs/pt_source/lib/python3.6/site-packages/encoding/lib/cpu/roi_align_cpu.cpp:470:30: error: expected primary-expression before ')' token\n grad_in.data<scalar_t>(),\n ^\nninja: build stopped: subcommand failed.\n"
0.552477
Traceback (most recent call last): "/usr/lib/python3.9/site-packages/libqtile/widget/base.py", line 534, in on_done self.update(result) "/usr/lib/python3.9/site-packages/libqtile/widget/base.py", line 550, in update old_width = self.layout.width "/usr/lib/python3.9/site-packages/libqtile/drawer.py", line 80, in width return self.layout.get_pixel_size()[0] "/usr/lib/python3.9/site-packages/libqtile/pangocffi.py", line 132, in get_pixel_size pango.pango_layout_get_pixel_size(self._pointer, width, height) TypeError: initializer for ctype 'PangoLayout *' must be a cdata pointer, not NoneType
Traceback (most recent call last): "/usr/lib/python3.5/threading.py", line 914, in _bootstrap_inner self.run() "/opt/frigate/frigate/object_detection.py", line 55, in run self.cameras[frame['camera_name']].add_objects(parsed_objects) "/opt/frigate/frigate/video.py", line 219, in add_objects y_location = min(int(obj['ymax']), len(self.mask)-1) TypeError: object of type 'NoneType' has no len()
0.546959
Traceback (most recent call last): "/tmp/portage/dev-python/hypothesis-5.43.4/work/hypothesis-hypothesis-python-5.43.4/hypothesis-python-python3_9/tests/cover/test_unittest.py", line 75, in test_subTest_no_self fname = testdir.makefile("tests.py", SUBTEST_SUITE) "/usr/lib/python3.9/site-packages/_pytest/pytester.py", line 1547, in makefile return py.path.local(str(self._pytester.makefile(ext, *args, **kwargs))) "/usr/lib/python3.9/site-packages/_pytest/pytester.py", line 788, in makefile return self._makefile(ext, args, kwargs) "/usr/lib/python3.9/site-packages/_pytest/pytester.py", line 756, in _makefile p = self.path.joinpath(basename).with_suffix(ext) "/usr/lib/python3.9/pathlib.py", line 889, in with_suffix raise ValueError("Invalid suffix %r" % (suffix)) ValueError: Invalid suffix 'tests.py'
Traceback (most recent call last): "code/run_pretrain.py", line 423, in <module> main() "code/run_pretrain.py", line 320, in main loss, original_loss = model(input_ids, segment_ids, input_mask, masked_lm_labels, input_ent.half(), ent_mask, next_sentence_label, ent_candidate.half(), ent_labels) ".local/lib/python3.6/site-packages/torch/nn/modules/module.py", line 493, in __call__ result = self.forward(*input, **kwargs) "ERNIE/code/knowledge_bert/modeling.py", line 839, in forward next_sentence_loss = loss_fct(seq_relationship_score.view(-1, 2), next_sentence_label.view(-1)) "local/lib/python3.6/site-packages/torch/nn/modules/module.py", line 493, in __call__ result = self.forward(*input, **kwargs) ".local/lib/python3.6/site-packages/torch/nn/modules/loss.py", line 942, in forward ignore_index=self.ignore_index, reduction=self.reduction) "local/lib/python3.6/site-packages/torch/nn/functional.py", line 2056, in cross_entropy return nll_loss(log_softmax(input, 1), target, weight, None, ignore_index, None, reduction) "local/lib/python3.6/site-packages/torch/nn/functional.py", line 1869, in nll_loss .format(input.size(0), target.size(0))) ValueError: Expected input batch_size (32) to match target batch_size (24608).
0.531128
Traceback (most recent call last): "/usr/local/lib/python3.6/site-packages/logbook/handlers.py", line 216, in handle self.emit(record) "/usr/local/lib/python3.6/site-packages/dbt/logger.py", line 461, in emit 'too many messages received before initilization!' AssertionError: too many messages received before initilization!
Traceback (most recent call last): "/usr/local/lib/python3.6/asyncio/events.py", line 126, in _run self._callback(*self._args) "/usr/local/lib/python3.6/asyncio/selector_events.py", line 731, in _read_ready self._protocol.data_received(data) "/usr/local/lib/python3.6/asyncio/streams.py", line 253, in data_received self._stream_reader.feed_data(data) "/usr/local/lib/python3.6/asyncio/streams.py", line 413, in feed_data assert not self._eof, 'feed_data after feed_eof' AssertionError: feed_data after feed_eof
0.530836
Traceback (most recent call last): "LANs.py", line 1597, in <module> LANsMain(args) "LANs.py", line 182, in LANsMain au.users(IPprefix, routerIP) "LANs.py", line 1080, in users sniff(iface=self.monmode, prn=self.pkt_cb, store=0) "/usr/local/lib/python2.7/dist-packages/scapy/sendrecv.py", line 731, in sniff *arg, **karg)] = iface "/usr/local/lib/python2.7/dist-packages/scapy/arch/linux.py", line 591, in __init__ _flush_fd(self.ins) "/usr/local/lib/python2.7/dist-packages/scapy/arch/linux.py", line 395, in _flush_fd os.read(fd,MTU) OSError: [Errno 100] Network is down
Traceback (most recent call last): "/usr/bin/virtualenv", line 11, in <module> sys.exit(main()) "/usr/lib/python2.7/site-packages/virtualenv.py", line 713, in main symlink=options.symlink) "/usr/lib/python2.7/site-packages/virtualenv.py", line 925, in create_environment site_packages=site_packages, clear=clear, symlink=symlink)) "/usr/lib/python2.7/site-packages/virtualenv.py", line 1132, in install_python copy_required_modules(home_dir, symlink) "/usr/lib/python2.7/site-packages/virtualenv.py", line 1063, in copy_required_modules copyfile(filename, dst_filename, symlink) "/usr/lib/python2.7/site-packages/virtualenv.py", line 343, in copyfile os.makedirs(os.path.dirname(dest)) "/usr/lib64/python2.7/os.py", line 157, in makedirs mkdir(name, mode) OSError: [Errno 2] No such file or directory: '/app/venv/lib64/python2.7'
0.56112
Traceback (most recent call last): "<stdin>", line 1, in <module> "/home/vm-user/test/lib/python2.7/site-packages/zmq/__init__.py", line 49, in <module> from zmq.backend import * "/home/vm-user/test/lib/python2.7/site-packages/zmq/backend/__init__.py", line 41, in <module> reraise(*exc_info) "/home/vm-user/test/lib/python2.7/site-packages/zmq/backend/__init__.py", line 29, in <module> _ns = select_backend(first) "/home/vm-user/test/lib/python2.7/site-packages/zmq/backend/select.py", line 26, in select_backend mod = __import__(name, fromlist=public_api) "/home/vm-user/test/lib/python2.7/site-packages/zmq/backend/cython/__init__.py", line 6, in <module> from . import (constants, error, message, context, ImportError: /home/vm-user/test/lib/python2.7/site-packages/zmq/backend/cython/utils.so: undefined symbol: zmq
Traceback (most recent call last): "jetson_stream.py", line 9, in <module> from object_detector_trt import ObjectDetectorTRT "/home/nano/sc2.2/scripts/mobile_detector/object_detector_trt.py", line 5, in <module> from tf_trt_models.detection import download_detection_model, \ "/home/nano/.local/lib/python3.6/site-packages/tf_trt_models-0.0-py3.6.egg/tf_trt_models/detection.py", line 3, in <module> ImportError: cannot import name 'exporter'
0.668435
Traceback (most recent call last): "/home/jovyan/environments/word_emb/lib/python3.6/runpy.py", line 193, in _run_module_as_main "__main__", mod_spec) "/home/jovyan/environments/word_emb/lib/python3.6/runpy.py", line 85, in _run_code exec( code, run_globals) "/home/jovyan/environments/word_emb/lib/python3.6/site-packages/spacy/__main__.py", line 35, in <module> plac.call(commands[command], sys.argv[1:]) "/home/jovyan/environments/word_emb/lib/python3.6/site-packages/plac_core.py", line 328, in call cmd, result = parser;consume(arglist) "/home/jovyan/environments/word_emb/lib/python3.6/site-packages/plac_core.py", line 207, in consume return cmd, self.func(*(args + varargs + extraopts), **kwargs) "/home/jovyan/environments/word_emb/lib/python3.6/spacy/cli/train.py", line 219, in train components = _load_pretrained_tok2vec(nlp, init_tok2vec) "/home/jovyan/environments/word_emb/lib/python3.6/spacy/cli/train.py", line 417, in _load_pretrained_tok2vec component.tok2vec/from_bytes(weights_data) "/home/jovyan/environments/word_emb/lib/python3.6/think/neural/_classes/model.py", line 372, in from_bytes copy_array(dest, param[b"value"]) "/home/jovyan/environments/word_emb/lib/python3.6/think/neural/util.py", line 124, in copy_array(dest, param[b"value"]) ValueError: could not broadcast input array from shape (128) into shape (96)
Traceback (most recent call last): "adapt_sunpy_map.py", line 3, in <module> print(m) "/Users/dstansby/miniconda3/lib/python3.7/site-packages/sunpy/map/mapbase.py", line 262, in __repr__ coord=self.coordinate_frame, "/Users/dstansby/miniconda3/lib/python3.7/site-packages/sunpy/map/mapbase.py", line 320, in coordinate_frame return astropy.wcs.utils.wcs_to_celestial_frame(self.wcs) "/Users/dstansby/miniconda3/lib/python3.7/site-packages/astropy/wcs/utils.py", line 212, in wcs_to_celestial_frame raise ValueError("Could not determine celestial frame corresponding to " ValueError: Could not determine celestial frame corresponding to the specified WCS object
0.542265
Traceback (most recent call last): "/home/junhao/.local/bin/mmskl", line 6, in <module> exec(compile(open(__file__).read(), __file__, 'exec')) "/home/junhao/mmskeleton/tools/mmskl", line 68, in <module> main() "/home/junhao/mmskeleton/tools/mmskl", line 64, in main call_obj(**cfg.processor_cfg) "/home/junhao/mmskeleton/mmskeleton/utils/importer.py", line 20, in call_obj return import_obj(name)(**kwargs) "/home/junhao/mmskeleton/mmskeleton/processor/recognition.py", line 16, in test num_workers=workers) "/home/junhao/.local/lib/python3.5/site-packages/torch/utils/data/dataloader.py", line 219, in __init__ batch_sampler = BatchSampler(sampler, batch_size, drop_last) "/home/junhao/.local/lib/python3.5/site-packages/torch/utils/data/sampler.py", line 190, in __init__ "but got batch_size={}".format(batch_size)) ValueError: batch_size should be a positive integer value, but got batch_size=14
Traceback (most recent call last): "2_tf_local_inference_resnet.py", line 45, in <module> load_model_with_var() "2_tf_local_inference_resnet.py", line 36, in load_model_with_var result = sess.run(OUTPUT_TENSOR_NAME, feed_dict={INPUT_TENSOR_NAME: img}) "/usr/local/lib/python2.7/dist-packages/tensorflow/python/client/session.py", line 950, in run run_metadata_ptr) "/usr/local/lib/python2.7/dist-packages/tensorflow/python/client/session.py", line 1149, in _run str(subfeed_t.get_shape()))) ValueError: Cannot feed value of shape (1, 720, 498, 3) for Tensor u'input_tensor:0', which has shape '(?,)'
0.568317
Traceback (most recent call last): "/usr/bin/patronictl", line 11, in <module> load_entry_point('patroni==1.5.0', 'console_scripts', 'patronictl')() "/usr/lib64/python2.7/site-packages/click/core.py", line 764, in __call__ return self.main(*args, **kwargs) "/usr/lib64/python2.7/site-packages/click/core.py", line 717, in main rv = self.invoke(ctx) "/usr/lib64/python2.7/site-packages/click/core.py", line 1137, in invoke return _process_result(sub_ctx.command.invoke(sub_ctx)) "/usr/lib64/python2.7/site-packages/click/core.py", line 956, in invoke return ctx.invoke(self.callback, **ctx.params) "/usr/lib64/python2.7/site-packages/click/core.py", line 555, in invoke return callback(*args, **kwargs) "/usr/lib64/python2.7/site-packages/click/decorators.py", line 27, in new_func return f(get_current_context().obj, *args, **kwargs) "/usr/lib/python2.7/site-packages/patroni/ctl.py", line 1114, in edit_config before_editing = format_config_for_editing(cluster.config.data) AttributeError: 'NoneType' object has no attribute 'data'
Traceback (most recent call last): "main.py", line 69, in <module> torchvision.utils.save_image(fixed_x.data.cpu(), './data/real_images.png') AttributeError: 'torch.FloatTensor' object has no attribute 'data'
0.656207
E AssertionError: Traceback (most recent call last): E "grid.pyi", line 1798, in <module>
Traceback (most recent call last): "/Users/user_path/faceswap/lib/multithreading.py", line 266, in _runner target(*args, **kwargs) "/Users/user_path/faceswap/lib/training_data.py", line 90, in load_batches self.validate_samples(images) "/Users/user_path/faceswap/lib/training_data.py", line 125, in validate_samples assert length >= self.batchsize, msg AssertionError: Number of images is lower than batch-size (Note that too few images may lead to bad training). # images: 7, batch-size: 8
0.459129
Traceback (most recent call last): "train.py", line 381, in <module> main() "train.py", line 333, in main model.load_weights(args.snapshot, by_name=True) "/tensorflow-1.15.0/python3.6/tensorflow_core/python/keras/engine/training.py", line 182, in load_weights return super(Model, self).load_weights(filepath, by_name) "/tensorflow-1.15.0/python3.6/tensorflow_core/python/keras/engine/network.py", line 1371, in load_weights saving.load_weights_from_hdf5_group_by_name(f, self.layers) "/tensorflow-1.15.0/python3.6/tensorflow_core/python/keras/saving/hdf5_format.py", line 745, in load_weights_from_hdf5_group_by_name str(len(weight_values)) + ' element(s).') ValueError: Layer #334 (named "fpn_cells/cell_0/fnode0/add") expects 0 weight(s), but the saved weights have 1 element(s).
Traceback (most recent call last): "<stdin>", line 1, in <module> "/Users/frazer/.pyenv/versions/venv/lib/python3.7/site-packages/werkzeug/wrappers/base_response.py", line 202, in __init__ self.status = status "/Users/frazer/.pyenv/versions/venv/lib/python3.7/site-packages/werkzeug/wrappers/base_response.py", line 319, in _set_status raise ValueError("Empty status argument") ValueError: Empty status argument
0.565318
Traceback (most recent call last): "/usr/lib/python3.6/wsgiref/handlers.py", line 141, in run self.handle_error() "/usr/lib/python3.6/wsgiref/handlers.py", line 368, in handle_error self.finish_response() "/usr/lib/python3.6/wsgiref/handlers.py", line 180, in finish_response self.write(data) "/usr/lib/python3.6/wsgiref/handlers.py", line 274, in write self.send_headers() "/usr/lib/python3.6/wsgiref/handlers.py", line 331, in send_headers if not self.origin_server or self.client_is_modern(): "/usr/lib/python3.6/wsgiref/handlers.py", line 344, in client_is_modern return self.environ['SERVER_PROTOCOL'].upper() != 'HTTP/0.9' TypeError: 'NoneType' object is not subscriptable
Traceback (most recent call last): "web_demo.py", line 92, in <module> multiplier, oriImg, model, 'rtpose') TypeError: get_outputs() takes 3 positional arguments but 4 were given"
0.593619
Traceback (most recent call last): "/Users/lihui/Code/dubhe/bentomlTest/server.py", line 7, in <module> bentoml.cli.cli() "/Users/lihui/opt/miniconda3/envs/dubhe/lib/python3.8/site-packages/click/core.py", line 829, in __call__ return self.main(*args, **kwargs) "/Users/lihui/opt/miniconda3/envs/dubhe/lib/python3.8/site-packages/click/core.py", line 782, in main rv = self.invoke(ctx) "/Users/lihui/opt/miniconda3/envs/dubhe/lib/python3.8/site-packages/click/core.py", line 1259, in invoke return _process_result(sub_ctx.command.invoke(sub_ctx)) "/Users/lihui/opt/miniconda3/envs/dubhe/lib/python3.8/site-packages/click/core.py", line 1066, in invoke return ctx.invoke(self.callback, **ctx.params) "/Users/lihui/opt/miniconda3/envs/dubhe/lib/python3.8/site-packages/click/core.py", line 610, in invoke return callback(*args, **kwargs) "/Users/lihui/opt/miniconda3/envs/dubhe/lib/python3.8/site-packages/bentoml/cli/click_utils.py", line 138, in wrapper return func(*args, **kwargs) "/Users/lihui/opt/miniconda3/envs/dubhe/lib/python3.8/site-packages/bentoml/cli/click_utils.py", line 115, in wrapper return_value = func(*args, **kwargs) "/Users/lihui/opt/miniconda3/envs/dubhe/lib/python3.8/site-packages/bentoml/cli/click_utils.py", line 99, in wrapper return func(*args, **kwargs) "/Users/lihui/opt/miniconda3/envs/dubhe/lib/python3.8/site-packages/bentoml/cli/bento_service.py", line 243, in serve start_dev_server(saved_bundle_path, port, enable_microbatch, run_with_ngrok) "/Users/lihui/opt/miniconda3/envs/dubhe/lib/python3.8/site-packages/bentoml/server/__init__.py", line 76, in start_dev_server marshal_server.async_start(port=port) "/Users/lihui/opt/miniconda3/envs/dubhe/lib/python3.8/site-packages/bentoml/marshal/marshal.py", line 298, in async_start marshal_proc.start() "/Users/lihui/opt/miniconda3/envs/dubhe/lib/python3.8/multiprocessing/process.py", line 121, in start self._popen = self._Popen(self) "/Users/lihui/opt/miniconda3/envs/dubhe/lib/python3.8/multiprocessing/context.py", line 224, in _Popen return _default_context.get_context().Process._Popen(process_obj) "/Users/lihui/opt/miniconda3/envs/dubhe/lib/python3.8/multiprocessing/context.py", line 284, in _Popen return Popen(process_obj) "/Users/lihui/opt/miniconda3/envs/dubhe/lib/python3.8/multiprocessing/popen_spawn_posix.py", line 32, in __init__ super().__init__(process_obj) "/Users/lihui/opt/miniconda3/envs/dubhe/lib/python3.8/multiprocessing/popen_fork.py", line 19, in __init__ self._launch(process_obj) "/Users/lihui/opt/miniconda3/envs/dubhe/lib/python3.8/multiprocessing/popen_spawn_posix.py", line 47, in _launch reduction.dump(process_obj, fp) "/Users/lihui/opt/miniconda3/envs/dubhe/lib/python3.8/multiprocessing/reduction.py", line 60, in dump ForkingPickler(file, protocol).dump(obj) AttributeError: Can't pickle local object 'metrics_patch.<locals>._MarshalService'
Traceback (most recent call last): "./cmd.py", line 16, in <module> print device.Shell('echo %d' % i) "/usr/local/lib/python2.7/site-packages/adb/adb_commands.py", line 227, in Shell timeout_ms=timeout_ms) "/usr/local/lib/python2.7/site-packages/adb/adb_protocol.py", line 369, in Command return ''.join(cls.StreamingCommand(usb, service, command, timeout_ms)) "/usr/local/lib/python2.7/site-packages/adb/adb_protocol.py", line 394, in StreamingCommand for data in connection.ReadUntilClose(): AttributeError: 'NoneType' object has no attribute 'ReadUntilClose'
0.586418
Traceback (most recent call last): "/data/home-data/Projects/project_rooster/armoryengine/ArmoryUtils.py", line 1172, in <module> SystemSpecs = GetSystemDetails() "/data/home-data/Projects/project_rooster/armoryengine/ArmoryUtils.py", line 1167, in GetSystemDetails out.HddAvailB = getHddSize(BTC_HOME_DIR) / (1024**3) "/data/home-data/Projects/project_rooster/armoryengine/ArmoryUtils.py", line 1164, in getHddSize s = os.statvfs(adir) OSError: [Errno 2] No such file or directory: '/home/user/.bitcoin/'
Traceback (most recent call last): "C:\Python27\Lib\site-packages\rpyc\core\protocol.py", line 305, in _dispatch_request "C:\Python27\Lib\site-packages\rpyc\core\protocol.py", line 535, in _handle_call "pupwinutils/security.py", line 409, in getsystem "pupwinutils/security.py", line 401, in create_proc_as_sid OSError: You need admin rights to run getsystem !
0.621937
Traceback (most recent call last): "[...]/foo.py", line 3, in <module> class Foo(pydantic.BaseSettings, env_prefix='BAR_'): "[...]/lib/python3.9/site-packages/pydantic/main.py", line 361, in __new__ cls = super().__new__(mcs, name, bases, new_namespace, **kwargs) "/nix/store/cdifcrgj5phbvspzs02yglz35qql4i1x-python3-3.9.2/lib/python3.9/abc.py", line 85, in __new__ cls = super().__new__(mcls, name, bases, namespace, **kwargs) TypeError: Foo.__init_subclass__() takes no keyword arguments
Traceback (most recent call last): "/usr/local/lib/python3.9/site-packages/uvicorn/protocols/http/httptools_impl.py", line 396, in run_asgi result = await app(self.scope, self.receive, self.send) "/usr/local/lib/python3.9/site-packages/uvicorn/middleware/proxy_headers.py", line 45, in __call__ return await self.app(scope, receive, send) "/usr/local/lib/python3.9/site-packages/engineio/async_drivers/asgi.py", line 54, in __call__ await self.engineio_server.handle_request(scope, receive, send) "/usr/local/lib/python3.9/site-packages/socketio/asyncio_server.py", line 356, in handle_request return await self.eio.handle_request(*args, **kwargs) "/usr/local/lib/python3.9/site-packages/engineio/asyncio_server.py", line 191, in handle_request environ = translate_request(*args, **kwargs) TypeError: translate_request() takes 1 positional argument but 3 were given
0.554421
Traceback (most recent call last): "<stdin>", line 1, in <module> AttributeError: module 'numpy' has no attribute 'ninf'
Traceback (most recent call last): "/home/giuse/.local/share/virtualenvs/des-htl_CtVS/lib/python3.6/site-packages/ray/function_manager.py", line 424, in fetch_and_register_remote_function function = pickle.loads(serialized_function) AttributeError: Can't get attribute '__randomstate_ctor' on <module 'numpy.random._pickle' from '/home/giuse/.local/share/virtualenvs/des-htl_CtVS/lib/python3.6/site-packages/numpy/random/_pickle.py'>
0.590764
Traceback (most recent call last): "<stdin>", line 2, in <module> "cupy/_manipulation/join.py", line 57, in concatenate return core.concatenate_method(tup, axis, out) "cupy/core/_routines_manipulation.pyx", line 556, in cupy.core._routines_manipulation.concatenate_method "cupy/core/_routines_manipulation.pyx", line 612, in cupy.core._routines_manipulation.concatenate_method TypeError: Cannot cast scalar from dtype('int64') to dtype('float32') according to the rule 'same_kind'
Traceback (most recent call last): "/home/kali/routersploit/routersploit/interpreter.py", line 389, in command_run self.current_module.run() "/home/kali/routersploit/routersploit/modules/exploits/routers/billion/billion_7700nr4_password_disclosure.py", line 56, in run print_table(("Login", "Password"), *creds) "/home/kali/routersploit/routersploit/core/exploit/printer.py", line 137, in print_table "{:<{}}".format(element, fill[idx]) TypeError: unsupported format string passed to bytes.__format__
0.536786
Traceback (most recent call last): "/usr/local/bin/isign", line 4, in <module> from isign import isign "/usr/local/lib/python2.7/dist-packages/isign/isign.py", line 1, in <module> import archive "/usr/local/lib/python2.7/dist-packages/isign/archive.py", line 8, in <module> from bundle import App, Bundle, is_info_plist_native "/usr/local/lib/python2.7/dist-packages/isign/bundle.py", line 20, in <module> from signer import openssl_command "/usr/local/lib/python2.7/dist-packages/isign/signer.py", line 14, in <module> from OpenSSL import crypto "/usr/local/lib/python2.7/dist-packages/OpenSSL/__init__.py", line 8, in <module> from OpenSSL import rand, crypto, SSL "/usr/local/lib/python2.7/dist-packages/OpenSSL/SSL.py", line 118, in <module> SSL_ST_INIT = _lib.SSL_ST_INIT AttributeError: 'module' object has no attribute 'SSL_ST_INIT'
Traceback (most recent call last): "main.py", line 56, in <module> main(args, cfg) "main.py", line 32, in main trainer = Trainer(cfg) "/root/paddlejob/workspace/code/PaddleGAN/ppgan/engine/trainer.py", line 80, in __init__ self.distributed_data_parallel() "/root/paddlejob/workspace/code/PaddleGAN/ppgan/engine/trainer.py", line 144, in distributed_data_parallel strategy = paddle.distributed.prepare_context() AttributeError: module 'paddle.distributed' has no attribute 'prepare_context'
0.642983
Traceback (most recent call last): "/home/alex/Downloads/lutris-next (5)/lutris-next/lutris/gui/sync.py", line 268, in on_page_change child.load_games() "/home/alex/Downloads/lutris-next (5)/lutris-next/lutris/gui/sync.py", line 210, in load_games self.games = self.service.load_games() AttributeError: module 'lutris.services.steam' has no attribute 'load_games'
[!] Traceback (most recent call last): "lazagne\softwares\browsers\mozilla.py", line 398, in is_master_password_correct AttributeError: 'Sequence' object has no attribute 'asOctets'
0.528514
Traceback (most recent call last): "<string>", line 1, in <module> "/private/var/folders/64/h98pzhnd31d0p5q4_3f_sxwr0000gp/T/pip-build-ME9jFL/pycrypto/setup.py", line 456, in <module> core.setup(**kw) "/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/distutils/core.py", line 151, in setup dist.run_commands() "/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/distutils/dist.py", line 953, in run_commands self.run_command(cmd) "/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/distutils/dist.py", line 972, in run_command cmd_obj.run() "/Users/brian.oh/Desktop/algo-master/env/lib/python2.7/site-packages/setuptools/command/install.py", line 61, in run return orig.install.run(self) "/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/distutils/command/install.py", line 573, in run self.run_command('build') "/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/distutils/cmd.py", line 326, in run_command self.distribution.run_command(command) "/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/distutils/dist.py", line 972, in run_command cmd_obj.run() "/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/distutils/command/build.py", line 127, in run self.run_command(cmd_name) "/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/distutils/cmd.py", line 326, in run_command self.distribution.run_command(command) "/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/distutils/dist.py", line 972, in run_command cmd_obj.run() "/private/var/folders/64/h98pzhnd31d0p5q4_3f_sxwr0000gp/T/pip-build-ME9jFL/pycrypto/setup.py", line 251, in run self.run_command(cmd_name) "/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/distutils/cmd.py", line 326, in run_command self.distribution.run_command(command) "/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/distutils/dist.py", line 972, in run_command cmd_obj.run() "/private/var/folders/64/h98pzhnd31d0p5q4_3f_sxwr0000gp/T/pip-build-ME9jFL/pycrypto/setup.py", line 278, in run raise RuntimeError("autoconf error") RuntimeError: autoconf error
Traceback (most recent call last): "main.py", line 470, in <module> main() "main.py", line 98, in main torch.cuda.set_device(args.local_rank) "/home/xxx/anaconda3/envs/asff/lib/python3.6/site-packages/torch/cuda/__init__.py", line 300, in set_device torch._C._cuda_setDevice(device) RuntimeError: cuda runtime error (101) : invalid device ordinal at /opt/conda/conda-bld/pytorch_1573049304260/work/torch/csrc/cuda/Module.cpp:37
0.544071
Traceback (most recent call last): "qt5-browser.py", line 12, in <module> "/usr/local/lib/python3.7/dist-packages/pyinstaller-4.0-py3.7.egg/PyInstaller/loader/pyimod03_impers.py", line 473, in exec_module bytecode = self.get_code(spec.loader_state) "/usr/local/lib/python3.7/dist-packages/pyinstaller-4.0-py3.7.egg/PyInstaller/loader/pyimod03_impers.py", line 306, in get_code ) from e ImportError: Loader FrozenImporter cannot handle module qt5Source
Traceback (most recent call last): "<string>", line 20, in <module> "/tmp/pip-build-Zr6dqL/nupic.bindings/setup.py", line 24, in <module> import numpy ImportError: No module named numpy
0.629637
Traceback (most recent call last): "LSTM1.py", line 32, in <module> model.train_on_batch(s1,y1) "/usr/lib/python2.7/site-packages/keras/models.py", line 933, in train_on_batch class_weight=class_weight) "/usr/lib/python2.7/site-packages/keras/engine/training.py", line 1614, in train_on_batch check_batch_axis=True) "/usr/lib/python2.7/site-packages/keras/engine/training.py", line 1307, in _stant's going on but I have an error. So could you please help me to figure it out?dardize_user_data _check_array_lengths(x, y, sample_weights) "/usr/lib/python2.7/site-packages/keras/engine/training.py", line 229, in _check_array_lengths 'and ' + str(list(set_y)[0]) + ' target samples.') ValueError: Input arrays should have the same number of samples as target arrays. Found 1 input samples and 3 target samples.
Traceback (most recent call last): "/usr/lib64/python2.7/runpy.py", line 162, in _run_module_as_main "__main__", fname, loader, pkg_name) "/usr/lib64/python2.7/runpy.py", line 72, in _run_code exec code in run_globals "/usr/lib/python2.7/site-packages/klaus/wsgi.py", line 2, in <module> from .app_args import get_args_from_env ValueError: Attempted relative import in non-package```
0.540596
Traceback (most recent call last): "mtrand.pyx", line 678, in mtrand.RandomState.seed TypeError: 'float' object cannot be interpreted as an integer
Traceback (most recent call last): "/usr/local/lib/python3.7/code.py", line 90, in runcode exec(code, self.locals) "<input>", line 1, in <module> TypeError: cat_to_opts() missing 1 required positional argument: 'cat'
0.443357
Traceback (most recent call last): "/usr/bin/s-tui", line 11, in <module> load_entry_point('s-tui==0.8.2', 'console_scripts', 's-tui')() "/usr/lib/python3/dist-packages/s_tui/s_tui.py", line 927, in main graph_controller = GraphController(args) "/usr/lib/python3/dist-packages/s_tui/s_tui.py", line 728, in __init__ self.view = GraphView(self) "/usr/lib/python3/dist-packages/s_tui/s_tui.py", line 233, in __init__ urwid.WidgetPlaceholder.__init__(self, self.main_window()) "/usr/lib/python3/dist-packages/s_tui/s_tui.py", line 552, in main_window self.controller.temp_thresh) "/usr/lib/python3/dist-packages/s_tui/Sources/TemperatureSource.py", line 54, in __init__ self.update() "/usr/lib/python3/dist-packages/s_tui/Sources/TemperatureSource.py", line 146, in update update_func(sensor, 0) "/usr/lib/python3/dist-packages/s_tui/Sources/TemperatureSource.py", line 93, in update_func Source.update(self) "/usr/lib/python3/dist-packages/s_tui/Sources/Source.py", line 28, in update self.eval_hooks() "/usr/lib/python3/dist-packages/s_tui/Sources/Source.py", line 68, in eval_hooks if self.get_edge_triggered(): "/usr/lib/python3/dist-packages/s_tui/Sources/TemperatureSource.py", line 190, in get_edge_triggered return self.last_temp > self.temp_thresh TypeError: '>' not supported between instances of 'float' and 'NoneType'
Traceback (most recent call last): "/home/david/projects/python/venvs/flask-realworld-example-app/lib/python3.6/site-packages/flask/app.py", line 2463, in __call__ return self.wsgi_app(environ, start_response) "/home/david/projects/python/venvs/flask-realworld-example-app/lib/python3.6/site-packages/flask/app.py", line 2449, in wsgi_app response = self.handle_exception(e) "/home/david/projects/python/venvs/flask-realworld-example-app/lib/python3.6/site-packages/flask/app.py", line 1866, in handle_exception reraise(exc_type, exc_value, tb) "/home/david/projects/python/venvs/flask-realworld-example-app/lib/python3.6/site-packages/flask/_compat.py", line 39, in reraise raise value "/home/david/projects/python/venvs/flask-realworld-example-app/lib/python3.6/site-packages/flask/app.py", line 2446, in wsgi_app response = self.full_dispatch_request() "/home/david/projects/python/venvs/flask-realworld-example-app/lib/python3.6/site-packages/flask/app.py", line 1951, in full_dispatch_request rv = self.handle_user_exception(e) "/home/david/projects/python/venvs/flask-realworld-example-app/lib/python3.6/site-packages/flask/app.py", line 1820, in handle_user_exception reraise(exc_type, exc_value, tb) "/home/david/projects/python/venvs/flask-realworld-example-app/lib/python3.6/site-packages/flask/_compat.py", line 39, in reraise raise value "/home/david/projects/python/venvs/flask-realworld-example-app/lib/python3.6/site-packages/flask/app.py", line 1949, in full_dispatch_request rv = self.dispatch_request() "/home/david/projects/python/venvs/flask-realworld-example-app/lib/python3.6/site-packages/flask/app.py", line 1935, in dispatch_request return self.view_functions[rule.endpoint](**req.view_args) "/home/david/projects/python/venvs/flask-realworld-example-app/lib/python3.6/site-packages/flask_jwt_extended/view_decorators.py", line 124, in wrapper return fn(*args, **kwargs) "/home/david/projects/python/venvs/flask-realworld-example-app/lib/python3.6/site-packages/flask_apispec/annotations.py", line 118, in wrapped return wrapper(*args, **kwargs) "/home/david/projects/python/venvs/flask-realworld-example-app/lib/python3.6/site-packages/flask_apispec/wrapper.py", line 32, in __call__ response = self.call_view(*args, **kwargs) "/home/david/projects/python/venvs/flask-realworld-example-app/lib/python3.6/site-packages/flask_apispec/wrapper.py", line 46, in call_view parsed = parser.parse(schema, locations=option['kwargs']['locations']) "/home/david/projects/python/venvs/flask-realworld-example-app/lib/python3.6/site-packages/webargs/core.py", line 369, in parse result = schema.load(parsed) "/home/david/projects/python/venvs/flask-realworld-example-app/lib/python3.6/site-packages/marshmallow/schema.py", line 684, in load data, many=many, partial=partial, unknown=unknown, postprocess=True "/home/david/projects/python/venvs/flask-realworld-example-app/lib/python3.6/site-packages/marshmallow/schema.py", line 785, in _do_load PRE_LOAD, data, many=many, original_data=data, partial=partial "/home/david/projects/python/venvs/flask-realworld-example-app/lib/python3.6/site-packages/marshmallow/schema.py", line 1014, in _invoke_load_processors partial=partial, "/home/david/projects/python/venvs/flask-realworld-example-app/lib/python3.6/site-packages/marshmallow/schema.py", line 1135, in _invoke_processors data = processor(data, many=many, **kwargs) TypeError: make_user() got an unexpected keyword argument 'many'
0.553601
`Traceback (most recent call last): |ETA: --:--:-- "stageI/run_exp.py", line 68, in <module> algo.train() "/home/ubuntu/gans/gans/stacked-gans/StackGAN/stageI/trainer.py", line 346, in train num_embedding) "/home/ubuntu/gans/gans/stacked-gans/StackGAN/misc/datasets.py", line 144, in next_batch sampled_images = self.transform(sampled_images) "/home/ubuntu/gans/gans/stacked-gans/StackGAN/misc/datasets.py", line 78, in transform images[i][w1: w1 + self._imsize, h1: h1 + self._imsize, :] TypeError: slice indices must be integers or None or have an __index__ method`
Traceback (most recent call last): "D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 721, in getImports return _getImports_pe(pth) "D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 109, in _getImports_pe import_dllnames_only=True, TypeError: parse_data_directories() got an unexpected keyword argument 'forwarded_exports_only'
0.514519
Traceback (most recent call last): "/home/lucius/GitHub/Ulauncher/setup.py", line 242, in <module> main() "/home/lucius/GitHub/Ulauncher/setup.py", line 192, in main DistUtilsExtra.auto.setup( "/usr/lib/python3.9/site-packages/DistUtilsExtra/auto.py", line 100, in setup distutils.core.setup(**attrs) "/usr/lib/python3.9/distutils/core.py", line 148, in setup dist.run_commands() "/usr/lib/python3.9/distutils/dist.py", line 966, in run_commands self.run_command(cmd) "/usr/lib/python3.9/distutils/dist.py", line 985, in run_command cmd_obj.run() "/home/lucius/GitHub/Ulauncher/setup.py", line 121, in run desktop_file = move_desktop_file(self.root, target_data, self.prefix) "/home/lucius/GitHub/Ulauncher/setup.py", line 51, in move_desktop_file old_desktop_path = os.path.normpath(root + target_data + '/share/applications') TypeError: unsupported operand type(s) for +: 'NoneType' and 'str'
Traceback (most recent call last): "/opt/sublime_text/sublime_plugin.py", line 685, in on_query_completions res = vel.on_query_completions(prefix, locations) "/home/richman/.config/sublime-text-3/Packages/Jedi - Python autocompletion/sublime_jedi/completion.py", line 158, in on_query_completions cplns = [tuple(x) for x in self._sort_completions(cplns)] "/home/richman/.config/sublime-text-3/Packages/Jedi - Python autocompletion/sublime_jedi/completion.py", line 174, in _sort_completions key=lambda x: ( TypeError: 'NoneType' object is not iterable
0.630284
Traceback (most recent call last): "D:\tools\XX-Net-3.7.9\code\default\python27\1.0\lib\threading.py", line 801, in __bootstrap_inner self.run() "D:\tools\XX-Net-3.7.9\code\default\python27\1.0\lib\threading.py", line 754, in run self.__target(*self.__args, **self.__kwargs) "D:\tools\XX-Net-3.7.9\code\default\gae_proxy\local\google_ip.py", line 652, in scan_ip_worker xlog.exception("google_ip.runJob fail:%r", e) AttributeError: 'NoneType' object has no attribute 'exception'
Traceback (most recent call last): "/usr/bin/salt-call", line 11, in <module> salt_call() "/usr/lib/python2.7/site-packages/salt/scripts.py", line 410, in salt_call client.run() "/usr/lib/python2.7/site-packages/salt/cli/call.py", line 57, in run caller.run() "/usr/lib/python2.7/site-packages/salt/cli/caller.py", line 134, in run ret = self.call() "/usr/lib/python2.7/site-packages/salt/cli/caller.py", line 212, in call ret['return'] = func(*args, **kwargs) "/usr/lib/python2.7/site-packages/salt/modules/state.py", line 763, in apply_ return sls(mods, **kwargs) "/usr/lib/python2.7/site-packages/salt/modules/state.py", line 1313, in sls high_, errors = st_.render_highstate({opts['saltenv']: mods}) "/usr/lib/python2.7/site-packages/salt/state.py", line 3779, in render_highstate sls, saltenv, mods, matches) "/usr/lib/python2.7/site-packages/salt/state.py", line 3431, in render_state state_data = self.client.get_state(sls, saltenv) "/usr/lib/python2.7/site-packages/salt/fileclient.py", line 414, in get_state dest = self.cache_file(path, saltenv, cachedir=cachedir) "/usr/lib/python2.7/site-packages/salt/fileclient.py", line 196, in cache_file path, '', True, saltenv, cachedir=cachedir, source_hash=source_hash) "/usr/lib/python2.7/site-packages/salt/fileclient.py", line 518, in get_url result = self.get_file(url, dest, makedirs, saltenv, cachedir=cachedir) "/usr/lib/python2.7/site-packages/salt/fileclient.py", line 1133, in get_file rel_path, saltenv, cachedir=cachedir) as cache_dest: "/usr/lib64/python2.7/contextlib.py", line 17, in __enter__ return self.gen.next() "/usr/lib/python2.7/site-packages/salt/fileclient.py", line 147, in _cache_loc path) "/usr/lib/python2.7/site-packages/salt/utils/path.py", line 301, in join parts = [pathlib.normpath(p) for p in parts] "/usr/lib64/python2.7/posixpath.py", line 327, in normpath initial_slashes = path.startswith('/') AttributeError: 'int' object has no attribute 'startswith'
0.645776
Traceback (most recent call last): "/conda/lib/python2.7/site-packages/conda/exceptions.py", line 616, in conda_exception_handler return_value = func(*args, **kwargs) "/conda/lib/python2.7/site-packages/conda_env/cli/main_create.py", line 112, in execute installer.install(prefix, pkg_specs, args, env) "/conda/lib/python2.7/site-packages/conda_env/installers/pip.py", line 8, in install pip_cmd = pip_args(prefix) + ['install', ] + specs TypeError: unsupported operand type(s) for +: 'NoneType' and 'list'
Traceback (most recent call last): "test2.py", line 6, in <module> node1 - Edge(color="red", minlen=2.0) - node2 "/Users/yu/anaconda2/envs/python3.7/lib/python3.7/site-packages/diagrams/__init__.py", line 447, in __sub__ return self.connect(other) "/Users/yu/anaconda2/envs/python3.7/lib/python3.7/site-packages/diagrams/__init__.py", line 493, in connect return self.node.connect(other, self) "/Users/yu/anaconda2/envs/python3.7/lib/python3.7/site-packages/diagrams/__init__.py", line 385, in connect self._diagram.connect(self, node, edge) "/Users/yu/anaconda2/envs/python3.7/lib/python3.7/site-packages/diagrams/__init__.py", line 168, in connect self.dot.edge(node.hashid, node2.hashid, **edge.attrs) "/Users/yu/anaconda2/envs/python3.7/lib/python3.7/site-packages/graphviz/dot.py", line 146, in edge attr_list = self._attr_list(label, attrs, _attributes) "/Users/yu/anaconda2/envs/python3.7/lib/python3.7/site-packages/graphviz/lang.py", line 126, in attr_list content = a_list(label, kwargs, attributes) "/Users/yu/anaconda2/envs/python3.7/lib/python3.7/site-packages/graphviz/lang.py", line 100, in a_list for k, v in tools.mapping_items(kwargs) if v is not None] "/Users/yu/anaconda2/envs/python3.7/lib/python3.7/site-packages/graphviz/lang.py", line 100, in <listcomp> for k, v in tools.mapping_items(kwargs) if v is not None] "/Users/yu/anaconda2/envs/python3.7/lib/python3.7/site-packages/graphviz/lang.py", line 62, in quote if is_html_string(identifier) and not isinstance(identifier, NoHtml): TypeError: expected string or bytes-like object
0.539413
Traceback (most recent call last): "./venv/bin/stacker", line 8, in <module> args = stacker.parse_args() "/home/danielkza/cobli/deploy/cloudformation/venv/lib/python3.7/site-packages/stacker/commands/stacker/base.py", line 115, in parse_args args.environment.update(args.cli_envs) AttributeError: 'Namespace' object has no attribute 'environment'
2018-04-17 14:00:53 INFO (MainThread) [homeassistant.core] Bus:Handling <Event system_log_event[L]: timestamp=1523988053.399213, level=ERROR, message=Error while setting up platform sonos, exception=Traceback (most recent call last): "/usr/src/app/homeassistant/helpers/entity_platform.py", line 82, in async_setup SLOW_SETUP_MAX_WAIT, loop=hass.loop) "/usr/local/lib/python3.6/asyncio/tasks.py", line 358, in wait_for return fut.result() "/usr/local/lib/python3.6/concurrent/futures/thread.py", line 56, in run result = self.fn(*self.args, **self.kwargs) "/usr/src/app/homeassistant/components/media_player/sonos.py", line 176, in setup_platform add_devices(SonosDevice(p) for p in players) "/usr/src/app/homeassistant/helpers/entity_platform.py", line 119, in _schedule_add_entities self._async_schedule_add_entities, list(new_entities), "/usr/src/app/homeassistant/components/media_player/sonos.py", line 176, in <genexpr> add_devices(SonosDevice(p) for p in players) "/usr/src/app/homeassistant/components/media_player/sonos.py", line 359, in __init__ self._set_basic_information() "/usr/src/app/homeassistant/components/media_player/sonos.py", line 426, in _set_basic_information self.update_volume() "/usr/src/app/homeassistant/components/media_player/sonos.py", line 668, in update_volume self._night_sound = self.soco.night_mode AttributeError: 'SoCo' object has no attribute 'night_mode'
0.529456
Traceback (most recent call last): "/home/ubuntu/frappe-bench/apps/frappe/frappe/app.py", line 62, in application response = frappe.handler.handle() "/home/ubuntu/frappe-bench/apps/frappe/frappe/handler.py", line 22, in handle data = execute_cmd(cmd) "/home/ubuntu/frappe-bench/apps/frappe/frappe/handler.py", line 53, in execute_cmd return frappe.call(method, **frappe.form_dict) "/home/ubuntu/frappe-bench/apps/frappe/frappe/__init__.py", line 942, in call return fn(*args, **newargs) "/home/ubuntu/frappe-bench/apps/frappe/frappe/core/doctype/user/user.py", line 783, in sign_up user.insert() "/home/ubuntu/frappe-bench/apps/frappe/frappe/model/document.py", line 249, in insert self.run_post_save_methods() "/home/ubuntu/frappe-bench/apps/frappe/frappe/model/document.py", line 898, in run_post_save_methods self.run_method("on_update") "/home/ubuntu/frappe-bench/apps/frappe/frappe/model/document.py", line 765, in run_method out = Document.hook(fn)(self, *args, **kwargs) "/home/ubuntu/frappe-bench/apps/frappe/frappe/model/document.py", line 1040, in composer return composed(self, method, *args, **kwargs) "/home/ubuntu/frappe-bench/apps/frappe/frappe/model/document.py", line 1023, in runner add_to_return_value(self, fn(self, *args, **kwargs)) "/home/ubuntu/frappe-bench/apps/frappe/frappe/model/document.py", line 759, in <lambda> fn = lambda self, *args, **kwargs: getattr(self, method)(*args, **kwargs) "/home/ubuntu/frappe-bench/apps/frappe/frappe/core/doctype/user/user.py", line 95, in on_update self.send_password_notification(self.__new_password) "/home/ubuntu/frappe-bench/apps/frappe/frappe/core/doctype/user/user.py", line 204, in send_password_notification self.send_welcome_mail_to_user() "/home/ubuntu/frappe-bench/apps/frappe/frappe/core/doctype/user/user.py", line 273, in send_welcome_mail_to_user site_url=get_url(), "/home/ubuntu/frappe-bench/apps/frappe/frappe/core/doctype/user/user.py", line 302, in send_login_mail delayed=(not now) if now!=None else self.flags.delay_emails, retry=3) "/home/ubuntu/frappe-bench/apps/frappe/frappe/__init__.py", line 440, in sendmail inline_images=inline_images, header=header, print_letterhead=print_letterhead) "/home/ubuntu/frappe-bench/apps/frappe/frappe/email/queue.py", line 72, in send sender = email_account.default_sender AttributeError: 'NoneType' object has no attribute 'default_sender'
[autoreload of pandas.core.sparse.series failed: Traceback (most recent call last): "/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/site-packages/IPython/extensions/autoreload.py", line 246, in check superreload(m, reload, self.old_objects) "/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/site-packages/IPython/extensions/autoreload.py", line 369, in superreload module = reload(module) "/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/imp.py", line 315, in reload return importlib.reload(module) "/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/importlib/__init__.py", line 166, in reload _bootstrap._exec(spec, module) "<frozen importlib._bootstrap>", line 618, in _exec "<frozen importlib._bootstrap_external>", line 678, in exec_module "<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed "/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/site-packages/pandas/core/sparse/series.py", line 18, in <module> import pandas.core.common as com AttributeError: module 'pandas.core' has no attribute 'common'
0.657504
[DEBUG ] Traceback (most recent call last): "/usr/lib/python2.7/dist-packages/salt/states/file.py", line 2575, in managed **kwargs) "/usr/lib/python2.7/dist-packages/salt/modules/file.py", line 5476, in manage_file mask = salt.utils.files.get_umask() AttributeError: 'module' object has no attribute 'get_umask'
Traceback (most recent call last): "/bot/bot/cogs/verification.py", line 325, in _before_first_ping last_reminder: t.Optional[int] = await self.reminder_cache.get("last_reminder") "/bot/bot/utils/redis_cache.py", line 263, in get value = await self._redis.hget(self._namespace, key) AttributeError: 'NoneType' object has no attribute 'hget'
0.606429
Jun 02 17:31:00.522 - [ERROR] Except stack:Traceback (most recent call last): "I:\XX-Net-3.11.15\code\3.12.0\launcher\module_init.py", line 74, in stop _start = proc_handler[module]["imp"].start KeyError: 'imp'
Traceback (most recent call last): "C:\Users\Dipanshu\Anaconda3\lib\site-packages\traitlets\traitlets.py", line 528, in get value = obj._trait_values[self.name] KeyError: 'context'
0.560899
Traceback (most recent call last): "C:\Python35\lib\site-packages\cx_Freeze\initscripts\__startup__.py", line 14, in run "C:\Python35\lib\site-packages\cx_Freeze\initscripts\Console.py", line 26, in run "bin/svtplay-dl", line 7, in <module> "c:\projects\svtplay-dl\lib\svtplay_dl\__init__.py", line 64, in main "c:\projects\svtplay-dl\lib\svtplay_dl\utils\getmedia.py", line 58, in get_media "c:\projects\svtplay-dl\lib\svtplay_dl\utils\getmedia.py", line 107, in get_one_media "c:\projects\svtplay-dl\lib\svtplay_dl\service\svtplay.py", line 86, in get "c:\projects\svtplay-dl\lib\svtplay_dl\service\svtplay.py", line 122, in _get_video "c:\projects\svtplay-dl\lib\svtplay_dl\fetcher\dash.py", line 143, in dashparse "c:\projects\svtplay-dl\lib\svtplay_dl\fetcher\dash.py", line 171, in _dashparse "c:\projects\svtplay-dl\lib\svtplay_dl\fetcher\dash.py", line 102, in adaptionset IndexError: list index out of range
Traceback (most recent call last): "/usr/lib/python3.4/site-packages/git_repo/repo.py", line 596, in main return GitRepoRunner(args).run() "/usr/lib/python3.4/site-packages/git_repo/kwargparse.py", line 68, in run return self._action_dict[frozenset(args)](self) "/usr/lib/python3.4/site-packages/git_repo/repo.py", line 344, in do_clone raise ResourceNotFoundError(err.args[2].decode('utf-8')) from err IndexError: tuple index out of range
0.660706
Traceback (most recent call last): "/home/apn/sw/lib/python3.7/site-packages/prompt_toolkit/application/application.py", line 652, in _run_async2 result = yield f "/home/apn/sw/lib/python3.7/site-packages/prompt_toolkit/eventloop/coroutine.py", line 86, in step_next new_f = coroutine.send(None) "/home/apn/sw/lib/python3.7/site-packages/prompt_toolkit/application/application.py", line 595, in _run_async self._redraw() "/home/apn/sw/lib/python3.7/site-packages/prompt_toolkit/application/application.py", line 444, in _redraw self.renderer.render(self, self.layout) "/home/apn/sw/lib/python3.7/site-packages/prompt_toolkit/renderer.py", line 530, in render size = output.get_size() "/home/apn/sw/lib/python3.7/site-packages/prompt_toolkit/output/vt100.py", line 429, in get_size rows, columns = _get_size(stdout.fileno()) "/home/apn/sw/lib/python3.7/site-packages/prompt_toolkit/output/vt100.py", line 364, in _get_size buf = array.array(b'h' if six.PY2 else u'h', [0, 0, 0, 0]) AttributeError: module 'array' has no attribute 'array'
Traceback (most recent call last): "/var/task/handler.py", line 505, in lambda_handler return LambdaHandler.lambda_handler(event, context) "/var/task/handler.py", line 239, in lambda_handler handler = cls() "/var/task/handler.py", line 134, in __init__ wsgi_app_function = getattr(self.app_module, self.settings.APP_FUNCTION) AttributeError: module 'main' has no attribute 'flask_app'
0.644942
Traceback (most recent call last): "/usr/local/bin/pygmentize", line 9, in <module> load_entry_point('Pygments==1.3.1', 'console_scripts', 'pygmentize')() "/usr/local/lib/python2.7/site-packages/Pygments-1.3.1-py2.6.egg/pygments/cmdline.py", line 387, in main lexer = guess_lexer(code) "/usr/local/lib/python2.7/site-packages/Pygments-1.3.1-py2.6.egg/pygments/lexers/__init__.py", line 199, in guess_lexer rv = lexer.analyse_text(_text) "/usr/local/lib/python2.7/site-packages/Pygments-1.3.1-py2.6.egg/pygments/util.py", line 116, in text_analyse return min(1.0, max(0.0, float(rv))) TypeError: float() argument must be a string or a number
Traceback (most recent call last): "test_linalg.py", line 792, in test_cho_factor_cusolver_complex128 self._impl_test_cho_factor(4, np.complex128, 'cusolver') "test_linalg.py", line 762, in _impl_test_cho_factor linalg.cho_factor(x_gpu, 'L', lib) TypeError: cho_factor() takes from 1 to 2 positional arguments but 3 were given
0.544759
Traceback (most recent call last): "gb2muli-line-fa.py", line 12, in <module> for seq_record in SeqIO.parse(input_handle, "genbank") : "/home/Tim/.local/lib/python3.5/site-packages/Bio/SeqIO/__init__.py", line 617, in parse for r in i: "/home/Tim/.local/lib/python3.5/site-packages/Bio/GenBank/Scanner.py", line 489, in parse_records record = self.parse(handle, do_features) "/home/Tim/.local/lib/python3.5/site-packages/Bio/GenBank/Scanner.py", line 473, in parse if self.feed(handle, consumer, do_features): "/home/Tim/.local/lib/python3.5/site-packages/Bio/GenBank/Scanner.py", line 445, in feed self._feed_feature_table(consumer, self.parse_features(skip=False)) "/home/Tim/.local/lib/python3.5/site-packages/Bio/GenBank/Scanner.py", line 395, in _feed_feature_table consumer.location(location_string) "/home/Tim/.local/lib/python3.5/site-packages/Bio/GenBank/__init__.py", line 1040, in location strand) "/home/Tim/.local/lib/python3.5/site-packages/Bio/SeqFeature.py", line 676, in __init__ self.start)) ValueError: End location (716) must be greater than or equal to start location (8571)
Traceback (most recent call last): "/home/utanko/.local/lib/python3.6/site-packages/docker/client.py", line 116, in _retrieve_server_version return self.version(api_version=False)["ApiVersion"] "/home/utanko/.local/lib/python3.6/site-packages/docker/api/daemon.py", line 76, in version return self._result(self._get(url), json=True) "/home/utanko/.local/lib/python3.6/site-packages/docker/utils/decorators.py", line 47, in inner return f(self, *args, **kwargs) "/home/utanko/.local/lib/python3.6/site-packages/docker/client.py", line 139, in _get return self.get(url, **self._set_request_timeout(kwargs)) "/home/utanko/.local/lib/python3.6/site-packages/requests/sessions.py", line 543, in get return self.request('GET', url, **kwargs) "/home/utanko/.local/lib/python3.6/site-packages/requests/sessions.py", line 530, in request resp = self.send(prep, **send_kwargs) "/home/utanko/.local/lib/python3.6/site-packages/requests/sessions.py", line 643, in send r = adapter.send(request, **kwargs) "/home/utanko/.local/lib/python3.6/site-packages/requests/adapters.py", line 449, in send timeout=timeout "/home/utanko/.local/lib/python3.6/site-packages/requests/packages/urllib3/connectionpool.py", line 565, in urlopen timeout_obj = self._get_timeout(timeout) "/home/utanko/.local/lib/python3.6/site-packages/requests/packages/urllib3/connectionpool.py", line 308, in _get_timeout return Timeout.from_float(timeout) "/home/utanko/.local/lib/python3.6/site-packages/requests/packages/urllib3/util/timeout.py", line 154, in from_float return Timeout(read=timeout, connect=timeout) "/home/utanko/.local/lib/python3.6/site-packages/requests/packages/urllib3/util/timeout.py", line 97, in __init__ self._connect = self._validate_timeout(connect, 'connect') "/home/utanko/.local/lib/python3.6/site-packages/requests/packages/urllib3/util/timeout.py", line 127, in _validate_timeout "int or float." % (name, value)) ValueError: Timeout value connect was Timeout(connect=60, read=60, total=None), but it must be an int or float.
0.577748
Traceback (most recent call last): "/home/itsme/.local/bin/twtxt", line 11, in <module> sys.exit(main()) "/home/itsme/.local/lib64/python3.6/site-packages/click/core.py", line 722, in __call__ return self.main(*args, **kwargs) "/home/itsme/.local/lib64/python3.6/site-packages/click/core.py", line 697, in main rv = self.invoke(ctx) "/home/itsme/.local/lib64/python3.6/site-packages/click/core.py", line 1066, in invoke return _process_result(sub_ctx.command.invoke(sub_ctx)) "/home/itsme/.local/lib64/python3.6/site-packages/click/core.py", line 895, in invoke return ctx.invoke(self.callback, **ctx.params) "/home/itsme/.local/lib64/python3.6/site-packages/click/core.py", line 535, in invoke return callback(*args, **kwargs) "/home/itsme/.local/lib64/python3.6/site-packages/click/decorators.py", line 17, in new_func return f(get_current_context(), *args, **kwargs) "/home/itsme/.local/lib64/python3.6/site-packages/twtxt/cli.py", line 218, in following click.echo(style_source_with_status(source, status, porcelain)) "/home/itsme/.local/lib64/python3.6/site-packages/twtxt/helper.py", line 72, in style_source_with_status if status.status_code == 200: AttributeError: 'NoneType' object has no attribute 'status_code'
Traceback (most recent call last): "main.py", line 95, in <module> depth_feat_model) "/home/developer/jin/3d-photo-inpainting/mesh.py", line 1841, in write_ply input_mesh, info_on_pix, edge_mesh, depth, aft_mark = remove_dangling(input_mesh, edge_ccs, edge_mesh, info_on_pix, image, depth, config) "/home/developer/jin/3d-photo-inpainting/mesh.py", line 751, in remove_dangling mesh = refresh_node(single_edge_node, mesh.node[single_edge_node], new_node, dict(), mesh) AttributeError: 'Graph' object has no attribute 'node'
0.605381
Traceback (most recent call last): "/usr/local/lib/python3.8/site-packages/django/core/handlers/exception.py", line 34, in inner response = get_response(request) "/usr/local/lib/python3.8/site-packages/django/utils/deprecation.py", line 94, in __call__ response = response or self.get_response(request) "/usr/local/lib/python3.8/site-packages/django/core/handlers/exception.py", line 36, in inner response = response_for_exception(request, exc) "/usr/local/lib/python3.8/site-packages/django/core/handlers/exception.py", line 90, in response_for_exception response = handle_uncaught_exception(request, get_resolver(get_urlconf()), sys.exc_info()) "/usr/local/lib/python3.8/site-packages/django/core/handlers/exception.py", line 125, in handle_uncaught_exception return debug.technical_500_response(request, *exc_info) "/usr/local/lib/python3.8/site-packages/django_extensions/management/technical_response.py", line 36, in null_technical_500_response raise(exc_type, exc_value, tb) TypeError: exceptions must derive from BaseException
Traceback (most recent call last): "/usr/local/bin/searchfy", line 11, in <module> sys.exit(main()) "/usr/local/lib/python2.7/dist-packages/osrframework/searchfy.py", line 144, in main results = performSearch(platformNames=args.platforms, queries=args.queries, process=args.process, excludePlatformNames=args.exclude) "/usr/local/lib/python2.7/dist-packages/osrframework/searchfy.py", line 57, in performSearch entities = pla.getInfo(query=q, process = process, mode="searchfy") "/usr/local/lib/python2.7/dist-packages/osrframework/utils/platforms.py", line 316, in getInfo uri, alias = self.createURL(word=i, mode="usufy") TypeError: 'NoneType' object is not iterable```
0.546795
Traceback (most recent call last): "<input>", line 1, in <module> "<__array_function__ internals>", line 6, in bincount TypeError: Cannot cast array data from dtype('complex128') to dtype('float64') according to rule 'safe'
Traceback (most recent call last): "/usr/local/bin/gsutil", line 11, in <module> load_entry_point('gsutil==4.27', 'console_scripts', 'gsutil')() "/usr/local/lib/python2.7/site-packages/pkg_resources/__init__.py", line 570, in load_entry_point return get_distribution(dist).load_entry_point(group, name) "/usr/local/lib/python2.7/site-packages/pkg_resources/__init__.py", line 2751, in load_entry_point return ep.load() "/usr/local/lib/python2.7/site-packages/pkg_resources/__init__.py", line 2405, in load return self.resolve() "/usr/local/lib/python2.7/site-packages/pkg_resources/__init__.py", line 2411, in resolve module = __import__(self.module_name, fromlist=['__name__'], level=0) "/usr/local/lib/python2.7/site-packages/gslib/__main__.py", line 51, in <module> from gslib import metrics "/usr/local/lib/python2.7/site-packages/gslib/metrics.py", line 39, in <module> from gslib.util import CalculateThroughput "/usr/local/lib/python2.7/site-packages/gslib/util.py", line 39, in <module> from apitools.base.py import http_wrapper "/usr/local/lib/python2.7/site-packages/apitools/base/py/__init__.py", line 20, in <module> from apitools.base.py.base_api import * "/usr/local/lib/python2.7/site-packages/apitools/base/py/base_api.py", line 31, in <module> from apitools.base.protorpclite import message_types "/usr/local/lib/python2.7/site-packages/apitools/base/protorpclite/message_types.py", line 25, in <module> from apitools.base.protorpclite import messages "/usr/local/lib/python2.7/site-packages/apitools/base/protorpclite/messages.py", line 1168, in <module> class Field(six.with_metaclass(_FieldMeta, object)): TypeError: Error when calling the metaclass bases
0.59564
Traceback (most recent call last): "Python/runpy.py", line 280, in run_path "Python/runpy.py", line 85, in _run_code "kitty/__main__.py", line 96, in <module> "kitty/__main__.py", line 92, in main "kitty/__main__.py", line 21, in remote_control "kitty/remote_control.py", line 159, in main "kitty/remote_control.py", line 113, in do_io "kitty/remote_control.py", line 60, in __exit__ OSError: [Errno 57] Socket is not connected
Traceback (most recent call last): "/usr/lib64/python3.6/asyncio/selector_events.py", line 761, in write n = self._sock.send(data) OSError: [Errno 9] Bad file descriptor
0.608806
Traceback (most recent call last): "/usr/lib/python3/dist-packages/mitmproxy/master.py", line 86, in run_loop loop() "/usr/lib/python3/dist-packages/urwid/main_loop.py", line 286, in run self._run() "/usr/lib/python3/dist-packages/urwid/main_loop.py", line 384, in _run self.event_loop.run() "/usr/lib/python3/dist-packages/urwid/main_loop.py", line 1484, in run reraise(*exc_info) "/usr/lib/python3/dist-packages/urwid/compat.py", line 55, in reraise value = tp() TypeError: 'NoneType' object is not callable
Traceback (most recent call last): "/usr/lib/python3.6/logging/__init__.py", line 994, in emit msg = self.format(record) "/usr/lib/python3.6/logging/__init__.py", line 840, in format return fmt.format(record) "/usr/lib/python3.6/logging/__init__.py", line 577, in format record.message = record.getMessage() "/usr/lib/python3.6/logging/__init__.py", line 338, in getMessage msg = msg % self.args TypeError: not all arguments converted during string formatting
0.601169
Traceback (most recent call last): "<stdin>", line 1, in <module> "/home/e/se/sympy/core/evalf.py", line 1532, in N return sympify(x).evalf(n, **options) "/home/e/se/sympy/core/evalf.py", line 1437, in evalf result = evalf(self, prec + 4, options) "/home/e/se/sympy/core/evalf.py", line 1307, in evalf r = rf(x, prec, options) "/home/e/se/sympy/core/evalf.py", line 559, in evalf_mul arg = evalf(arg, prec, options) "/home/e/se/sympy/core/evalf.py", line 1307, in evalf r = rf(x, prec, options) "/home/e/se/sympy/core/evalf.py", line 519, in evalf_add terms = [evalf(arg, prec + 10, options) for arg in v.args] "/home/e/se/sympy/core/evalf.py", line 519, in <listcomp> terms = [evalf(arg, prec + 10, options) for arg in v.args] "/home/e/se/sympy/core/evalf.py", line 1307, in evalf r = rf(x, prec, options) "/home/e/se/sympy/core/evalf.py", line 1037, in evalf_integral result = do_integral(expr, workprec, options) "/home/e/se/sympy/core/evalf.py", line 996, in do_integral result, quadrature_error = quadts(f, [xlow, xhigh], error=1) "/usr/local/lib/python3.6/dist-packages/mpmath/calculus/quadrature.py", line 786, in quadts return ctx.quad(*args, **kwargs) "/usr/local/lib/python3.6/dist-packages/mpmath/calculus/quadrature.py", line 743, in quad v, err = rule.summation(f, points[0], prec, epsilon, m, verbose) "/usr/local/lib/python3.6/dist-packages/mpmath/calculus/quadrature.py", line 232, in summation results.append(self.sum_next(f, nodes, degree, prec, results, verbose)) "/usr/local/lib/python3.6/dist-packages/mpmath/calculus/quadrature.py", line 304, in sum_next S += self.ctx.fdot((w,f(x)) for (x,w) in nodes) "/usr/local/lib/python3.6/dist-packages/mpmath/ctx_mp_python.py", line 925, in fdot for a, b in A: "/usr/local/lib/python3.6/dist-packages/mpmath/calculus/quadrature.py", line 304, in <genexpr> S += self.ctx.fdot((w,f(x)) for (x,w) in nodes) "/usr/local/lib/python3.6/dist-packages/mpmath/calculus/quadrature.py", line 224, in <lambda> f = lambda x: _f(-x) + _f(x) "/home/e/se/sympy/core/evalf.py", line 969, in f re, im, re_acc, im_acc = evalf(func, mp.prec, {'subs': {x: t}}) "/home/e/se/sympy/core/evalf.py", line 1307, in evalf r = rf(x, prec, options) "/home/e/se/sympy/core/evalf.py", line 559, in evalf_mul arg = evalf(arg, prec, options) "/home/e/se/sympy/core/evalf.py", line 1307, in evalf r = rf(x, prec, options) "/home/e/se/sympy/core/evalf.py", line 676, in evalf_pow re, im, re_acc, im_acc = evalf(base, prec + 5, options) "/home/e/se/sympy/core/evalf.py", line 1312, in evalf x = x.subs(evalf_subs(prec, options['subs'])) "/home/e/se/sympy/core/basic.py", line 997, in subs rv = rv._subs(old, new, **kwargs) "/home/e/se/sympy/core/cache.py", line 94, in wrapper retval = cfunc(*args, **kwargs) "/home/e/se/sympy/core/basic.py", line 1111, in _subs rv = fallback(self, old, new) "/home/e/se/sympy/core/basic.py", line 1088, in fallback rv = self.func(*args) "/home/e/se/sympy/core/cache.py", line 94, in wrapper retval = cfunc(*args, **kwargs) "/home/e/se/sympy/core/function.py", line 454, in __new__ result = result.evalf(mlib.libmpf.prec_to_dps(pr)) "/home/e/se/sympy/core/evalf.py", line 1437, in evalf result = evalf(self, prec + 4, options) "/home/e/se/sympy/core/evalf.py", line 1313, in evalf xe = x._eval_evalf(prec) "/home/e/se/sympy/core/function.py", line 567, in _eval_evalf v = func(*args) "/usr/local/lib/python3.6/dist-packages/mpmath/ctx_mp_python.py", line 993, in f return ctx.make_mpf(mpf_f(x._mpf_, prec, rounding)) "/usr/local/lib/python3.6/dist-packages/mpmath/libmp/gammazeta.py", line 2353, in mpf_factorial return mpf_gamma(x, prec, rnd, 1) "/usr/local/lib/python3.6/dist-packages/mpmath/libmp/gammazeta.py", line 1950, in mpf_gamma raise ValueError("gamma function pole") ValueError: gamma function pole
Traceback (most recent call last): "/usr/lib/python2.7/runpy.py", line 162, in _run_module_as_main "__main__", fname, loader, pkg_name) "/usr/lib/python2.7/runpy.py", line 72, in _run_code exec code in run_globals "/home/treaki/bin/youtube-dl/__main__.py", line 19, in <module> "/home/treaki/bin/youtube-dl/youtube_dl/__init__.py", line 452, in main "/home/treaki/bin/youtube-dl/youtube_dl/__init__.py", line 442, in _real_main "/home/treaki/bin/youtube-dl/youtube_dl/YoutubeDL.py", line 1796, in download "/home/treaki/bin/youtube-dl/youtube_dl/YoutubeDL.py", line 696, in extract_info "/home/treaki/bin/youtube-dl/youtube_dl/extractor/common.py", line 369, in extract "/home/treaki/bin/youtube-dl/youtube_dl/extractor/openload.py", line 85, in _real_extract ValueError: unichr() arg not in range(0x110000) (wide Python build)
0.563994
Traceback (most recent call last): "imagenet-resnet.py", line 260, in <module> SyncMultiGPUTrainer(config).train() "/home/jesse/tensorflow_workspace/tensorpack/tensorpack/train/base.py", line 93, in train self.main_loop() "/home/jesse/tensorflow_workspace/tensorpack/tensorpack/train/base.py", line 163, in main_loop self.run_step() # implemented by subclass "/home/jesse/tensorflow_workspace/tensorpack/tensorpack/train/feedfree.py", line 43, in run_step self.hooked_sess.run(self.train_op) "/usr/local/lib/python3.5/dist-packages/tensorflow/python/training/monitored_session.py", line 930, in run run_metadata=run_metadata) "/usr/local/lib/python3.5/dist-packages/tensorflow/python/training/monitored_session.py", line 776, in run return self._sess.run(*args, **kwargs) "/usr/local/lib/python3.5/dist-packages/tensorflow/python/debug/wrappers/framework.py", line 470, in run run_end_resp = self.on_run_end(run_end_req) "/usr/local/lib/python3.5/dist-packages/tensorflow/python/debug/wrappers/local_cli_wrapper.py", line 267, in on_run_end self._dump_root, partition_graphs=partition_graphs) "/usr/local/lib/python3.5/dist-packages/tensorflow/python/debug/lib/debug_data.py", line 524, in __init__ self._load_partition_graphs(partition_graphs, validate) "/usr/local/lib/python3.5/dist-packages/tensorflow/python/debug/lib/debug_data.py", line 782, in _load_partition_graphs self._validate_dump_with_graphs() "/usr/local/lib/python3.5/dist-packages/tensorflow/python/debug/lib/debug_data.py", line 954, in _validate_dump_with_graphs (node, datum.timestamp, repr(pending_inputs[node]))) ValueError: Causality violated in timing relations of debug dumps: global_step/read (1490611843556445): these input(s) are not satisfied: [('global_step', 0)]
Traceback (most recent call last): "/cloudtool/ScoutSuite/ScoutSuite/providers/oci/facade/objectstorage.py", line 37, in get_buckets lambda: list_call_get_all_results(self._client.list_buckets, namespace, self._credentials.get_scope())) "/cloudtool/ScoutSuite/ScoutSuite/providers/utils.py", line 25, in run_concurrently return await run_function_concurrently(function) "/opt/rh/rh-python36/root/usr/lib64/python3.6/concurrent/futures/thread.py", line 56, in run result = self.fn(*self.args, **self.kwargs) "/cloudtool/ScoutSuite/ScoutSuite/providers/oci/facade/objectstorage.py", line 37, in <lambda> lambda: list_call_get_all_results(self._client.list_buckets, namespace, self._credentials.get_scope())) "/cloudtool/ScoutSuite/venv/lib/python3.6/site-packages/oci/pagination/pagination_utils.py", line 205, in list_call_get_all_results for response in list_call_get_all_results_generator(list_func_ref, 'response', *list_func_args, **list_func_kwargs): "/cloudtool/ScoutSuite/venv/lib/python3.6/site-packages/oci/pagination/pagination_utils.py", line 274, in list_call_get_all_results_generator call_result = retry.DEFAULT_RETRY_STRATEGY.make_retrying_call(list_func_ref, *list_func_args, **list_func_kwargs) "/cloudtool/ScoutSuite/venv/lib/python3.6/site-packages/oci/retry/retry.py", line 272, in make_retrying_call return func_ref(*func_args, **func_kwargs) "/cloudtool/ScoutSuite/venv/lib/python3.6/site-packages/oci/object_storage/object_storage_client.py", line 2660, in list_buckets raise ValueError('Parameter {} cannot be None, whitespace or empty string'.format(k)) ValueError: Parameter namespaceName cannot be None, whitespace or empty string
0.613161
Traceback (most recent call last): "F:/ML/Deep Learning/NLP/Paper/07-Transformer/NMT-Transformer/Data_process/01.py", line 17, in <module> train_half_1, train_half_2 = tfds.Split.TRAIN.subsplit(2) AttributeError: 'Split' object has no attribute 'subsplit'
Traceback (most recent call last): "solve.py", line 90, in <module> main() "solve.py", line 87, in main solve(sf, args.method, args.input_file, args.output_file) "solve.py", line 19, in solve maze = Maze(im) "D:\projects\mazesolving\mazes2.py", line 15, in __init__ width = im.width "C:\Python27\Lib\site-packages\PIL\Image.py", line 512, in __getattr__ raise AttributeError(name) AttributeError: width
0.552298
Traceback (most recent call last): "tools/infer_simple.py", line 147, in <module> main(args) "tools/infer_simple.py", line 117, in main model, im, None, timers=timers "/home/ubuntu/local/detectron/lib/core/test.py", line 65, in im_detect_all scores, boxes, im_scales = im_detect_bbox(model, im, box_proposals) "/home/ubuntu/local/detectron/lib/core/test.py", line 141, in im_detect_bbox hashes = np.round(inputs['rois'] * cfg.DEDUP_BOXES).dot(v) KeyError: u'rois'
Traceback (most recent call last): "/Users/CocoChen/.pyenv/versions/3.7.0/bin/musicbox", line 11, in <module> load_entry_point('NetEase-MusicBox==0.2.4.2', 'console_scripts', 'musicbox')() "/Users/CocoChen/.pyenv/versions/3.7.0/lib/python3.7/site-packages/NetEase_MusicBox-0.2.4.2-py3.7.egg/NEMbox/__init__.py", line 38, in start "/Users/CocoChen/.pyenv/versions/3.7.0/lib/python3.7/site-packages/NetEase_MusicBox-0.2.4.2-py3.7.egg/NEMbox/menu.py", line 116, in __init__ "/Users/CocoChen/.pyenv/versions/3.7.0/lib/python3.7/site-packages/NetEase_MusicBox-0.2.4.2-py3.7.egg/NEMbox/storage.py", line 98, in load "/Users/CocoChen/.pyenv/versions/3.7.0/lib/python3.7/site-packages/NetEase_MusicBox-0.2.4.2-py3.7.egg/NEMbox/storage.py", line 102, in check_version KeyError: 'version'
0.556958
Traceback (most recent call last): "/usr/lib/python3.6/site-packages/homeassistant/helpers/entity.py", line 204, in async_update_ha_state yield from self.async_device_update() "/usr/lib/python3.6/site-packages/homeassistant/helpers/entity.py", line 327, in async_device_update yield from self.hass.async_add_job(self.update) "/usr/lib/python3.6/concurrent/futures/thread.py", line 56, in run result = self.fn(*self.args, **self.kwargs) "/usr/lib/python3.6/site-packages/homeassistant/components/sensor/scrape.py", line 115, in update raw_data = BeautifulSoup(self.rest.data, 'html.parser') "/usr/lib/python3.6/site-packages/bs4/__init__.py", line 192, in __init__ elif len(markup) <= 256 and ( TypeError: object of type 'NoneType' has no len()
Traceback (most recent call last): "C:\ProgramData\Anaconda3\envs\fiction\lib\site-packages\distributed\utils.py", line 662, in log_errors yield "C:\ProgramData\Anaconda3\envs\fiction\lib\site-packages\distributed\scheduler.py", line 2122, in remove_worker address = self.coerce_address(address) "C:\ProgramData\Anaconda3\envs\fiction\lib\site-packages\distributed\scheduler.py", line 4831, in coerce_address raise TypeError("addresses should be strings or tuples, got %r" % (addr,)) TypeError: addresses should be strings or tuples, got None
0.580175
Traceback (most recent call last): "/usr/lib/pymodules/python2.7/salt/utils/templates.py", line 99, in jinja data = template.render(**passthrough) "/usr/lib/python2.7/dist-packages/jinja2/environment.py", line 894, in render return self.environment.handle_exception(exc_info, True) "<template>", line 1, in top-level template code TypeError: no loader for this environment specified
Traceback (most recent call last): "/usr/lib64/python2.7/logging/__init__.py", line 851, in emit msg = self.format(record) "/usr/lib64/python2.7/logging/__init__.py", line 724, in format return fmt.format(record) "/usr/lib64/python2.7/logging/__init__.py", line 464, in format record.message = record.getMessage() "/usr/lib64/python2.7/logging/__init__.py", line 328, in getMessage msg = msg % self.args TypeError: not all arguments converted during string formatting
0.502858
Traceback (most recent call last): "demo_yolo3_deepsort.py", line 68, in <module> det.detect() "demo_yolo3_deepsort.py", line 42, in detect outputs = self.deepsort.update(bbox_xywh, cls_conf, im) "/home/gongyuan/Downloads/DEMO/deep_sort_pytorch-master/deep_sort.py", line 25, in update features = self._get_features(bbox_xywh, ori_img) "/home/gongyuan/Downloads/DEMO/deep_sort_pytorch-master/deep_sort.py", line 66, in _get_features features = np.stack(features, axis=0) "/home/gongyuan/anaconda3/envs/py3/lib/python3.6/site-packages/numpy/core/shape_base.py", line 349, in stack raise ValueError('need at least one array to stack') ValueError: need at least one array to stack
Traceback (most recent call last): "<string>", line 1, in <module> "C:\Users\SUBAS\AppData\Local\Temp\pip-install-s73v86dd\scikits.learn\setup.py", line 97, in <module> 'Operating System :: MacOS' "c:\users\subas\newenv\lib\site-packages\numpy\distutils\core.py", line 135, in setup config = configuration() "C:\Users\SUBAS\AppData\Local\Temp\pip-install-s73v86dd\scikits.learn\setup.py", line 34, in configuration config.add_subpackage('scikits.learn') "c:\users\subas\newenv\lib\site-packages\numpy\distutils\misc_util.py", line 1024, in add_subpackage caller_level = 2) "c:\users\subas\newenv\lib\site-packages\numpy\distutils\misc_util.py", line 993, in get_subpackage caller_level = caller_level + 1) "c:\users\subas\newenv\lib\site-packages\numpy\distutils\misc_util.py", line 930, in _get_configuration_from_setup_py config = setup_module.configuration(*args) "scikits\learn\setup.py", line 10, in configuration config = Configuration('learn', parent_package, top_path) "c:\users\subas\newenv\lib\site-packages\numpy\distutils\misc_util.py", line 768, in __init__ raise ValueError("%r is not a directory" % (package_path,)) ValueError: 'build\\py3k\\scikits\\learn' is not a directory
0.495422
Traceback (most recent call last): "/Users/waleedk/Workspace/plover/plover/config.py", line 237, in get_dictionaries for d in json.loads(dictionaries)] "/Users/waleedk/Workspace/plover/plover/config.py", line 237, in <listcomp> for d in json.loads(dictionaries)] "/Users/waleedk/Workspace/plover/plover/config.py", line 129, in from_dict return DictionaryConfig(**d) TypeError: type object argument after ** must be a mapping, not str
Traceback (most recent call last): "D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 721, in getImports return _getImports_pe(pth) "D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 109, in _getImports_pe import_dllnames_only=True, TypeError: parse_data_directories() got an unexpected keyword argument 'forwarded_exports_only'
0.593203
Traceback (most recent call last): "C:\Users\charikleia.bitsakou\AppData\Local\Continuum\anaconda3\lib\site-packages\IPython\core\interactiveshell.py", line 2040, in showtraceback try: AttributeError: 'ImportError' object has no attribute '_render_traceback_'
Traceback (most recent call last): "/Volumes/projects/pyOCD-flit/pyocd/__main__.py", line 402, in run self._COMMANDS[self._args.cmd](self) "/Volumes/projects/pyOCD-flit/pyocd/__main__.py", line 808, in do_commander PyOCDCommander(self._args, cmds).run() "/Volumes/projects/pyOCD-flit/pyocd/commands/commander.py", line 65, in run if not self.connect(): "/Volumes/projects/pyOCD-flit/pyocd/commands/commander.py", line 164, in connect probe = ConnectHelper.choose_probe( "/Volumes/projects/pyOCD-flit/pyocd/core/helpers.py", line 138, in choose_probe allProbes = ConnectHelper.get_all_connected_probes(blocking=blocking, unique_id=unique_id) "/Volumes/projects/pyOCD-flit/pyocd/core/helpers.py", line 82, in get_all_connected_probes allProbes = DebugProbeAggregator.get_all_connected_probes(unique_id=unique_id) "/Volumes/projects/pyOCD-flit/pyocd/probe/aggregator.py", line 58, in get_all_connected_probes probe = cls.get_probe_with_id(unique_id, is_explicit) "/Volumes/projects/pyOCD-flit/pyocd/probe/picoprobe.py", line 339, in get_probe_with_id probe = PicoLink.enumerate_picoprobes(unique_id) "/Volumes/projects/pyOCD-flit/pyocd/probe/picoprobe.py", line 110, in enumerate_picoprobes return PicoLink(core.find(custom_match=FindPicoprobe(uid))) "/Volumes/projects/pyOCD-flit/pyocd/probe/picoprobe.py", line 59, in __init__ self._probe_id = dev.serial_number AttributeError: 'NoneType' object has no attribute 'serial_number'
0.549405
Traceback (most recent call last): "run.py", line 373, in main m.run() "C:\Users\Ken\Desktop\discord bot\MusicBot\musicbot\bot.py", line 902, in run self.loop.run_until_complete(self.start(*self.config.auth)) "C:\Users\Ken\AppData\Local\Programs\Python\Python36\lib\asyncio\base_events.py", line 473, in run_until_complete return future.result() "C:\Users\Ken\AppData\Local\Programs\Python\Python36\lib\site-packages\discord\client.py", line 543, in start await self.connect(reconnect=reconnect) "C:\Users\Ken\AppData\Local\Programs\Python\Python36\lib\site-packages\discord\client.py", line 457, in connect await self._connect() "C:\Users\Ken\AppData\Local\Programs\Python\Python36\lib\site-packages\discord\client.py", line 421, in _connect await self.ws.poll_event() "C:\Users\Ken\AppData\Local\Programs\Python\Python36\lib\site-packages\discord\gateway.py", line 469, in poll_event await self.received_message(msg) "C:\Users\Ken\AppData\Local\Programs\Python\Python36\lib\site-packages\discord\gateway.py", line 423, in received_message func(data) "C:\Users\Ken\AppData\Local\Programs\Python\Python36\lib\site-packages\discord\state.py", line 663, in parse_guild_create guild = self._get_create_guild(data) "C:\Users\Ken\AppData\Local\Programs\Python\Python36\lib\site-packages\discord\state.py", line 638, in _get_create_guild guild._from_data(data) "C:\Users\Ken\AppData\Local\Programs\Python\Python36\lib\site-packages\discord\guild.py", line 391, in _from_data self._sync(guild) "C:\Users\Ken\AppData\Local\Programs\Python\Python36\lib\site-packages\discord\guild.py", line 420, in _sync self._add_channel(VoiceChannel(guild=self, data=c, state=self._state)) "C:\Users\Ken\AppData\Local\Programs\Python\Python36\lib\site-packages\discord\channel.py", line 504, in __init__ self._update(guild, data) "C:\Users\Ken\AppData\Local\Programs\Python\Python36\lib\site-packages\discord\channel.py", line 535, in _update self._fill_overwrites(data) "C:\Users\Ken\AppData\Local\Programs\Python\Python36\lib\site-packages\discord\abc.py", line 271, in _fill_overwrites self._overwrites.append(_Overwrites(id=overridden_id, **overridden)) TypeError: __new__() got an unexpected keyword argument 'deny_new'
Traceback (most recent call last): "/usr/local/lib/python3.6/dist-packages/mythril-0.22.4-py3.6.egg/mythril/mythril/mythril_analyzer.py", line 162, in fire_lasers custom_modules_directory=self.custom_modules_directory, "/usr/local/lib/python3.6/dist-packages/mythril-0.22.4-py3.6.egg/mythril/analysis/symbolic.py", line 165, in __init__ world_state=world_state, "/usr/local/lib/python3.6/dist-packages/mythril-0.22.4-py3.6.egg/mythril/laser/ethereum/svm.py", line 180, in sym_exec self._execute_transactions(created_account.address) "/usr/local/lib/python3.6/dist-packages/mythril-0.22.4-py3.6.egg/mythril/laser/ethereum/svm.py", line 224, in _execute_transactions execute_message_call(self, address) "/usr/local/lib/python3.6/dist-packages/mythril-0.22.4-py3.6.egg/mythril/laser/ethereum/transaction/symbolic.py", line 108, in execute_message_call laser_evm.exec() "/usr/local/lib/python3.6/dist-packages/mythril-0.22.4-py3.6.egg/mythril/laser/ethereum/svm.py", line 256, in exec new_states, op_code = self.execute_state(global_state) "/usr/local/lib/python3.6/dist-packages/mythril-0.22.4-py3.6.egg/mythril/laser/ethereum/svm.py", line 347, in execute_state ).evaluate(global_state) "/usr/local/lib/python3.6/dist-packages/mythril-0.22.4-py3.6.egg/mythril/laser/ethereum/instructions.py", line 240, in evaluate result = instruction_mutator(global_state) "/usr/local/lib/python3.6/dist-packages/mythril-0.22.4-py3.6.egg/mythril/laser/ethereum/instructions.py", line 187, in wrapper new_global_states = self.call_on_state_copy(func, func_obj, global_state) "/usr/local/lib/python3.6/dist-packages/mythril-0.22.4-py3.6.egg/mythril/laser/ethereum/instructions.py", line 122, in call_on_state_copy return func(func_obj, global_state_copy) "/usr/local/lib/python3.6/dist-packages/mythril-0.22.4-py3.6.egg/mythril/laser/ethereum/instructions.py", line 905, in balance_ address.value, self.dynamic_loader "/usr/local/lib/python3.6/dist-packages/mythril-0.22.4-py3.6.egg/mythril/laser/ethereum/state/world_state.py", line 89, in accounts_exist_or_load addr_bitvec = symbol_factory.BitVecVal(int(addr, 16), 256) TypeError: int() can't convert non-string with explicit base
0.562423
Traceback (most recent call last): "/home/kpostlet/.local/share/virtualenvs/message_replay-Dxv_qimG/lib64/python3.6/site-packages/aiohttp/web_protocol.py", line 418, in start resp = await task "/home/kpostlet/.local/share/virtualenvs/message_replay-Dxv_qimG/lib64/python3.6/site-packages/aiohttp/web_app.py", line 458, in _handle resp = await handler(request) "/home/kpostlet/.local/share/virtualenvs/message_replay-Dxv_qimG/lib/python3.6/site-packages/faust/web/drivers/aiohttp.py", line 242, in _dispatch return await handler(request) "/home/kpostlet/.local/share/virtualenvs/message_replay-Dxv_qimG/lib/python3.6/site-packages/faust/web/views.py", line 77, in __call__ return await self.dispatch(request) "/home/kpostlet/.local/share/virtualenvs/message_replay-Dxv_qimG/lib/python3.6/site-packages/faust/web/views.py", line 93, in dispatch response = await method(cast(Request, request), **kwargs) "/home/kpostlet/kpostoffice/message_replay/consumer.py", line 46, in seek_offset copy[(topic.get_topic_name, p)].delta(delta_seconds) "/home/kpostlet/.local/share/virtualenvs/message_replay-Dxv_qimG/lib/python3.6/site-packages/faust/tables/wrappers.py", line 237, in delta return table._windowed_delta(self.key, d, event or self.event) "/home/kpostlet/.local/share/virtualenvs/message_replay-Dxv_qimG/lib/python3.6/site-packages/faust/tables/base.py", line 550, in _windowed_delta window.delta(self._relative_event(event), d)), "/home/kpostlet/.local/share/virtualenvs/message_replay-Dxv_qimG/lib/python3.6/site-packages/faust/tables/base.py", line 516, in _relative_event raise RuntimeError('Operation outside of stream iteration') RuntimeError: Operation outside of stream iteration
Traceback (most recent call last): "/usr/lib/python3.8/site-packages/torch/multiprocessing/spawn.py", line 19, in _wrap fn(i, *args) "/home/jsaric/lib/my-detectron2/detectron2/engine/launch.py", line 84, in _distributed_worker main_func(*args) "/home/jsaric/lib/my-detectron2/tools/train_net.py", line 162, in main return trainer.train() "/home/jsaric/lib/my-detectron2/detectron2/engine/defaults.py", line 373, in train super().train(self.start_iter, self.max_iter) "/home/jsaric/lib/my-detectron2/detectron2/engine/train_loop.py", line 133, in train self.after_step() "/home/jsaric/lib/my-detectron2/detectron2/engine/train_loop.py", line 151, in after_step h.after_step() "/home/jsaric/lib/my-detectron2/detectron2/engine/hooks.py", line 323, in after_step results = self._func() "/home/jsaric/lib/my-detectron2/detectron2/engine/defaults.py", line 324, in test_and_save_results self._last_eval_results = self.test(self.cfg, self.model) "/home/jsaric/lib/my-detectron2/detectron2/engine/defaults.py", line 484, in test results_i = inference_on_dataset(model, data_loader, evaluator) "/home/jsaric/lib/my-detectron2/detectron2/evaluation/evaluator.py", line 121, in inference_on_dataset outputs = model(inputs) "/usr/lib/python3.8/site-packages/torch/nn/modules/module.py", line 541, in __call__ result = self.forward(*input, **kwargs) "/usr/lib/python3.8/site-packages/torch/nn/parallel/distributed.py", line 442, in forward output = self.module(*inputs[0], **kwargs[0]) "/usr/lib/python3.8/site-packages/torch/nn/modules/module.py", line 541, in __call__ result = self.forward(*input, **kwargs) "/home/jsaric/lib/my-detectron2/detectron2/modeling/meta_arch/rcnn.py", line 109, in forward return self.inference(batched_inputs) "/home/jsaric/lib/my-detectron2/detectron2/modeling/meta_arch/rcnn.py", line 183, in inference r = detector_postprocess(results_per_image, height, width) "/home/jsaric/lib/my-detectron2/detectron2/modeling/postprocessing.py", line 41, in detector_postprocess results.pred_masks = paste_masks_in_image( "/home/jsaric/lib/my-detectron2/detectron2/layers/mask_ops.py", line 117, in paste_masks_in_image masks_chunk, spatial_inds = _do_paste_mask( "/home/jsaric/lib/my-detectron2/detectron2/layers/mask_ops.py", line 57, in _do_paste_mask grid = torch.stack([gx, gy], dim=3) RuntimeError: CUDA out of memory. Tried to allocate 2.02 GiB (GPU 0; 10.76 GiB total capacity; 4.19 GiB already allocated; 1.62 GiB free; 4.09 GiB cached)
0.582246
Traceback (most recent call last): "variational_autoencoder.py", line 65, in <module> validation_data=(x_test, x_test)) "/users/sourabh.d/.local/lib/python2.7/site-packages/keras/engine/training.py", line 1083, in fit self._make_train_function() "/users/sourabh.d/.local/lib/python2.7/site-packages/keras/engine/training.py", line 696, in _make_train_function self.total_loss) "/users/sourabh.d/.local/lib/python2.7/site-packages/keras/optimizers.py", line 213, in get_updates new_a = self.rho * a + (1. - self.rho) * K.square(g) "/users/sourabh.d/.local/lib/python2.7/site-packages/keras/backend/tensorflow_backend.py", line 576, in square return tf.square(x) "/users/sourabh.d/.local/lib/python2.7/site-packages/tensorflow/python/ops/math_ops.py", line 345, in square return gen_math_ops.square(x, name=name) "/users/sourabh.d/.local/lib/python2.7/site-packages/tensorflow/python/ops/gen_math_ops.py", line 2228, in square result = _op_def_lib.apply_op("Square", x=x, name=name) "/users/sourabh.d/.local/lib/python2.7/site-packages/tensorflow/python/framework/op_def_library.py", line 458, in apply_op as_ref=input_arg.is_ref).dtype.name "/users/sourabh.d/.local/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 628, in convert_to_tensor ret = conversion_func(value, dtype=dtype, name=name, as_ref=as_ref) "/users/sourabh.d/.local/lib/python2.7/site-packages/tensorflow/python/framework/constant_op.py", line 180, in _constant_tensor_conversion_function return constant(v, dtype=dtype, name=name) "/users/sourabh.d/.local/lib/python2.7/site-packages/tensorflow/python/framework/constant_op.py", line 163, in constant tensor_util.make_tensor_proto(value, dtype=dtype, shape=shape)) "/users/sourabh.d/.local/lib/python2.7/site-packages/tensorflow/python/framework/tensor_util.py", line 346, in make_tensor_proto raise ValueError("None values not supported.") ValueError: None values not supported.
Traceback (most recent call last): "electra_small/run_finetuning.py", line 323, in <module> main() "electra_small/run_finetuning.py", line 319, in main args.model_name, args.data_dir, **hparams)) "electra_small/run_finetuning.py", line 270, in run_finetuning model_runner.train() "electra_small/run_finetuning.py", line 183, in train input_fn=self._train_input_fn, max_steps=self.train_steps) "/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/tpu/tpu_estimator.py", line 3035, in train rendezvous.raise_errors() "/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/tpu/error_handling.py", line 136, in raise_errors six.reraise(typ, value, traceback) "/usr/local/lib/python3.5/dist-packages/six.py", line 703, in reraise raise value "/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/tpu/tpu_estimator.py", line 3030, in train saving_listeners=saving_listeners) "/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/estimator.py", line 370, in train loss = self._train_model(input_fn, hooks, saving_listeners) "/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/estimator.py", line 1161, in _train_model return self._train_model_default(input_fn, hooks, saving_listeners) "/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/estimator.py", line 1191, in _train_model_default features, labels, ModeKeys.TRAIN, self.config) "/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/tpu/tpu_estimator.py", line 2857, in _call_model_fn config) "/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/estimator.py", line 1149, in _call_model_fn model_fn_results = self._model_fn(features=features, **kwargs) "/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/tpu/tpu_estimator.py", line 3159, in _model_fn _train_on_tpu_system(ctx, model_fn_wrapper, dequeue_fn)) "/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/tpu/tpu_estimator.py", line 3604, in _train_on_tpu_system device_assignment=ctx.device_assignment) "/usr/local/lib/python3.5/dist-packages/tensorflow_core/python/tpu/tpu.py", line 1277, in split_compile_and_shard name=name) "/usr/local/lib/python3.5/dist-packages/tensorflow_core/python/tpu/tpu.py", line 992, in split_compile_and_replicate outputs = computation(*computation_inputs) "/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/tpu/tpu_estimator.py", line 3589, in multi_tpu_train_steps_on_single_shard inputs=[0, _INITIAL_LOSS]) "/usr/local/lib/python3.5/dist-packages/tensorflow_core/python/tpu/training_loop.py", line 178, in while_loop condition_wrapper, body_wrapper, inputs, name="", parallel_iterations=1) "/usr/local/lib/python3.5/dist-packages/tensorflow_core/python/ops/control_flow_ops.py", line 2753, in while_loop return_same_structure) "/usr/local/lib/python3.5/dist-packages/tensorflow_core/python/ops/control_flow_ops.py", line 2245, in BuildLoop pred, body, original_loop_vars, loop_vars, shape_invariants) "/usr/local/lib/python3.5/dist-packages/tensorflow_core/python/ops/control_flow_ops.py", line 2170, in _BuildLoop body_result = body(*packed_vars_for_body) "/usr/local/lib/python3.5/dist-packages/tensorflow_core/python/tpu/training_loop.py", line 121, in body_wrapper outputs = body(*(inputs + dequeue_ops)) "/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/tpu/tpu_estimator.py", line 3588, in <lambda> lambda i, loss: [i + 1, single_tpu_train_step(i)], "/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/tpu/tpu_estimator.py", line 1715, in train_step self._call_model_fn(features, labels)) "/usr/local/lib/python3.5/dist-packages/tensorflow_estimator/python/estimator/tpu/tpu_estimator.py", line 1994, in _call_model_fn estimator_spec = self._model_fn(features=features, **kwargs) "electra_small/run_finetuning.py", line 96, in model_fn tvars, init_checkpoint) "/home/etetteh/electra_small/model/modeling.py", line 351, in get_assignment_map_from_checkpoint for x in tf.train.list_variables(init_checkpoint): "/usr/local/lib/python3.5/dist-packages/tensorflow_core/python/training/checkpoint_utils.py", line 97, in list_variables reader = load_checkpoint(ckpt_dir_or_file) "/usr/local/lib/python3.5/dist-packages/tensorflow_core/python/training/checkpoint_utils.py", line 65, in load_checkpoint "given directory %s" % ckpt_dir_or_file) ValueError: Couldn't find 'checkpoint' file or checkpoints in given directory <model_dir>
0.595042
Traceback (most recent call last): "D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 721, in getImports return _getImports_pe(pth) "D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 109, in _getImports_pe import_dllnames_only=True, TypeError: parse_data_directories() got an unexpected keyword argument 'forwarded_exports_only'
Traceback (most recent call last): "ex.py", line 2, in <module> print(e[0]) TypeError: 'Exception' object is not subscriptable
0.569541
Traceback (most recent call last): "BOHB4HPO_sgd_instances.py", line 79, in <module> main() "BOHB4HPO_sgd_instances.py", line 75, in main incumbent = smac.optimize() "/home/eggenspk/Work/git/SMAC3/smac/facade/smac_ac_facade.py", line 597, in optimize incumbent = self.solver.run() "/home/eggenspk/Work/git/SMAC3/smac/optimizer/smbo.py", line 278, in run self._incorporate_run_results(run_info, result, time_left) "/home/eggenspk/Work/git/SMAC3/smac/optimizer/smbo.py", line 481, in _incorporate_run_results result=result, "/home/eggenspk/Work/git/SMAC3/smac/intensification/parallel_scheduling.py", line 256, in process_results log_traj=log_traj, "/home/eggenspk/Work/git/SMAC3/smac/intensification/hyperband.py", line 169, in process_results log_traj=log_traj) "/home/eggenspk/Work/git/SMAC3/smac/intensification/successive_halving.py", line 340, in process_results curr_budget = self.all_budgets[self.stage] AttributeError: '_SuccessiveHalving' object has no attribute 'stage'
Traceback (most recent call last): "1.py", line 11, in <module> hyperlink, 'https://github.com', "/home/vlotorev/.local/share/virtualenvs/jira-subOCp-h/lib/python3.6/site-packages/xlsxwriter/worksheet.py", line 69, in cell_wrapper return method(self, *args, **kwargs) "/home/vlotorev/.local/share/virtualenvs/jira-subOCp-h/lib/python3.6/site-packages/xlsxwriter/worksheet.py", line 989, in write_rich_string return self._write_rich_string(row, col, *args) "/home/vlotorev/.local/share/virtualenvs/jira-subOCp-h/lib/python3.6/site-packages/xlsxwriter/worksheet.py", line 1069, in _write_rich_string self._write_font(token) "/home/vlotorev/.local/share/virtualenvs/jira-subOCp-h/lib/python3.6/site-packages/xlsxwriter/worksheet.py", line 5029, in _write_font self._write_color('theme', xf_format.theme) "/home/vlotorev/.local/share/virtualenvs/jira-subOCp-h/lib/python3.6/site-packages/xlsxwriter/worksheet.py", line 6701, in _write_color self._xml_empty_tag('color', attributes) "/home/vlotorev/.local/share/virtualenvs/jira-subOCp-h/lib/python3.6/site-packages/xlsxwriter/xmlwriter.py", line 80, in _xml_empty_tag self.fh.write("<%s/>" % tag) AttributeError: 'NoneType' object has no attribute 'write'
0.608744
Traceback (most recent call last): "/usr/local/lib/python3.7/multiprocessing/process.py", line 297, in _bootstrap self.run() "/usr/local/lib/python3.7/multiprocessing/process.py", line 99, in run self._target(*self._args, **self._kwargs) "importing.py", line 5, in someFunc from flanker.addresslib import address "/usr/local/lib/python3.7/site-packages/flanker/addresslib/address.py", line 49, in <module> from flanker.addresslib._parser.parser import (Mailbox, Url, mailbox_parser, "/usr/local/lib/python3.7/site-packages/flanker/addresslib/_parser/parser.py", line 171, in <module> tabmodule='url_parsetab') "/usr/local/lib/python3.7/site-packages/ply/yacc.py", line 3293, in yacc read_signature = lr.read_table(tabmodule) "/usr/local/lib/python3.7/site-packages/ply/yacc.py", line 1987, in read_table if parsetab._tabversion != __tabversion__: AttributeError: module 'flanker.addresslib._parser.url_parsetab' has no attribute '_tabversion'
Traceback (most recent call last): "c:\users\vincent\evennia\evennia\commands\cmdhandler.py", line 591, in _run_command ret = cmd.func() "c:\users\vincent\evennia\evennia\commands\default\building.py", line 782, in func report_to=caller) "c:\users\vincent\evennia\evennia\utils\create.py", line 129, in create_object new_object.save() "c:\users\vincent\evennia\evennia\utils\idmapper\models.py", line 393, in save super(SharedMemoryModel, self).save(*args, **kwargs) "c:\users\vincent\pyenv\Lib\site-packages\django\db\models\base.py", line 807, in save force_update=force_update, update_fields=update_fields) "c:\users\vincent\pyenv\Lib\site-packages\django\db\models\base.py", line 847, in save_base update_fields=update_fields, raw=raw, using=using, "c:\users\vincent\pyenv\Lib\site-packages\django\dispatch\dispatcher.py", line 193, in send for receiver in self._live_receivers(sender) "c:\users\vincent\evennia\evennia\typeclasses\signals.py", line 9, in post_save instance.at_first_save() "c:\users\vincent\evennia\evennia\objects\objects.py", line 953, in at_first_save self.locks.add(cdict["locks"]) "c:\users\vincent\evennia\evennia\locks\lockhandler.py", line 305, in add for lockdef in lockstring.split(';'): AttributeError: 'list' object has no attribute 'split'
0.549232
Traceback (most recent call last): "/usr/local/lib/python3.7/dist-packages/torch/multiprocessing/spawn.py", line 19, in _wrap fn(i, *args) "/opt/tiger/fairseq/fairseq/distributed_utils.py", line 302, in distributed_main main(cfg, **kwargs) "/opt/tiger/fairseq/fairseq_cli/train.py", line 138, in main valid_losses, should_stop = train(cfg, trainer, task, epoch_itr) "/usr/lib/python3.7/contextlib.py", line 74, in inner return func(*args, **kwds) "/opt/tiger/fairseq/fairseq_cli/train.py", line 235, in train log_output = trainer.train_step(samples) "/usr/lib/python3.7/contextlib.py", line 74, in inner return func(*args, **kwds) "/opt/tiger/fairseq/fairseq/trainer.py", line 536, in train_step ignore_grad=is_dummy_batch, "/opt/tiger/fairseq/fairseq/tasks/fairseq_task.py", line 428, in train_step loss, sample_size, logging_output = criterion(model, sample) "/usr/local/lib/python3.7/dist-packages/torch/nn/modules/module.py", line 727, in _call_impl result = self.forward(*input, **kwargs) "/opt/tiger/fairseq/fairseq/criterions/cross_entropy.py", line 35, in forward net_output = model(**sample["net_input"]) "/usr/local/lib/python3.7/dist-packages/torch/nn/modules/module.py", line 727, in _call_impl result = self.forward(*input, **kwargs) "/opt/tiger/fairseq/fairseq/legacy_distributed_data_parallel.py", line 83, in forward return self.module(*inputs, **kwargs) "/usr/local/lib/python3.7/dist-packages/torch/nn/modules/module.py", line 727, in _call_impl result = self.forward(*input, **kwargs) "/opt/tiger/fairseq/fairseq/models/wav2vec/wav2vec2_asr.py", line 249, in forward decoder_out = self.decoder(encoder_out=encoder_out, **kwargs) "/usr/local/lib/python3.7/dist-packages/torch/nn/modules/module.py", line 727, in _call_impl result = self.forward(*input, **kwargs) TypeError: forward() missing 1 required positional argument: 'prev_output_tokens'
Traceback (most recent call last): ".../lib/python3.7/site-packages/uvicorn/protocols/http/httptools_impl.py", line 376, in run_asgi result = await app(self.scope, self.receive, self.send) ".../lib/python3.7/site-packages/starlette/applications.py", line 134, in __call__ await self.error_middleware(scope, receive, send) ".../lib/python3.7/site-packages/starlette/middleware/errors.py", line 162, in __call__ response = self.debug_response(request, exc) ".../lib/python3.7/site-packages/starlette/middleware/errors.py", line 236, in debug_response content = self.generate_html(exc) ".../lib/python3.7/site-packages/starlette/middleware/errors.py", line 222, in generate_html exc_html += self.generate_frame_html(frame, center_lineno, is_collapsed) ".../lib/python3.7/site-packages/starlette/middleware/errors.py", line 197, in generate_frame_html for context_position, line in enumerate(frame.code_context) TypeError: 'NoneType' object is not iterable
0.541332
Traceback (most recent call last): "c:\users\xxxxxxxxx\appdata\local\programs\python\python36-32\Lib\runpy.py", line 193, in _run_module_as_main "__main__", mod_spec) "c:\users\xxxxxxxxx\appdata\local\programs\python\python36-32\Lib\runpy.py", line 85, in _run_code exec(code, run_globals) "C:\Users\xxxxxxxxx\flask\examples\flaskr\venv\Scripts\flask.exe\__main__.py", line 9, in <module> "c:\users\xxxxxxxxx\flask\examples\flaskr\venv\lib\site-packages\flask\cli.py", line 513, in main cli.main(args=args, prog_name=name) "c:\users\xxxxxxxxx\flask\examples\flaskr\venv\lib\site-packages\flask\cli.py", line 380, in main return AppGroup.main(self, *args, **kwargs) "c:\users\xxxxxxxxx\flask\examples\flaskr\venv\lib\site-packages\click\core.py", line 697, in main rv = self.invoke(ctx) "c:\users\xxxxxxxxx\flask\examples\flaskr\venv\lib\site-packages\click\core.py", line 1061, in invoke cmd_name, cmd, args = self.resolve_command(ctx, args) "c:\users\xxxxxxxxx\flask\examples\flaskr\venv\lib\site-packages\click\core.py", line 1100, in resolve_command cmd = self.get_command(ctx, cmd_name) "c:\users\xxxxxxxxx\flask\examples\flaskr\venv\lib\site-packages\flask\cli.py", line 351, in get_command rv = info.load_app().cli.get_command(ctx, name) "c:\users\xxxxxxxxx\flask\examples\flaskr\venv\lib\site-packages\flask\cli.py", line 237, in load_app rv = locate_app(self.app_import_path) "c:\users\xxxxxxxxx\flask\examples\flaskr\venv\lib\site-packages\flask\cli.py", line 109, in locate_app % module) RuntimeError: Failed to find application in module "flaskr.factory"
Traceback (most recent call last): "/usr/local/lib/python3.6/site-packages/sanic/server.py", line 339, in write_response self.keep_alive_timeout)) "uvloop/handles/stream.pyx", line 636, in uvloop.loop.UVStream.write "uvloop/handles/handle.pyx", line 165, in uvloop.loop.UVHandle._ensure_alive RuntimeError: unable to perform operation on <UnixTransport closed=True reading=False 0x7f00061252a8>; the handler is closed
0.530405
Traceback (most recent call last): "/home/smln/.medusa/<a href="../blob/77b20916ab577b82112ebc624f816054788c63f2/medusa/search/queue.py#L263">medusa/search/queue.py</a>", line 263, in run found_results = search_for_needed_episodes(force=self.force) "/home/smln/.medusa/<a href="../blob/77b20916ab577b82112ebc624f816054788c63f2/medusa/search/core.py#L492">medusa/search/core.py</a>", line 492, in search_for_needed_episodes if delay_search(best_result): "/home/smln/.medusa/<a href="../blob/77b20916ab577b82112ebc624f816054788c63f2/medusa/search/core.py#L523">medusa/search/core.py</a>", line 523, in delay_search results['found_items'].sort(key=lambda d: int(d['date_added'])) "/home/smln/.medusa/<a href="../blob/77b20916ab577b82112ebc624f816054788c63f2/medusa/search/core.py#L523">medusa/search/core.py</a>", line 523, in <lambda> results['found_items'].sort(key=lambda d: int(d['date_added'])) TypeError: int() argument must be a string or a number, not 'datetime.datetime'
Traceback (most recent call last): "F:\software\PY\lib\runpy.py", line 193, in _run_module_as_main "__main__", mod_spec) "F:\software\PY\lib\runpy.py", line 85, in _run_code exec(code, run_globals) "G:\Py\venv\Scripts\pyinstaller.exe\__main__.py", line 9, in <module> "g:\py\venv\lib\site-packages\PyInstaller\__main__.py", line 111, in run run_build(pyi_config, spec_file, **vars(args)) "g:\py\venv\lib\site-packages\PyInstaller\__main__.py", line 63, in run_build PyInstaller.building.build_main.main(pyi_config, spec_file, **kwargs) "g:\py\venv\lib\site-packages\PyInstaller\building\build_main.py", line 838, in main build(specfile, kw.get('distpath'), kw.get('workpath'), kw.get('clean_build')) "g:\py\venv\lib\site-packages\PyInstaller\building\build_main.py", line 784, in build exec(text, spec_namespace) "<string>", line 29, in <module> "g:\py\venv\lib\site-packages\PyInstaller\building\api.py", line 424, in __init__ strip_binaries=self.strip, upx_binaries=self.upx, "g:\py\venv\lib\site-packages\PyInstaller\building\api.py", line 196, in __init__ self.__postinit__() "g:\py\venv\lib\site-packages\PyInstaller\building\datastruct.py", line 158, in __postinit__ self.assemble() "g:\py\venv\lib\site-packages\PyInstaller\building\api.py", line 273, in assemble pylib_name = os.path.basename(bindepend.get_python_library_path()) "F:\software\PY\lib\ntpath.py", line 218, in basename return split(p)[1] "F:\software\PY\lib\ntpath.py", line 185, in split p = os.fspath(p) TypeError: expected str, bytes or os.PathLike object, not NoneType`
0.567393
Traceback (most recent call last): "/usr/local/bin/pipenv", line 11, in <module> sys.exit(cli()) "/usr/local/lib/python3.6/site-packages/pipenv/vendor/click/core.py", line 722, in __call__ return self.main(*args, **kwargs) "/usr/local/lib/python3.6/site-packages/pipenv/vendor/click/core.py", line 697, in main rv = self.invoke(ctx) "/usr/local/lib/python3.6/site-packages/pipenv/vendor/click/core.py", line 1066, in invoke return _process_result(sub_ctx.command.invoke(sub_ctx)) "/usr/local/lib/python3.6/site-packages/pipenv/vendor/click/core.py", line 895, in invoke return ctx.invoke(self.callback, **ctx.params) "/usr/local/lib/python3.6/site-packages/pipenv/vendor/click/core.py", line 535, in invoke return callback(*args, **kwargs) "/usr/local/lib/python3.6/site-packages/pipenv/cli.py", line 245, in lock core.do_init(dev=dev, requirements=requirements) "/usr/local/lib/python3.6/site-packages/pipenv/core.py", line 1373, in do_init requirements_dir=requirements_dir.name) "/usr/local/lib/python3.6/site-packages/pipenv/core.py", line 827, in do_install_dependencies click.echo('\n'.join(d[0] for d in sorted(deps_list))) TypeError: '<' not supported between instances of 'tuple' and 'list'
Traceback (most recent call last): "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/urllib3/connectionpool.py", line 380, in _make_request httplib_response = conn.getresponse(buffering=True) TypeError: getresponse() got an unexpected keyword argument 'buffering'
0.561414
Traceback (most recent call last): "D:/Code/CC/paddleOCR.py", line 1, in <module> from paddleocr import PaddleOCR "D:\Code\CC\venv\lib\site-packages\paddleocr\__init__.py", line 16, in <module> from .paddleocr import PaddleOCR "D:\Code\CC\venv\lib\site-packages\paddleocr\paddleocr.py", line 28, in <module> from tools.infer import predict_system "D:\Code\CC\venv\lib\site-packages\paddleocr\tools\infer\predict_system.py", line 27, in <module> import tools.infer.predict_rec as predict_rec "D:\Code\CC\venv\lib\site-packages\paddleocr\tools\infer\predict_rec.py", line 33, in <module> logger = get_logger() "D:\Code\CC\venv\lib\site-packages\paddleocr\ppocr\utils\logging.py", line 61, in get_logger if dist.get_rank() == 0: AttributeError: module 'paddle.distributed' has no attribute 'get_rank'
Traceback (most recent call last): "/volume1/@appstore/py3k/usr/local/bin/subliminal", line 11, in <module> sys.exit(subliminal()) "/volume1/@appstore/py3k/usr/local/lib/python3.5/site-packages/click/core.py", line 722, in __call__ return self.main(*args, **kwargs) "/volume1/@appstore/py3k/usr/local/lib/python3.5/site-packages/click/core.py", line 697, in main rv = self.invoke(ctx) "/volume1/@appstore/py3k/usr/local/lib/python3.5/site-packages/click/core.py", line 1066, in invoke return _process_result(sub_ctx.command.invoke(sub_ctx)) "/volume1/@appstore/py3k/usr/local/lib/python3.5/site-packages/click/core.py", line 895, in invoke return ctx.invoke(self.callback, **ctx.params) "/volume1/@appstore/py3k/usr/local/lib/python3.5/site-packages/click/core.py", line 535, in invoke return callback(*args, **kwargs) "/volume1/@appstore/py3k/usr/local/lib/python3.5/site-packages/click/decorators.py", line 27, in new_func return f(get_current_context().obj, *args, **kwargs) "/volume1/@appstore/py3k/usr/local/lib/python3.5/site-packages/subliminal/cli.py", line 403, in download hearing_impaired=hearing_impaired, only_one=single) "/volume1/@appstore/py3k/usr/local/lib/python3.5/site-packages/subliminal/core.py", line 211, in download_best_subtitles for s in subtitles], key=operator.itemgetter(1), reverse=True) "/volume1/@appstore/py3k/usr/local/lib/python3.5/site-packages/subliminal/core.py", line 211, in <listcomp> for s in subtitles], key=operator.itemgetter(1), reverse=True) "/volume1/@appstore/py3k/usr/local/lib/python3.5/site-packages/subliminal/score.py", line 106, in compute_score matches = subtitle.get_matches(video) "/volume1/@appstore/py3k/usr/local/lib/python3.5/site-packages/subliminal/providers/opensubtitles.py", line 78, in get_matches matches |= guess_matches(video, guessit(self.movie_release_name, {'type': 'episode'})) "/volume1/@appstore/py3k/usr/local/lib/python3.5/site-packages/subliminal/subtitle.py", line 235, in guess_matches if video.format and 'format' in guess and not isinstance(guess['format'], list) and guess['format'].lower() == video.format.lower(): AttributeError: 'list' object has no attribute 'lower'
0.565857
Traceback (most recent call last): "/opt/virtualenv/django/bin/mypy", line 11, in <module> sys.exit(console_entry()) "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/__main__.py", line 7, in console_entry main(None) "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/main.py", line 50, in main res = type_check_only(sources, bin_dir, options) "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/main.py", line 97, in type_check_only options=options) "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/build.py", line 196, in build graph = dispatch(sources, manager) "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/build.py", line 1801, in dispatch process_graph(graph, manager) "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/build.py", line 2044, in process_graph process_stale_scc(graph, scc, manager) "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/build.py", line 2139, in process_stale_scc graph[id].semantic_analysis() "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/build.py", line 1696, in semantic_analysis self.manager.semantic_analyzer.visit_file(self.tree, self.xpath, self.options, patches) "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/semanal.py", line 295, in visit_file self.accept(d) "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/semanal.py", line 3645, in accept node.accept(self) "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/nodes.py", line 565, in accept return visitor.visit_func_def(self) "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/semanal.py", line 418, in visit_func_def self.analyze_function(defn) "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/semanal.py", line 627, in analyze_function defn.body.accept(self) "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/nodes.py", line 815, in accept return visitor.visit_block(self) "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/semanal.py", line 1522, in visit_block self.accept(s) "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/semanal.py", line 3645, in accept node.accept(self) "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/nodes.py", line 859, in accept return visitor.visit_assignment_stmt(self) "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/semanal.py", line 1581, in visit_assignment_stmt self.process_namedtuple_definition(s) "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/semanal.py", line 2126, in process_namedtuple_definition named_tuple = self.check_namedtuple(s.rvalue, name) "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/semanal.py", line 2157, in check_namedtuple return self.build_namedtuple_typeinfo('namedtuple', [], [], {}) "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/semanal.py", line 2275, in build_namedtuple_typeinfo info = self.basic_new_typeinfo(name, fallback) "/opt/virtualenv/django/lib/python3.5/site-packages/mypy/semanal.py", line 2251, in basic_new_typeinfo info.mro = [info] + basetype_or_fallback.type.mro TypeError: can only concatenate list (not "NoneType") to list
Traceback (most recent call last): "learner.py", line 32, in <module> print(fdist.tabulate()) "<edited>/env/lib/python3.7/site-packages/nltk/probability.py", line 333, in tabulate width = max(len("%s" % s) for s in samples) "<edited>/env/lib/python3.7/site-packages/nltk/probability.py", line 333, in <genexpr> width = max(len("%s" % s) for s in samples) TypeError: not all arguments converted during string formatting
0.591493