text1
stringlengths
92
132k
text2
stringlengths
83
99.1k
score
float64
0.01
1
Traceback (most recent call last): "/tmp/kitchen/testing/tests/integration/states/test_archive.py", line 337, in test_local_archive_extracted_with_skip_files_list_verify self._check_extracted(self.untar_file) "/tmp/kitchen/testing/tests/integration/states/test_archive.py", line 73, in _check_extracted self.assertTrue(os.path.isfile(path)) AssertionError: False is not true
Traceback (most recent call last): "/builddir/build/BUILD/argcomplete-1.12.0/test/test.py", line 1206, in setUp self.assertEqual(output, '') AssertionError: '\x1b[?2004l\r\x1b[?2004h' != ''
0.535441
Traceback (most recent call last): "<string>", line 1, in <module> "/Users/326937463/.vim/plugged/LeaderF/autoload/leaderf/python/leaderf/fileExpl.py", line 726, in startExplorer super( ExplManager, self).startExplorer(win_pos, *args, **kwargs) "/Users/326937463/.vim/plugged/LeaderF/autoload/leaderf/python/leaderf/manager.py", line 1547, in startExplorer self.input() "/Users/326937463/.vim/plugged/LeaderF/autoload/leaderf/python/leaderf/manager.py", line 59, in deco func(self, *args, **kwargs) "/Users/326937463/.vim/plugged/LeaderF/autoload/leaderf/python/leaderf/manager.py", line 1740, in input self._guessSearch(self._content) "/Users/326937463/.vim/plugged/LeaderF/autoload/leaderf/python/leaderf/manager.py", line 896, in _guessSearch filter_method = partial(fuzzyEngine.guessMatch, engine=self._fuzzy_engine, filename=filename, AttributeError: module 'fuzzyEngine' has no attribute 'guessMatch'
Traceback (most recent call last): "c:\users\dell\appdata\local\programs\python\python39\lib\site.py", line 169, in addpackage exec(line) "<string>", line 1, in <module> "c:\users\dell\appdata\local\programs\python\python39\lib\importlib\util.py", line 2, in <module> from . import abc "c:\users\dell\appdata\local\programs\python\python39\lib\importlib\abc.py", line 17, in <module> from typing import Protocol, runtime_checkable "c:\users\dell\appdata\local\programs\python\python39\lib\typing.py", line 26, in <module> import re as stdlib_re # Avoid confusion with the re we export. "c:\users\dell\appdata\local\programs\python\python39\lib\re.py", line 145, in <module> class RegexFlag(enum.IntFlag): AttributeError: module 'enum' has no attribute 'IntFlag'
0.592005
Traceback (most recent call last): "setup.py", line 62, in <module> CUDA = locate_cuda() "setup.py", line 53, in locate_cuda for k, v in cudaconfig.iteritems(): AttributeError: 'dict' object has no attribute 'iteritems'
Traceback (most recent call last): "/usr/share/grr-server/local/lib/python2.7/site-packages/grr_response_server/flow_base.py", line 751, in _ProcessRepliesWithFlowOutputPlugins output_plugin.Flush(output_plugin_state.plugin_state) "/usr/share/grr-server/local/lib/python2.7/site-packages/grr_response_server/output_plugins/bigquery_plugin.py", line 174, in Flush urn_str = self.source_urn.RelativeName("aff4:/").replace("/", "_").replace( AttributeError: 'unicode' object has no attribute 'RelativeName'
0.620072
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): "C:\BuildbotWorker\buildpackage_windows\build\.venv\lib\site-packages\golem_sci\implementation.py", line 410, in _monitor_blockchain "C:\BuildbotWorker\buildpackage_windows\build\.venv\lib\site-packages\golem_sci\implementation.py", line 416, in _monitor_blockchain_single "C:\BuildbotWorker\buildpackage_windows\build\.venv\lib\site-packages\golem_sci\implementation.py", line 430, in _update_block_numbers "C:\BuildbotWorker\buildpackage_windows\build\.venv\lib\site-packages\golem_sci\client.py", line 154, in get_block_number "C:\BuildbotWorker\buildpackage_windows\build\.venv\lib\site-packages\web3\eth.py", line 101, in blockNumber "C:\BuildbotWorker\buildpackage_windows\build\.venv\lib\site-packages\web3\manager.py", line 105, in request_blocking TypeError: argument of type 'NoneType' is not iterable
0.590724
Traceback (most recent call last): "flow", line 6, in <module> cliHandler(sys.argv) "/usr/local/lib/python3.5/site-packages/darkflow/cli.py", line 26, in cliHandler tfnet = TFNet(FLAGS) "/usr/local/lib/python3.5/site-packages/darkflow/net/build.py", line 75, in __init__ self.build_forward() "/usr/local/lib/python3.5/site-packages/darkflow/net/build.py", line 115, in build_forward state = op_create(*args) "/usr/local/lib/python3.5/site-packages/darkflow/net/ops/__init__.py", line 27, in op_create return op_types[layer_type](*args) "/usr/local/lib/python3.5/site-packages/darkflow/net/ops/baseop.py", line 42, in __init__ self.forward() "/usr/local/lib/python3.5/site-packages/darkflow/net/ops/convolution.py", line 73, in forward temp = self.batchnorm(self.lay, temp) "/usr/local/lib/python3.5/site-packages/darkflow/net/ops/convolution.py", line 90, in batchnorm return slim.batch_norm(inp, **args) "/usr/local/lib/python3.5/dist-packages/tensorflow/contrib/framework/python/ops/arg_scope.py", line 177, in func_with_args return func(*args, **current_args) TypeError: batch_norm() got an unexpected keyword argument 'param_initializers'
Traceback (most recent call last): "minimal.py", line 15, in <module> test = Minimal.from_dict(test_dict) "/home/jmuddle/.conda/envs/minimal_3.6/lib/python3.6/site-packages/dataclasses_json/api.py", line 83, in from_dict return _decode_dataclass(cls, kvs, infer_missing) "/home/jmuddle/.conda/envs/minimal_3.6/lib/python3.6/site-packages/dataclasses_json/core.py", line 200, in _decode_dataclass elif _is_supported_generic(field_type) and field_type != str: "/home/jmuddle/.conda/envs/minimal_3.6/lib/python3.6/site-packages/dataclasses_json/core.py", line 238, in _is_supported_generic type_) or is_union_type(type_) or is_enum "/home/jmuddle/.conda/envs/minimal_3.6/lib/python3.6/site-packages/dataclasses_json/utils.py", line 92, in _is_optional _hasargs(type_, type(None)) or "/home/jmuddle/.conda/envs/minimal_3.6/lib/python3.6/site-packages/dataclasses_json/utils.py", line 49, in _hasargs res = all(arg in type_.__args__ for arg in args) "/home/jmuddle/.conda/envs/minimal_3.6/lib/python3.6/site-packages/dataclasses_json/utils.py", line 49, in <genexpr> res = all(arg in type_.__args__ for arg in args) TypeError: argument of type 'NoneType' is not iterable
0.5877
Traceback (most recent call last): "setup.py", line 405, in <module> setup( "/public/software/Anaconda3/lib/python3.8/site-packages/setuptools/__init__.py", line 165, in setup return distutils.core.setup(**attrs) "/public/software/Anaconda3/lib/python3.8/distutils/core.py", line 148, in setup dist.run_commands() "/public/software/Anaconda3/lib/python3.8/distutils/dist.py", line 966, in run_commands self.run_command(cmd) "/public/software/Anaconda3/lib/python3.8/distutils/dist.py", line 985, in run_command cmd_obj.run() "/public/software/Anaconda3/lib/python3.8/distutils/command/build.py", line 135, in run self.run_command(cmd_name) "/public/software/Anaconda3/lib/python3.8/distutils/cmd.py", line 313, in run_command self.distribution.run_command(command) "/public/software/Anaconda3/lib/python3.8/distutils/dist.py", line 985, in run_command cmd_obj.run() "/public/software/Anaconda3/lib/python3.8/site-packages/setuptools/command/build_ext.py", line 87, in run _build_ext.run(self) "/public/software/Anaconda3/lib/python3.8/site-packages/Cython/Distutils/old_build_ext.py", line 186, in run _build_ext.build_ext.run(self) "/public/software/Anaconda3/lib/python3.8/distutils/command/build_ext.py", line 340, in run self.build_extensions() "/public/software/Anaconda3/lib/python3.8/site-packages/torch/utils/cpp_extension.py", line 649, in build_extensions build_ext.build_extensions(self) "/public/software/Anaconda3/lib/python3.8/site-packages/Cython/Distutils/old_build_ext.py", line 195, in build_extensions _build_ext.build_ext.build_extensions(self) "/public/software/Anaconda3/lib/python3.8/distutils/command/build_ext.py", line 449, in build_extensions self._build_extensions_serial() "/public/software/Anaconda3/lib/python3.8/distutils/command/build_ext.py", line 474, in _build_extensions_serial self.build_extension(ext) "/public/software/Anaconda3/lib/python3.8/site-packages/setuptools/command/build_ext.py", line 208, in build_extension _build_ext.build_extension(self, ext) "/public/software/Anaconda3/lib/python3.8/distutils/command/build_ext.py", line 528, in build_extension objects = self.compiler.compile(sources, "/public/software/Anaconda3/lib/python3.8/site-packages/torch/utils/cpp_extension.py", line 469, in unix_wrap_ninja_compile _write_ninja_file_and_compile_objects( "/public/software/Anaconda3/lib/python3.8/site-packages/torch/utils/cpp_extension.py", line 1228, in _write_ninja_file_and_compile_objects _run_ninja_build( "/public/software/Anaconda3/lib/python3.8/site-packages/torch/utils/cpp_extension.py", line 1529, in _run_ninja_build raise RuntimeError(message) RuntimeError: Error compiling objects for extension
Traceback (most recent call last): "demo.py", line 113, in <module> out = net(img) "/home/csy/anaconda3/envs/pytorch0.4.1/lib/python3.5/site-packages/torch/nn/modules/module.py", line 477, in __call__ result = self.forward(*input, **kwargs) "/home/csy/M2Det/m2det.py", line 106, in forward x = self.base[k](x) "/home/csy/anaconda3/envs/pytorch0.4.1/lib/python3.5/site-packages/torch/nn/modules/module.py", line 477, in __call__ result = self.forward(*input, **kwargs) "/home/csy/anaconda3/envs/pytorch0.4.1/lib/python3.5/site-packages/torch/nn/modules/conv.py", line 301, in forward self.padding, self.dilation, self.groups) RuntimeError: cuda runtime error (11) : invalid argument at /pytorch/aten/src/THC/THCGeneral.cpp:663
0.597567
Traceback (most recent call last): "./bin/spack", line 48, in <module> sys.exit(spack.main.main()) "/home/lee1001/projs/llnl/spack/lib/spack/spack/main.py", line 669, in main return _invoke_command(command, parser, args, unknown) "/home/lee1001/projs/llnl/spack/lib/spack/spack/main.py", line 440, in _invoke_command return_val = command(parser, args) "/home/lee1001/projs/llnl/spack/lib/spack/spack/cmd/mirror.py", line 220, in mirror action[args.mirror_command](args) "/home/lee1001/projs/llnl/spack/lib/spack/spack/cmd/mirror.py", line 207, in mirror_create colify(s.cformat("$_$@") for s in error) "/usr/lib64/python2.6/contextlib.py", line 34, in __exit__ self.gen.throw(type, value, traceback) "/home/lee1001/projs/llnl/spack/lib/spack/spack/concretize.py", line 56, in disable_compiler_existence_check yield "/home/lee1001/projs/llnl/spack/lib/spack/spack/cmd/mirror.py", line 195, in mirror_create directory, specs, num_versions=args.versions_per_spec) "/home/lee1001/projs/llnl/spack/lib/spack/spack/mirror.py", line 178, in create specs, num_versions=kwargs.get('num_versions', 1)) "/home/lee1001/projs/llnl/spack/lib/spack/spack/mirror.py", line 108, in get_matching_versions version_order.remove(spec.version) ValueError: list.remove(x): x not in list
Traceback (most recent call last): "knowledge_core/test.py", line 26, in <module> mrc.main(args) "/home/lenny/share/tnhb/run_mrc.py", line 73, in main is_training=False) "/home/lenny/share/tnhb/finetune/mrc.py", line 49, in create_model use_double_buffer=True) "/home/lenny/anaconda3/envs/t18p20/lib/python3.7/site-packages/paddle/fluid/layers/io.py", line 724, in py_reader use_double_buffer=use_double_buffer) "/home/lenny/anaconda3/envs/t18p20/lib/python3.7/site-packages/paddle/fluid/layers/io.py", line 452, in _py_reader 'ranks': ranks "/home/lenny/anaconda3/envs/t18p20/lib/python3.7/site-packages/paddle/fluid/framework.py", line 2837, in append_op kwargs.get("stop_gradient", False)) "/home/lenny/anaconda3/envs/t18p20/lib/python3.7/site-packages/paddle/fluid/dygraph/tracer.py", line 45, in trace_op not stop_gradient) ValueError: (InvalidArgument) Python object is not type of St10shared_ptrIN6paddle10imperative7VarBaseEE (at /paddle/paddle/fluid/pybind/imperative.cc:220)
0.587519
Traceback (most recent call last): "../../tools/train.py", line 324, in <module> main() "../../tools/train.py", line 319, in main train(train_loader, dist_model, optimizer, lr_scheduler, tb_writer) "../../tools/train.py", line 180, in train for idx, data in enumerate(train_loader): "/home/xxx/.local/lib/python3.6/site-packages/torch/utils/data/dataloader.py", line 336, in __next__ return self._process_next_batch(batch) "/home/xxx/.local/lib/python3.6/site-packages/torch/utils/data/dataloader.py", line 357, in _process_next_batch raise batch.exc_type(batch.exc_msg) AttributeError: Traceback (most recent call last):
Traceback (most recent call last): "plug.pyo", line 109, in load_plugins "plug.pyo", line 40, in __init__ AttributeError: 'module' object has no attribute 'plugin_start'
0.520675
Traceback (most recent call last): "/home/chandrak/anaconda3/lib/python3.6/site-packages/pkg_resources/__init__.py", line 2575, in _dep_map return self.__dep_map "/home/chandrak/anaconda3/lib/python3.6/site-packages/pkg_resources/__init__.py", line 2667, in __getattr__ raise AttributeError(attr) AttributeError: _Distribution__dep_map
Traceback (most recent call last): "/usr/lib/python3.9/threading.py", line 954, in _bootstrap_inner self.run() "/usr/lib/python3.9/threading.py", line 892, in run self._target(*self._args, **self._kwargs) "/home/ted/Projects/TauonMusicBox/t_modules/t_phazor.py", line 514, in player4 r = aud.get_result() "/usr/lib/python3.9/ctypes/__init__.py", line 387, in __getattr__ func = self.__getitem__(name) "/usr/lib/python3.9/ctypes/__init__.py", line 392, in __getitem__ func = self._FuncPtr((name_or_ordinal, self)) AttributeError: /home/ted/Projects/TauonMusicBox/lib/libphazor.so: undefined symbol: get_result
0.612967
Traceback (most recent call last): "/usr/lib64/python2.6/atexit.py", line 24, in _run_exitfuncs func(*targs, **kargs) "/usr/lib/python2.6/site-packages/paramiko/transport.py", line 81, in _join_lingering_threads for thr in _active_threads: TypeError: 'NoneType' object is not iterable
Traceback (most recent call last): "/usr/local/lib/python2.7/dist-packages/manticore/core/executor.py", line 463, in run if not current_state.execute(): "/usr/local/lib/python2.7/dist-packages/manticore/core/state.py", line 126, in execute result = self._platform.execute() "/usr/local/lib/python2.7/dist-packages/manticore/platforms/linux.py", line 2133, in execute self.syscall() "/usr/local/lib/python2.7/dist-packages/manticore/platforms/linux.py", line 1978, in syscall return self._syscall_abi.invoke(implementation) "/usr/local/lib/python2.7/dist-packages/manticore/core/cpu/abstractcpu.py", line 384, in invoke ret = super(SyscallAbi, self).invoke(model, prefix_args) "/usr/local/lib/python2.7/dist-packages/manticore/core/cpu/abstractcpu.py", line 337, in invoke result = model(*arguments) "/usr/local/lib/python2.7/dist-packages/manticore/platforms/linux.py", line 1165, in sys_lseek signed_offset = self._to_signed_dword(offset) "/usr/local/lib/python2.7/dist-packages/manticore/platforms/linux.py", line 1024, in _to_signed_dword sdword = ctypes.c_int64(dword).value TypeError: an integer is required
0.545283
Traceback (most recent call last): "<ipython-input-9-21efd88a4f4f>", line 1, in <module> tagger.predict(sentences) "C:\ProgramData\Anaconda3\lib\site-packages\flair\models\sequence_tagger_model.py", line 362, in predict for i, batch in enumerate(dataloader): "C:\ProgramData\Anaconda3\lib\site-packages\torch\utils\data\dataloader.py", line 345, in __next__ data = self._next_data() "C:\ProgramData\Anaconda3\lib\site-packages\torch\utils\data\dataloader.py", line 385, in _next_data data = self._dataset_fetcher.fetch(index) # may raise StopIteration "C:\ProgramData\Anaconda3\lib\site-packages\torch\utils\data\_utils\fetch.py", line 44, in fetch data = [self.dataset[idx] for idx in possibly_batched_index] "C:\ProgramData\Anaconda3\lib\site-packages\torch\utils\data\_utils\fetch.py", line 44, in <listcomp> data = [self.dataset[idx] for idx in possibly_batched_index] "C:\ProgramData\Anaconda3\lib\site-packages\flair\datasets\base.py", line 125, in __getitem__ return Sentence(text, use_tokenizer=self.use_tokenizer) "C:\ProgramData\Anaconda3\lib\site-packages\flair\data.py", line 499, in __init__ text = self._restore_windows_1252_characters(text) "C:\ProgramData\Anaconda3\lib\site-packages\flair\data.py", line 847, in _restore_windows_1252_characters return re.sub(r"[\u0080-\u0099]", to_windows_1252, text) "C:\ProgramData\Anaconda3\lib\re.py", line 192, in sub return _compile(pattern, flags).sub(repl, string, count) TypeError: expected string or bytes-like object
Traceback (most recent call last): "/usr/local/lib/python3.7/asyncio/runners.py", line 43, in run return loop.run_until_complete(main) "/usr/local/lib/python3.7/asyncio/base_events.py", line 583, in run_until_complete return future.result() "/usr/src/homeassistant/homeassistant/__main__.py", line 249, in setup_and_run_hass safe_mode=args.safe_mode, "/usr/src/homeassistant/homeassistant/bootstrap.py", line 89, in async_setup_hass await async_from_config_dict(config_dict, hass) "/usr/src/homeassistant/homeassistant/bootstrap.py", line 132, in async_from_config_dict await _async_set_up_integrations(hass, config) "/usr/src/homeassistant/homeassistant/bootstrap.py", line 377, in _async_set_up_integrations *(async_setup_component(hass, domain, config) for domain in domains_to_load) "/usr/src/homeassistant/homeassistant/setup.py", line 49, in async_setup_component return await task # type: ignore "/usr/src/homeassistant/homeassistant/setup.py", line 145, in _async_setup_component hass, config, integration "/usr/src/homeassistant/homeassistant/config.py", line 704, in async_process_component_config return component.CONFIG_SCHEMA(config) # type: ignore "/usr/local/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 272, in __call__ return self._compiled([], data) "/usr/local/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 594, in validate_dict return base_validate(path, iteritems(data), out) "/usr/local/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 386, in validate_mapping cval = cvalue(key_path, value) "/usr/local/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 817, in validate_callable return schema(data) "/usr/local/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 272, in __call__ return self._compiled([], data) "/usr/local/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 594, in validate_dict return base_validate(path, iteritems(data), out) "/usr/local/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 373, in validate_mapping new_key = ckey(key_path, key) "/usr/local/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 817, in validate_callable return schema(data) "/usr/src/homeassistant/homeassistant/helpers/config_validation.py", line 659, in validator value = config[key] TypeError: string indices must be integers
0.643594
Traceback (most recent call last): "<stdin>", line 1, in <module> "magpie/__init__.py", line 188, in init_word_vectors self.train_word2vec(train_dir, vec_dim=vec_dim) "magpie/__init__.py", line 202, in train_word2vec self.word2vec_model = train_word2vec(train_dir, vec_dim=vec_dim) "magpie/base/word2vec.py", line 131, in train_word2vec window=context, "/Users/rxng/.pyenv/versions/2.7.13/lib/python2.7/site-packages/gensim/models/word2vec.py", line 469, in __init__ self.build_vocab(sentences, trim_rule=trim_rule) "/Users/rxng/.pyenv/versions/2.7.13/lib/python2.7/site-packages/gensim/models/word2vec.py", line 533, in build_vocab self.scan_vocab(sentences, progress_per=progress_per, trim_rule=trim_rule) # initial survey "/Users/rxng/.pyenv/versions/2.7.13/lib/python2.7/site-packages/gensim/models/word2vec.py", line 545, in scan_vocab for sentence_no, sentence in enumerate(sentences): "magpie/base/word2vec.py", line 115, in __iter__ d = Document(doc_id, os.path.join(self.dirname, fname + '.txt')) "magpie/base/document.py", line 24, in __init__ raise ValueError("The file " + filepath + " doesn't exist") ValueError: The file [redacted]/notedown/snippets/python - filter out empty values list.txt doesn't exist
Traceback (most recent call last): "/usr/bin/ajenti-ssl-gen", line 17, in <module> conf = json.loads(open(config_path).read()) "/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
0.53456
EWS https://mail.company.com/EWS/Exchange.asmx, account None: Exception in _get_elements: Traceback (most recent call last): "/path/to/virtualenv/lib/python3.5/site-packages/cached_property.py", line 69, in __get__ return obj_dict[name] KeyError: 'protocol'
`Traceback (most recent call last): "C:\Python27\lib\site-packages\itchat\components\login.py", line 244, in maintain_loop i = sync_check(self) "C:\Python27\lib\site-packages\itchat\components\login.py", line 289, in sync_check url = '%s/synccheck' % self.loginInfo.get('syncUrl', self.loginInfo['url']) KeyError: 'url'`
0.582884
Traceback (most recent call last): "setup.py", line 27, in <module> dependency_links=[], "/home/jxstanford/.pyenv/versions/miniconda3-4.3.30/lib/python3.6/distutils/core.py", line 148, in setup dist.run_commands() "/home/jxstanford/.pyenv/versions/miniconda3-4.3.30/lib/python3.6/distutils/dist.py", line 955, in run_commands self.run_command(cmd) "/home/jxstanford/.pyenv/versions/miniconda3-4.3.30/lib/python3.6/distutils/dist.py", line 974, in run_command cmd_obj.run() "/home/jxstanford/.pyenv/versions/miniconda3-4.3.30/lib/python3.6/site-packages/setuptools/command/test.py", line 215, in run self.run_tests() "/home/jxstanford/.pyenv/versions/miniconda3-4.3.30/lib/python3.6/site-packages/setuptools/command/test.py", line 238, in run_tests **exit_kwarg "/home/jxstanford/.pyenv/versions/miniconda3-4.3.30/lib/python3.6/unittest/main.py", line 94, in __init__ self.parseArgs(argv) "/home/jxstanford/.pyenv/versions/miniconda3-4.3.30/lib/python3.6/unittest/main.py", line 124, in parseArgs self._do_discovery([]) "/home/jxstanford/.pyenv/versions/miniconda3-4.3.30/lib/python3.6/unittest/main.py", line 229, in _do_discovery self.test = loader.discover(self.start, self.pattern, self.top) "/home/jxstanford/.pyenv/versions/miniconda3-4.3.30/lib/python3.6/unittest/loader.py", line 341, in discover tests = list(self._find_tests(start_dir, pattern)) "/home/jxstanford/.pyenv/versions/miniconda3-4.3.30/lib/python3.6/unittest/loader.py", line 398, in _find_tests full_path, pattern, namespace) "/home/jxstanford/.pyenv/versions/miniconda3-4.3.30/lib/python3.6/unittest/loader.py", line 475, in _find_test_path tests = self.loadTestsFromModule(package, pattern=pattern) "/home/jxstanford/.pyenv/versions/miniconda3-4.3.30/lib/python3.6/site-packages/setuptools/command/test.py", line 43, in loadTestsFromModule tests.append(self.loadTestsFromName(submodule)) "/home/jxstanford/.pyenv/versions/miniconda3-4.3.30/lib/python3.6/unittest/loader.py", line 190, in loadTestsFromName return self.loadTestsFromModule(obj) "/home/jxstanford/.pyenv/versions/miniconda3-4.3.30/lib/python3.6/site-packages/setuptools/command/test.py", line 43, in loadTestsFromModule tests.append(self.loadTestsFromName(submodule)) "/home/jxstanford/.pyenv/versions/miniconda3-4.3.30/lib/python3.6/unittest/loader.py", line 190, in loadTestsFromName return self.loadTestsFromModule(obj) "/home/jxstanford/.pyenv/versions/miniconda3-4.3.30/lib/python3.6/site-packages/setuptools/command/test.py", line 43, in loadTestsFromModule tests.append(self.loadTestsFromName(submodule)) "/home/jxstanford/.pyenv/versions/miniconda3-4.3.30/lib/python3.6/unittest/loader.py", line 190, in loadTestsFromName return self.loadTestsFromModule(obj) "/home/jxstanford/.pyenv/versions/miniconda3-4.3.30/lib/python3.6/site-packages/setuptools/command/test.py", line 43, in loadTestsFromModule tests.append(self.loadTestsFromName(submodule)) "/home/jxstanford/.pyenv/versions/miniconda3-4.3.30/lib/python3.6/unittest/loader.py", line 153, in loadTestsFromName module = __import__(module_name) "/home/jxstanford/devel/conda-projects/Horizon/ml/rl/test/gym/open_ai_gym_environment.py", line 8, in <module> from ml.rl.test.gym.gym_predictor import ( "/home/jxstanford/devel/conda-projects/Horizon/ml/rl/test/gym/gym_predictor.py", line 8, in <module> from ml.rl.training.dqn_trainer import DQNTrainer "/home/jxstanford/devel/conda-projects/Horizon/ml/rl/training/dqn_trainer.py", line 13, in <module> from ml.rl.preprocessing.normalization import ( "/home/jxstanford/devel/conda-projects/Horizon/ml/rl/preprocessing/normalization.py", line 12, in <module> from ml.rl.thrift.core.ttypes import NormalizationParameters "/home/jxstanford/devel/conda-projects/Horizon/ml/rl/thrift/core/ttypes.py", line 2070, in <module> class SACModelParameters(object): "/home/jxstanford/devel/conda-projects/Horizon/ml/rl/thrift/core/ttypes.py", line 2087, in SACModelParameters }), training=SACTrainingParameters(**{ "/home/jxstanford/devel/conda-projects/Horizon/ml/rl/thrift/core/ttypes.py", line 1941, in __init__ if q_network_optimizer is self.thrift_spec[2][4]: AttributeError: 'SACTrainingParameters' object has no attribute 'thrift_spec'
`Traceback (most recent call last): "/usr/local/lib/python3.6/runpy.py", line 193, in _run_module_as_main "__main__", mod_spec) "/usr/local/lib/python3.6/runpy.py", line 85, in _run_code exec(code, run_globals) "/usr/local/lib/python3.6/site-packages/rasa_core_sdk/endpoint.py", line 143, in <module> main(cmdline_args) "/usr/local/lib/python3.6/site-packages/rasa_core_sdk/endpoint.py", line 135, in main run(args.actions, args.port, args.cors) "/usr/local/lib/python3.6/site-packages/rasa_core_sdk/endpoint.py", line 119, in run edp_app = endpoint_app(cors_origins=cors, action_package_name=actions) "/usr/local/lib/python3.6/site-packages/rasa_core_sdk/endpoint.py", line 42, in endpoint_app executor.register_package(action_package_name) "/usr/local/lib/python3.6/site-packages/rasa_core_sdk/executor.py", line 164, in register_package self.register_action(action) "/usr/local/lib/python3.6/site-packages/rasa_core_sdk/executor.py", line 105, in register_action action = action() "/app/demo/actions.py", line 564, in __init__ self.events = self._get_events() "/app/demo/actions.py", line 575, in _get_events self.events = get_community_events() "/app/demo/community_events.py", line 84, in get_community_events events = soup.find("ul", attrs={"class": "bulleted"}).find_all("li") AttributeError: 'NoneType' object has no attribute 'find_all'
0.654257
Traceback (most recent call last): "/opt/sublime_text/sublime_plugin.py", line 125, in reload_plugin m = importlib.import_module(modulename) "./python3.3/importlib/__init__.py", line 90, in import_module "<frozen importlib._bootstrap>", line 1584, in _gcd_import "<frozen importlib._bootstrap>", line 1565, in _find_and_load "<frozen importlib._bootstrap>", line 1532, in _find_and_load_unlocked "/opt/sublime_text/sublime_plugin.py", line 1199, in load_module exec(compile(source, source_path, 'exec'), mod.__dict__) "/home/idealatom/.config/sublime-text-3/Installed Packages/SublimeLinter-eslint.sublime-package/linter.py", line 17, in <module> ImportError: cannot import name LintMatch
Traceback (most recent call last): "site-packages\calibre\customize\ui.py", line 171, in _run_filetype_plugins "calibre_plugins.k4mobidedrm.__init__", line 116, in run "calibre_plugins.k4mobidedrm.__init__", line 249, in config "site-packages\calibre\customize\zipplugin.py", line 183, in load_module "calibre_plugins.k4mobidedrm.config", line 4, in <module> ImportError: No module named PyQt4.Qt
0.639969
[!] 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): "<stdin>", line 1, in <module> "/mnt/c/Users/ericsson/IdeaProjects/eth2.0-specs/venv/lib/python3.8/site-packages/eth2spec/phase1/spec.py", line 2128, in process_custody_game_operations for_ops(body.chunk_challenges, process_chunk_challenge) "/mnt/c/Users/ericsson/IdeaProjects/eth2.0-specs/venv/lib/python3.8/site-packages/eth2spec/phase1/spec.py", line 2126, in for_ops fn(state, operation) "/mnt/c/Users/ericsson/IdeaProjects/eth2.0-specs/venv/lib/python3.8/site-packages/eth2spec/phase1/spec.py", line 2137, in process_chunk_challenge assert is_valid_indexed_attestation(state, get_indexed_attestation(state, challenge.attestation)) "/mnt/c/Users/ericsson/IdeaProjects/eth2.0-specs/venv/lib/python3.8/site-packages/remerkleable/complex.py", line 783, in __getattr__ raise AttributeError(f"unknown attribute {item}") AttributeError: unknown attribute attestation
0.535933
[*] Testing the shellshock injection technique... Traceback (most recent call last): "./commix.py", line 1032, in <module> main(filename, url, init_test) "./commix.py", line 816, in main controller.do_check(url, filename) "/home/user/commix/src/core/injections/controller/controller.py", line 518, in do_check perform_checks(url,filename) "/home/user/commix/src/core/injections/controller/controller.py", line 455, in perform_checks basic_level_checks() "/home/user/commix/src/core/injections/controller/controller.py", line 420, in basic_level_checks get_request(url, http_request_method, filename, timesec) "/home/user/commix/src/core/injections/controller/controller.py", line 346, in get_request injection_proccess(url, check_parameter, http_request_method, filename, timesec) "/home/user/commix/src/core/injections/controller/controller.py", line 87, in injection_proccess modules_handler.load_modules(url, http_request_method, filename) "/home/user/commix/src/core/modules/modules_handler.py", line 58, in load_modules shellshock.shellshock_handler(url, http_request_method, filename) "/home/user/commix/src/core/modules/shellshock/shellshock.py", line 668, in shellshock_handler log_http_headers.check_http_traffic(request) "/home/user/commix/src/core/requests/headers.py", line 136, in check_http_traffic opener.open(request) "/usr/lib/python2.7/urllib2.py", line 421, in open protocol = req.get_type() "/usr/lib/python2.7/urllib2.py", line 283, in get_type raise ValueError, "unknown url type: %s" % self.__original ValueError: unknown url type: h
Traceback (most recent call last): "/usr/local/bin/octodns-sync", line 10, in <module> sys.exit(main()) "/usr/local/lib/python2.7/site-packages/octodns/cmds/sync.py", line 39, in main dry_run=not args.doit, force=args.force) "/usr/local/lib/python2.7/site-packages/octodns/manager.py", line 301, in sync plans = [p for f in futures for p in f.result()] "/usr/local/lib/python2.7/site-packages/octodns/manager.py", line 56, in result return self.func(*self.args, **self.kwargs) "/usr/local/lib/python2.7/site-packages/octodns/manager.py", line 224, in _populate_and_plan source.populate(zone) "/usr/local/lib/python2.7/site-packages/octodns/provider/route53.py", line 491, in populate data = getattr(self, '_data_for_{}'.format(record_type))(rrset) "/usr/local/lib/python2.7/site-packages/octodns/provider/route53.py", line 385, in _data_for_MX preference, exchange = rr['Value'].split(' ') ValueError: too many values to unpack
0.528849
Traceback (most recent call last): "/home/pi/Documents/printer.py", line 3, in <module> p.qr("This is a test.") "/usr/local/lib/python3.7/dist-packages/escpos/escpos.py", line 120, in qr self._convert_image(im) "/usr/local/lib/python3.7/dist-packages/escpos/escpos.py", line 74, in _convert_image for i in range(im_border[0]): TypeError: 'float' object cannot be interpreted as an integer
Traceback (most recent call last): "/home/letsperf/.local/lib/python2.7/site-packages/keras/utils/data_utils.py", line 635, in data_generator_task generator_output = next(self._generator) "model.py", line 1604, in data_generator use_mini_mask=config.USE_MINI_MASK) "model.py", line 1169, in load_image_gt padding=config.IMAGE_PADDING) "utils.py", line 401, in resize_image image, (round(h * scale), round(w * scale))) "/usr/lib/python2.7/dist-packages/scipy/misc/pilutil.py", line 487, in imresize imnew = im.resize(size, resample=func[interp]) "/usr/lib/python2.7/dist-packages/PIL/Image.py", line 1538, in resize return self._new(self.im.resize(size, resample)) TypeError: integer argument expected, got float
0.629011
Traceback (most recent call last): "/usr/local/bin/napalm", line 8, in <module> sys.exit(main()) "/usr/local/lib/python3.9/site-packages/napalm/base/clitools/cl_napalm.py", line 308, in main run_tests(args) "/usr/local/lib/python3.9/site-packages/napalm/base/clitools/cl_napalm.py", line 291, in run_tests call_getter(device, args.method, **method_kwargs) "/usr/local/lib/python3.9/site-packages/napalm/base/clitools/cl_napalm.py", line 27, in wrapper r = func(*args, **kwargs) "/usr/local/lib/python3.9/site-packages/napalm/base/clitools/cl_napalm.py", line 255, in call_getter r = func(**kwargs) "/usr/local/lib/python3.9/site-packages/napalm/iosxr/iosxr.py", line 166, in get_facts facts_rpc_reply = ETREE.fromstring(self.device.make_rpc_call(facts_rpc_request)) "/usr/local/lib/python3.9/site-packages/napalm/pyIOSXR/iosxr.py", line 172, in make_rpc_call result = self._execute_rpc(rpc_command) "/usr/local/lib/python3.9/site-packages/napalm/pyIOSXR/iosxr.py", line 426, in _execute_rpc response = self._send_command(xml_rpc_command, delay_factor=delay_factor) "/usr/local/lib/python3.9/site-packages/napalm/pyIOSXR/iosxr.py", line 399, in _send_command return self._send_command( "/usr/local/lib/python3.9/site-packages/napalm/pyIOSXR/iosxr.py", line 351, in _send_command output += self._netmiko_recv() # try to read some more "/usr/local/lib/python3.9/site-packages/napalm/pyIOSXR/iosxr.py", line 412, in _netmiko_recv for tmp_output in self.device.receive_data_generator(): AttributeError: 'CiscoXrSSH' object has no attribute 'receive_data_generator'
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'
0.60571
Traceback (most recent call last):, "/usr/local/lib/python3.8/site-packages/thingsboard_gateway-2.5.5.2-py3.8.egg/thingsboard_gateway/connectors/rest/json_rest_uplink_converter.py", line 56, in convert, if datatype == 'timeseries' and (data.get("ts") is not None or data.get("timestamp") is not None):, AttributeError: 'str' object has no attribute 'get'
Traceback (most recent call last): "/usr/local/lib/python2.7/dist-packages/flexget/components/sites/urlrewriting.py", line 71, in url_rewrite urlrewriter.instance.url_rewrite(task, entry) "/usr/local/lib/python2.7/dist-packages/flexget/components/sites/sites/descargas2020.py", line 50, in url_rewrite entry['url'] = self.parse_download_page(entry['url'], task) "/usr/local/lib/python2.7/dist-packages/flexget/plugin.py", line 119, in wrapped_func return func(*args, **kwargs) "/usr/local/lib/python2.7/dist-packages/flexget/components/sites/sites/descargas2020.py", line 58, in parse_download_page except requests.exceptions.RequestException as e: AttributeError: 'module' object has no attribute 'exceptions'
0.586711
Traceback (most recent call last): "/var/mycodo-root/mycodo/mycodo_daemon.py", line 481, in controller_activate ready, cont_id) "/var/mycodo-root/mycodo/controller_input.py", line 321, in __init__ self.measure_input = MHZ16Sensor(self.input_dev) "/var/mycodo-root/mycodo/inputs/mh_z16.py", line 45, in __init__ self.i2c_address = int(str(input_dev.location), 16) ValueError: invalid literal for int() with base 16: 'Tx/Rx'
Traceback (most recent call last): "/usr/share/jython/Lib/site-packages/pip/basecommand.py", line 215, in main status = self.run(options, args) "/usr/share/jython/Lib/site-packages/pip/commands/install.py", line 324, in run requirement_set.prepare_files(finder) "/usr/share/jython/Lib/site-packages/pip/commands/install.py", line 324, in run requirement_set.prepare_files(finder) "/usr/share/jython/Lib/site-packages/pip/req/req_set.py", line 376, in prepare_files discovered_reqs.extend(self._prepare_file( "/usr/share/jython/Lib/site-packages/pip/req/req_set.py", line 376, in prepare_files discovered_reqs.extend(self._prepare_file( "/usr/share/jython/Lib/site-packages/pip/req/req_set.py", line 617, in _prepare_file unpack_url( "/usr/share/jython/Lib/site-packages/pip/req/req_set.py", line 617, in _prepare_file unpack_url( "/usr/share/jython/Lib/site-packages/pip/download.py", line 816, in unpack_url unpack_http_url( "/usr/share/jython/Lib/site-packages/pip/download.py", line 656, in unpack_http_url from_path, content_type = _download_http_url(link, "/usr/share/jython/Lib/site-packages/pip/download.py", line 831, in _download_http_url resp = session.get( "/usr/share/jython/Lib/site-packages/pip/download.py", line 831, in _download_http_url resp = session.get( "/usr/share/jython/Lib/site-packages/pip/_vendor/requests/sessions.py", line 521, in get return self.request('GET', url, **kwargs) "/usr/share/jython/Lib/site-packages/pip/download.py", line 386, in request return super(PipSession, self).request(method, url, *args, **kwargs) "/usr/share/jython/Lib/site-packages/pip/_vendor/requests/sessions.py", line 508, in request resp = self.send(prep, **send_kwargs) "/usr/share/jython/Lib/site-packages/pip/_vendor/requests/sessions.py", line 618, in send r = adapter.send(request, **kwargs) "/usr/share/jython/Lib/site-packages/pip/_vendor/cachecontrol/adapter.py", line 47, in send resp = super(CacheControlAdapter, self).send(request, **kw) "/usr/share/jython/Lib/site-packages/pip/_vendor/requests/adapters.py", line 430, in send resp = conn.urlopen( "/usr/share/jython/Lib/site-packages/pip/_vendor/requests/adapters.py", line 430, in send resp = conn.urlopen( "/usr/share/jython/Lib/site-packages/pip/_vendor/urllib3/connectionpool.py", line 589, in urlopen conn = self._get_conn(timeout=pool_timeout) "/usr/share/jython/Lib/site-packages/pip/_vendor/urllib3/connectionpool.py", line 589, in urlopen conn = self._get_conn(timeout=pool_timeout) "/usr/share/jython/Lib/site-packages/pip/_vendor/urllib3/connectionpool.py", line 242, in _get_conn if conn and is_connection_dropped(conn): "/usr/share/jython/Lib/site-packages/pip/_vendor/urllib3/util/connection.py", line 27, in is_connection_dropped return bool(wait_for_read(sock, timeout=0.0)) "/usr/share/jython/Lib/site-packages/pip/_vendor/urllib3/util/connection.py", line 27, in is_connection_dropped return bool(wait_for_read(sock, timeout=0.0)) "/usr/share/jython/Lib/site-packages/pip/_vendor/urllib3/util/wait.py", line 33, in wait_for_read return _wait_for_io_events(socks, EVENT_READ, timeout) "/usr/share/jython/Lib/site-packages/pip/_vendor/urllib3/util/wait.py", line 24, in _wait_for_io_events selector.register(sock, events) "/usr/share/jython/Lib/site-packages/pip/_vendor/urllib3/util/selectors.py", line 344, in register key = super(PollSelector, self).register(fileobj, events, data) "/usr/share/jython/Lib/site-packages/pip/_vendor/urllib3/util/selectors.py", line 197, in register key = SelectorKey(fileobj, self._fileobj_lookup(fileobj), events, data) "/usr/share/jython/Lib/site-packages/pip/_vendor/urllib3/util/selectors.py", line 181, in _fileobj_lookup return _fileobj_to_fd(fileobj) "/usr/share/jython/Lib/site-packages/pip/_vendor/urllib3/util/selectors.py", line 50, in _fileobj_to_fd raise ValueError("Invalid file object: {0!r}".format(fileobj)) ValueError: Invalid file object: <ssl.SSLSocket object at 0x1a4>
0.611288
Traceback (most recent call last): "/usr/lib/python3/dist-packages/exabgp/application/control.py", line 245, in run self.loop() "/usr/lib/python3/dist-packages/exabgp/application/control.py", line 218, in loop ready = self.read_on(reading) "/usr/lib/python3/dist-packages/exabgp/application/control.py", line 104, in read_on poller.register(io, select.POLLIN | select.POLLPRI | select.POLLHUP | select.POLLNVAL | select.POLLERR) TypeError: argument must be an int, or have a fileno() method.
Traceback (most recent call last): "/usr/local/bin/svtplay-dl", line 4, in <module> __import__('pkg_resources').run_script('svtplay-dl==2.0+1.g8297d66', 'svtplay-dl') "/usr/lib/python3/dist-packages/pkg_resources/__init__.py", line 739, in run_script self.require(requires)[0].run_script(script_name, ns) "/usr/lib/python3/dist-packages/pkg_resources/__init__.py", line 1494, in run_script exec(code, namespace, namespace) "/usr/local/lib/python3.5/dist-packages/svtplay_dl-2.0+1.g8297d66-py3.5.egg/EGG-INFO/scripts/svtplay-dl", line 7, in <module> svtplay_dl.main() "/usr/local/lib/python3.5/dist-packages/svtplay_dl-2.0+1.g8297d66-py3.5.egg/svtplay_dl/__init__.py", line 63, in main get_media(urls[0], config, __version__) "/usr/local/lib/python3.5/dist-packages/svtplay_dl-2.0+1.g8297d66-py3.5.egg/svtplay_dl/utils/getmedia.py", line 54, in get_media get_all_episodes(stream, url) "/usr/local/lib/python3.5/dist-packages/svtplay_dl-2.0+1.g8297d66-py3.5.egg/svtplay_dl/utils/getmedia.py", line 72, in get_all_episodes episodes = stream.find_all_episodes(stream.config) "/usr/local/lib/python3.5/dist-packages/svtplay_dl-2.0+1.g8297d66-py3.5.egg/svtplay_dl/service/viaplay.py", line 210, in find_all_episodes episodes = self._grab_episodes(config, seasons) "/usr/local/lib/python3.5/dist-packages/svtplay_dl-2.0+1.g8297d66-py3.5.egg/svtplay_dl/service/viaplay.py", line 230, in _grab_episodes if "program" in janson["formatPage"]["format"]["videos"][str(i)]: TypeError: 'NoneType' object is not subscriptable
0.558339
The minion function caused an exception: Traceback (most recent call last): "/home/boucha/salt/salt/minion.py", line 1020, in _thread_return return_data = func(*args, **kwargs) "/home/boucha/salt/salt/modules/schedule.py", line 75, in list_ if schedule[job][item] == 'true': KeyError: '_when_run'
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.536617
Traceback (most recent call last): "reconspider.py", line 39, in <module> from core import repl_prompt "/$LOCATION/reconspider/core/__init__.py", line 1, in <module> from .repl_prompt import * "/$LOCATION/reconspider/core/repl_prompt.py", line 153, in <module> repl() "/$LOCATION/reconspider/core/repl_prompt.py", line 121, in repl user(choice,username) "/$LOCATION/reconspider/plugins/Username.py", line 76, in user find_name() "/$LOCATION/reconspider/plugins/Username.py", line 34, in find_name name = main_div.find(id="fb-timeline-cover-name").get_text() AttributeError: 'NoneType' object has no attribute 'get_text'
Traceback (most recent call last): "/usr/local/lib/python3.6/site-packages/homeassistant/core.py", line 1038, in _event_to_service_call await service_handler.func(service_call) "/usr/local/lib/python3.6/site-packages/homeassistant/components/switch/__init__.py", line 109, in async_handle_switch_service await switch.async_turn_on() "/usr/local/lib/python3.6/concurrent/futures/thread.py", line 56, in run result = self.fn(*self.args, **self.kwargs) "/usr/local/lib/python3.6/site-packages/homeassistant/components/switch/wake_on_lan.py", line 87, in turn_on self._wol.send_magic_packet(self._mac_address) AttributeError: module 'wakeonlan' has no attribute 'send_magic_packet'
0.596477
Traceback (most recent call last): "<stdin>", line 1, in <module> "/home/althonos/.local/lib/python3.8/site-packages/Bio/Align/substitution_matrices/__init__.py", line 245, in alphabet return self._alphabet AttributeError: 'Array' object has no attribute '_alphabet'
`Traceback (most recent call last): "/usr/lib/python3.5/threading.py", line 914, in _bootstrap_inner self.run() "/usr/lib/python3.5/threading.py", line 862, in runs-mode self._target(*self._args, **self._kwargs) "/usr/lib/python3/dist-packages/prompt_toolkit/interface.py", line 673, in run completions = list(buffer.completer.get_completions(document, complete_event)) "/usr/share/pgcli/pgcli/pgcompleter.py", line 238, in get_completions suggestions = suggest_type(document.text, document.text_before_cursor) "/usr/share/pgcli/pgcli/packages/sqlcompletion.py", line 100, in suggest_type full_text, identifier) "/usr/share/pgcli/pgcli/packages/sqlcompletion.py", line 192, in suggest_based_on_last_token token_v = token.value.lower() AttributeError: 'tuple' object has no attribute 'value'
0.617229
Traceback (most recent call last): "/home/danysk/.kodi/addons/plugin.video.amazon-test/default.py", line 3387, in <module> PrimeVideo_Browse(None if 'path' not in args else args['path']) "/home/danysk/.kodi/addons/plugin.video.amazon-test/default.py", line 487, in PrimeVideo_Browse url += 'PrimeVideo_Browse&path={0}-//-{1}'.format(urllib.quote_plus(path.encode('utf-8')), urllib.quote_plus(key.encode('utf-8'))) AttributeError: 'NoneType' object has no attribute 'encode'
Traceback (most recent call last): "/home/kapil/Development/___/project/venv/lib/python3.8/site-packages/django/utils/module_loading.py", line 20, in import_string return getattr(module, class_name) AttributeError: module 'oscar.apps.basket.middleware' has no attribute 'BasketMiddleWare'
0.554189
Traceback (most recent call last): "main.py", line 12, in <module> my_loader = data(args).get_loader() "D:\Projects\SR\EDSR-PyTorch-master\code\data\__init__.py", line 25, in get_loader self.args, train=False) "D:\Projects\SR\EDSR-PyTorch-master\code\data\DIV2K.py", line 32, in __init__ self.pack_tar = torch.load(name_tar) "C:\Program s\Anaconda3\lib\site-packages\torch\serialization.py", line 259, in load f = open(f, 'rb') NotFoundError: [Errno 2] No such file or directory: '../../../dataset/DIV2K_decoded\\DIV2K_train_HR\\packv.pt'
Traceback (most recent call last): "/usr/local/bin/attic", line 3, in <module> main() "/usr/local/lib/python3.3/dist-packages/attic/archiver.py", line 612, in main exit_code = archiver.run(sys.argv[1:]) "/usr/local/lib/python3.3/dist-packages/attic/archiver.py", line 602, in run return args.func(args) "/usr/local/lib/python3.3/dist-packages/attic/archiver.py", line 78, in do_check if args.phase in ('all', 'archive') and not ArchiveChecker().check(repository, repair=args.repair): "/usr/local/lib/python3.3/dist-packages/attic/archive.py", line 470, in check self.rebuild_refcounts() "/usr/local/lib/python3.3/dist-packages/attic/archive.py", line 619, in rebuild_refcounts for item in robust_iterator(archive): "/usr/local/lib/python3.3/dist-packages/attic/archive.py", line 597, in robust_iterator for chunk_id, cdata in zip(items, self.repository.get_many(items)): "/usr/local/lib/python3.3/dist-packages/attic/repository.py", line 348, in get_many yield self.get(id_) "/usr/local/lib/python3.3/dist-packages/attic/repository.py", line 342, in get return self.io.read(segment, offset, id_) "/usr/local/lib/python3.3/dist-packages/attic/repository.py", line 540, in read fd = self.get_fd(segment) "/usr/local/lib/python3.3/dist-packages/attic/repository.py", line 478, in get_fd fd = open(self.segment_filename(segment), 'rb') NotFoundError: [Errno 2] No such file or directory: '/tmp/disk/attic/data/0/5277'
0.653194
Traceback (most recent call last): "/usr/local/lib/python3.8/site-packages/sphinx/setup_command.py", line 193, in run app.build(force_all=self.all_files) "/usr/local/lib/python3.8/site-packages/sphinx/application.py", line 348, in build self.builder.build_update() "/usr/local/lib/python3.8/site-packages/sphinx/builders/__init__.py", line 297, in build_update self.build(to_build, "/usr/local/lib/python3.8/site-packages/sphinx/builders/__init__.py", line 311, in build updated_docnames = set(self.read()) "/usr/local/lib/python3.8/site-packages/sphinx/builders/__init__.py", line 418, in read self._read_serial(docnames) "/usr/local/lib/python3.8/site-packages/sphinx/builders/__init__.py", line 439, in _read_serial self.read_doc(docname) "/usr/local/lib/python3.8/site-packages/sphinx/builders/__init__.py", line 479, in read_doc doctree = read_doc(self.app, self.env, self.env.doc2path(docname)) "/usr/local/lib/python3.8/site-packages/sphinx/io.py", line 221, in read_doc pub.publish() "/usr/local/lib/python3.8/site-packages/docutils/core.py", line 217, in publish self.document = self.reader.read(self.source, self.parser, "/usr/local/lib/python3.8/site-packages/sphinx/io.py", line 126, in read self.parse() "/usr/local/lib/python3.8/site-packages/docutils/readers/__init__.py", line 77, in parse self.parser.parse(self.input, document) "/usr/local/lib/python3.8/site-packages/sphinx/parsers.py", line 102, in parse self.statemachine.run(inputlines, document, inliner=self.inliner) "/usr/local/lib/python3.8/site-packages/docutils/parsers/rst/states.py", line 170, in run results = StateMachineWS.run(self, input_lines, input_offset, "/usr/local/lib/python3.8/site-packages/docutils/statemachine.py", line 241, in run context, next_state, result = self.check_line( "/usr/local/lib/python3.8/site-packages/docutils/statemachine.py", line 459, in check_line return method(match, context, next_state) "/usr/local/lib/python3.8/site-packages/docutils/parsers/rst/states.py", line 2769, in underline self.section(title, source, style, lineno - 1, messages) "/usr/local/lib/python3.8/site-packages/docutils/parsers/rst/states.py", line 327, in section self.new_subsection(title, lineno, messages) "/usr/local/lib/python3.8/site-packages/docutils/parsers/rst/states.py", line 393, in new_subsection newabsoffset = self.nested_parse( "/usr/local/lib/python3.8/site-packages/docutils/parsers/rst/states.py", line 281, in nested_parse state_machine.run(block, input_offset, memo=self.memo, "/usr/local/lib/python3.8/site-packages/docutils/parsers/rst/states.py", line 196, in run results = StateMachineWS.run(self, input_lines, input_offset) "/usr/local/lib/python3.8/site-packages/docutils/statemachine.py", line 241, in run context, next_state, result = self.check_line( "/usr/local/lib/python3.8/site-packages/docutils/statemachine.py", line 459, in check_line return method(match, context, next_state) "/usr/local/lib/python3.8/site-packages/docutils/parsers/rst/states.py", line 2342, in explicit_markup nodelist, blank_finish = self.explicit_construct(match) "/usr/local/lib/python3.8/site-packages/docutils/parsers/rst/states.py", line 2354, in explicit_construct return method(self, expmatch) "/usr/local/lib/python3.8/site-packages/docutils/parsers/rst/states.py", line 2096, in directive return self.run_directive( "/usr/local/lib/python3.8/site-packages/docutils/parsers/rst/states.py", line 2146, in run_directive result = directive_instance.run() "/usr/local/lib/python3.8/site-packages/sphinx/ext/autodoc/directive.py", line 146, in run documenter.generate(more_content=self.content) "/usr/local/lib/python3.8/site-packages/sphinx/ext/autodoc/__init__.py", line 769, in generate self.document_members(all_members) "/usr/local/lib/python3.8/site-packages/sphinx/ext/autodoc/__init__.py", line 660, in document_members classes = [cls for cls in self.documenters.values() "/usr/local/lib/python3.8/site-packages/sphinx/ext/autodoc/__init__.py", line 661, in <listcomp> if cls.can_document_member(member, mname, isattr, self)] "/usr/local/lib/python3.8/site-packages/sphinx/ext/autodoc/__init__.py", line 1553, in can_document_member if inspect.isattributedescriptor(member): "/usr/local/lib/python3.8/site-packages/sphinx/util/inspect.py", line 220, in isattributedescriptor unwrapped = inspect.unwrap(obj) "/usr/local/lib/python3.8/inspect.py", line 524, in unwrap raise ValueError('wrapper loop when unwrapping {!r}'.format(f)) ValueError: wrapper loop when unwrapping ligo.skymap.io.events
Traceback (most recent call last): "test.py", line 29, in <module> bounds=bounds, "/home/heshy/.local/lib/python2.7/site-packages/scipy/optimize/_minimize.py", line 613, in minimize callback=callback, **options) "/home/heshy/.local/lib/python2.7/site-packages/scipy/optimize/_trustregion_constr/minimize_trustregion_constr.py", line 336, in _minimize_trustregion_constr for c in constraints] "/home/heshy/.local/lib/python2.7/site-packages/scipy/optimize/_constraints.py", line 213, in __init__ finite_diff_bounds, sparse_jacobian) "/home/heshy/.local/lib/python2.7/site-packages/scipy/optimize/_differentiable_functions.py", line 343, in __init__ self.H = hess(self.x, self.v) "/home/heshy/.local/lib/python2.7/site-packages/autograd/wrap_util.py", line 20, in nary_f return unary_operator(unary_f, x, *nary_op_args, **nary_op_kwargs) "/home/heshy/.local/lib/python2.7/site-packages/autograd/differential_operators.py", line 24, in grad vjp, ans = _make_vjp(fun, x) "/home/heshy/.local/lib/python2.7/site-packages/autograd/core.py", line 10, in make_vjp end_value, end_node = trace(start_node, fun, x) "/home/heshy/.local/lib/python2.7/site-packages/autograd/tracer.py", line 10, in trace end_box = fun(start_box) "/home/heshy/.local/lib/python2.7/site-packages/autograd/wrap_util.py", line 15, in unary_f return fun(*subargs, **kwargs) "/home/heshy/.local/lib/python2.7/site-packages/autograd/differential_operators.py", line 88, in vector_dot_grad return np.tensordot(fun_grad(*args, **kwargs), vector, np.ndim(vector)) "/home/heshy/.local/lib/python2.7/site-packages/autograd/tracer.py", line 44, in f_wrapped ans = f_wrapped(*argvals, **kwargs) "/home/heshy/.local/lib/python2.7/site-packages/autograd/tracer.py", line 48, in f_wrapped return f_raw(*args, **kwargs) "/home/heshy/.local/lib/python2.7/site-packages/numpy/core/numeric.py", line 1371, in tensordot raise ValueError("shape-mismatch for sum") ValueError: shape-mismatch for sum
0.59487
Traceback (most recent call last): "/usr/lib/python3.6/threading.py", line 916, in _bootstrap_inner self.run() "./DeathStar.py", line 59, in __run self.__run_backup() "/usr/lib/python3.6/threading.py", line 864, in run self._target(*self._args, **self._kwargs) "./DeathStar.py", line 564, in privesc computers = get_gpo_computer(agent_name, result['guid']) "./DeathStar.py", line 328, in get_gpo_computer results = execute_module_with_results('powershell/situational_awareness/network/powerview/get_gpo_computer', agent_name, module_options) "./DeathStar.py", line 181, in execute_module_with_results if entry['taskID'] == r['taskID']: TypeError: 'NoneType' object is not subscriptable
`# >>>>>>>>>>>>>>>>>>>>>> ERROR REPORT <<<<<<<<<<<<<<<<<<<<<< Traceback (most recent call last): "C:\Users\a\AppData\Local\Continuum\anaconda2\lib\site-packages\conda\exceptions.py", line 819, in __call__ return func(*args,**kwargs) "C:\Users\a\AppData\Local\Continuum\anaconda2\lib\site-packages\conda\cli\main.py", line 78, in _main exit_code = do_call(args, p) "C:\Users\a\AppData\Local\Continuum\anaconda2\lib\site-packages\conda\cli\conda_argparse.py", line 77, in do_call exit_code = getattr(module, func_name)(args, parser) "C:\Users\a\AppData\Local\Continuum\anaconda2\lib\site-packages\conda\cli\main_remove.py", line 47, in execute delete_trash() "C:\Users\a\AppData\Local\Continuum\anaconda2\lib\site-packages\conda\gateways\disk\delete.py", line 73, in delete_trash backoff_rmdir(path, max_tries=1) "C:\Users\a\AppData\Local\Continuum\anaconda2\lib\site-packages\conda\gateways\disk\delete.py", line 164, in backoff_rmdir _rmdir(join(root, dir)) "C:\Users\a\AppData\Local\Continuum\anaconda2\lib\site-packages\conda\gateways\disk\delete.py", line 153, in _rmdir exp_backoff_fn(rmtree, path, onerror=retry, max_tries=max_tries) "C:\Users\a\AppData\Local\Continuum\anaconda2\lib\site-packages\conda\gateways\disk\__init__.py", line 30, in exp_backoff_fn result = fn(*args, **kwargs) "C:\Users\a\AppData\Local\Continuum\anaconda2\lib\site-packages\conda\gateways\disk\delete.py", line 231, in rmtree visit_files(root, files) "C:\Users\a\AppData\Local\Continuum\anaconda2\lib\site-packages\conda\gateways\disk\delete.py", line 219, in visit_files rm(unlink, join(root, target)) "C:\Users\a\AppData\Local\Continuum\anaconda2\lib\site-packages\conda\gateways\disk\delete.py", line 215, in rm onerror(fn, childpath, sys.exc_info()[0]) "C:\Users\a\AppData\Local\Continuum\anaconda2\lib\site-packages\conda\gateways\disk\delete.py", line 145, in retry if getattr(exc_info[1], 'errno', None) == ENOENT: TypeError: 'type' object has no attribute '__getitem__' `$ C:\Users\a\AppData\Local\Continuum\anaconda2\Scripts\conda remove --name new_cash --all` environment variables: CIO_TEST=<not set> CONDA_DEFAULT_ENV=base CONDA_EXE=C:\Users\a\AppData\Local\Continuum\anaconda2\Scripts\cond a.exe CONDA_PREFIX=C:\Users\a\AppData\Local\Continuum\anaconda2 CONDA_PROMPT_MODIFIER=(base) CONDA_PYTHON_EXE=C:\Users\a\AppData\Local\Continuum\anaconda2\python.exe CONDA_ROOT=C:\Users\a\AppData\Local\Continuum\anaconda2 CONDA_SHLVL=1 HOMEPATH=\Users\a PATH=C:\Users\a\AppData\Local\Continuum\anaconda2;C:\Users\ati femreyuksel\AppData\Local\Continuum\anaconda2\Library\mingw-w64\bin;C: \Users\a\AppData\Local\Continuum\anaconda2\Library\usr\bi n;C:\Users\a\AppData\Local\Continuum\anaconda2\Library\bi n;C:\Users\a\AppData\Local\Continuum\anaconda2\Scripts;C: \Users\a\AppData\Local\Continuum\anaconda2\bin;C:\Windows \system32;C:\Windows;C:\Windows\System32\Wbem;C:\Windows\System32\Wind owsPowerShell\v1.0\;C:\Program s (x86)\NVIDIA Corporation\PhysX\Co mmon;C:\WINDOWS\system32;C:\WINDOWS;C:\WINDOWS\System32\Wbem;C:\WINDOW S\System32\WindowsPowerShell\v1.0\;C:\WINDOWS\System32\OpenSSH\;C:\Pro gram s\Git\cmd;C:\Program s\Git\mingw64\bin;C:\Program s\Git\usr\bin;C:\Program s\OpenVPN\bin;C:\Users\a \AppData\Local\Continuum\anaconda2;C:\Users\a\AppData\Loc al\Continuum\anaconda2\Library\mingw-w64\bin;C:\Users\a\A ppData\Local\Continuum\anaconda2\Library\usr\bin;C:\Users\a\AppData\Local\Continuum\anaconda2\Library\bin;C:\Users\atifemreyuks el\AppData\Local\Continuum\anaconda2\Scripts;C:\Users\a\A ppData\Local\Microsoft\WindowsApps;C:\Users\a\AppData\Loc al\Programs\Microsoft VS Code\bin PSMODULEPATH=C:\Program s\WindowsPowerShell\Modules;C:\WINDOWS\system32\Windows PowerShell\v1.0\Modules PYTHONIOENCODING=1252 REQUESTS_CA_BUNDLE=<not set> SSL_CERT_FILE=<not set> active environment : base active env location : C:\Users\a\AppData\Local\Continuum\anaconda2 shell level : 1 user config file : C:\Users\a\.condarc populated config files : conda version : 4.5.12 conda-build version : 3.15.1 python version : 2.7.15.final.0 base environment : C:\Users\a\AppData\Local\Continuum\anaconda2 (writable) channel URLs : https://repo.anaconda.com/pkgs/main/win-64 https://repo.anaconda.com/pkgs/main/noarch https://repo.anaconda.com/pkgs/free/win-64 https://repo.anaconda.com/pkgs/free/noarch https://repo.anaconda.com/pkgs/r/win-64 https://repo.anaconda.com/pkgs/r/noarch https://repo.anaconda.com/pkgs/pro/win-64 https://repo.anaconda.com/pkgs/pro/noarch https://repo.anaconda.com/pkgs/msys2/win-64 https://repo.anaconda.com/pkgs/msys2/noarch package cache : C:\Users\a\AppData\Local\Continuum\anaconda2\pkgs C:\Users\a\AppData\Local\conda\conda\pkgs envs directories : C:\Users\a\AppData\Local\Continuum\anaconda2\envs C:\Users\a\AppData\Local\conda\conda\envs C:\Users\a\.conda\envs platform : win-64 user-agent : conda/4.5.12 requests/2.19.1 CPython/2.7.15 Windows/10 Windows/. administrator : False netrc file : None offline mode : False An unexpected error has occurred. Conda has prepared the above report. If submitted, this report will be used by core maintainers to improve future releases of conda. Would you like conda to send this report to the core maintainers? [y/N]: N No report sent. To permanently opt-out, use $ conda config --set report_errors false`
0.609553
Traceback (most recent call last): "/home/admin/.local/lib/python3.8/site-packages/discord/client.py", line 312, in _run_event await coro(*args, **kwargs) "/home/admin/Tools/DiscordBot/main.py", line 89, in on_reaction_add print(f"{reaction.message.attatchments[0].url}") AttributeError: 'Message' object has no attribute 'attatchments'
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 1905, in main return x.run() "/home/sebastianw/dev/intelmq/intelmq/bin/intelmqctl.py", line 1044, in run retval, results = args.func(**args_dict) "/home/sebastianw/dev/intelmq/intelmq/bin/intelmqctl.py", line 1054, in bot_run retval, results = self.bot_process_manager.bot_run(**kwargs) "/home/sebastianw/dev/intelmq/intelmq/bin/intelmqctl.py", line 179, in bot_run output = bd.run() "/home/sebastianw/dev/intelmq/intelmq/lib/bot_debugger.py", line 62, in run self.instance._Bot__connect_pipelines() "/home/sebastianw/dev/intelmq/intelmq/lib/bot.py", line 557, in __connect_pipelines self.__source_pipeline = PipelineFactory.create(logger=self.logger, "/home/sebastianw/dev/intelmq/intelmq/lib/pipeline.py", line 40, in create broker = getattr(pipeline_args, 'source_pipeline_broker') AttributeError: 'dict' object has no attribute 'source_pipeline_broker'
0.647577
Traceback (most recent call last): "/home/daviddelgadillo/anaconda3/envs/chemprop/bin/chemprop_predict", line 33, in <module> sys.exit(load_entry_point('chemprop', 'console_scripts', 'chemprop_predict')()) "/home/daviddelgadillo/chemprop/chemprop/train/make_predictions.py", line 206, in chemprop_predict make_predictions(args=PredictArgs().parse_args()) "/home/daviddelgadillo/chemprop/chemprop/utils.py", line 437, in wrap result = func(*args, **kwargs) "/home/daviddelgadillo/chemprop/chemprop/train/make_predictions.py", line 47, in make_predictions raise ValueError('If scaling of the additional features was done during training, the' ValueError: If scaling of the additional features was done during training, thesame must be done during prediction.
Traceback (most recent call last): "_ctypes/callbacks.c", line 234, in 'calling callback function' "/Users/iacopomarmorini/.virtualenvs/arcade/lib/python3.6/site-packages/pyglet/libs/darwin/cocoapy/runtime.py", line 1121, in objc_method result = f(py_self, *args) "/Users/iacopomarmorini/.virtualenvs/arcade/lib/python3.6/site-packages/pyglet/window/cocoa/pyglet_view.py", line 239, in scrollWheel_ self._window.dispatch_event('on_mouse_scroll', x, y, scroll_x, scroll_y) "/Users/iacopomarmorini/.virtualenvs/arcade/lib/python3.6/site-packages/pyglet/window/__init__.py", line 1220, in dispatch_event if EventDispatcher.dispatch_event(self, *args) != False: "/Users/iacopomarmorini/.virtualenvs/arcade/lib/python3.6/site-packages/pyglet/event.py", line 371, in dispatch_event event_type, args, getattr(self, event_type)) "/Users/iacopomarmorini/.virtualenvs/arcade/lib/python3.6/site-packages/pyglet/event.py", line 392, in _raise_dispatch_exception inspect.getargspec(handler) "/Users/iacopomarmorini/.pyenv/versions/3.6.3/lib/python3.6/inspect.py", line 1072, in getargspec raise ValueError("Function has keyword-only parameters or annotations" ValueError: Function has keyword-only parameters or annotations, use getfullargspec() API which can support them
0.52206
Traceback (most recent call last): "/config/custom_components/alexa_media/media_player.py", line 260, in _handle_event await self.async_update() "/config/custom_components/alexa_media/helpers.py", line 143, in wrapper result = await func(*args, **kwargs) "/config/custom_components/alexa_media/media_player.py", line 667, in async_update no_throttle=True) "/config/custom_components/alexa_media/helpers.py", line 143, in wrapper result = await func(*args, **kwargs) "/config/custom_components/alexa_media/media_player.py", line 371, in refresh self._parent_clusters)) "/config/custom_components/alexa_media/media_player.py", line 370, in <lambda> ['media_player'][x].state == STATE_PLAYING), KeyError: 'a6cd9003eaf44edc83025260bd45382e'
Traceback (most recent call last): "/Users/hoyongpark/Documents/work/dference/groot/.venv/lib/python3.7/site-packages/kubernetes/watch/watch.py", line 149, in stream yield self.unmarshal_event(line, return_type) "/Users/hoyongpark/Documents/work/dference/groot/.venv/lib/python3.7/site-packages/kubernetes/watch/watch.py", line 97, in unmarshal_event js['raw_object'] = js['object'] KeyError: 'object'
0.586036
Traceback (most recent call last): "/conda/lib/python2.7/site-packages/conda/exceptions.py", line 573, in conda_exception_handler return_value = func(*args, **kwargs) "/conda/lib/python2.7/site-packages/conda/cli/main.py", line 119, in _main args = p.parse_args(args) "/conda/lib/python2.7/site-packages/conda/cli/conda_argparse.py", line 173, in parse_args return super(ArgumentParser, self).parse_args(*args, **kwargs) "/conda/lib/python2.7/argparse.py", line 1701, in parse_args args, argv = self.parse_known_args(args, namespace) "/conda/lib/python2.7/argparse.py", line 1740, in parse_known_args self.error(str(err)) "/conda/lib/python2.7/site-packages/conda/cli/conda_argparse.py", line 146, in error raise CommandNotFoundError(cmd, message) TypeError: __init__() takes exactly 2 arguments (3 given)
Traceback (most recent call last): "train.py", line 431, in <module> train(hyp) # train normally "train.py", line 91, in train model = Darknet(cfg).to(device) "/home/qzk/yolov3/models.py", line 232, in __init__ self.module_list, self.routs = create_modules(self.module_defs, img_size, cfg) "/home/qzk/yolov3/models.py", line 27, in create_modules modules.add_module('Conv2d', nn.Conv2d(in_channels=output_filters[-1], "/home/learn/anaconda3/envs/yolov3/lib/python3.8/site-packages/torch/nn/modules/conv.py", line 406, in __init__ super(Conv2d, self).__init__( "/home/learn/anaconda3/envs/yolov3/lib/python3.8/site-packages/torch/nn/modules/conv.py", line 52, in __init__ if out_channels % groups != 0: TypeError: not all arguments converted during string formatting
0.621364
Traceback (most recent call last): "EyeWitness.py", line 424, in <module> multi_mode(cli_parsed) "EyeWitness.py", line 366, in multi_mode sort_data_and_write(cli_parsed, results) "/root/EyeWitness/Python/modules/reporting.py", line 216, in sort_data_and_write errors = sorted([x for x in data if x.error_state is not None], TypeError: '<' not supported between instances of 'str' and 'NoneType'
Traceback (most recent call last): "train.py", line 133, in <module> main() "train.py", line 127, in main train(args, log_dir, hparams) "train.py", line 57, in train raise('Error occured while training Tacotron, Exiting!') TypeError: exceptions must derive from BaseException`
0.621332
Traceback (most recent call last): "<stdin>", line 1, in <module> AttributeError: 'Song' object has no attribute 'year.'`
Traceback (most recent call last): "test.py", line 6, in <module> rnn = RecurrentSequential(unroll=False, return_sequences=False) "/Users/sj18703/anaconda3/envs/tf2.0/lib/python3.7/site-packages/recurrentshop-1.0.0-py3.7.egg/recurrentshop/engine.py", line 885, in __init__ "/Users/sj18703/anaconda3/envs/tf2.0/lib/python3.7/site-packages/Keras-2.2.4-py3.7.egg/keras/legacy/layers.py", line 440, in __init__ super(Recurrent, self).__init__(**kwargs) "/Users/sj18703/anaconda3/envs/tf2.0/lib/python3.7/site-packages/Keras-2.2.4-py3.7.egg/keras/engine/base_layer.py", line 132, in __init__ name = _to_snake_case(prefix) + '_' + str(K.get_uid(prefix)) "/Users/sj18703/anaconda3/envs/tf2.0/lib/python3.7/site-packages/Keras-2.2.4-py3.7.egg/keras/backend/tensorflow_backend.py", line 74, in get_uid graph = tf.get_default_graph() AttributeError: module 'tensorflow' has no attribute 'get_default_graph''
0.553478
Traceback (most recent call last): "/Users/mark.miscavage/workspace/ship-compliant-proxy/env/bin/pylint", line 8, in <module> sys.exit(run_pylint()) "/Users/mark.miscavage/workspace/ship-compliant-proxy/env/lib/python3.7/site-packages/pylint/__init__.py", line 23, in run_pylint PylintRun(sys.argv[1:]) "/Users/mark.miscavage/workspace/ship-compliant-proxy/env/lib/python3.7/site-packages/pylint/lint.py", line 1686, in __init__ linter.load_plugin_modules(plugins) "/Users/mark.miscavage/workspace/ship-compliant-proxy/env/lib/python3.7/site-packages/pylint/lint.py", line 660, in load_plugin_modules module = modutils.load_module_from_name(modname) "/Users/mark.miscavage/workspace/ship-compliant-proxy/env/lib/python3.7/site-packages/astroid/modutils.py", line 198, in load_module_from_name return load_module_from_modpath(dotted_name.split("."), path, use_sys) "/Users/mark.miscavage/workspace/ship-compliant-proxy/env/lib/python3.7/site-packages/astroid/modutils.py", line 240, in load_module_from_modpath mp_file, mp_filename, mp_desc = imp.find_module(part, path) "/Users/mark.miscavage/.pyenv/versions/3.7.6/lib/python3.7/imp.py", line 296, in find_module raise ImportError(_ERR_MSG.format(name), name=name) ImportError: No module named 'pylint_common'`
Traceback (most recent call last): "/usr/local/lib/python3.7/site-packages/gunicorn/arbiter.py", line 583, in spawn_worker worker.init_process() "/usr/local/lib/python3.7/site-packages/uvicorn/workers.py", line 57, in init_process super(UvicornWorker, self).init_process() "/usr/local/lib/python3.7/site-packages/gunicorn/workers/base.py", line 119, in init_process self.load_wsgi() "/usr/local/lib/python3.7/site-packages/gunicorn/workers/base.py", line 144, in load_wsgi self.wsgi = self.app.wsgi() "/usr/local/lib/python3.7/site-packages/gunicorn/app/base.py", line 67, in wsgi self.callable = self.load() "/usr/local/lib/python3.7/site-packages/gunicorn/app/wsgiapp.py", line 49, in load return self.load_wsgiapp() "/usr/local/lib/python3.7/site-packages/gunicorn/app/wsgiapp.py", line 39, in load_wsgiapp return util.import_app(self.app_uri) "/usr/local/lib/python3.7/site-packages/gunicorn/util.py", line 358, in import_app mod = importlib.import_module(module) "/usr/local/lib/python3.7/importlib/__init__.py", line 127, in import_module return _bootstrap._gcd_import(name[level:], package, level) "<frozen importlib._bootstrap>", line 1006, in _gcd_import "<frozen importlib._bootstrap>", line 983, in _find_and_load "<frozen importlib._bootstrap>", line 967, in _find_and_load_unlocked "<frozen importlib._bootstrap>", line 677, in _load_unlocked "<frozen importlib._bootstrap_external>", line 728, in exec_module "<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed "/app/main.py", line 13, in <module> from .data import data_source ImportError: attempted relative import with no known parent package
0.601656
Traceback (most recent call last): "/srv/homeassistant/lib/python3.7/site-packages/pyvera/subscribe.py", line 155, in _event_device callback(device) "/srv/homeassistant/lib/python3.7/site-packages/homeassistant/components/vera/__init__.py", line 162, in _update_callback self.schedule_update_ha_state(True) "/srv/homeassistant/lib/python3.7/site-packages/homeassistant/helpers/entity.py", line 430, in schedule_update_ha_state self.hass.add_job(self.async_update_ha_state(force_refresh)) AttributeError: 'NoneType' object has no attribute 'add_job'
Traceback (most recent call last): "/opt/sublime_text/sublime_plugin.py", line 513, in on_selection_modified_async callback.on_selection_modified_async(v) "highlight_view in /home/gizdov/.config/sublime-text-3/Installed Packages/SublimeLinter.sublime-package", line 158, in on_selection_modified_async "lint.settings in /home/gizdov/.config/sublime-text-3/Installed Packages/SublimeLinter.sublime-package", line 33, in get "lint.settings in /home/gizdov/.config/sublime-text-3/Installed Packages/SublimeLinter.sublime-package", line 25, in settings AttributeError: 'NoneType' object has no attribute 'load_settings'
0.667077
Traceback (most recent call last): "/usr/local/lib/python3.6/site-packages/homeassistant/helpers/entity_platform.py", line 272, in _async_add_entity device_info = entity.device_info "/usr/local/lib/python3.6/site-packages/homeassistant/components/zha/entities/entity.py", line 103, in device_info 'name': self._device_state_attributes['friendly_name'], KeyError: 'friendly_name'
Traceback (most recent call last): "/home/rq/PycharmProjects/rqalpha/rqalpha/utils/arg_checker.py", line 400, in api_rule_check_wrapper return func(*args, **kwargs) "/home/rq/PycharmProjects/rqalpha/rqalpha/mod/rqalpha_mod_sys_accounts/api/api_stock.py", line 309, in order_percent account = Environment.get_instance().portfolio.accounts[DEFAULT_ACCOUNT_TYPE.STOCK.name] KeyError: 'STOCK'`
0.574191
Traceback (most recent call last): "C:\Users\heaths\AppData\Local\Programs\Pytho...s\powerline\segment.py", line 173, in process_segment contents = segment['contents_func'](pl, segment_info) "C:\Users\heaths\AppData\Local\Programs\Pytho...packages\powerline\segment.py", line 412, in <lambda> contents_func = lambda pl, segment_info: _contents_func(pl=pl, segment_info=segment_info, **args) "C:\Users\heaths\AppData\Local\Programs\Pytho...gments\vim\__init__.py", line 558, in file_vcs_status status = repo.status(os.path.relpath(name, repo.directory)) "C:\Users\heaths\AppData\Local\Programs\Pytho...ackages\powerline\lib\vcs\git.py", line 82, in status extra_ignore_files=tuple(join(gitd, x) for x in ('logs/HEAD', 'info/exclude')), "C:\Users\heaths\AppData\Local\Programs\Pytho...ne\lib\vcs\__init__.py", line 131, in get_file_status file_status_cache[keypath] = ans = get_func(directory, file_path) "C:\Users\heaths\AppData\Local\Programs\Pytho...ges\powerline\lib\vcs\git.py", line 187, in do_status return next(self._gitcmd(directory, 'status', '--porcelain', '--ignored', '--', path))[:2] "C:\Users\heaths\AppData\Local\Programs\Pytho...ckages\powerline\lib\shell.py", line 58, in readlines p = Popen(cmd, shell=False, stdout=PIPE, stderr=PIPE, cwd=cwd) "C:\Users\heaths\AppData\Local\Programs\Python\Python37-32\Lib\subprocess.py", line 800, in __init__ restore_signals, start_new_session) "C:\Users\heaths\AppData\Local\Programs\Pytho...7-32\Lib\subprocess.py", line 1148, in _execute_child args = list2cmdline(args) "C:\Users\heaths\AppData\Local\Programs\Pytho...on37-32\Lib\subprocess.py", line 555, in list2cmdline needquote = (" " in arg) or ("\t" in arg) or not arg TypeError: a bytes-like object is required, not 'str'
Traceback (most recent call last): "faceswap.py", line 33, in <module> arguments.func(arguments) "/home/kixlab3/Documents/shik/faceswap/lib/cli.py", line 162, in process_arguments self.process() "/home/kixlab3/Documents/shik/faceswap/scripts/convert.py", line 191, in process self.convert(converter, item) "/home/kixlab3/Documents/shik/faceswap/scripts/convert.py", line 229, in convert image = converter.patch_image(image, face, 64 if "128" not in self.arguments.trainer else 128) "/home/kixlab3/Documents/shik/faceswap/plugins/Convert_Masked.py", line 42, in patch_image return self.apply_new_face(image, new_face, image_mask, mat, image_size, size) "/home/kixlab3/Documents/shik/faceswap/plugins/Convert_Masked.py", line 50, in apply_new_face if "bsharpen" in self.sharpen_image: TypeError: argument of type 'NoneType' is not iterable
0.602803
Traceback (most recent call last): "uiautomation.py", line 7852, in <module> lp = notepad.LegacyIAccessiblePattern() AttributeError: 'WindowControl' object has no attribute 'LegacyIAccessiblePattern'
Traceback (most recent call last): "./convert.py", line 60, in <module> main() "./convert.py", line 56, in main args.phase) "./convert.py", line 27, in convert transformer = TensorFlowTransformer(def_path, caffemodel_path, phase=phase) "/home/ubuntu/workspace/08_fine_train/fine-tune-alexnet/caffe-tensorflow/kaffe/tensorflow/transformer.py", line 221, in __init__ self.load(def_path, data_path, phase) "/home/ubuntu/workspace/08_fine_train/fine-tune-alexnet/caffe-tensorflow/kaffe/tensorflow/transformer.py", line 227, in load graph = GraphBuilder(def_path, phase).build() "/home/ubuntu/workspace/08_fine_train/fine-tune-alexnet/caffe-tensorflow/kaffe/graph.py", line 140, in __init__ self.load() "/home/ubuntu/workspace/08_fine_train/fine-tune-alexnet/caffe-tensorflow/kaffe/graph.py", line 144, in load self.params = get_caffe_resolver().NetParameter() "/home/ubuntu/workspace/08_fine_train/fine-tune-alexnet/caffe-tensorflow/kaffe/caffe/resolver.py", line 32, in get_caffe_resolver SHARED_CAFFE_RESOLVER = CaffeResolver() "/home/ubuntu/workspace/08_fine_train/fine-tune-alexnet/caffe-tensorflow/kaffe/caffe/resolver.py", line 7, in __init__ self.import_caffe() "/home/ubuntu/workspace/08_fine_train/fine-tune-alexnet/caffe-tensorflow/kaffe/caffe/resolver.py", line 23, in import_caffe self.caffepb = self.caffe.proto.caffe_pb2 AttributeError: 'module' object has no attribute 'proto'
0.592456
Traceback (most recent call last): "<pyshell#10>", line 1, in <module> index_df = gp.baidu_search_index(word="口罩", start_date='2020-01-01', end_date='2020-03-01', cookie=cookie) "C:\Users\zeyu_\AppData\Local\Programs\Python\Python39\lib\site-packages\gopup\index\index_baidu.py", line 264, in baidu_search_index all_data = data["userIndexes"][0][type]["data"] TypeError: string indices must be integers
Traceback (most recent call last): "/home/mininet/pox/pox/lib/revent/revent.py", line 231, in raiseEventNoErrors return self.raiseEvent(event, *args, **kw) "/home/mininet/pox/pox/lib/revent/revent.py", line 278, in raiseEvent rv = event._invoke(handler, *args, **kw) "/home/mininet/pox/pox/lib/revent/revent.py", line 156, in _invoke return handler(self, *args, **kw) "/home/mininet/pox/pox/proto/arp_responder.py", line 189, in _handle_PacketIn if _arp_table[a.protosrc] != a.hwsrc: "/home/mininet/pox/pox/proto/arp_responder.py", line 78, in __ne__ return not self.__eq__(other) "/home/mininet/pox/pox/proto/arp_responder.py", line 76, in __eq__ return self.mac == other "/home/mininet/pox/pox/lib/addresses.py", line 214, in __cmp__ return -other.__cmp__(self) TypeError: bool.__cmp__(x,y) requires y to be a 'bool', not a 'EthAddr'
0.540013
Traceback (most recent call last): "/builddir/build/BUILD/llvmlite-0.32.0/ffi/build.py", line 168, in <module> main() "/builddir/build/BUILD/llvmlite-0.32.0/ffi/build.py", line 158, in main main_posix('linux', '.so') "/builddir/build/BUILD/llvmlite-0.32.0/ffi/build.py", line 120, in main_posix raise RuntimeError(msg) RuntimeError: Building llvmlite requires LLVM 7.0.x, 7.1.x or 8.0.x, got '10.0.0'. Be sure to set LLVM_CONFIG to the right executable path.
Traceback (most recent call last): "/usr/local/bin/knowledge_repo", line 249, in <module> kp = knowledge_repo.KnowledgePost.from_file(args.filename, src_paths=args.src) "/usr/local/lib/python2.7/site-packages/knowledge_repo/post.py", line 347, in from_file kp = KnowledgePostConverter.for_file(cls(), filename, format=format, postprocessors=postprocessors).from_file(filename, **opts) "/usr/local/lib/python2.7/site-packages/knowledge_repo/converter.py", line 77, in for_file return cls.for_format(kp, get_format(filename, format), postprocessors=postprocessors) "/usr/local/lib/python2.7/site-packages/knowledge_repo/converter.py", line 84, in for_format return cls._get_subclass_for(format.lower())(kp, format=format, postprocessors=postprocessors) "/usr/local/lib/python2.7/site-packages/knowledge_repo/converter.py", line 24, in __init__ check_dependencies(self.dependencies, "Whoops! You are missing some dependencies required to use `{}` instances.".format(self.__class__.__name__)) "/usr/local/lib/python2.7/site-packages/knowledge_repo/utils/dependencies.py", line 17, in check_dependencies raise RuntimeError('\n\n'.join([message, fix])) RuntimeError: Whoops! You are missing some dependencies required to use `IpynbFormat` instances.
0.553
Traceback (most recent call last): "qs-likes.py", line 17, in <module> disable_image_load=True) "/Users/oskarkrawczyk/Sites/InstaPy/instapy/instapy.py", line 250, in __init__ self.set_selenium_local_session() "/Users/oskarkrawczyk/Sites/InstaPy/instapy/instapy.py", line 391, in set_selenium_local_session highlight_print(self.username, message, "initialization", "info", self.logger) "/Users/oskarkrawczyk/Sites/InstaPy/instapy/util.py", line 929, in highlight_print print("\n{}".format(upper_char * ceil(output_len/len(upper_char)))) TypeError: can't multiply sequence by non-int of type 'float'
Traceback (most recent call last): "/usr/local/lib/python3.4/dist-packages/homeassistant/components/device_tracker/__init__.py", line 165, in async_setup_platform None, platform.get_scanner, hass, {DOMAIN: p_config}) "/usr/lib/python3.4/asyncio/futures.py", line 388, in __iter__ yield self # This tells Task to wait for completion. "/usr/lib/python3.4/asyncio/tasks.py", line 286, in _wakeup value = future.result() "/usr/lib/python3.4/asyncio/futures.py", line 277, in result raise self._exception "/usr/lib/python3.4/concurrent/futures/thread.py", line 54, in run result = self.fn(*self.args, **self.kwargs) "/usr/local/lib/python3.4/dist-packages/homeassistant/components/device_tracker/snmp.py", line 45, in get_scanner scanner = SnmpScanner(config[DOMAIN]) "/usr/local/lib/python3.4/dist-packages/homeassistant/components/device_tracker/snmp.py", line 77, in __init__ data = self.get_snmp_data() "/usr/local/lib/python3.4/dist-packages/homeassistant/components/device_tracker/snmp.py", line 115, in get_snmp_data self.auth, self.host, self.baseoid) "/home/pi/.homeassistant/deps/pysnmp/entity/rfc3413/oneliner/cmdgen.py", line 221, in nextCmd **kwargs): "/home/pi/.homeassistant/deps/pysnmp/hlapi/asyncore/sync/cmdgen.py", line 355, in nextCmd lookupMib=options.get('lookupMib', True))) "/home/pi/.homeassistant/deps/pysnmp/hlapi/asyncore/cmdgen.py", line 352, in nextCmd options.get('cbFun'), options.get('cbCtx')) "/home/pi/.homeassistant/deps/pysnmp/entity/rfc3413/cmdgen.py", line 258, in sendVarBinds v2c.apiPDU.setVarBinds(reqPDU, varBinds) "/home/pi/.homeassistant/deps/pysnmp/proto/api/v1.py", line 136, in setVarBinds varBindList.getComponentByPosition(idx), varBind "/home/pi/.homeassistant/deps/pysnmp/proto/api/v1.py", line 43, in setOIDVal verifyConstraints=False) TypeError: setComponentByType() got multiple values for argument 'verifyConstraints'
0.553593
Traceback (most recent call last): "json-video.py", line 66, in <module> rmpe_results = json.load(f) "/home/zengxw/.conda/envs/deng_py27/lib/python2.7/json/__init__.py", line 291, in load **kw) "/home/zengxw/.conda/envs/deng_py27/lib/python2.7/json/__init__.py", line 339, in loads return _default_decoder.decode(s) "/home/zengxw/.conda/envs/deng_py27/lib/python2.7/json/decoder.py", line 364, in decode obj, end = self.raw_decode(s, idx=_w(s, 0).end()) "/home/zengxw/.conda/envs/deng_py27/lib/python2.7/json/decoder.py", line 382, in raw_decode raise ValueError("No JSON object could be decoded") ValueError: No JSON object could be decoded
Traceback (most recent call last): "/Users/Rasmus/.vim/bundle/repos/github.com/Valloric/YouCompleteMe/third_party/ycmd/ycmd/../ycmd/server_state.py", line 101, in typeCompletionAvailable self.Get typeCompleter( filetypes ) "/Users/Rasmus/.vim/bundle/repos/github.com/Valloric/YouCompleteMe/third_party/ycmd/ycmd/../ycmd/server_state.py", line 90, in Get typeCompleter current_filetypes ) ) ValueError: No semantic completer exists for filetypes: ['tex']
0.527883
Traceback (most recent call last): "/usr/local/bin/onmt-main", line 10, in <module> sys.exit(main()) "/usr/local/lib/python3.5/dist-packages/opennmt/bin/main.py", line 169, in main hvd=hvd) "/usr/local/lib/python3.5/dist-packages/opennmt/runner.py", line 96, in __init__ self._model.initialize(self._config["data"]) "/usr/local/lib/python3.5/dist-packages/opennmt/models/sequence_tagger.py", line 54, in initialize super(SequenceTagger, self).initialize(metadata) "/usr/local/lib/python3.5/dist-packages/opennmt/models/model.py", line 70, in initialize self.examples_inputter.initialize(metadata) "/usr/local/lib/python3.5/dist-packages/opennmt/inputters/inputter.py", line 559, in initialize self.features_inputter.initialize(metadata, asset_prefix="source_") "/usr/local/lib/python3.5/dist-packages/opennmt/inputters/inputter.py", line 313, in initialize inputter.initialize(metadata, asset_prefix="%s%d_" % (asset_prefix, i + 1)) "/usr/local/lib/python3.5/dist-packages/opennmt/inputters/text_inputter.py", line 356, in initialize metadata, asset_dir=asset_dir, asset_prefix=asset_prefix) "/usr/local/lib/python3.5/dist-packages/opennmt/inputters/text_inputter.py", line 251, in initialize self.vocabulary_file = metadata[self.vocabulary_file_key] KeyError: 'words_vocabulary'
Traceback (most recent call last): "C:\SickChill\SickChill\sickbeard\helpers.py", line 1527, in handle_requests_exception raise requests_exception KeyError: 'location'
0.482121
Traceback (most recent call last): "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/bin/.mypy-wrapped", line 12, in <module> sys.exit(console_entry()) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/__main__.py", line 7, in console_entry main(None) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/main.py", line 91, in main res = type_check_only(sources, bin_dir, options, flush_errors, fscache) # noqa "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/main.py", line 148, in type_check_only fscache=fscache) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/build.py", line 177, in build flush_errors, fscache) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/build.py", line 350, in _build graph = dispatch(sources, manager) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/build.py", line 2560, in dispatch process_graph(graph, manager) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/build.py", line 2853, in process_graph process_stale_scc(graph, scc, manager) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/build.py", line 2976, in process_stale_scc graph[id].type_check_first_pass() "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/build.py", line 2151, in type_check_first_pass self.type_checker().check_first_pass() "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/checker.py", line 253, in check_first_pass self.accept(d) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/checker.py", line 352, in accept stmt.accept(self) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/nodes.py", line 808, in accept return visitor.visit_class_def(self) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/checker.py", line 1368, in visit_class_def self.accept(defn.defs) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/checker.py", line 352, in accept stmt.accept(self) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/nodes.py", line 873, in accept return visitor.visit_block(self) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/checker.py", line 1514, in visit_block self.accept(s) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/checker.py", line 352, in accept stmt.accept(self) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/nodes.py", line 591, in accept return visitor.visit_func_def(self) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/checker.py", line 663, in visit_func_def self._visit_func_def(defn) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/checker.py", line 667, in _visit_func_def self.check_func_item(defn, name=defn.name()) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/checker.py", line 729, in check_func_item self.check_func_def(defn, typ, name) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/checker.py", line 746, in check_func_def for item, typ in self.expand_typevars(defn, typ): "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/checker.py", line 1189, in expand_typevars result.append((expand_func(defn, mapping), expanded)) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/checker.py", line 3612, in expand_func ret = defn.accept(visitor) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/nodes.py", line 591, in accept return visitor.visit_func_def(self) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/treetransform.py", line 108, in visit_func_def self.block(node.body), "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/treetransform.py", line 537, in block new = self.visit_block(block) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/treetransform.py", line 183, in visit_block return Block(self.statements(node.body)) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/treetransform.py", line 548, in statements return [self.stmt(stmt) for stmt in statements] "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/treetransform.py", line 548, in <listcomp> return [self.stmt(stmt) for stmt in statements] "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/treetransform.py", line 521, in stmt new = stmt.accept(self) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/nodes.py", line 888, in accept return visitor.visit_expression_stmt(self) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/treetransform.py", line 213, in visit_expression_stmt return ExpressionStmt(self.expr(node.expr)) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/treetransform.py", line 515, in expr new = expr.accept(self) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/nodes.py", line 1670, in accept return visitor.visit_dict_expr(self) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/treetransform.py", line 408, in visit_dict_expr for key, value in node.items]) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/treetransform.py", line 408, in <listcomp> for key, value in node.items]) "/nix/store/32h62f2vx423bp9nhlhv1lm4jad99cmg-python3.6-mypy-0.620/lib/python3.6/site-packages/mypy/treetransform.py", line 515, in expr new = expr.accept(self) AttributeError: 'NoneType' object has no attribute 'accept'
[!] 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.575894
Traceback (most recent call last): "train.py", line 184, in <module> tf.app.run() "C:\Anaconda\envs\tensorflow1\lib\site-packages\tensorflow\python\platform\app.py", line 125, in run _sys.exit(main(argv)) "C:\Anaconda\envs\tensorflow1\lib\site-packages\tensorflow\python\util\deprecation.py", line 306, in new_func return func(*args, **kwargs) "train.py", line 180, in main graph_hook_fn=graph_rewriter_fn) "C:\Anaconda\envs\tensorflow1\lib\site-packages\object_detection-0.1-py3.6.egg\object_detection\legacy\trainer.py", line 304, in train train_config.optimizer) "C:\Anaconda\envs\tensorflow1\lib\site-packages\object_detection-0.1-py3.6.egg\object_detection\builders\optimizer_builder.py", line 50, in build learning_rate = _create_learning_rate(config.learning_rate) "C:\Anaconda\envs\tensorflow1\lib\site-packages\object_detection-0.1-py3.6.egg\object_detection\builders\optimizer_builder.py", line 112, in _create_learning_rate learning_rate_sequence, config.warmup) "C:\Anaconda\envs\tensorflow1\lib\site-packages\object_detection-0.1-py3.6.egg\object_detection\utils\learning_schedules.py", line 160, in manual_stepping raise ValueError('First step cannot be zero.') ValueError: First step cannot be zero.
Traceback (most recent call last): "./train.py", line 132, in <module> main() "./train.py", line 128, in main load_to_memory=load_to_memory, batch_size=batch_size, nb_epoch=nb_epoch) "./train.py", line 89, in train workers=4) "/usr/local/lib/python3.5/dist-packages/keras/legacy/interfaces.py", line 88, in wrapper return func(*args, **kwargs) "/usr/local/lib/python3.5/dist-packages/keras/models.py", line 1124, in fit_generator initial_epoch=initial_epoch) "/usr/local/lib/python3.5/dist-packages/keras/legacy/interfaces.py", line 88, in wrapper return func(*args, **kwargs) "/usr/local/lib/python3.5/dist-packages/keras/engine/training.py", line 1877, in fit_generator str(generator_output)) ValueError: output of generator should be a tuple `(x, y, sample_weight)` or `(x, y)`. Found: None
0.570529
>Traceback (most recent call last): "test.py", line 3, in <module> aapl = iex("AAPL", chartRange='1d') "/home/addison/Documents/iex/iexenv/lib/python3.5/site-packages/iexfinance/__init__.py", line 14, in IexFinance inst = Share(symbol, **kwargs) "/home/addison/Documents/iex/iexenv/lib/python3.5/site-packages/iexfinance/__init__.py", line 39, in __init__ self.data_set = self.refresh() "/home/addison/Documents/iex/iexenv/lib/python3.5/site-packages/iexfinance/__init__.py", line 43, in refresh data = super(Share, self)._fetch() "/home/addison/Documents/iex/iexenv/lib/python3.5/site-packages/iexfinance/iexretriever.py", line 215, in _fetch raise ValueError("Not all endpoints downloaded") ValueError: Not all endpoints downloaded
Traceback (most recent call last): "<omitted>", line 21, in <module> out += conn.send_command(cmd) "/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/site-packages/netmiko/extreme/extreme_exos.py", line 53, in send_command self.set_base_prompt() "/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/site-packages/netmiko/extreme/extreme_exos.py", line 37, in set_base_prompt cur_base_prompt = super(ExtremeExosBase, self).set_base_prompt(*args, **kwargs) "/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/site-packages/netmiko/base_connection.py", line 959, in set_base_prompt raise ValueError("Router prompt not found: {0}".format(repr(prompt))) ValueError: Router prompt not found: 'show temperature'
0.551638
Traceback (most recent call last): "/usr/bin/openpyn", line 730, in <module> args.tor_over_vpn, args.anti_ddos, args.test) "/usr/bin/openpyn", line 47, in main list_all_countries() "/usr/bin/openpyn", line 463, in list_all_countries for key in country_dic.keys(): NameError: name 'country_dic' is not defined
Traceback (most recent call last): "/usr/bin/../lib64/kitty/kittens/hints/main.py", line 380, in run pattern, post_processors = functions_for(args) "/usr/bin/../lib64/kitty/kittens/hints/main.py", line 305, in functions_for url_prefixes = kitty_common_opts()['url_prefixes'] "/usr/bin/../lib64/kitty/kittens/hints/main.py", line 39, in kitty_common_opts return cast(KittyCommonOpts, json.loads(v)) NameError: name 'KittyCommonOpts' is not defined
0.630022
Traceback (most recent call last): "Z:\Python\envs\wjahr\playground\lib\site-packages\OpenGL\latebind.py", line 41, in __call__ return self._finalCall( *args, **named ) TypeError: 'NoneType' object is not callable
Traceback (most recent call last): "<stdin>", line 1, in <module> "lib/python3.7/site-packages/flair/nn.py", line 88, in load state = torch.load(f, map_location='cpu') "lib/python3.7/site-packages/torch/serialization.py", line 594, in load return _load(opened_zipfile, map_location, pickle_module, **pickle_load_args) "lib/python3.7/site-packages/torch/serialization.py", line 853, in _load result = unpickler.load() "lib/python3.7/site-packages/flair/embeddings/token.py", line 1523, in __setstate__ if not os.path.exists(self.cache_dir / state["lang"]): "lib/python3.7/pathlib.py", line 925, in __truediv__ return self._make_child((key,)) "lib/python3.7/pathlib.py", line 704, in _make_child drv, root, parts = self._parse_args(args) "lib/python3.7/pathlib.py", line 658, in _parse_args a = os.fspath(a) TypeError: expected str, bytes or os.PathLike object, not NoneType
0.640967
`Traceback (most recent call last): "train.py", line 98, in <module> train() "train.py", line 47, in train mixed_wav, src1_wav, src2_wav, _ = data.next_wavs(TrainConfig.SECONDS, TrainConfig.NUM_WAVFILE) "/content/music-source-separation/data.py", line 22, in next_wavs wavfiles = random.sample(wavfiles, size) "/usr/lib/python3.6/random.py", line 320, in sample raise ValueError("Sample larger than population or is negative") ValueError: Sample larger than population or is negative`
Traceback (most recent call last): "theano_vs_tf.py", line 29, in <module> features_conv1_1 = f([img]) "C:\Users\remib\Miniconda3\envs\tensorflow_py35\lib\site-packages\keras\backend\tensorflow_backend.py", line 2270, in __call__ **self.session_kwargs) "C:\Users\remib\Miniconda3\envs\tensorflow_py35\lib\site-packages\tensorflow\python\client\session.py", line 895, in run run_metadata_ptr) "C:\Users\remib\Miniconda3\envs\tensorflow_py35\lib\site-packages\tensorflow\python\client\session.py", line 1100, in _run % (np_val.shape, subfeed_t.name, str(subfeed_t.get_shape()))) ValueError: Cannot feed value of shape (1, 3, 32, 32) for Tensor 'zero_padding2d_1_input:0', which has shape '(?, 3, 32, 64)'
0.579034
Traceback (most recent call last): "/usr/anaconda/bin/ipython", line 6, in <module> sys.exit(IPython.start_ipython()) "/usr/anaconda/lib/python2.7/site-packages/IPython/__init__.py", line 119, in start_ipython return launch_new_instance(argv=argv, **kwargs) "/usr/anaconda/lib/python2.7/site-packages/traitlets/config/application.py", line 595, in launch_instance app.initialize(argv) "<decorator-gen-111>", line 2, in initialize "/usr/anaconda/lib/python2.7/site-packages/traitlets/config/application.py", line 74, in catch_config_error return method(app, *args, **kwargs) "/usr/anaconda/lib/python2.7/site-packages/IPython/terminal/ipapp.py", line 306, in initialize self.init_shell() "/usr/anaconda/lib/python2.7/site-packages/IPython/terminal/ipapp.py", line 322, in init_shell ipython_dir=self.ipython_dir, user_ns=self.user_ns) "/usr/anaconda/lib/python2.7/site-packages/traitlets/config/configurable.py", line 405, in instance inst = cls(*args, **kwargs) "/usr/anaconda/lib/python2.7/site-packages/IPython/core/interactiveshell.py", line 465, in __init__ self.init_history() "/usr/anaconda/lib/python2.7/site-packages/IPython/core/interactiveshell.py", line 1586, in init_history self.history_manager = HistoryManager(shell=self, parent=self) "/usr/anaconda/lib/python2.7/site-packages/IPython/core/history.py", line 520, in __init__ self.log.error("Failed to create history session in %s. History will not be saved.", AttributeError: 'HistoryManager' object has no attribute 'log'
Traceback (most recent call last): "/home/user/.virtualenvs/venv/lib/python2.7/site-packages/sphinx/cmdline.py", line 296, in main app.build(opts.force_all, filenames) "/home/user/.virtualenvs/venv/lib/python2.7/site-packages/sphinx/application.py", line 333, in build self.builder.build_update() "/home/user/.virtualenvs/venv/lib/python2.7/site-packages/sphinx/builders/__init__.py", line 251, in build_update 'out of date' % len(to_build)) "/home/user/.virtualenvs/venv/lib/python2.7/site-packages/sphinx/builders/__init__.py", line 322, in build self.write(docnames, list(updated_docnames), method) "/home/user/.virtualenvs/venv/lib/python2.7/site-packages/sphinx/builders/__init__.py", line 360, in write self._write_serial(sorted(docnames), warnings) "/home/user/.virtualenvs/venv/lib/python2.7/site-packages/sphinx/builders/__init__.py", line 368, in _write_serial self.write_doc(docname, doctree) "/home/user/.virtualenvs/venv/lib/python2.7/site-packages/sphinx/builders/html.py", line 461, in write_doc self.handle_page(docname, ctx, event_arg=doctree) "/home/user/.virtualenvs/venv/lib/python2.7/site-packages/sphinx/builders/html.py", line 818, in handle_page templatename, ctx, event_arg) "/home/user/.virtualenvs/venv/lib/python2.7/site-packages/sphinx/application.py", line 593, in emit_firstresult for result in self.emit(event, *args): "/home/user/.virtualenvs/venv/lib/python2.7/site-packages/sphinx/application.py", line 589, in emit results.append(callback(self, *args)) "/home/user/.virtualenvs/venv/lib/python2.7/site-packages/sphinxcontrib/fulltoc.py", line 36, in html_page_context rendered_toc = get_rendered_toctree(app.builder, pagename) "/home/user/.virtualenvs/venv/lib/python2.7/site-packages/sphinxcontrib/fulltoc.py", line 57, in get_rendered_toctree collapse=collapse, "/home/user/.virtualenvs/venv/lib/python2.7/site-packages/sphinxcontrib/fulltoc.py", line 82, in build_full_toctree env.resolve_references(result, docname, builder) "/home/user/.virtualenvs/venv/lib/python2.7/site-packages/sphinx/environment/__init__.py", line 1036, in resolve_references for node in doctree.traverse(addnodes.pending_xref): AttributeError: 'NoneType' object has no attribute 'traverse'
0.644981
Traceback (most recent call last): "site-packages\calibre\gui2\store\loader.py", line 91, in load_cache "site-packages\calibre\gui2\store\loader.py", line 178, in load_object "<string>", line 15, in <module> ImportError: No module named PyQt4.Qt
Traceback (most recent call last): "/Users/Library/Python/3.7/lib/python/site-packages/numpy/core/__init__.py", line 24, in <module> from . import multiarray "/Users/Library/Python/3.7/lib/python/site-packages/numpy/core/multiarray.py", line 14, in <module> from . import overrides "/Users/Library/Python/3.7/lib/python/site-packages/numpy/core/overrides.py", line 7, in <module> from numpy.core._multiarray_umath import ( ImportError: dlopen(/Users/Library/Python/3.7/lib/python/site-packages/numpy/core/_multiarray_umath.cpython-37m-darwin.so, 2): Symbol not found: ___addtf3
0.636044
Traceback (most recent call last): "/opt/python/3.6.1/lib/python3.6/doctest.py", line 1330, in __run compileflags, 1), test.globs) "<doctest skimage.morphology.watershed.watershed[9]>", line 3, in <module> "/home/travis/build/scikit-image/scikit-image/skimage/feature/peak.py", line 127, in peak_local_max if np.any(np.diff(label_values) != 1): "/home/travis/venv/lib/python3.6/site-packages/numpy/lib/function_base.py", line 1926, in diff return a[slice1]-a[slice2] TypeError: numpy boolean subtract, the `-` operator, is deprecated, use the bitwise_xor, the `^` operator, or the logical_xor function instead.
Traceback (most recent call last): "/usr/local/lib/Mobile-Security-Framework-MobSF/mobsf/StaticAnalyzer/views/android/static_analyzer.py", line 223, in static_analyzer code_an_dic['urls_list'].extend( TypeError: 'NoneType' object is not subscriptable
0.571258
Traceback (most recent call last): "/home/user/.virtualenvs/mypy/bin/mypy", line 8, in <module> sys.exit(console_entry()) "/home/user/.virtualenvs/mypy/lib/python3.6/site-packages/mypy/__main__.py", line 11, in console_entry main(None, sys.stdout, sys.stderr) "/home/user/.virtualenvs/mypy/lib/python3.6/site-packages/mypy/main.py", line 98, in main res = build.build(sources, options, None, flush_errors, fscache, stdout, stderr) "/home/user/.virtualenvs/mypy/lib/python3.6/site-packages/mypy/build.py", line 180, in build sources, options, alt_lib_path, flush_errors, fscache, stdout, stderr, extra_plugins "/home/user/.virtualenvs/mypy/lib/python3.6/site-packages/mypy/build.py", line 253, in _build graph = dispatch(sources, manager, stdout) "/home/user/.virtualenvs/mypy/lib/python3.6/site-packages/mypy/build.py", line 2688, in dispatch process_graph(graph, manager) "/home/user/.virtualenvs/mypy/lib/python3.6/site-packages/mypy/build.py", line 3012, in process_graph process_stale_scc(graph, scc, manager) "/home/user/.virtualenvs/mypy/lib/python3.6/site-packages/mypy/build.py", line 3119, in process_stale_scc if not graph[id].type_check_second_pass(): "/home/user/.virtualenvs/mypy/lib/python3.6/site-packages/mypy/build.py", line 2181, in type_check_second_pass return self.type_checker().check_second_pass() "/home/user/.virtualenvs/mypy/lib/python3.6/site-packages/mypy/checker.py", line 344, in check_second_pass self.check_partial(node) "/home/user/.virtualenvs/mypy/lib/python3.6/site-packages/mypy/checker.py", line 356, in check_partial self.accept(node) "/home/user/.virtualenvs/mypy/lib/python3.6/site-packages/mypy/checker.py", line 401, in accept stmt.accept(self) "/home/user/.virtualenvs/mypy/lib/python3.6/site-packages/mypy/nodes.py", line 687, in accept return visitor.visit_func_def(self) "/home/user/.virtualenvs/mypy/lib/python3.6/site-packages/mypy/checker.py", line 726, in visit_func_def self._visit_func_def(defn) "/home/user/.virtualenvs/mypy/lib/python3.6/site-packages/mypy/checker.py", line 737, in _visit_func_def self.check_method_override(defn) "/home/user/.virtualenvs/mypy/lib/python3.6/site-packages/mypy/checker.py", line 1420, in check_method_override if self.check_method_or_accessor_override_for_base(defn, base): "/home/user/.virtualenvs/mypy/lib/python3.6/site-packages/mypy/checker.py", line 1448, in check_method_or_accessor_override_for_base if self.check_method_override_for_base_with_name(defn, name, base): "/home/user/.virtualenvs/mypy/lib/python3.6/site-packages/mypy/checker.py", line 1509, in check_method_override_for_base_with_name assert False, str(base_attr.node) AssertionError: Var(__hash__)
Traceback (most recent call last): "./flow", line 6, in <module> cliHandler(sys.argv) "/home/marco/jaythibs/darkflow/darkflow/cli.py", line 25, in cliHandler tfnet.camera() "/home/marco/jaythibs/darkflow/darkflow/net/help.py", line 76, in camera 'file {} does not exist'.format(file) AssertionError: file /home/marco/jaythibs/darkflow/uberarizona.avi does not exist
0.521775
`Traceback (most recent call last): "/opt/Bazarr/libs/bottle.py", line 862, in _handle return route.call(**args) "/opt/Bazarr/libs/bottle.py", line 1740, in wrapper rv = callback(*a, **ka) "/opt/Bazarr/bazarr.py", line 140, in wrapper return func(*a, **ka) "/opt/Bazarr/bazarr.py", line 600, in search_missing_subtitles series_download_subtitles(no) "/opt/Bazarr/get_subtitle.py", line 323, in series_download_subtitles message = download_subtitle(path_replace(episode[0]), str(alpha3_from_alpha2(language)), series_details[0], providers_list, providers_auth, str(episode[3]), 'series') "/opt/Bazarr/get_subtitle.py", line 66, in download_subtitle sorted_subtitles = sorted([(s, compute_score(s, video, hearing_impaired=hi)) for s in subtitles], key=operator.itemgetter(1), reverse=True) "/opt/Bazarr/libs/subliminal/score.py", line 106, in compute_score matches = subtitle.get_matches(video) "/opt/Bazarr/libs/subliminal/providers/podnapisi.py", line 66, in get_matches matches |= guess_matches(video, guessit(release, {'type': 'episode'})) "/opt/Bazarr/libs/subliminal/subtitle.py", line 244, in guess_matches and guess['format'].lower() == video.format.lower(): AttributeError: 'list' object has no attribute 'lower'`
Traceback (most recent call last): "/Library/Frameworks/Python.framework/Versions/3.6/bin/spotdl", line 6, in <module> from spotdl.spotdl import main "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/spotdl/spotdl.py", line 14, in <module> from spotdl import youtube_tools "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/spotdl/youtube_tools.py", line 21, in <module> patcher.patch_pafy() "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/spotdl/patcher.py", line 29, in patch_pafy pafy.backend_shared.BasePafy._bestthumb = None AttributeError: module 'pafy' has no attribute 'backend_shared'`
0.534381
Traceback (most recent call last): "/home/kkk/code/mit-ml-master/linear_regression/test_sgd.py", line 11, in <module> X, y = regression.loadDataSet('data/ex1.txt'); "/home/kkk/code/mit-ml-master/linear_regression/regression.py", line 39, in loadDataSet y.append(float(curLine[-1])) ValueError: invalid literal for float(): 6.1101 17.592
Traceback (most recent call last): "/usr/local/Cellar/asciinema/2.0.2/libexec/bin/asciinema", line 11, in <module> load_entry_point('asciinema==2.0.2', 'console_scripts', 'asciinema')() "/usr/local/Cellar/asciinema/2.0.2/libexec/lib/python3.7/site-packages/asciinema/__main__.py", line 131, in main code = command.execute() "/usr/local/Cellar/asciinema/2.0.2/libexec/lib/python3.7/site-packages/asciinema/commands/upload.py", line 14, in execute result, warn = self.api.upload_asciicast(self.filename) "/usr/local/Cellar/asciinema/2.0.2/libexec/lib/python3.7/site-packages/asciinema/api.py", line 40, in upload_asciicast password=self.install_id "/usr/local/Cellar/asciinema/2.0.2/libexec/lib/python3.7/site-packages/asciinema/urllib_http_adapter.py", line 76, in post response = urlopen(request) "/usr/local/Cellar/python/3.7.4/Frameworks/Python.framework/Versions/3.7/lib/python3.7/urllib/request.py", line 222, in urlopen return opener.open(url, data, timeout) "/usr/local/Cellar/python/3.7.4/Frameworks/Python.framework/Versions/3.7/lib/python3.7/urllib/request.py", line 525, in open response = self._open(req, data) "/usr/local/Cellar/python/3.7.4/Frameworks/Python.framework/Versions/3.7/lib/python3.7/urllib/request.py", line 543, in _open '_open', req) "/usr/local/Cellar/python/3.7.4/Frameworks/Python.framework/Versions/3.7/lib/python3.7/urllib/request.py", line 503, in _call_chain result = func(*args) "/usr/local/Cellar/python/3.7.4/Frameworks/Python.framework/Versions/3.7/lib/python3.7/urllib/request.py", line 1360, in https_open context=self._context, check_hostname=self._check_hostname) "/usr/local/Cellar/python/3.7.4/Frameworks/Python.framework/Versions/3.7/lib/python3.7/urllib/request.py", line 1317, in do_open encode_chunked=req.has_header('Transfer-encoding')) "/usr/local/Cellar/python/3.7.4/Frameworks/Python.framework/Versions/3.7/lib/python3.7/http/client.py", line 1244, in request self._send_request(method, url, body, headers, encode_chunked) "/usr/local/Cellar/python/3.7.4/Frameworks/Python.framework/Versions/3.7/lib/python3.7/http/client.py", line 1285, in _send_request self.putheader(hdr, value) "/usr/local/Cellar/python/3.7.4/Frameworks/Python.framework/Versions/3.7/lib/python3.7/http/client.py", line 1222, in putheader raise ValueError('Invalid header value %r' % (values[i],)) ValueError: Invalid header value b'Basic <ConsumerKey>'
0.569312
Traceback (most recent call last): "whisper.py", line 15, in <module> kId = web3.shh.addPrivateKey(keyPair) "/home/alper/eBlocBroker/venv/lib/python3.5/site-packages/web3/shh.py", line 31, in addPrivateKey return self.web3.manager.request_blocking("shh_addPrivateKey", [key]) "/home/alper/eBlocBroker/venv/lib/python3.5/site-packages/web3/manager.py", line 110, in request_blocking raise ValueError(response["error"]) ValueError: {'message': 'The method shh_addPrivateKey does not exist/is not available', 'code': -32601}
Traceback (most recent call last): "<stdin>", line 1, in <module> "/home/wlmr/.local/lib/python3.9/site-packages/bit/wallet.py", line 772, in send tx_hex = self.create_transaction( "/home/wlmr/.local/lib/python3.9/site-packages/bit/wallet.py", line 708, in create_transaction unspents, outputs = sanitize_tx_data( "/home/wlmr/.local/lib/python3.9/site-packages/bit/transaction.py", line 421, in sanitize_tx_data output_size = [len(address_to_scriptpubkey(o[0])) + 9 for o in outputs] "/home/wlmr/.local/lib/python3.9/site-packages/bit/transaction.py", line 421, in <listcomp> output_size = [len(address_to_scriptpubkey(o[0])) + 9 for o in outputs] "/home/wlmr/.local/lib/python3.9/site-packages/bit/transaction.py", line 458, in address_to_scriptpubkey get_version(address) "/home/wlmr/.local/lib/python3.9/site-packages/bit/format.py", line 48, in get_version version = b58decode_check(address)[:1] "/home/wlmr/.local/lib/python3.9/site-packages/bit/base58.py", line 74, in b58decode_check raise ValueError( ValueError: Decoded checksum b'\x00' derived from "" is not equal to hash checksum b']\xf6\xe0\xe2'.
0.554455
Traceback (most recent call last): "/usr/bin/minigalaxy", line 66, in <module> main() "/usr/bin/minigalaxy", line 60, in main window = Window(APPLICATION_NAME) "/usr/lib/python3.8/site-packages/minigalaxy/ui/window.py", line 51, in __init__ self.__authenticate() "/usr/lib/python3.8/site-packages/minigalaxy/ui/window.py", line 128, in __authenticate authenticated = self.api.authenticate(refresh_token=token, login_code=result) "/usr/lib/python3.8/site-packages/minigalaxy/api.py", line 28, in authenticate return self.__get_token(login_code) "/usr/lib/python3.8/site-packages/minigalaxy/api.py", line 63, in __get_token self.active_token = response_params['access_token'] KeyError: 'access_token'
Traceback (most recent call last): "/usr/local/lib/python3.5/site-packages/botocore/httpsession.py", line 246, in send conn = manager.connection_from_url(request.url) "/usr/local/lib/python3.5/site-packages/urllib3/poolmanager.py", line 283, in connection_from_url pool_kwargs=pool_kwargs) "/usr/local/lib/python3.5/site-packages/urllib3/poolmanager.py", line 231, in connection_from_host return self.connection_from_context(request_context) "/usr/local/lib/python3.5/site-packages/urllib3/poolmanager.py", line 241, in connection_from_context pool_key_constructor = self.key_fn_by_scheme[scheme] KeyError: 's3'
0.512104
Traceback (most recent call last): "/usr/lib/python2.7/threading.py", line 810, in __bootstrap_inner self.run() "/usr/lib/python2.7/threading.py", line 763, in run self.__target(*self.__args, **self.__kwargs) "sublist3r.py", line 880, in port_scan self.print_("%s%s%s - %sFound open ports:%s %s%s%s"%(G,host,W,R,W,Y,', '.join(openports),W)) AttributeError: portscan instance has no attribute 'print_'
Traceback (most recent call last): "/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/_cprequest.py", line 117, in run_hooks hook() "/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/_cprequest.py", line 65, in __call__ return self.callback(**self.kwargs) "/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/lib/sessions.py", line 834, in init set_response_cookie(path=path, path_header=path_header, name=name, "/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/lib/sessions.py", line 875, in set_response_cookie cherrypy.serving.request.headers.get(path_header) or "/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/lib/httputil.py", line 425, in get key = self.transform_key(key) "/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/lib/httputil.py", line 460, in transform_key return key.title() AttributeError: 'NoneType' object has no attribute 'title'
0.64251
Traceback (most recent call last): "<stdin>", line 1, in <module> TypeError: Unsupported method: __call__
Traceback (most recent call last): "/usr/local/lib/python3.8/dist-packages/cellprofiler_core/pipeline/_pipeline.py", line 958, in run_with_yield self.run_module(module, workspace) "/usr/local/lib/python3.8/dist-packages/cellprofiler_core/pipeline/_pipeline.py", line 1275, in run_module module.run(workspace) "/usr/local/lib/python3.8/dist-packages/cellprofiler_core/modules/loaddata.py", line 1090, in run provider = self.fetch_provider(image_name, m) "/usr/local/lib/python3.8/dist-packages/cellprofiler_core/modules/loaddata.py", line 1052, in fetch_provider full_filename = url2pathname(url) "/usr/local/lib/python3.8/dist-packages/cellprofiler_core/utilities/pathname.py", line 18, in url2pathname if any([url.lower().startswith(x) for x in PASSTHROUGH_SCHEMES]): "/usr/local/lib/python3.8/dist-packages/cellprofiler_core/utilities/pathname.py", line 18, in <listcomp> if any([url.lower().startswith(x) for x in PASSTHROUGH_SCHEMES]): TypeError: startswith first arg must be bytes or a tuple of bytes, not str
0.537272
Traceback (most recent call last): "/root/sqlmap-dev/lib/core/threads.py", line 145, in runThreads threadFunction() "/root/sqlmap-dev/lib/utils/crawler.py", line 87, in crawlThread soup = BeautifulSoup(content) "/root/sqlmap-dev/thirdparty/beautifulsoup/beautifulsoup.py", line 1526, in __init__ BeautifulStoneSoup.__init__(self, *args, **kwargs) "/root/sqlmap-dev/thirdparty/beautifulsoup/beautifulsoup.py", line 1151, in __init__ self._feed(isHTML=isHTML) "/root/sqlmap-dev/thirdparty/beautifulsoup/beautifulsoup.py", line 1193, in _feed SGMLParser.feed(self, markup) "/usr/lib/python2.7/sgmllib.py", line 104, in feed self.goahead(0) "/usr/lib/python2.7/sgmllib.py", line 138, in goahead k = self.parse_starttag(i) "/usr/lib/python2.7/sgmllib.py", line 296, in parse_starttag self.finish_starttag(tag, attrs) "/usr/lib/python2.7/sgmllib.py", line 345, in finish_starttag self.handle_starttag(tag, method, attrs) "/usr/lib/python2.7/sgmllib.py", line 381, in handle_starttag method(attrs) "/root/sqlmap-dev/thirdparty/beautifulsoup/beautifulsoup.py", line 1623, in start_meta tag = self.unknown_starttag("meta", attrs) "/root/sqlmap-dev/thirdparty/beautifulsoup/beautifulsoup.py", line 1351, in unknown_starttag tag = Tag(self, name, attrs, self.currentTag, self.previous) "/root/sqlmap-dev/thirdparty/beautifulsoup/beautifulsoup.py", line 566, in __init__ self.attrs = map(convert, self.attrs) TypeError: <lambda>() takes exactly 2 arguments (1 given)
Traceback (most recent call last): "<ipython-input-14-8a076ee39a0a>", line 1, in <module> len(res) TypeError: object of type 'NoneType' has no len()
0.517558
Traceback (most recent call last): "wordstree.py", line 906, in <module> app() "wordstree.py", line 903, in app RecursiveDescentApp(grammar, sent).mainloop() "wordstree.py", line 120, in __init__ self._init_grammar(self._top) "wordstree.py", line 166, in _init_grammar self._productions = list(self._parser.grammar().productions()) AttributeError: PCFG instance has no attribute 'productions'
Traceback (most recent call last): "main.py", line 141, in <module> main(args) "main.py", line 34, in main num_workers=args.num_workers) "/home/fishy2/anaconda3/envs/comp767_maml_project/code/pytorch-maml-rl/maml_rl/sampler.py", line 21, in __init__ queue=self.queue) "/home/fishy2/anaconda3/envs/comp767_maml_project/code/pytorch-maml-rl/maml_rl/envs/subproc_vec_env.py", line 67, in __init__ for (remote, env_fn) in zip(self.work_remotes, env_factory)] "/home/fishy2/anaconda3/envs/comp767_maml_project/code/pytorch-maml-rl/maml_rl/envs/subproc_vec_env.py", line 67, in <listcomp> for (remote, env_fn) in zip(self.work_remotes, env_factory)] "/home/fishy2/anaconda3/envs/comp767_maml_project/code/pytorch-maml-rl/maml_rl/envs/subproc_vec_env.py", line 15, in __init__ self.env = env_fn() "/home/fishy2/anaconda3/envs/comp767_maml_project/code/pytorch-maml-rl/maml_rl/sampler.py", line 10, in _make_env return gym.make(env_name) "/home/fishy2/anaconda3/envs/comp767_maml_project/libraries/gym/gym/envs/registration.py", line 183, in make return registry.make(id, **kwargs) "/home/fishy2/anaconda3/envs/comp767_maml_project/libraries/gym/gym/envs/registration.py", line 132, in make if (env.spec.timestep_limit is not None) and not spec.tags.get('vnc'): AttributeError: 'NoneType' object has no attribute 'timestep_limit'
0.576456
2017-10-04 03:48:44,445: [7853] m.c.executor:ERROR: Exception: need more than 2 values to unpack Traceback (most recent call last): "/home/gustavo/.local/lib/python2.7/site-packages/manticore-0.1.4-py2.7.egg/manticore/core/executor.py", line 497, in run self.generate_testcase(current_state, current_state_id, str(e)) "/home/gustavo/.local/lib/python2.7/site-packages/manticore-0.1.4-py2.7.egg/manticore/core/executor.py", line 363, in generate_testcase self.publish('will_generate_testcase', state, 'test', message) "/home/gustavo/.local/lib/python2.7/site-packages/manticore-0.1.4-py2.7.egg/manticore/utils/event.py", line 54, in publish callback(robj(), *args, **kwargs) "/home/gustavo/.local/lib/python2.7/site-packages/manticore-0.1.4-py2.7.egg/manticore/manticore.py", line 544, in _generate_testcase_callback testcase_id = self._output.save_testcase(state, name, message) "/home/gustavo/.local/lib/python2.7/site-packages/manticore-0.1.4-py2.7.egg/manticore/core/workspace.py", line 463, in save_testcase self.save_fds(state) "/home/gustavo/.local/lib/python2.7/site-packages/manticore-0.1.4-py2.7.egg/manticore/core/workspace.py", line 540, in save_fds for name, fd, data in state.platform.syscall_trace: ValueError: need more than 2 values to unpack
Traceback (most recent call last): "/usr/local/lib/python3.6/site-packages/django/core/handlers/exception.py", line 34, in inner response = get_response(request) "/usr/local/lib/python3.6/site-packages/django/core/handlers/base.py", line 115, in _get_response response = self.process_exception_by_middleware(e, request) "/usr/local/lib/python3.6/site-packages/django/core/handlers/base.py", line 113, in _get_response response = wrapped_callback(request, *callback_args, **callback_kwargs) "/usr/local/lib/python3.6/site-packages/django/views/generic/base.py", line 71, in view return self.dispatch(request, *args, **kwargs) "/usr/local/lib/python3.6/site-packages/django/contrib/auth/mixins.py", line 85, in dispatch return super().dispatch(request, *args, **kwargs) "/usr/local/lib/python3.6/site-packages/django/views/generic/base.py", line 97, in dispatch return handler(request, *args, **kwargs) "/opt/netbox-dev/netbox/utilities/views.py", line 187, in get return render(request, self.template_name, context) "/usr/local/lib/python3.6/site-packages/django/shortcuts.py", line 36, in render content = loader.render_to_string(template_name, context, request, using=using) "/usr/local/lib/python3.6/site-packages/django/template/loader.py", line 62, in render_to_string return template.render(context, request) "/usr/local/lib/python3.6/site-packages/django/template/backends/django.py", line 61, in render return self.template.render(context) "/usr/local/lib/python3.6/site-packages/django/template/base.py", line 171, in render return self._render(context) "/usr/local/lib/python3.6/site-packages/django/test/utils.py", line 96, in instrumented_test_render return self.nodelist.render(context) "/usr/local/lib/python3.6/site-packages/django/template/base.py", line 937, in render bit = node.render_annotated(context) "/usr/local/lib/python3.6/site-packages/django/template/base.py", line 904, in render_annotated return self.render(context) "/usr/local/lib/python3.6/site-packages/django/template/loader_tags.py", line 150, in render return compiled_parent._render(context) "/usr/local/lib/python3.6/site-packages/django/test/utils.py", line 96, in instrumented_test_render return self.nodelist.render(context) "/usr/local/lib/python3.6/site-packages/django/template/base.py", line 937, in render bit = node.render_annotated(context) "/usr/local/lib/python3.6/site-packages/django/template/base.py", line 904, in render_annotated return self.render(context) "/usr/local/lib/python3.6/site-packages/django/template/loader_tags.py", line 150, in render return compiled_parent._render(context) "/usr/local/lib/python3.6/site-packages/django/test/utils.py", line 96, in instrumented_test_render return self.nodelist.render(context) "/usr/local/lib/python3.6/site-packages/django/template/base.py", line 937, in render bit = node.render_annotated(context) "/usr/local/lib/python3.6/site-packages/django/template/base.py", line 904, in render_annotated return self.render(context) "/usr/local/lib/python3.6/site-packages/django/template/loader_tags.py", line 62, in render result = block.nodelist.render(context) "/usr/local/lib/python3.6/site-packages/django/template/base.py", line 937, in render bit = node.render_annotated(context) "/usr/local/lib/python3.6/site-packages/django/template/base.py", line 904, in render_annotated return self.render(context) "/usr/local/lib/python3.6/site-packages/django/template/defaulttags.py", line 309, in render return nodelist.render(context) "/usr/local/lib/python3.6/site-packages/django/template/base.py", line 937, in render bit = node.render_annotated(context) "/usr/local/lib/python3.6/site-packages/django/template/base.py", line 904, in render_annotated return self.render(context) "/usr/local/lib/python3.6/site-packages/django/template/loader_tags.py", line 188, in render return template.render(context) "/usr/local/lib/python3.6/site-packages/django/template/base.py", line 173, in render return self._render(context) "/usr/local/lib/python3.6/site-packages/django/test/utils.py", line 96, in instrumented_test_render return self.nodelist.render(context) "/usr/local/lib/python3.6/site-packages/django/template/base.py", line 937, in render bit = node.render_annotated(context) "/usr/local/lib/python3.6/site-packages/django/template/base.py", line 904, in render_annotated return self.render(context) "/usr/local/lib/python3.6/site-packages/django/template/defaulttags.py", line 165, in render values = list(values) "/usr/local/lib/python3.6/site-packages/django/forms/forms.py", line 158, in __iter__ yield self[name] "/usr/local/lib/python3.6/site-packages/django/forms/forms.py", line 173, in __getitem__ self._bound_fields_cache[name] = field.get_bound_field(self, name) "/opt/netbox-dev/netbox/utilities/forms.py", line 576, in get_bound_field self.queryset = self.queryset.filter(**{field_name: self.prepare_value(bound_field.data)}) "/usr/local/lib/python3.6/site-packages/django/db/models/query.py", line 892, in filter return self._filter_or_exclude(False, *args, **kwargs) "/usr/local/lib/python3.6/site-packages/django/db/models/query.py", line 910, in _filter_or_exclude clone.query.add_q(Q(*args, **kwargs)) "/usr/local/lib/python3.6/site-packages/django/db/models/sql/query.py", line 1290, in add_q clause, _ = self._add_q(q_object, self.used_aliases) "/usr/local/lib/python3.6/site-packages/django/db/models/sql/query.py", line 1318, in _add_q split_subq=split_subq, simple_col=simple_col, "/usr/local/lib/python3.6/site-packages/django/db/models/sql/query.py", line 1251, in build_filter condition = self.build_lookup(lookups, col, value) "/usr/local/lib/python3.6/site-packages/django/db/models/sql/query.py", line 1116, in build_lookup lookup = lookup_class(lhs, rhs) "/usr/local/lib/python3.6/site-packages/django/db/models/lookups.py", line 20, in __init__ self.rhs = self.get_prep_lookup() "/usr/local/lib/python3.6/site-packages/django/db/models/lookups.py", line 210, in get_prep_lookup rhs_value = self.lhs.output_field.get_prep_value(rhs_value) "/usr/local/lib/python3.6/site-packages/django/db/models/fields/__init__.py", line 972, in get_prep_value return int(value) ValueError: invalid literal for int() with base 10: 'null'
0.538071
Traceback (most recent call last): ".\Src\StdLib\Lib\ctypes\test\test_pickling.py", line 41, in test_struct y = self.loads(self.dumps(x)) ".\Src\StdLib\Lib\ctypes\test\test_pickling.py", line 19, in dumps return pickle.dumps(item, self.proto) "C:\Users\acearl\Code\_ipy\ironpython2\Src\StdLib\Lib\pickle.py", line 1380, in dumps Pickler(file, protocol).dump(obj) "C:\Users\acearl\Code\_ipy\ironpython2\Src\StdLib\Lib\pickle.py", line 224, in dump self.save(obj) "C:\Users\acearl\Code\_ipy\ironpython2\Src\StdLib\Lib\pickle.py", line 306, in save rv = reduce(self.proto) TypeError: Structure() takes at least 2147483647 arguments (0 given)
Traceback (most recent call last): "reconspider.py", line 39, in <module> from core import repl_prompt "/home/osint/reconspider/core/__init__.py", line 1, in <module> from .repl_prompt import * "/home/osint/reconspider/core/repl_prompt.py", line 153, in <module> repl() "/home/osint/reconspider/core/repl_prompt.py", line 121, in repl user(choice,username) "/home/osint/reconspider/plugins/Username.py", line 10, in user ScrapTweets(username) "/home/osint/reconspider/plugins/Username.py", line 197, in ScrapTweets print("No. of parties he is Subscribed to --> Zero" + + str(e)) TypeError: bad operand type for unary +: 'str'
0.570944
Traceback (most recent call last): "/usr/local/lib/python3.7/site-packages/zim/plugins/__init__.py", line 437, in _extend ext = ext_class(plugin, obj) "/usr/local/lib/python3.7/site-packages/zim/plugins/versioncontrol/__init__.py", line 130, in __init__ self.on_preferences_changed(None, start=True) "/usr/local/lib/python3.7/site-packages/zim/plugins/versioncontrol/__init__.py", line 147, in on_preferences_changed self.do_save_version_async() "/usr/local/lib/python3.7/site-packages/zim/plugins/versioncontrol/__init__.py", line 177, in do_save_version_async self._autosave_thread = op.thread AttributeError: 'SimpleAsyncOperation' object has no attribute 'thread'
Traceback (most recent call last): "server.py", line 119, in <module> debug=args.debug) "server.py", line 24, in start translation_server.start(config_file) "/home/dinht/OpenNMT-py/onmt/translate/translation_server.py", line 96, in start self.preload_model(opt, model_id=model_id, **kwargs) "/home/dinht/OpenNMT-py/onmt/translate/translation_server.py", line 132, in preload_model model = ServerModel(opt, model_id, **model_kwargs) "/home/dinht/OpenNMT-py/onmt/translate/translation_server.py", line 211, in __init__ set_random_seed(opt.seed, opt.cuda) AttributeError: 'dict' object has no attribute 'seed'
0.651795
Traceback (most recent call last): "<stdin>", line 1, in <module> "/data1/home/haoyu/MatchZoo-master/matchzoo/data_generator/pair_data_generator.py", line 58, in __init__ num_neg) "/data1/home/haoyu/MatchZoo-master/matchzoo/data_generator/pair_data_generator.py", line 87, in reorganize_data_pack groups = data_pack.relation.sort_values( AttributeError: 'DSSMPreprocessor' object has no attribute 'relation'
Traceback (most recent call last): "/usr/src/homeassistant/homeassistant/data_entry_flow.py", line 129, in async_init flow, flow.init_step, data, init_done "/usr/src/homeassistant/homeassistant/data_entry_flow.py", line 201, in _async_handle_step result: Dict = await getattr(flow, method)(user_input) "/usr/src/homeassistant/homeassistant/components/daikin/config_flow.py", line 133, in async_step_zeroconf await self.async_set_unique_id(next(iter(devices.values()))[KEY_MAC]) AttributeError: 'dict_values' object has no attribute 'values'
0.650355
Traceback (most recent call last): "/usr/lib/python3.5/wsgiref/simple_server.py", line 138, in handle handler.run(self.server.get_app()) "/usr/lib/python3.5/wsgiref/handlers.py", line 144, in run self.close() "/usr/lib/python3.5/wsgiref/simple_server.py", line 36, in close self.status.split(' ',1)[0], self.bytes_sent AttributeError: 'NoneType' object has no attribute 'split'
Traceback (most recent call last): "pokecli.py", line 139, in <module> main() "pokecli.py", line 134, in main response_dict = api.get_map_objects(latitude =position[0], longitude = position[1], since_timestamp_ms = timestamps, cell_id = cell_ids) "P:\pokemon go\PokemonGo-Bot\src\pgoapi\pgoapi\pgoapi.py", line 150, in function return request.call() "P:\pokemon go\PokemonGo-Bot\src\pgoapi\pgoapi\pgoapi.py", line 255, in call response = request.request(self._api_endpoint, self._req_method_list, self.get_position()) "P:\pokemon go\PokemonGo-Bot\src\pgoapi\pgoapi\rpc_api.py", line 138, in request request_proto = self._build_main_request(subrequests, player_position) "P:\pokemon go\PokemonGo-Bot\src\pgoapi\pgoapi\rpc_api.py", line 292, in _build_main_request sig_request.encrypted_signature = self._generate_signature(signal_agglom_proto, sig.timestamp_ms_since_start) "P:\pokemon go\PokemonGo-Bot\src\pgoapi\pgoapi\rpc_api.py", line 309, in _generate_signature output_size = self._signature_lib.encrypt(signature_plain, len(signature_plain), iv, ctypes.byref(output)) "E:\WARTER\python\python.v2.7_portable\App\lib\ctypes\__init__.py", line 375, in __getattr__ func = self.__getitem__(name) "E:\WARTER\python\python.v2.7_portable\App\lib\ctypes\__init__.py", line 380, in __getitem__ func = self._FuncPtr((name_or_ordinal, self)) AttributeError: function 'encrypt' not found
0.473647
Traceback (most recent call last): "/home/pi/env/lib/python3.5/site-packages/googleapiclient/discovery_cache/file_cache.py", line 37, in <module> from oauth2client.locked_file import Locked ImportError: No module named 'oauth2client.locked_file'
Traceback (most recent call last): "X:\Python38\lib\site-packages\cupy\__init__.py", line 11, in <module> from cupy import core # NOQA "X:\Python38\lib\site-packages\cupy\core\__init__.py", line 1, in <module> from cupy.core import core # NOQA "cupy\core\core.pyx", line 1, in init cupy.core.core "X:\Python38\lib\site-packages\cupy\cuda\__init__.py", line 4, in <module> from cupy.cuda import compiler # NOQA "X:\Python38\lib\site-packages\cupy\cuda\compiler.py", line 11, in <module> from cupy.cuda import device "cupy\cuda\runtime.pxd", line 8, in init cupy.cuda.device ImportError: DLL load failed: The specified module could not be found.
0.568775
mdpopups: Traceback (most recent call last): "/home/eman/.config/sublime-text-3/Packages/mdpopups/st3/mdpopups/__init__.py", line 619, in show_popup nl2br=nl2br, allow_code_wrap=allow_code_wrap "/home/eman/.config/sublime-text-3/Packages/mdpopups/st3/mdpopups/__init__.py", line 322, in _create_html allow_code_wrap=allow_code_wrap "/home/eman/.config/sublime-text-3/Packages/mdpopups/st3/mdpopups/__init__.py", line 435, in md2html ).convert(_markup_template(markup, template_vars, template_env_options)).replace('&quot;', '"').replace('\n', '') "/home/eman/.config/sublime-text-3/Packages/python-markdown/st3/markdown/__init__.py", line 368, in convert self.lines = prep.run(self.lines) "/home/eman/.config/sublime-text-3/Packages/mdpopups/st3/mdpopups/mdx/superfences.py", line 564, in run lines = self.search_nested(lines) "/home/eman/.config/sublime-text-3/Packages/mdpopups/st3/mdpopups/mdx/superfences.py", line 483, in search_nested self.eval_fence(ws, content, start, end) "/home/eman/.config/sublime-text-3/Packages/mdpopups/st3/mdpopups/mdx/superfences.py", line 331, in eval_fence self.process_nested_block(ws, content, start, end) "/home/eman/.config/sublime-text-3/Packages/mdpopups/st3/mdpopups/mdx/superfences.py", line 370, in process_nested_block code = entry["formatter"](self.rebuild_block(self.code), self.lang) "/home/eman/.config/sublime-text-3/Packages/mdpopups/st3/mdpopups/mdx/superfences.py", line 530, in highlight linespecial=linespecial "/home/eman/.config/sublime-text-3/Packages/mdpopups/st3/mdpopups/mdx/highlight.py", line 324, in highlight code = self.sublime_hl[1].syntax_highlight( AttributeError: 'NoneType' object has no attribute 'syntax_highlight'
Traceback (most recent call last): "C:\Users\fbonadias\AppData\Local\Continuum\anaconda3\Scripts\conda-script.py", line 12, in <module> sys.exit(main()) "C:\Users\fbonadias\AppData\Local\Continuum\anaconda3\lib\site-packages\conda\cli\main.py", line 150, in main return conda_exception_handler(_main, *args, **kwargs) "C:\Users\fbonadias\AppData\Local\Continuum\anaconda3\lib\site-packages\conda\exceptions.py", line 1371, in conda_exception_handler return_value = exception_handler(func, *args, **kwargs) "C:\Users\fbonadias\AppData\Local\Continuum\anaconda3\lib\site-packages\conda\exceptions.py", line 1082, in __call__ return self.handle_exception(exc_val, exc_tb) "C:\Users\fbonadias\AppData\Local\Continuum\anaconda3\lib\site-packages\conda\exceptions.py", line 1126, in handle_exception return self.handle_unexpected_exception(exc_val, exc_tb) "C:\Users\fbonadias\AppData\Local\Continuum\anaconda3\lib\site-packages\conda\exceptions.py", line 1141, in handle_unexpected_exception self._execute_upload(error_report) "C:\Users\fbonadias\AppData\Local\Continuum\anaconda3\lib\site-packages\conda\exceptions.py", line 1303, in _execute_upload 'User-Agent': self.user_agent, "C:\Users\fbonadias\AppData\Local\Continuum\anaconda3\lib\site-packages\conda\exceptions.py", line 1101, in user_agent return context.user_agent "C:\Users\fbonadias\AppData\Local\Continuum\anaconda3\lib\site-packages\conda\_vendor\auxlib\decorators.py", line 268, in new_fget cache[inner_attname] = func(self) "C:\Users\fbonadias\AppData\Local\Continuum\anaconda3\lib\site-packages\conda\base\context.py", line 737, in user_agent builder = ["conda/%s requests/%s" % (CONDA_VERSION, self.requests_version)] "C:\Users\fbonadias\AppData\Local\Continuum\anaconda3\lib\site-packages\conda\_vendor\auxlib\decorators.py", line 268, in new_fget cache[inner_attname] = func(self) "C:\Users\fbonadias\AppData\Local\Continuum\anaconda3\lib\site-packages\conda\base\context.py", line 748, in requests_version from requests import __version__ as REQUESTS_VERSION "C:\Users\fbonadias\AppData\Local\Continuum\anaconda3\lib\site-packages\requests\__init__.py", line 43, in <module> import urllib3 "C:\Users\fbonadias\AppData\Local\Continuum\anaconda3\lib\site-packages\urllib3\__init__.py", line 7, in <module> from .connectionpool import HTTPConnectionPool, HTTPSConnectionPool, connection_from_url "C:\Users\fbonadias\AppData\Local\Continuum\anaconda3\lib\site-packages\urllib3\connectionpool.py", line 39, in <module> from .response import HTTPResponse "C:\Users\fbonadias\AppData\Local\Continuum\anaconda3\lib\site-packages\urllib3\response.py", line 155, in <module> class HTTPResponse(io.IOBase): "C:\Users\fbonadias\AppData\Local\Continuum\anaconda3\lib\site-packages\urllib3\response.py", line 377, in HTTPResponse DECODER_ERROR_CLASSES += (brotli.error,) AttributeError: module 'brotli' has no attribute 'error'
0.57552
Traceback (most recent call last): "<stdin>", line 1, in <module> "/usr/local/lib/python3.8/dist-packages/modin/pandas/general.py", line 344, in to_numeric return arg._to_numeric(errors=errors, downcast=downcast) "/usr/local/lib/python3.8/dist-packages/modin/pandas/base.py", line 2830, in default_handler return self._default_to_pandas(item, *args, **kwargs) "/usr/local/lib/python3.8/dist-packages/modin/pandas/base.py", line 377, in _default_to_pandas result = getattr(getattr(pandas, type(self).__name__), op)( AttributeError: type object 'Series' has no attribute '_to_numeric'
```Traceback (most recent call last): "/usr/lib/syncplay/syncplay/ui/GuiConfiguration.py", line 1016, in <lambda> self.chatOutputFontButton.released.connect(lambda: self.fontDialog("chatOutput")) "/usr/lib/syncplay/syncplay/ui/GuiConfiguration.py", line 1059, in fontDialog self.config[configName + "FontFamily"] = value.family() AttributeError: 'bool' object has no attribute 'family'```
0.547315
Traceback (most recent call last): "<stdin>", line 1, in <module> "/home/mdank/anaconda3/envs/pd-mixed/lib/python3.6/site-packages/pandas/core/ops.py", line 879, in wrapper res = na_op(values, other) "/home/mdank/anaconda3/envs/pd-mixed/lib/python3.6/site-packages/pandas/core/ops.py", line 783, in na_op result = _comp_method_OBJECT_ARRAY(op, x, y) "/home/mdank/anaconda3/envs/pd-mixed/lib/python3.6/site-packages/pandas/core/ops.py", line 763, in _comp_method_OBJECT_ARRAY result = lib.scalar_compare(x, y, op) "pandas/_libs/lib.pyx", line 706, in pandas._libs.lib.scalar_compare TypeError: '>' not supported between instances of 'str' and 'int'
Traceback (most recent call last): "train.py", line 99, in <module> for batch_i, (_, imgs, targets) in enumerate(dataloader): "/home/ubuntu/anaconda3/envs/pytorch_p36/lib/python3.6/site-packages/torch/utils/data/dataloader.py", line 637, in __next__ return self._process_next_batch(batch) "/home/ubuntu/anaconda3/envs/pytorch_p36/lib/python3.6/site-packages/torch/utils/data/dataloader.py", line 658, in _process_next_batch raise batch.exc_type(batch.exc_msg) TypeError: Traceback (most recent call last):
0.558555
Traceback (most recent call last): "/home/nucypher/testnet/nucypher/bin/nucypher", line 8, in <module> sys.exit(nucypher_cli()) "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/click/core.py", line 764, in __call__ return self.main(*args, **kwargs) "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/click/core.py", line 717, in main rv = self.invoke(ctx) "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/click/core.py", line 1137, in invoke return _process_result(sub_ctx.command.invoke(sub_ctx)) "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/click/core.py", line 1137, in invoke return _process_result(sub_ctx.command.invoke(sub_ctx)) "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/click/core.py", line 956, in invoke return ctx.invoke(self.callback, **ctx.params) "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/click/core.py", line 555, in invoke return callback(*args, **kwargs) "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/nucypher/cli/options.py", line 140, in wrapper return func(**kwargs) "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/nucypher/cli/options.py", line 140, in wrapper return func(**kwargs) "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/nucypher/cli/options.py", line 140, in wrapper return func(**kwargs) "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/nucypher/cli/commands/worklock.py", line 257, in refund receipt = bidder.refund_deposit() "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/nucypher/blockchain/eth/actors.py", line 1721, in refund_deposit receipt = self.worklock_agent.refund(checksum_address=self.checksum_address) "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/nucypher/blockchain/eth/decorators.py", line 71, in wrapped return func(*args, **kwargs) "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/nucypher/blockchain/eth/agents.py", line 1053, in refund receipt = self.blockchain.send_transaction(contract_function=contract_function, sender_address=checksum_address) "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/nucypher/blockchain/eth/decorators.py", line 71, in wrapped return func(*args, **kwargs) "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/nucypher/blockchain/eth/interfaces.py", line 528, in send_transaction transaction_gas_limit=transaction_gas_limit) "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/nucypher/blockchain/eth/decorators.py", line 71, in wrapped return func(*args, **kwargs) "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/nucypher/blockchain/eth/interfaces.py", line 410, in build_transaction unsigned_transaction = contract_function.buildTransaction(payload) "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/web3/contract.py", line 1026, in buildTransaction **self.kwargs "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/web3/contract.py", line 1584, in build_transaction_for_function prepared_transaction = fill_transaction_defaults(web3, prepared_transaction) "cytoolz/functoolz.pyx", line 250, in cytoolz.functoolz.curry.__call__ "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/web3/_utils/transactions.py", line 86, in fill_transaction_defaults default_val = default_getter(web3, transaction) "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/web3/_utils/transactions.py", line 54, in <lambda> 'gas': lambda web3, tx: web3.eth.estimateGas(tx), "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/web3/eth.py", line 445, in estimateGas params, "/home/nucypher/testnet/nucypher/lib/python3.6/site-packages/web3/manager.py", line 153, in request_blocking raise ValueError(response["error"]) ValueError: {'code': -32000, 'message': 'gas required exceeds allowance (8000000) or always failing transaction'}
Traceback (most recent call last): "/usr/bin/subliminal", line 11, in <module> sys.exit(subliminal()) "/usr/lib/python3/dist-packages/subliminal/cli.py", line 85, in subliminal args.languages = {babelfish.Language.fromietf(l) for l in args.languages} "/usr/lib/python3/dist-packages/subliminal/cli.py", line 85, in <setcomp> args.languages = {babelfish.Language.fromietf(l) for l in args.languages} "/usr/lib/python3/dist-packages/babelfish/language.py", line 126, in fromietf language = cls(language_subtag) "/usr/lib/python3/dist-packages/babelfish/language.py", line 82, in __init__ raise ValueError('%r is not a valid language' % language) ValueError: '.' is not a valid language
0.569185
Traceback (most recent call last): "/usr/lib/python2.7/threading.py", line 810, in __bootstrap_inner self.run() "/usr/local/lib/python2.7/dist-packages/streamlink-0.3.2-py2.7.egg/streamlink/stream/segmented.py", line 160, in run self.write(segment, result) "/usr/local/lib/python2.7/dist-packages/streamlink-0.3.2-py2.7.egg/streamlink/stream/hls.py", line 91, in write sequence.num) "/usr/local/lib/python2.7/dist-packages/streamlink-0.3.2-py2.7.egg/streamlink/stream/hls.py", line 52, in create_decryptor return AES.new(self.key_data, AES.MODE_CBC, iv) "/usr/local/lib/python2.7/dist-packages/pycryptodome-3.4.4-py2.7-linux-x86_64.egg/Crypto/Cipher/AES.py", line 264, in new return _create_cipher(sys.modules[__name__], key, mode, *args, **kwargs) "/usr/local/lib/python2.7/dist-packages/pycryptodome-3.4.4-py2.7-linux-x86_64.egg/Crypto/Cipher/__init__.py", line 130, in _create_cipher return modes[mode](factory, **kwargs) "/usr/local/lib/python2.7/dist-packages/pycryptodome-3.4.4-py2.7-linux-x86_64.egg/Crypto/Cipher/_mode_cbc.py", line 232, in _create_cbc_cipher cipher_state = factory._create_base_cipher(kwargs) "/usr/local/lib/python2.7/dist-packages/pycryptodome-3.4.4-py2.7-linux-x86_64.egg/Crypto/Cipher/AES.py", line 134, in _create_base_cipher raise ValueError("Incorrect AES key length (%d bytes)" % len(key)) ValueError: Incorrect AES key length (365 bytes)
Traceback (most recent call last): "__tmp_train_resnext.py", line 30, in <module> da.to_npy_stack(str(path_to_data / '__test'), imgs, axis=0) "/home/balbok/miniconda3/envs/adaptivefun/lib/python3.7/site-packages/dask/array/core.py", line 4681, in to_npy_stack compute_as_if_collection(Array, graph, list(dsk)) "/home/balbok/miniconda3/envs/adaptivefun/lib/python3.7/site-packages/dask/base.py", line 202, in compute_as_if_collection return schedule(dsk2, keys, **kwargs) "/home/balbok/miniconda3/envs/adaptivefun/lib/python3.7/site-packages/dask/threaded.py", line 82, in get **kwargs "/home/balbok/miniconda3/envs/adaptivefun/lib/python3.7/site-packages/dask/local.py", line 491, in get_async raise_exception(exc, tb) "/home/balbok/miniconda3/envs/adaptivefun/lib/python3.7/site-packages/dask/compatibility.py", line 130, in reraise raise exc "/home/balbok/miniconda3/envs/adaptivefun/lib/python3.7/site-packages/dask/local.py", line 233, in execute_task result = _execute_task(task, data) "/home/balbok/miniconda3/envs/adaptivefun/lib/python3.7/site-packages/dask/core.py", line 118, in _execute_task args2 = [_execute_task(a, cache) for a in args] "/home/balbok/miniconda3/envs/adaptivefun/lib/python3.7/site-packages/dask/core.py", line 118, in <listcomp> args2 = [_execute_task(a, cache) for a in args] "/home/balbok/miniconda3/envs/adaptivefun/lib/python3.7/site-packages/dask/core.py", line 119, in _execute_task return func(*args2) "/home/balbok/miniconda3/envs/adaptivefun/lib/python3.7/site-packages/numpy/lib/stride_tricks.py", line 182, in broadcast_to return _broadcast_to(array, shape, subok=subok, readonly=True) "/home/balbok/miniconda3/envs/adaptivefun/lib/python3.7/site-packages/numpy/lib/stride_tricks.py", line 129, in _broadcast_to op_flags=[op_flag], itershape=shape, order='C') ValueError: input operand has more dimensions than allowed by the axis remapping
0.583413
`Traceback (most recent call last): "extract_features.py", line 334, in <module> main() "extract_features.py", line 329, in main ExtractFeatures(args) "extract_features.py", line 134, in ExtractFeatures devices=gpus, "/home/maliqi/anaconda2/envs/detect/lib/python2.7/site-packages/caffe2/python/data_parallel_model.py", line 34, in Parallelize_GPU Parallelize(*args, **kwargs) "/home/maliqi/anaconda2/envs/detect/lib/python2.7/site-packages/caffe2/python/data_parallel_model.py", line 231, in Parallelize input_builder_fun(model_helper_obj) "extract_features.py", line 109, in input_fn use_local_file=args.use_local_file, "/home/maliqi/video_repetition/utils/model_helper.py", line 127, in AddVideoInput data, label = model.net.VideoInput( "/home/maliqi/anaconda2/envs/detect/lib/python2.7/site-packages/caffe2/python/core.py", line 2179, in __getattr__ ",".join(workspace.C.nearby_opnames(op_type)) + ']' AttributeError: Method VideoInput is not a registered operator. Did you mean: []`
Traceback (most recent call last): "conversion.py", line 5, in <module> from torch2trt import torch2trt "/mnt/886E59876E596F46/PycharmProjects/torch2trt/torch2trt/__init__.py", line 1, in <module> from .torch2trt import * "/mnt/886E59876E596F46/PycharmProjects/torch2trt/torch2trt/torch2trt.py", line 237, in <module> def torch2trt(module, inputs, input_names=None, output_names=None, log_level=trt.Logger.ERROR, max_batch_size=1, AttributeError: module 'tensorrt' has no attribute 'Logger'
0.559604
Traceback (most recent call last): "/Users/primoz/Documents/orange3/Orange/widgets/utils/concurrent.py", line 596, in _on_task_done super()._on_task_done(future) "/Users/primoz/Documents/orange3/Orange/widgets/utils/concurrent.py", line 552, in _on_task_done self.on_exception(ex) "/Users/primoz/Documents/orange3/Orange/widgets/utils/concurrent.py", line 492, in on_exception raise ex "/Users/primoz/miniconda3/envs/orange/lib/python3.7/concurrent/futures/thread.py", line 57, in run result = self.fn(*self.args, **self.kwargs) "/Users/primoz/Documents/orange3/Orange/widgets/unsupervised/owtsne.py", line 217, in run job(progress_callback=_progress_callback) "/Users/primoz/Documents/orange3/Orange/widgets/unsupervised/owtsne.py", line 107, in compute_initialization task.initialization = task.tsne.compute_initialization(task.pca_projection.X) "/Users/primoz/Documents/orange3/Orange/projection/manifold.py", line 454, in compute_initialization X, self.n_components, random_state=self.random_state "/Users/primoz/miniconda3/envs/orange/lib/python3.7/site-packages/openTSNE/initialization.py", line 58, in pca embedding = pca_.fit_transform(X) "/Users/primoz/miniconda3/envs/orange/lib/python3.7/site-packages/sklearn/decomposition/_pca.py", line 369, in fit_transform U, S, V = self._fit(X) "/Users/primoz/miniconda3/envs/orange/lib/python3.7/site-packages/sklearn/decomposition/_pca.py", line 416, in _fit return self._fit_full(X, n_components) "/Users/primoz/miniconda3/envs/orange/lib/python3.7/site-packages/sklearn/decomposition/_pca.py", line 435, in _fit_full % (n_components, min(n_samples, n_features))) ValueError: n_components=2 must be between 0 and min(n_samples, n_features)=1 with svd_solver='full'
Traceback (most recent call last): "F:/PythonProject/Alphapose/AlphaPose-pytorch/AlphaPose-pytorch/demo.py", line 26, in <module> torch.multiprocessing.set_start_method('forkserver', force=True) "D:\ProgramData\Anaconda3\envs\my-pytorch-gpu\lib\multiprocessing\context.py", line 246, in set_start_method self._actual_context = self.get_context(method) "D:\ProgramData\Anaconda3\envs\my-pytorch-gpu\lib\multiprocessing\context.py", line 238, in get_context return super().get_context(method) "D:\ProgramData\Anaconda3\envs\my-pytorch-gpu\lib\multiprocessing\context.py", line 192, in get_context raise ValueError('cannot find context for %r' % method) ValueError: cannot find context for 'forkserver'
0.527251
Traceback (most recent call last): "MUSE/unsupervised.py", line 167, in <module> trainer.procrustes() "MUSE/src/trainer.py", line 174, in procrustes A = self.src_emb.weight.data[self.dico[:, 0]] TypeError: 'NoneType' object is not subscriptable
Traceback (most recent call last): "<stdin>", line 1, in <module> TypeError: int() argument must be a string, a bytes-like object or a number, not 'NoneType'
0.518283
Traceback (most recent call last): "C:\Users\Fichte\AppData\Roaming\Sublime Text 3\Packages\LaTeXTools\st_preview\preview_math.py", line 601, in update_phantoms self._update_phantoms() "C:\Users\Fichte\AppData\Roaming\Sublime Text 3\Packages\LaTeXTools\st_preview\preview_math.py", line 615, in _update_phantoms for g in range(view.window().num_groups())): AttributeError: 'NoneType' object has no attribute 'num_groups'
Traceback (most recent call last): "SickBeard.py", line 91, in <module> import sickbeard "/opt/sickrage/sickbeard/__init__.py", line 37, in <module> from sickbeard.indexers import indexer_api "/opt/sickrage/sickbeard/indexers/__init__.py", line 21, in <module> from . import indexer_api "/opt/sickrage/sickbeard/indexers/indexer_api.py", line 26, in <module> from indexer_config import initConfig "/opt/sickrage/sickbeard/indexers/indexer_config.py", line 3, in <module> from tvdb_api.tvdb_api import Tvdb "/opt/sickrage/lib/tvdb_api/tvdb_api.py", line 24, in <module> import requests "/opt/sickrage/lib/requests/__init__.py", line 53, in <module> from .packages.urllib3.contrib import pyopenssl "/opt/sickrage/lib/requests/packages/urllib3/contrib/pyopenssl.py", line 54, in <module> import OpenSSL.SSL "/usr/lib/python2.7/dist-packages/OpenSSL/__init__.py", line 8, in <module> from OpenSSL import rand, crypto, SSL "/usr/lib/python2.7/dist-packages/OpenSSL/SSL.py", line 112, in <module> if _lib.Cryptography_HAS_SSL_ST: AttributeError: 'module' object has no attribute 'Cryptography_HAS_SSL_ST'
0.554573
Traceback (most recent call last): "/usr/lib/python3/dist-packages/spyder/widgets/helperwidgets.py", line 127, in paint textRect = style.subElementRect(QStyle.SE_ItemViewItemText, options) TypeError: subElementRect(self, QStyle.SubElement, QStyleOption, QWidget): not enough arguments
Traceback (most recent call last): "<stdin>", line 1, in <module> "/Users/mmckerns/lib/python3.6/site-packages/dill-0.3.2.dev0-py3.6.egg/dill/_dill.py", line 265, in dumps dump(obj, file, protocol, byref, fmode, recurse, **kwds)#, strictio) "/Users/mmckerns/lib/python3.6/site-packages/dill-0.3.2.dev0-py3.6.egg/dill/_dill.py", line 259, in dump Pickler(file, protocol, **_kwds).dump(obj) "/Users/mmckerns/lib/python3.6/site-packages/dill-0.3.2.dev0-py3.6.egg/dill/_dill.py", line 445, in dump StockPickler.dump(self, obj) "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/pickle.py", line 409, in dump self.save(obj) "/opt/local/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/pickle.py", line 496, in save rv = reduce(self.proto) TypeError: can't pickle PyCapsule objects
0.505576
Traceback (most recent call last): "/software/anaconda3/lib/python3.7/site-packages/pip/_vendor/pkg_resources/__init__.py", line 2562, in version return self._version "/software/anaconda3/lib/python3.7/site-packages/pip/_vendor/pkg_resources/__init__.py", line 2669, in __getattr__ raise AttributeError(attr) AttributeError: _version
Traceback (most recent call last): "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda/exceptions.py", line 1043, in __call__ return func(*args, **kwargs) "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda/cli/main.py", line 84, in _main exit_code = do_call(args, p) "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda/cli/conda_argparse.py", line 82, in do_call exit_code = getattr(module, func_name)(args, parser) "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda/cli/main_install.py", line 20, in execute install(args, parser, 'install') "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda/cli/install.py", line 304, in install handle_txn(unlink_link_transaction, prefix, args, newenv) "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda/cli/install.py", line 320, in handle_txn unlink_link_transaction.print_transaction_summary() "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda/core/link.py", line 869, in print_transaction_summary legacy_action_groups = self._make_legacy_action_groups() "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda/core/link.py", line 853, in _make_legacy_action_groups self._pfe.prepare() "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda/common/io.py", line 88, in decorated return f(*args, **kwds) "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda/core/package_cache_data.py", line 617, in prepare for prec in self.link_precs) "/lustre/home/jiayuxin/miniconda3/lib/python2.7/_abcoll.py", line 571, in update for key, value in other: "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda/core/package_cache_data.py", line 617, in <genexpr> for prec in self.link_precs) "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda/core/package_cache_data.py", line 509, in make_actions_for_record ), None) "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda/core/package_cache_data.py", line 506, in <genexpr> pcrec for pcrec in concat(PackageCacheData(pkgs_dir).query(pref_or_spec) "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda/core/package_cache_data.py", line 507, in <genexpr> for pkgs_dir in context.pkgs_dirs) "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda/core/package_cache_data.py", line 132, in query return (pcrec for pcrec in itervalues(self._package_cache_records) if pcrec == param) "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda/core/package_cache_data.py", line 246, in _package_cache_records self.load() "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda/core/package_cache_data.py", line 98, in load package_cache_record = self._make_single_record(base_name) "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda/core/package_cache_data.py", line 339, in _make_single_record extract_tarball(package_tarball_full_path, extracted_package_dir) "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda/gateways/disk/create.py", line 219, in extract_tarball conda_package_handling.api.extract(tarball_full_path, dest_dir=destination_directory) "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda_package_handling/api.py", line 49, in extract SUPPORTED_EXTENSIONS[ext].extract(fn, dest_dir, components=components) "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda_package_handling/conda_fmt.py", line 55, in extract _extract_component(fn, file_id, component, dest_dir) "/lustre/home/jiayuxin/miniconda3/lib/python2.7/site-packages/conda_package_handling/conda_fmt.py", line 38, in _extract_component except zipfile.BadZip as e: AttributeError: 'module' object has no attribute 'BadZip '
0.617369
Traceback (most recent call last): "/opt/pycharm/helpers/pydev/pydevd.py", line 1591, in <module> globals = debugger.run(setup['file'], None, None, is_module) "/opt/pycharm/helpers/pydev/pydevd.py", line 1018, in run pydev_imports.execfile(file, globals, locals) # execute the script "/opt/pycharm/helpers/pydev/_pydev_imps/_pydev_execfile.py", line 18, in execfile exec(compile(contents+"\n", file, 'exec'), glob, loc) "/home/matej/Desktop/camps_analysis/code/nextPin/server/spd/scripts/osm_and_camps/ppp.py", line 34, in <module> rule1.view() "/usr/local/lib/python3.6/dist-packages/skfuzzy/control/rule.py", line 247, in view ControlSystemVisualizer(self).view().show() AttributeError: 'tuple' object has no attribute 'show'
Traceback (most recent call last): "/usr/lib/python3/dist-packages/salt/engines/__init__.py", line 132, in run self.engine[self.fun](**kwargs) "/usr/lib/python3/dist-packages/salt/engines/junos_syslog.py", line 394, in start reactor.listenUDP(port, _SyslogServerFactory(kwargs)) "/usr/lib/python3/dist-packages/salt/engines/junos_syslog.py", line 246, in __init__ self.obj = _Parser() "/usr/lib/python3/dist-packages/salt/engines/junos_syslog.py", line 147, in __init__ month = Word(string.uppercase, string.lowercase, exact=3) AttributeError: module 'string' has no attribute 'uppercase'
0.66719
```Traceback (most recent call last): ".../virtual/lib/python3.6/site-packages/google/protobuf/internal/python_message.py", line 545, in _GetFieldByName return message_descriptor.fields_by_name[field_name] KeyError: 'imageContext'
Comment: An exception occurred in this state: Traceback (most recent call last): "/usr/local/lib/python3.7/site-packages/salt/state.py", line 2118, in call ret.update(self._run_check(low)) "/usr/local/lib/python3.7/site-packages/salt/state.py", line 890, in _run_check _ret = self._run_check_onlyif(low_data, cmd_opts) "/usr/local/lib/python3.7/site-packages/salt/state.py", line 963, in _run_check_onlyif result = self._run_check_function(entry) "/usr/local/lib/python3.7/site-packages/salt/state.py", line 921, in _run_check_function return self.functions[fun](*cdata["args"], **cdata["kwargs"]) "/usr/local/lib/python3.7/site-packages/salt/loader.py", line 1278, in __getitem__ func = super(LazyLoader, self).__getitem__(item) "/usr/local/lib/python3.7/site-packages/salt/utils/lazy.py", line 108, in __getitem__ raise KeyError(key) KeyError: 'zfs.filesystem_absent' ```
0.58873
Traceback (most recent call last): "/kube-hunter/scapy/supersocket.py", line 127, in __del__ self.close() "/kube-hunter/scapy/arch/linux.py", line 481, in close set_promisc(self.ins, self.iface, 0) AttributeError: 'L2Socket' object has no attribute 'ins'
``Traceback (most recent call last): "echo.py", line 15, in <module> main() "echo.py", line 9, in main client.set_update_handler(update_handler) AttributeError: 'Client' object has no attribute 'set_update_handler``
0.641046
Traceback (most recent call last): "D:\Anaconda35\Scripts\rqalpha-script.py", line 11, in <module> load_entry_point('rqalpha==3.3.1', 'console_scripts', 'rqalpha')() "D:\Anaconda35\lib\site-packages\rqalpha\__main__.py", line 71, in entry_point cli(obj={}) "D:\Anaconda35\lib\site-packages\click\core.py", line 764, in __call__ return self.main(*args, **kwargs) "D:\Anaconda35\lib\site-packages\click\core.py", line 717, in main rv = self.invoke(ctx) "D:\Anaconda35\lib\site-packages\click\core.py", line 1137, in invoke return _process_result(sub_ctx.command.invoke(sub_ctx)) "D:\Anaconda35\lib\site-packages\click\core.py", line 956, in invoke return ctx.invoke(self.callback, **ctx.params) "D:\Anaconda35\lib\site-packages\click\core.py", line 555, in invoke return callback(*args, **kwargs) "D:\Anaconda35\lib\site-packages\rqalpha_mod_stock_realtime-0.0.1-py3.5.egg\rqalpha_mod_stock_realtime\__init__.py", line 73, in quotation_server data_proxy = DataProxy(data_source) TypeError: __init__() missing 1 required positional argument: 'price_board'
Traceback (most recent call last): "diagram.py", line 25, in <module> ingress = Ingress("ingress",fontsize="20") TypeError: __init__() got an unexpected keyword argument 'fontsize'
0.577136
Traceback (most recent call last): "/home/lestephane/anaconda3/lib/python3.6/site-packages/awscli/clidriver.py", line 208, in main return command_table[parsed_args.command](remaining, parsed_args) "/home/lestephane/anaconda3/lib/python3.6/site-packages/awscli/clidriver.py", line 345, in __call__ return command_table[parsed_args.operation](remaining, parsed_globals) "/home/lestephane/anaconda3/lib/python3.6/site-packages/awscli/customizations/commands.py", line 187, in __call__ return self._run_main(parsed_args, parsed_globals) "/home/lestephane/anaconda3/lib/python3.6/site-packages/awscli/customizations/cloudformation/package.py", line 138, in _run_main exported_str = self._export(template_path, use_json) "/home/lestephane/anaconda3/lib/python3.6/site-packages/awscli/customizations/cloudformation/package.py", line 154, in _export exported_template = template.export() "/home/lestephane/anaconda3/lib/python3.6/site-packages/awscli/customizations/cloudformation/artifact_exporter.py", line 443, in export resource_type = resource.get("Type", None) AttributeError: 'str' object has no attribute 'get'
Traceback (most recent call last): "/usr/local/lib/python3.6/runpy.py", line 193, in _run_module_as_main "__main__", mod_spec) "/usr/local/lib/python3.6/runpy.py", line 85, in _run_code exec(code, run_globals) "/usr/local/lib/python3.6/site-packages/pylint/__main__.py", line 7, in <module> pylint.run_pylint() "/usr/local/lib/python3.6/site-packages/pylint/__init__.py", line 16, in run_pylint Run(sys.argv[1:]) "/usr/local/lib/python3.6/site-packages/pylint/lint.py", line 1347, in __init__ linter.check(args) "/usr/local/lib/python3.6/site-packages/pylint/lint.py", line 768, in check self._do_check(files_or_modules) "/usr/local/lib/python3.6/site-packages/pylint/lint.py", line 901, in _do_check self.check_astroid_module(ast_node, walker, rawcheckers, tokencheckers) "/usr/local/lib/python3.6/site-packages/pylint/lint.py", line 980, in check_astroid_module walker.walk(ast_node) "/usr/local/lib/python3.6/site-packages/pylint/utils.py", line 1014, in walk self.walk(child) "/usr/local/lib/python3.6/site-packages/pylint/utils.py", line 1014, in walk self.walk(child) "/usr/local/lib/python3.6/site-packages/pylint/utils.py", line 1014, in walk self.walk(child) "/usr/local/lib/python3.6/site-packages/pylint/utils.py", line 1011, in walk cb(astroid) "/usr/local/lib/python3.6/site-packages/pylint/checkers/python3.py", line 921, in visit_raise node.inst is not None): AttributeError: 'Raise' object has no attribute 'inst'
0.643194
Traceback (most recent call last): "/usr/lib/python3.8/threading.py", line 932, in _bootstrap_inner self.run() "/usr/lib/python3.8/threading.py", line 870, in run self._target(*self._args, **self._kwargs) "/builddir/build/BUILD/dask-2.18.0/dask/tests/test_threaded.py", line 135, in test_f L.append(get(dsk, "y")) "/builddir/build/BUILD/dask-2.18.0/dask/threaded.py", line 72, in get pool = ThreadPool(num_workers) "/usr/lib/python3.8/multiprocessing/pool.py", line 925, in __init__ Pool.__init__(self, processes, initializer, initargs) "/usr/lib/python3.8/multiprocessing/pool.py", line 216, in __init__ p.terminate() AttributeError: 'DummyProcess' object has no attribute 'terminate'
[rospy.internal][WARNING] 2014-11-11 20:39:42,119: Unknown error initiating TCP/IP socket to pv1106:39758 (http://pv1106:34792/): Traceback (most recent call last): "/data/users/rlinsalata/dev/desk/bugs/10848_mem-leak/rosbridge/catkin_ws/src/ros_comm/clients/rospy/src/rospy/impl/tcpros_base.py", line 557, in connect self.read_header() "/data/users/rlinsalata/dev/desk/bugs/10848_mem-leak/rosbridge/catkin_ws/src/ros_comm/clients/rospy/src/rospy/impl/tcpros_base.py", line 618, in read_header self._validate_header(read_ros_handshake_header(sock, self.read_buff, self.protocol.buff_size)) AttributeError: 'NoneType' object has no attribute 'buff_size'
0.601835
Traceback (most recent call last): "/home/bonfire/cogs/owner.py", line 325, in reload self.bot.load_extension(module) "/home/bonfire/Bonfire-env/src/discord.py/discord/ext/commands/bot.py", line 700, in load_extension lib.setup(self) "/home/bonfire/cogs/test.py", line 6, in setup bot.add_cog(Test(bot)) "/home/bonfire/cogs/test.py", line 3, in init print(self._test) AttributeError: 'Test' object has no attribute '_test'
Traceback (most recent call last): "/home/alex/.local/lib/python3.9/site-packages/bpytop.py", line 2824, in _runner collector._draw() "/home/alex/.local/lib/python3.9/site-packages/bpytop.py", line 3346, in _draw MemBox._draw_fg() "/home/alex/.local/lib/python3.9/site-packages/bpytop.py", line 2056, in _draw_fg for name in mem.disks.keys(): AttributeError: type object 'MemCollector' has no attribute 'disks'
0.59364
Traceback (most recent call last): "test.py", line 40, in <module> print(integrate(1 / (1 + x**4)**(S(1)/4), [x, 0, oo])) "/home/eward/se/sympy/integrals/integrals.py", line 1522, in integrate return integral.doit(**doit_flags) "/home/eward/se/sympy/integrals/integrals.py", line 669, in doit evalued = Add(*others)._eval_interval(x, a, b) "/home/eward/se/sympy/core/expr.py", line 964, in _eval_interval B = _eval_endpoint(left=False) "/home/eward/se/sympy/core/expr.py", line 949, in _eval_endpoint C = limit(self, x, c, "+" if left else "-") "/home/eward/se/sympy/series/limits.py", line 71, in limit return Limit(e, z, z0, dir).doit(deep=False) "/home/eward/se/sympy/series/limits.py", line 261, in doit r = gruntz(e, z, z0, dir) "/home/eward/se/sympy/series/gruntz.py", line 671, in gruntz r = limitinf(e0, z) "/home/eward/se/sympy/core/cache.py", line 94, in wrapper retval = cfunc(*args, **kwargs) "/home/eward/se/sympy/series/gruntz.py", line 435, in limitinf c0, e0 = mrv_leadterm(e, x) "/home/eward/se/sympy/core/cache.py", line 94, in wrapper retval = cfunc(*args, **kwargs) "/home/eward/se/sympy/series/gruntz.py", line 524, in mrv_leadterm series = calculate_series(f, w, logx=logw) "/home/eward/se/sympy/series/gruntz.py", line 477, in calculate_series for t in e.lseries(x, logx=logx): "/home/eward/se/sympy/core/expr.py", line 2924, in yield_lseries for si in s: "/home/eward/se/sympy/core/expr.py", line 3136, in _eval_lseries series = self._eval_nseries(x, n=n, logx=logx) "/home/eward/se/sympy/core/mul.py", line 1749, in _eval_nseries terms = [t.nseries(x, n=n, logx=logx) for t in self.args] "/home/eward/se/sympy/core/mul.py", line 1749, in <listcomp> terms = [t.nseries(x, n=n, logx=logx) for t in self.args] "/home/eward/se/sympy/core/expr.py", line 3223, in nseries return self._eval_nseries(x, n=n, logx=logx) "/home/eward/se/sympy/core/function.py", line 673, in _eval_nseries a = [t.compute_leading_term(x, logx=logx) for t in args] "/home/eward/se/sympy/core/function.py", line 673, in <listcomp> a = [t.compute_leading_term(x, logx=logx) for t in args] AttributeError: 'TupleArg' object has no attribute 'compute_leading_term'
Traceback (most recent call last): "<stdin>", line 1, in <module> "<decorator-gen-406>", line 2, in write_pajek "/usr/lib/python3.6/site-packages/networkx/utils/decorators.py", line 227, in _open_file result = func_to_be_decorated(*new_args, **kwargs) "/usr/lib/python3.6/site-packages/networkx/readwrite/pajek.py", line 107, in write_pajek for line in generate_pajek(G): "/usr/lib/python3.6/site-packages/networkx/readwrite/pajek.py", line 66, in generate_pajek if v.strip() != '': AttributeError: 'float' object has no attribute 'strip'
0.586314
Traceback (most recent call last): "/usr/lib/python2.7/dist-packages/salt/minion.py", line 1470, in _thread_return return_data = executor.execute() "/usr/lib/python2.7/dist-packages/salt/executors/direct_call.py", line 28, in execute return self.func(*self.args, **self.kwargs) "/usr/lib/python2.7/dist-packages/salt/modules/saltutil.py", line 422, in sync_grains ret = _sync('grains', saltenv, extmod_whitelist, extmod_blacklist) "/usr/lib/python2.7/dist-packages/salt/modules/saltutil.py", line 99, in _sync saltenv = _get_top_file_envs() "/usr/lib/python2.7/dist-packages/salt/modules/saltutil.py", line 83, in _get_top_file_envs envs = list(st_.top_matches(top).keys()) or 'base' "/usr/lib/python2.7/dist-packages/salt/state.py", line 3152, in top_matches for saltenv in ext_matches: TypeError: 'bool' object is not iterable
Traceback (most recent call last): "/opt/code/localstack/localstack/services/plugins.py", line 96, in check_infra check_service_health(api=name, print_error=print_error) "/opt/code/localstack/localstack/services/plugins.py", line 115, in check_service_health raise e "/opt/code/localstack/localstack/services/plugins.py", line 111, in check_service_health plugin.check(expect_shutdown=expect_shutdown, print_error=print_error) "/opt/code/localstack/localstack/services/plugins.py", line 45, in check return self.check_function(expect_shutdown=expect_shutdown, print_error=print_error) "/opt/code/localstack/localstack/services/secretsmanager/secretsmanager_starter.py", line 129, in check_secretsmanager assert isinstance(out['SecretList'], list) TypeError: 'NoneType' object is not subscriptable
0.624897
Traceback (most recent call last): "<ipython-input-165-e4c3e30cc8ef>", line 1, in <module> runfile('D:/Workspace/Python/Computational Neuroscience/python tutorials.py', wdir='D:/Workspace/Python/Computational Neuroscience') "C:\Anaconda3\lib\site-packages\spyderlib\widgets\externalshell\sitecustomize.py", line 699, in runfile execfile(filename, namespace) "C:\Anaconda3\lib\site-packages\spyderlib\widgets\externalshell\sitecustomize.py", line 88, in execfile exec(compile(open(filename, 'rb').read(), filename, 'exec'), namespace) "D:/Workspace/Python/Computational Neuroscience/python tutorials.py", line 8, in <module> axs[0].bar(names, values) "C:\Anaconda3\lib\site-packages\matplotlib\__init__.py", line 1811, in inner return func(ax, *args, **kwargs) "C:\Anaconda3\lib\site-packages\matplotlib\axes\_axes.py", line 2129, in bar label='_nolegend_' "C:\Anaconda3\lib\site-packages\matplotlib\patches.py", line 641, in __init__ self._x = float(xy[0]) ValueError: could not convert string to float: 'oranges'
Traceback (most recent call last): "D:\CIVA_RP\civa-rep\ProjetCIVA\ceaComponents\dev\python\lib\threading.py", line 916, in _bootstrap_inner self.run() "<ipython-input-3-97ff3fa09bcb>", line 7, in run self.server = get_server(slider, port=5006) "D:\CIVA_RP\civa-rep\ProjetCIVA\ceaComponents\dev\python\lib\site-packages\panel\io\server.py", line 95, in get_server signal.signal(signal.SIGINT, sig_exit) "D:\CIVA_RP\civa-rep\ProjetCIVA\ceaComponents\dev\python\lib\signal.py", line 47, in signal handler = _signal.signal(_enum_to_int(signalnum), _enum_to_int(handler)) ValueError: signal only works in main thread
0.544836
Traceback (most recent call last): "/usr/anaconda3/lib/python3.7/site-packages/astroid/__init__.py", line 91, in _inference_tip_cached return iter(_cache[func, node]) KeyError: (<function register_builtin_transform.<locals>._transform_wrapper at 0x7fc41013fd08>, <Call l.1129 at 0x7fc3d0486668>)
Traceback (most recent call last): "../../cryptofeed/feedhandler.py", line 229, in _connect await feed.subscribe(websocket) "../../cryptofeed/exchange/coinbase.py", line 419, in subscribe await self._book_snapshot(self.pairs or self.book_pairs) "../../cryptofeed/exchange/coinbase.py", line 186, in _book_snapshot self.seq_no[npair] = orders['sequence'] KeyError: 'sequence'
0.515534
Traceback (most recent call last): "E:/区块链工作/区块链工作总结整理/回测系统开发/qstrader-master/examples/moving_average_cross_backtest.py", line 108, in <module> run(config, testing, tickers, filename) "E:/区块链工作/区块链工作总结整理/回测系统开发/qstrader-master/examples/moving_average_cross_backtest.py", line 94, in run benchmark=tickers[0], "D:\Anaconda3.7\lib\site-packages\qstrader\trading_session.py", line 52, in __init__ self._config_session() "D:\Anaconda3.7\lib\site-packages\qstrader\trading_session.py", line 68, in _config_session end_date=self.end_date "D:\Anaconda3.7\lib\site-packages\qstrader\price_handler\yahoo_daily_csv_bar.py", line 38, in __init__ self.bar_stream = self._merge_sort_ticker_data() "D:\Anaconda3.7\lib\site-packages\qstrader\price_handler\yahoo_daily_csv_bar.py", line 68, in _merge_sort_ticker_data df = pd.concat(self.tickers_data.values()).sort_index() "D:\Anaconda3.7\lib\site-packages\pandas\core\reshape\concat.py", line 225, in concat copy=copy, sort=sort) "D:\Anaconda3.7\lib\site-packages\pandas\core\reshape\concat.py", line 259, in __init__ raise ValueError('No objects to concatenate') ValueError: No objects to concatenate
Caused by: org.apache.spark.api.python.PythonException: Traceback (most recent call last): "/usr/lib/spark/python/pyspark/worker.py", line 372, in main process() "/usr/lib/spark/python/pyspark/worker.py", line 367, in process serializer.dump_stream(func(split_index, iterator), outfile) "/usr/lib/spark/python/pyspark/serializers.py", line 390, in dump_stream vs = list(itertools.islice(iterator, batch)) "/usr/lib/spark/python/pyspark/util.py", line 99, in wrapper return f(*args, **kwargs) "/usr/lib/spark/python/pyspark/sql/session.py", line 730, in prepare verify_func(obj) "/usr/lib/spark/python/pyspark/sql/types.py", line 1389, in verify verify_value(obj) "/usr/lib/spark/python/pyspark/sql/types.py", line 1368, in verify_struct "length of fields (%d)" % (len(obj), len(verifiers)))) ValueError: Length of object (7) does not match with length of fields (5)
0.585678
Traceback (most recent call last): "bin/docker-compose", line 6, in <module> "compose/cli/main.py", line 71, in main "compose/cli/main.py", line 127, in perform_command "compose/cli/main.py", line 1106, in up "compose/cli/main.py", line 1102, in up "compose/project.py", line 570, in up "compose/parallel.py", line 112, in parallel_execute "compose/parallel.py", line 210, in producer "compose/project.py", line 556, in do "compose/service.py", line 568, in execute_convergence_plan "compose/service.py", line 510, in _execute_convergence_start "compose/parallel.py", line 112, in parallel_execute "compose/parallel.py", line 210, in producer "compose/service.py", line 508, in <lambda> "compose/service.py", line 620, in start_container_if_stopped "compose/service.py", line 627, in start_container TypeError: a bytes-like object is required, not 'str'
Traceback (most recent call last): "/Users/XD/Library/Python/3.7/lib/python/site-packages/flask/app.py", line 2464, in __call__ return self.wsgi_app(environ, start_response) "/Users/XD/Library/Python/3.7/lib/python/site-packages/flask/app.py", line 2450, in wsgi_app response = self.handle_exception(e) "/Users/XD/Library/Python/3.7/lib/python/site-packages/flask/app.py", line 1867, in handle_exception reraise(exc_type, exc_value, tb) "/Users/XD/Library/Python/3.7/lib/python/site-packages/flask/_compat.py", line 39, in reraise raise value "/Users/XD/Library/Python/3.7/lib/python/site-packages/flask/app.py", line 2447, in wsgi_app response = self.full_dispatch_request() "/Users/XD/Library/Python/3.7/lib/python/site-packages/flask/app.py", line 1952, in full_dispatch_request rv = self.handle_user_exception(e) "/Users/XD/Library/Python/3.7/lib/python/site-packages/flask/app.py", line 1821, in handle_user_exception reraise(exc_type, exc_value, tb) "/Users/XD/Library/Python/3.7/lib/python/site-packages/flask/_compat.py", line 39, in reraise raise value "/Users/XD/Library/Python/3.7/lib/python/site-packages/flask/app.py", line 1950, in full_dispatch_request rv = self.dispatch_request() "/Users/XD/Library/Python/3.7/lib/python/site-packages/flask/app.py", line 1936, in dispatch_request return self.view_functions[rule.endpoint](**req.view_args) "/Users/XD/Desktop/flask_temp/app.py", line 11, in hello_world return render_template("index.html", data=data) "/Users/XD/Library/Python/3.7/lib/python/site-packages/flask/templating.py", line 140, in render_template ctx.app, "/Users/XD/Library/Python/3.7/lib/python/site-packages/flask/templating.py", line 120, in _render rv = template.render(context) "/Users/XD/Library/Python/3.7/lib/python/site-packages/jinja2/environment.py", line 1090, in render self.environment.handle_exception() "/Users/XD/Library/Python/3.7/lib/python/site-packages/jinja2/environment.py", line 832, in handle_exception reraise(*rewrite_traceback_stack(source=source)) "/Users/XD/Library/Python/3.7/lib/python/site-packages/jinja2/_compat.py", line 28, in reraise raise value.with_traceback(tb) "/Users/XD/Desktop/flask_temp/templates/index.html", line 4, in top-level template code const a = {{ data|tojson }}; "/Users/XD/Library/Python/3.7/lib/python/site-packages/flask/json/__init__.py", line 376, in tojson_filter return Markup(htmlsafe_dumps(obj, **kwargs)) "/Users/XD/Library/Python/3.7/lib/python/site-packages/flask/json/__init__.py", line 290, in htmlsafe_dumps dumps(obj, **kwargs) "/Users/XD/Library/Python/3.7/lib/python/site-packages/flask/json/__init__.py", line 211, in dumps rv = _json.dumps(obj, **kwargs) "/Library/Developer/CommandLineTools/Library/Frameworks/Python3.framework/Versions/3.7/lib/python3.7/json/__init__.py", line 238, in dumps **kw).encode(obj) "/Library/Developer/CommandLineTools/Library/Frameworks/Python3.framework/Versions/3.7/lib/python3.7/json/encoder.py", line 199, in encode chunks = self.iterencode(o, _one_shot=True) "/Library/Developer/CommandLineTools/Library/Frameworks/Python3.framework/Versions/3.7/lib/python3.7/json/encoder.py", line 257, in iterencode return _iterencode(o, 0) TypeError: '<' not supported between instances of 'NoneType' and 'str'
0.633992
Traceback (most recent call last): "/root/.pycharm_helpers/pydev/pydevd.py", line 1961, in main setup = process_command_line(sys.argv) "/root/.pycharm_helpers/pydev/_pydevd_bundle/pydevd_command_line_handling.py", line 145, in process_command_line raise ValueError("Unexpected option: " + argv[i]) ValueError: Unexpected option: --local_rank=0
Traceback (most recent call last): "DeepExploit.py", line 2340, in <module> com_exploit_list = env.get_exploit_list() "DeepExploit.py", line 1084, in get_exploit_list module_info = self.client.get_module_info('exploit', exploit) "DeepExploit.py", line 240, in get_module_info return self.call('module.info', [module_type, module_name]) "DeepExploit.py", line 113, in call return msgpack.unpackb(resp.read()) "msgpack/_unpacker.pyx", line 195, in msgpack._cmsgpack.unpackb ValueError: int is not allowed for map key
0.620694
Traceback (most recent call last): "C:\Users\Sasha\Anaconda2\lib\site-packages\spyder\plugins\ipythonconsole.py", line 906, in <lambda> clear_variables)) "C:\Users\Sasha\Anaconda2\lib\site-packages\spyder\plugins\ipythonconsole.py", line 948, in execute_code sw.sig_prompt_ready.disconnect() TypeError: disconnect() failed between 'sig_prompt_ready' and all its connections
Traceback (most recent call last): "/srv/homeassistant/lib/python3.7/site-packages/homeassistant/helpers/entity_platform.py", line 322, in _async_add_entity await entity.async_device_update(warning=False) "/srv/homeassistant/lib/python3.7/site-packages/homeassistant/helpers/entity.py", line 470, in async_device_update await self.async_update() "/srv/homeassistant/lib/python3.7/site-packages/homeassistant/components/volkszaehler/sensor.py", line 120, in async_update self._state = round(getattr(self.vz_api.api, self.type), 2) TypeError: type NoneType doesn't define __round__ method
0.515543
Traceback (most recent call last): "c:\users\usuario\appdata\local\programs\python\python37\lib\site-packages\gallery_dl\job.py", line 49, in run for msg in self.extractor: "c:\users\usuario\appdata\local\programs\python\python37\lib\site-packages\gallery_dl\extractor\foolslide.py", line 55, in items imgs = self.images(page) "c:\users\usuario\appdata\local\programs\python\python37\lib\site-packages\gallery_dl\extractor\foolslide.py", line 98, in images return json.loads(data) "c:\users\usuario\appdata\local\programs\python\python37\lib\json\__init__.py", line 341, in loads raise TypeError(f'the JSON object must be str, bytes or bytearray, ' TypeError: the JSON object must be str, bytes or bytearray, not NoneType
Traceback (most recent call last): "/usr/lib/python2.7/dist-packages/salt/cli/caller.py", line 197, in call ret['return'] = func(*args, **kwargs) "/usr/lib/python2.7/dist-packages/salt/modules/dockerng.py", line 3796, in dangling if '<none>:<none>' in all_images[x]['RepoTags']] TypeError: argument of type 'NoneType' is not iterable
0.593511
Traceback (most recent call last): "ins1.py", line 12, in <module> tbl.insert().execute({'with space':456}) "sa-trunk/lib/sqlalchemy/sql/expression.py", line 971, in execute return e._execute_clauseelement(self, multiparams, params) "sa-trunk/lib/sqlalchemy/engine/base.py", line 1128, in _execute_clauseelement return connection._execute_clauseelement(elem, multiparams, params) "sa-trunk/lib/sqlalchemy/engine/base.py", line 835, in _execute_clauseelement return self._execute_compiled(elem.compile(dialect=self.dialect, column_keys=keys, inline=len(params) > 1), distilled_params=params) "sa-trunk/lib/sqlalchemy/engine/base.py", line 846, in _execute_compiled context.pre_execution() "sa-trunk/lib/sqlalchemy/engine/default.py", line 213, in pre_execution self.pre_exec() "sa-trunk/lib/sqlalchemy/engine/default.py", line 226, in pre_exec self.parameters = self.__convert_compiled_params(self.compiled_parameters) "sa-trunk/lib/sqlalchemy/engine/default.py", line 198, in __convert_compiled_params parameters = [for p in parameters](p.get_raw_list(processors)) "sa-trunk/lib/sqlalchemy/sql/util.py", line 83, in get_raw_list res.append(binds[key](key)[2](2)) KeyError: 'with'
Traceback (most recent call last): "<stdin>", line 1, in <module> "C:\Python27\lib\site-packages\jedi\api\__init__.py", line 155, in completions self._evaluator, self._get_module(), self._code_lines, "C:\Python27\lib\site-packages\jedi\api\__init__.py", line 137, in _get_module name = dotted_path_in_sys_path(self._evaluator.get_sys_path(), self.path) "C:\Python27\lib\site-packages\jedi\evaluate\__init__.py", line 123, in get_sys_path return self.project._get_sys_path(self, environment=self.environment) "C:\Python27\lib\site-packages\jedi\evaluate\cache.py", line 40, in wrapper rv = function(obj, *args, **kwargs) "C:\Python27\lib\site-packages\jedi\api\project.py", line 96, in _get_sys_path sys_path = list(self._get_base_sys_path(environment)) "C:\Python27\lib\site-packages\jedi\api\project.py", line 83, in _get_base_sys_path sys_path = environment.get_sys_path() "C:\Python27\lib\site-packages\jedi\cache.py", line 118, in wrapper result = method(self, *args, **kwargs) "C:\Python27\lib\site-packages\jedi\api\environment.py", line 73, in get_sys_path return self._get_subprocess().get_sys_path() "C:\Python27\lib\site-packages\jedi\evaluate\compiled\subprocess\__init__.py", line 162, in get_sys_path return self._send(None, functions.get_sys_path, (), {}) "C:\Python27\lib\site-packages\jedi\evaluate\compiled\subprocess\__init__.py", line 201, in _send is_exception, traceback, result = pickle_load(self._process.stdout) "C:\Python27\lib\site-packages\jedi\_compatibility.py", line 384, in pickle_load return pickle.load(file) "C:\Python27\lib\pickle.py", line 1384, in load return Unpickler(file).load() "C:\Python27\lib\pickle.py", line 864, in load dispatch[key](self) KeyError: '\n'
0.630542
Traceback (most recent call last): "/srv/galaxy/lib/galaxy/workflow/run.py", line 190, in invoke incomplete_or_none = self._invoke_step(workflow_invocation_step) "/srv/galaxy/lib/galaxy/workflow/run.py", line 263, in _invoke_step incomplete_or_none = invocation_step.workflow_step.module.execute(self.trans, "/srv/galaxy/lib/galaxy/workflow/modules.py", line 1742, in execute execution_tracker = execute( "/srv/galaxy/lib/galaxy/tools/execute.py", line 82, in execute tool_action.check_inputs_ready( "/srv/galaxy/lib/galaxy/tools/actions/model_operations.py", line 23, in check_inputs_ready tool.check_inputs_ready(inp_data, inp_dataset_collections) "/srv/galaxy/lib/galaxy/tools/__init__.py", line 2770, in check_inputs_ready check_dataset_instance(input_dataset) "/srv/galaxy/lib/galaxy/tools/__init__.py", line 2767, in check_dataset_instance raise ValueError("Tool requires inputs to be in valid state.") ValueError: Tool requires inputs to be in valid state.
`Traceback (most recent call last): "<stdin>", line 1, in <module> "/usr/local/lib/python3.6/site-packages/mne/io/edf/edf.py", line 1235, in read_raw_edf exclude=exclude, preload=preload, verbose=verbose) "<string>", line 2, in __init__ "/usr/local/lib/python3.6/site-packages/mne/utils.py", line 728, in verbose return function(*args, **kwargs) "/usr/local/lib/python3.6/site-packages/mne/io/edf/edf.py", line 164, in __init__ annotmap, eog, misc, exclude, preload) "/usr/local/lib/python3.6/site-packages/mne/io/edf/edf.py", line 416, in _get_info edf_info = _read_gdf_header(fname, stim_channel, exclude) "/usr/local/lib/python3.6/site-packages/mne/io/edf/edf.py", line 710, in _read_gdf_header edf_info['number'] = float(version[4:]) ValueError: could not convert string to float: `
0.568219
Traceback (most recent call last): "/usr/local/bin/bert-serving-start", line 8, in <module> sys.exit(main()) "/usr/local/lib/python3.6/dist-packages/bert_serving/server/cli/__init__.py", line 4, in main with BertServer(get_run_args()) as server: "/usr/local/lib/python3.6/dist-packages/bert_serving/server/__init__.py", line 71, in __init__ self.graph_path, self.bert_config = pool.apply(optimize_graph, (self.args,)) TypeError: 'NoneType' object is not iterable
Traceback (most recent call last): "/home/henry/anaconda3/envs/pytorch/lib/python3.7/site-packages/ipdb/__main__.py", line 169, in main pdb._runscript(mainpyfile) "/home/henry/anaconda3/envs/pytorch/lib/python3.7/pdb.py", line 1566, in _runscript self.run(statement) "/home/henry/anaconda3/envs/pytorch/lib/python3.7/bdb.py", line 585, in run exec(cmd, globals, locals) "<string>", line 1, in <module> "/home/henry/downloads/OpenNMT-py/preprocess.py", line 5, in <module> """ "/home/henry/downloads/OpenNMT-py/preprocess.py", line 201, in main train_dataset_files = build_save_dataset('train', fields, opt) "/home/henry/downloads/OpenNMT-py/preprocess.py", line 138, in build_save_dataset corpus_type, opt) "/home/henry/downloads/OpenNMT-py/preprocess.py", line 116, in build_save_in_shards torch.save(dataset, pt_file) "/home/henry/anaconda3/envs/pytorch/lib/python3.7/site-packages/torch/serialization.py", line 209, in save return _with_file_like(f, "wb", lambda f: _save(obj, f, pickle_module, pickle_protocol)) "/home/henry/anaconda3/envs/pytorch/lib/python3.7/site-packages/torch/serialization.py", line 134, in _with_file_like return body(f) "/home/henry/anaconda3/envs/pytorch/lib/python3.7/site-packages/torch/serialization.py", line 209, in <lambda> return _with_file_like(f, "wb", lambda f: _save(obj, f, pickle_module, pickle_protocol)) "/home/henry/anaconda3/envs/pytorch/lib/python3.7/site-packages/torch/serialization.py", line 282, in _save pickler.dump(obj) "/home/henry/downloads/OpenNMT-py/onmt/inputters/dataset_base.py", line 39, in __reduce_ex__ return super(DatasetBase, self).__reduce_ex__() TypeError: __reduce_ex__() takes exactly one argument (0 given)
0.623905
Traceback (most recent call last): "/ccs/home/shubhankar/tensorflow-1.12-p3/anaconda3/lib/python3.6/site-packages/tensorflow/python/pywrap_tensorflow.py", line 58, in <module> from tensorflow.python.pywrap_tensorflow_internal import * "/ccs/home/shubhankar/tensorflow-1.12-p3/anaconda3/lib/python3.6/site-packages/tensorflow/python/pywrap_tensorflow_internal.py", line 28, in <module> _pywrap_tensorflow_internal = swig_import_helper() "/ccs/home/shubhankar/tensorflow-1.12-p3/anaconda3/lib/python3.6/site-packages/tensorflow/python/pywrap_tensorflow_internal.py", line 24, in swig_import_helper _mod = imp.load_module('_pywrap_tensorflow_internal', fp, pathname, description) "/ccs/home/shubhankar/tensorflow-1.12-p3/anaconda3/lib/python3.6/imp.py", line 243, in load_module return load_dynamic(name, filename, file) "/ccs/home/shubhankar/tensorflow-1.12-p3/anaconda3/lib/python3.6/imp.py", line 343, in load_dynamic return _load(spec) ImportError: libcublas.so.9.2: cannot open shared object file: No such file or directory
Traceback (most recent call last): "/home/pavel/projects/venvs/exapro_3992/lib/python3.5/site-packages/googleapiclient/discovery_cache/file_cache.py", line 33, in <module> from oauth2client.contrib.locked_file import Locked ImportError: No module named 'oauth2client.contrib.locked_file'
0.620415