text1
stringlengths
92
132k
text2
stringlengths
83
99.1k
score
float64
0.01
1
Traceback (most recent call last): "<stdin>", line 1, in <module> "/Users/sbhakat/anaconda/lib/python3.6/site-packages/keras/__init__.py", line 3, in <module> from . import utils "/Users/sbhakat/anaconda/lib/python3.6/site-packages/keras/utils/__init__.py", line 6, in <module> from . import conv_utils "/Users/sbhakat/anaconda/lib/python3.6/site-packages/keras/utils/conv_utils.py", line 9, in <module> from .. import backend as K "/Users/sbhakat/anaconda/lib/python3.6/site-packages/keras/backend/__init__.py", line 89, in <module> from .tensorflow_backend import * "/Users/sbhakat/anaconda/lib/python3.6/site-packages/keras/backend/tensorflow_backend.py", line 5, in <module> import tensorflow as tf "/Users/sbhakat/anaconda/lib/python3.6/site-packages/tensorflow/__init__.py", line 24, in <module> from tensorflow.python import pywrap_tensorflow # pylint: disable=unused-import "/Users/sbhakat/anaconda/lib/python3.6/site-packages/tensorflow/python/__init__.py", line 49, in <module> from tensorflow.python import pywrap_tensorflow "/Users/sbhakat/anaconda/lib/python3.6/site-packages/tensorflow/python/pywrap_tensorflow.py", line 74, in <module> raise ImportError(msg) ImportError: Traceback (most recent call last):
Traceback (most recent call last): "<string>", line 1, in <module> "/tmp/pip-build-dxfgcfsw/pymc/setup.py", line 8, in <module> from numpy.distutils.misc_util import Configuration ImportError: No module named 'numpy'
0.729575
Traceback (most recent call last): "C:\bcnc\ToolsPage.py", line 934, in __init__ exec("import %s"%(name)) "<string>", line 1, in <module> "C:\bcnc\plugins\slicemesh.py", line 26, in <module> import numpy as np ImportError: No module named numpy
Traceback (most recent call last): "./tools/test_net.py", line 13, in <module> from datasets.factory import get_imdb "/media/kist-iit2/421e12ca-0f68-44d8-8b26-dd6fd0619902/kist-iit2/Codes/Tensorflow/Faster_RCNN/tf-faster-rcnn/tools/../lib/datasets/factory.py", line 15, in <module> from datasets.coco import coco "/media/kist-iit2/421e12ca-0f68-44d8-8b26-dd6fd0619902/kist-iit2/Codes/Tensorflow/Faster_RCNN/tf-faster-rcnn/tools/../lib/datasets/coco.py", line 23, in <module> from pycocotools.coco import COCO "/media/kist-iit2/421e12ca-0f68-44d8-8b26-dd6fd0619902/kist-iit2/Codes/Tensorflow/Faster_RCNN/tf-faster-rcnn/tools/../data/coco/PythonAPI/pycocotools/coco.py", line 55, in <module> from . import mask as maskUtils "/media/kist-iit2/421e12ca-0f68-44d8-8b26-dd6fd0619902/kist-iit2/Codes/Tensorflow/Faster_RCNN/tf-faster-rcnn/tools/../data/coco/PythonAPI/pycocotools/mask.py", line 5, in <module> import pycocotools._mask as _mask ImportError: No module named 'pycocotools._mask'
0.729949
Traceback (most recent call last): "start_wtv.py", line 275, in <module> interact=True) "/home/user1/.local/lib/python3.6/site-packages/instapy/instapy.py", line 3491, in follow_user_followers person, self.follow_times, sleep_delay, interact "/home/user1/.local/lib/python3.6/site-packages/instapy/instapy.py", line 1242, in follow_by_list self.user_interact_media, "/home/user1/.local/lib/python3.6/site-packages/instapy/instapy.py", line 2585, in interact_by_users self.logfolder, "/home/user1/.local/lib/python3.6/site-packages/instapy/comment_util.py", line 462, in process_comments logfolder, "/home/user1/.local/lib/python3.6/site-packages/instapy/comment_util.py", line 67, in comment_image rand_comment = random.choice(comments).format(username) IndexError: tuple index out of range
Traceback (most recent call last): "/srv/homeassistant/lib/python3.5/site-packages/homeassistant/helpers/entity.py", line 201, in async_update_ha_state yield from self.async_device_update() "/srv/homeassistant/lib/python3.5/site-packages/homeassistant/helpers/entity.py", line 324, in async_device_update yield from self.hass.async_add_job(self.update) "/usr/lib/python3.5/asyncio/futures.py", line 380, in __iter__ yield self # This tells Task to wait for completion. "/usr/lib/python3.5/asyncio/tasks.py", line 304, in _wakeup future.result() "/usr/lib/python3.5/asyncio/futures.py", line 293, in result raise self._exception "/usr/lib/python3.5/concurrent/futures/thread.py", line 55, in run result = self.fn(*self.args, **self.kwargs) "/srv/homeassistant/lib/python3.5/site-packages/homeassistant/components/sensor/melissa.py", line 74, in update super().update() "/srv/homeassistant/lib/python3.5/site-packages/homeassistant/components/sensor/melissa.py", line 58, in update self._data = self._api.status(cached=True) "/srv/homeassistant/lib/python3.5/site-packages/melissa/wrapper.py", line 203, in status raise ApiException(req.text) "/srv/homeassistant/lib/python3.5/site-packages/melissa/exceptions.py", line 10, in __init__ self._status_code = args[1] IndexError: tuple index out of range
0.722823
Traceback (most recent call last): "test_models.py", line 128, in <module> rst = eval_video((i, data, label)) "test_models.py", line 116, in eval_video rst = net(input_var).data.cpu().numpy().copy() "/home/mohamad/anaconda2/lib/python2.7/site-packages/torch/nn/modules/module.py", line 357, in __call__ result = self.forward(*input, **kwargs) "/home/mohamad/anaconda2/lib/python2.7/site-packages/torch/nn/parallel/data_parallel.py", line 69, in forward inputs, kwargs = self.scatter(inputs, kwargs, self.device_ids) "/home/mohamad/anaconda2/lib/python2.7/site-packages/torch/nn/parallel/data_parallel.py", line 80, in scatter return scatter_kwargs(inputs, kwargs, device_ids, dim=self.dim) "/home/mohamad/anaconda2/lib/python2.7/site-packages/torch/nn/parallel/scatter_gather.py", line 38, in scatter_kwargs inputs = scatter(inputs, target_gpus, dim) if inputs else [] "/home/mohamad/anaconda2/lib/python2.7/site-packages/torch/nn/parallel/scatter_gather.py", line 31, in scatter return scatter_map(inputs) "/home/mohamad/anaconda2/lib/python2.7/site-packages/torch/nn/parallel/scatter_gather.py", line 18, in scatter_map return list(zip(*map(scatter_map, obj))) "/home/mohamad/anaconda2/lib/python2.7/site-packages/torch/nn/parallel/scatter_gather.py", line 15, in scatter_map return Scatter.apply(target_gpus, None, dim, obj) "/home/mohamad/anaconda2/lib/python2.7/site-packages/torch/nn/parallel/_functions.py", line 73, in forward streams = [_get_stream(device) for device in ctx.target_gpus] "/home/mohamad/anaconda2/lib/python2.7/site-packages/torch/nn/parallel/_functions.py", line 100, in _get_stream if _streams[device] is None: IndexError: list index out of range`
Traceback (most recent call last): "<input>", line 1, in <module> "/home/pbc/.local/share/JetBrains/Toolbox/apps/PyCharm-P/ch-0/202.7660.27/plugins/python/helpers/pydev/_pydev_bundle/pydev_umd.py", line 197, in runfile pydev_imports.execfile(filename, global_vars, local_vars) # execute the script "/home/pbc/.local/share/JetBrains/Toolbox/apps/PyCharm-P/ch-0/202.7660.27/plugins/python/helpers/pydev/_pydev_imps/_pydev_execfile.py", line 18, in execfile exec(compile(contents+"\n", file, 'exec'), glob, loc) "/home/pbc/Documents/PycharmProjects/bert/longformer_github.py", line 34, in <module> output = model(input_ids, attention_mask=attention_mask)[0] "/home/pbc/anaconda3/envs/dnabert/lib/python3.6/site-packages/torch/nn/modules/module.py", line 722, in _call_impl result = self.forward(*input, **kwargs) "/home/pbc/anaconda3/envs/dnabert/lib/python3.6/site-packages/transformers/modeling_bert.py", line 825, in forward input_ids=input_ids, position_ids=position_ids, token_type_ids=token_type_ids, inputs_embeds=inputs_embeds "/home/pbc/anaconda3/envs/dnabert/lib/python3.6/site-packages/torch/nn/modules/module.py", line 722, in _call_impl result = self.forward(*input, **kwargs) "/home/pbc/anaconda3/envs/dnabert/lib/python3.6/site-packages/transformers/modeling_roberta.py", line 82, in forward input_ids, token_type_ids=token_type_ids, position_ids=position_ids, inputs_embeds=inputs_embeds "/home/pbc/anaconda3/envs/dnabert/lib/python3.6/site-packages/transformers/modeling_bert.py", line 208, in forward position_embeddings = self.position_embeddings(position_ids) "/home/pbc/anaconda3/envs/dnabert/lib/python3.6/site-packages/torch/nn/modules/module.py", line 722, in _call_impl result = self.forward(*input, **kwargs) "/home/pbc/anaconda3/envs/dnabert/lib/python3.6/site-packages/torch/nn/modules/sparse.py", line 126, in forward self.norm_type, self.scale_grad_by_freq, self.sparse) "/home/pbc/anaconda3/envs/dnabert/lib/python3.6/site-packages/torch/nn/functional.py", line 1814, in embedding return torch.embedding(weight, input, padding_idx, scale_grad_by_freq, sparse) IndexError: index out of range in self
0.699118
Traceback (most recent call last): "/Users/hidaka/.pyenv/versions/3.6.0/lib/python3.6/site-packages/nose/failure.py", line 39, in runTest raise self.exc_val.with_traceback(self.tb) "/Users/hidaka/.pyenv/versions/3.6.0/lib/python3.6/site-packages/nose/loader.py", line 418, in loadTestsFromName addr.filename, addr.module) "/Users/hidaka/.pyenv/versions/3.6.0/lib/python3.6/site-packages/nose/importer.py", line 47, in importFromPath return self.importFromDir(dir_path, fqname) "/Users/hidaka/.pyenv/versions/3.6.0/lib/python3.6/site-packages/nose/importer.py", line 94, in importFromDir mod = load_module(part_fqname, fh, filename, desc) "/Users/hidaka/.pyenv/versions/3.6.0/lib/python3.6/imp.py", line 234, in load_module return load_source(name, filename, file) "/Users/hidaka/.pyenv/versions/3.6.0/lib/python3.6/imp.py", line 172, in load_source module = _load(spec) "<frozen importlib._bootstrap>", line 675, in _load "<frozen importlib._bootstrap>", line 655, in _load_unlocked "<frozen importlib._bootstrap_external>", line 678, in exec_module "<frozen importlib._bootstrap>", line 205, in _call_with_frames_removed "/Users/hidaka/miljs/mil-web-dnn/webdnn/test/webdnn_test/backend_test/webgpu_test/operators_test/col2im_test.py", line 3, in <module> from webdnn.backend.webgpu.operators.col2im import Col2Im "/Users/hidaka/miljs/mil-web-dnn/webdnn/src/graph_transpiler/webdnn/backend/webgpu/operators/col2im.py", line 4, in <module> from webdnn.graph.operator import Operator "/Users/hidaka/miljs/mil-web-dnn/webdnn/src/graph_transpiler/webdnn/graph/operator.py", line 3, in <module> from webdnn.graph import variable "/Users/hidaka/miljs/mil-web-dnn/webdnn/src/graph_transpiler/webdnn/graph/variable.py", line 6, in <module> from webdnn.graph.operators import abs as operators_abs "/Users/hidaka/miljs/mil-web-dnn/webdnn/src/graph_transpiler/webdnn/graph/operators/abs.py", line 1, in <module> from webdnn.graph.operators.elementwise import Elementwise "/Users/hidaka/miljs/mil-web-dnn/webdnn/src/graph_transpiler/webdnn/graph/operators/elementwise.py", line 5, in <module> from webdnn.graph.operator import Operator ImportError: cannot import name 'Operator'
Traceback (most recent call last): "d:\3.PROGRAMS\Python\ch1\myfirst.py", line 5, in <module> import sklearn; print("Scikit-Learn", sklearn.__version__) "C:\Users\dhruv\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.8_qbz5n2kfra8p0\LocalCache\local-packages\Python38\site-packages\sklearn\__init__.py", line 79, in <module> from . import __check_build # noqa: F401 ImportError: cannot import name '__check_build' from partially initialized module 'sklearn' (most likely due to a circular import) (C:\Users\dhruv\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.8_qbz5n2kfra8p0\LocalCache\local-packages\Python38\site-packages\sklearn\__init__.py)
0.792291
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): "/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>)
1
Traceback (most recent call last): "/usr/lib/python2.7/runpy.py", line 162, in _run_module_as_main "__main__", fname, loader, pkg_name) "/usr/lib/python2.7/runpy.py", line 72, in _run_code exec code in run_globals "/usr/local/lib/python2.7/dist-packages/spacy/__main__.py", line 109, in <module> plac.Interpreter.call(CLI) "plac_ext.py", line 1142, in call print(out) "plac_ext.py", line 914, in __exit__ self.close(exctype, exc, tb) "plac_ext.py", line 952, in close self._interpreter.throw(exctype, exc, tb) "plac_ext.py", line 964, in _make_interpreter arglist = yield task "plac_ext.py", line 1139, in call raise_(task.etype, task.exc, task.tb) "plac_ext.py", line 380, in _wrap for value in genobj: "plac_ext.py", line 95, in gen_exc raise_(etype, exc, tb) "plac_ext.py", line 966, in _make_interpreter cmd, result = self.parser.consume(arglist) "plac_core.py", line 207, in consume return cmd, self.func(*(args + varargs + extraopts), **kwargs) "/usr/local/lib/python2.7/dist-packages/spacy/__main__.py", line 31, in download cli_download(model, direct) "spacy/cli/download.py", line 25, in download link_package(model_name, model, force=True) "spacy/cli/link.py", line 21, in link_package pkg = importlib.import_module(package_name) "/usr/lib/python2.7/importlib/__init__.py", line 37, in import_module __import__(name) ImportError: No module named en_core_web_sm
Traceback (most recent call last): "test.py", line 2, in <module> import pcl "/home/qurrent/.local/lib/python2.7/site-packages/pcl/__init__.py", line 2, in <module> from ._pcl import * ImportError: libpcl_keypoints.so.1.7: cannot open shared object file: No such file or directory
0.704076
Traceback (most recent call last): "gunicron_app.py", line 88, in <module> StandaloneApplication(app, options).run() "/Users/liukai/workspace/test/sanic_pro/sanic_gunicorn/.venv/lib/python3.5/site-packages/gunicorn/app/base.py", line 203, in run super(Application, self).run() "/Users/liukai/workspace/test/sanic_pro/sanic_gunicorn/.venv/lib/python3.5/site-packages/gunicorn/app/base.py", line 72, in run Arbiter(self).run() "/Users/liukai/workspace/test/sanic_pro/sanic_gunicorn/.venv/lib/python3.5/site-packages/gunicorn/arbiter.py", line 198, in run self.start() "/Users/liukai/workspace/test/sanic_pro/sanic_gunicorn/.venv/lib/python3.5/site-packages/gunicorn/arbiter.py", line 162, in start self.log.info("Using worker: %s", self.cfg.worker_class_str) "/Users/liukai/workspace/test/sanic_pro/sanic_gunicorn/.venv/lib/python3.5/site-packages/gunicorn/config.py", line 68, in __getattr__ raise AttributeError("No configuration setting for: %s" % name) AttributeError: No configuration setting for: worker_class_str
Traceback (most recent call last): "C:\Python27\Scripts\coverage-script.py", line 8, in <module> load_entry_point('coverage==3.6', 'console_scripts', 'coverage')() "c:\Python27\lib\site-packages\coverage\cmdline.py", line 710, in main status = CoverageScript().command_line(argv) "c:\Python27\lib\site-packages\coverage\cmdline.py", line 429, in command_line self.do_execute(options, args) "c:\Python27\lib\site-packages\coverage\cmdline.py", line 565, in do_execute self.coverage.stop() "c:\Python27\lib\site-packages\coverage\control.py", line 374, in stop self.collector.stop() "c:\Python27\lib\site-packages\coverage\collector.py", line 287, in stop self.pause() "c:\Python27\lib\site-packages\coverage\collector.py", line 299, in pause tracer.stop() "c:\Python27\lib\site-packages\coverage\collector.py", line 127, in stop if self.thread != threading.currentThread(): "cover_test.py", line 13, in __cmp__ if self.num > other.num: AttributeError: '_MainThread' object has no attribute 'num'
0.67628
[!] 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): "lazagne\softwares\browsers\mozilla.py", line 398, in is_master_password_correct AttributeError: 'Sequence' object has no attribute 'asOctets'
1
Traceback (most recent call last): "G:\pylearn2-master\pylearn2\scripts\datasets\make_cifar100_whitened.py", line 10, in <module> from pylearn2.utils import string ImportError: cannot import name string
Traceback (most recent call last): "<stdin>", line 1, in <module> "/home/jonas/anaconda2/lib/python2.7/site-packages/pystan/model.py", line 315, in __init__ self.module = load_module(self.module_name, lib_dir) "/home/jonas/anaconda2/lib/python2.7/site-packages/pystan/model.py", line 54, in load_module return imp.load_module(module_name, *module_info) ImportError: /tmp/tmpfnvyQa/stanfit4anon_model_5944b02c79788fa0db5b3a93728ca2bf_7654885906094373211.so: undefined symbol: _ZTVNSt7__cxx1118basic_stringstreamIcSt11char_traitsIcESaIcEEE
0.689475
Traceback (most recent call last): "/Applications/Sublime Text.app/Contents/MacOS/Lib/python33/sublime_plugin.py", line 274, 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 "/Applications/Sublime Text.app/Contents/MacOS/Lib/python33/sublime_plugin.py", line 1425, in load_module exec(compile(source, source_path, 'exec'), mod.__dict__) "/Users/babygau/Library/Application Support/Sublime Text 3/Installed Packages/Terminus.sublime-package/main.py", line 28, in <module> "/Applications/Sublime Text.app/Contents/MacOS/Lib/python33/sublime_plugin.py", line 1425, in load_module exec(compile(source, source_path, 'exec'), mod.__dict__) "/Users/babygau/Library/Application Support/Sublime Text 3/Installed Packages/Terminus.sublime-package/terminus/core.py", line 14, in <module> "/Applications/Sublime Text.app/Contents/MacOS/Lib/python33/sublime_plugin.py", line 1425, in load_module exec(compile(source, source_path, 'exec'), mod.__dict__) "/Users/babygau/Library/Application Support/Sublime Text 3/Installed Packages/Terminus.sublime-package/terminus/terminal.py", line 11, in <module> "/Applications/Sublime Text.app/Contents/MacOS/Lib/python33/sublime_plugin.py", line 1425, in load_module exec(compile(source, source_path, 'exec'), mod.__dict__) "/Users/babygau/Library/Application Support/Sublime Text 3/Installed Packages/Terminus.sublime-package/terminus/ptty.py", line 7, in <module> ImportError: cannot import name wcwidth
Traceback (most recent call last): "/pf/b/b301034/anaconda3/bin/conda", line 12, in <module> from conda.cli import main ImportError: No module named conda.cli
0.740615
Traceback (most recent call last): "dataPrepare.py", line 6, in <module> from lib.data import video "C:\Users\hanso\Documents\GitHub\TecoGAN\lib\data\video.py", line 41, in <module> from time import clock ImportError: cannot import name 'clock' from 'time' (unknown location)
$ ./check_elasticsearch_x-pack_license_expiry.py --help Traceback (most recent call last): "./check_elasticsearch_x-pack_license_expiry.py", line 40, in <module> from harisekhon import RestNagiosPlugin ImportError: cannot import name RestNagiosPlugin
0.725789
Traceback (most recent call last): "C:\Users\user\Anaconda3\lib\site-packages\conda\cli\main.py", line 171, in main activate.main() "C:\Users\user\Anaconda3\lib\site-packages\conda\cli\activate.py", line 181, in main from ..install import symlink_conda "C:\Users\user\Anaconda3\lib\site-packages\conda\install.py", line 37, in <module> from .core.package_cache import rm_fetched # NOQA "C:\Users\user\Anaconda3\lib\site-packages\conda\core\package_cache.py", line 9, in <module> from .path_actions import CacheUrlAction, ExtractPackageAction "C:\Users\user\Anaconda3\lib\site-packages\conda\core\path_actions.py", line 33, in <module> from ..gateways.download import download "C:\Users\user\Anaconda3\lib\site-packages\conda\gateways\download.py", line 10, in <module> from requests.exceptions import ConnectionError, HTTPError, InvalidSchema, SSLError "C:\Users\user\Anaconda3\lib\site-packages\requests\__init__.py", line 97, in <module> from . import utils "C:\Users\user\Anaconda3\lib\site-packages\requests\utils.py", line 24, in <module> from . import certs "C:\Users\user\Anaconda3\lib\site-packages\requests\certs.py", line 15, in <module> from certifi import where ModuleNotFoundError: No module named 'certifi'
Traceback (most recent call last): "/Users/john.bland/Library/Python/3.6/lib/python/site-packages/samcli/cli/command.py", line 100, in get_command mod = importlib.import_module(pkg_name) "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/importlib/__init__.py", line 126, in import_module return _bootstrap._gcd_import(name[level:], package, level) "<frozen importlib._bootstrap>", line 978, in _gcd_import "<frozen importlib._bootstrap>", line 961, in _find_and_load "<frozen importlib._bootstrap>", line 950, in _find_and_load_unlocked "<frozen importlib._bootstrap>", line 655, in _load_unlocked "<frozen importlib._bootstrap_external>", line 678, in exec_module "<frozen importlib._bootstrap>", line 205, in _call_with_frames_removed "/Users/john.bland/Library/Python/3.6/lib/python/site-packages/samcli/commands/local/local.py", line 8, in <module> from .invoke.cli import cli as invoke_cli "/Users/john.bland/Library/Python/3.6/lib/python/site-packages/samcli/commands/local/invoke/cli.py", line 11, in <module> from samcli.commands.local.cli_common.invoke_context import InvokeContext "/Users/john.bland/Library/Python/3.6/lib/python/site-packages/samcli/commands/local/cli_common/invoke_context.py", line 18, in <module> from ..lib.sam_function_provider import SamFunctionProvider "/Users/john.bland/Library/Python/3.6/lib/python/site-packages/samcli/commands/local/lib/sam_function_provider.py", line 9, in <module> from .sam_base_provider import SamBaseProvider "/Users/john.bland/Library/Python/3.6/lib/python/site-packages/samcli/commands/local/lib/sam_base_provider.py", line 5, in <module> from samcli.lib.samlib.wrapper import SamTranslatorWrapper "/Users/john.bland/Library/Python/3.6/lib/python/site-packages/samcli/lib/samlib/wrapper.py", line 18, in <module> from samtranslator.validator.validator import SamTemplateValidator "/Users/john.bland/Library/Python/3.6/lib/python/site-packages/samtranslator/validator/validator.py", line 4, in <module> import sam_schema ModuleNotFoundError: No module named 'sam_schema'
0.730712
`Traceback (most recent call last): "create_db.py", line 7, in <module> from app import current_app "/home/aju/Desktop/flask/open-event-server/app/__init__.py", line 35, in <module> from app.api.helpers.jwt import jwt_user_loader "/home/aju/Desktop/flask/open-event-server/app/api/__init__.py", line 1, in <module> from app.api.access_codes import AccessCodeList, AccessCodeListPost, AccessCodeDetail, AccessCodeRelationshipRequired, \ "/home/aju/Desktop/flask/open-event-server/app/api/access_codes.py", line 5, in <module> from app.api.bootstrap import api "/home/aju/Desktop/flask/open-event-server/app/api/bootstrap.py", line 3, in <module> from app.api.helpers.permission_manager import permission_manager "/home/aju/Desktop/flask/open-event-server/app/api/helpers/permission_manager.py", line 9, in <module> from app.models.event import Event "/home/aju/Desktop/flask/open-event-server/app/models/event.py", line 19, in <module> from app.models.search import sync "/home/aju/Desktop/flask/open-event-server/app/models/search/sync.py", line 11, in <module> from app.models.search.event import SearchableEvent "/home/aju/Desktop/flask/open-event-server/app/models/search/event.py", line 2, in <module> from elasticsearch_dsl import DocType, Integer, Search, Text ImportError: cannot import name 'DocType' from 'elasticsearch_dsl' (/home/aju/Desktop/flask/lib/python3.7/site-packages/elasticsearch_dsl/__init__.py)
Traceback (most recent call last): "<stdin>", line 1, in <module> ImportError: cannot import name 'image_util'
0.76539
Traceback (most recent call last): "D:\tools\XX-Net-3.7.9\code\default\python27\1.0\lib\threading.py", line 801, in __bootstrap_inner self.run() "D:\tools\XX-Net-3.7.9\code\default\python27\1.0\lib\threading.py", line 754, in run self.__target(*self.__args, **self.__kwargs) "D:\tools\XX-Net-3.7.9\code\default\gae_proxy\local\google_ip.py", line 652, in scan_ip_worker xlog.exception("google_ip.runJob fail:%r", e) AttributeError: 'NoneType' object has no attribute 'exception'
Traceback (most recent call last): "threading.py", line 916, in _bootstrap_inner "threading.py", line 864, in run "poco\drivers\android\uiautomation.py", line 206, in loop AttributeError: 'NoneType' object has no attribute 'communicate'
0.822017
Traceback (most recent call last): "<stdin>", line 1, in <module> "/usr/lib/python3.4/tempfile.py", line 409, in mkstemp return _mkstemp_inner(dir, prefix, suffix, flags) "/usr/lib/python3.4/tempfile.py", line 337, in _mkstemp_inner file = _os.path.join(dir, pre + name + suf) "/usr/lib/python3.4/posixpath.py", line 89, in join "components") from None TypeError: Can't mix strings and bytes in path components
Traceback (most recent call last): "<stdin>", line 1, in <module> "/home/jingmouren/miniconda3/lib/python3.7/site-packages/torch/hub.py", line 369, in load model = entry(*args, **kwargs) "/home/jingmouren/.cache/torch/hub/pytorch_fairseq_master/fairseq/models/fairseq_model.py", line 255, in from_pretrained **kwargs, "/home/jingmouren/.cache/torch/hub/pytorch_fairseq_master/fairseq/hub_utils.py", line 56, in from_pretrained kwargs['data'] = os.path.abspath(os.path.join(model_path, data_name_or_path)) "/home/jingmouren/miniconda3/lib/python3.7/posixpath.py", line 80, in join a = os.fspath(a) TypeError: expected str, bytes or os.PathLike object, not NoneType
0.706537
Traceback (most recent call last): "<string>", line 1, in <module> ModuleNotFoundError: No module named 'multiprocessing.util'
Traceback (most recent call last): "<stdin>", line 1, in <module> ModuleNotFoundError: No module named 'igraph.test'
0.808384
Traceback (most recent call last): "C:\python3\lib\site-packages\homeassistant-0.74.2-py3.5.egg\homeassistant\setup.py", line 143, in _async_setup_component hass, processed_config) "C:\python3\lib\site-packages\homeassistant-0.74.2-py3.5.egg\homeassistant\components\auth\__init__.py", line 143, in async_setup hass.http.register_view(GrantTokenView(retrieve_credentials)) "C:\python3\lib\site-packages\homeassistant-0.74.2-py3.5.egg\homeassistant\components\http\__init__.py", line 228, in register_view view.register(self.app, self.app.router) "C:\python3\lib\site-packages\homeassistant-0.74.2-py3.5.egg\homeassistant\components\http\view.py", line 78, in register app['allow_cors'](route) "C:\python3\lib\site-packages\homeassistant-0.74.2-py3.5.egg\homeassistant\components\http\cors.py", line 50, in <lambda> allow_methods='*', "C:\python3\lib\site-packages\homeassistant-0.74.2-py3.5.egg\homeassistant\components\http\cors.py", line 39, in _allow_cors path = path.canonical AttributeError: 'PlainResource' object has no attribute 'canonical'
Traceback (most recent call last): "C:\Users\Ian Golsby\AppData\Local\Programs\Python\Python35-32\lib\site-packages\discord\client.py", line 307, in _run_event yield from getattr(self, event)(*args, **kwargs) "C:\Users\Ian Golsby\AppData\Local\Programs\Python\Python35-32\.selfbot.py", line 25, in on_message if client.user.permissions_in(message.channel).manage_messages and client.user.permissions_in(message.channel).read_message_history: "C:\Users\Ian Golsby\AppData\Local\Programs\Python\Python35-32\lib\site-packages\discord\user.py", line 124, in permissions_in return channel.permissions_for(self) "C:\Users\Ian Golsby\AppData\Local\Programs\Python\Python35-32\lib\site-packages\discord\channel.py", line 267, in permissions_for for role in member.roles: AttributeError: 'User' object has no attribute 'roles`
0.682947
Traceback (most recent call last): "D:\Python27\lib\site-packages\pykafka\topic.py", line 39, in <module> from . import rdkafka "D:\Python27\lib\site-packages\pykafka\rdkafka\__init__.py", line 1, in <module> from .producer import RdKafkaProducer "D:\Python27\lib\site-packages\pykafka\rdkafka\producer.py", line 7, in <module> from . import _rd_kafka ImportError: cannot import name _rd_kafka
Traceback (most recent call last): "<stdin>", line 1, in <module> ImportError: cannot import name 'image_util'
0.752287
Traceback (most recent call last): "/usr/lib/python3.7/site-packages/mesonbuild/mesonmain.py", line 122, in run return options.run_func(options) "/usr/lib/python3.7/site-packages/mesonbuild/msetup.py", line 246, in run app.generate() "/usr/lib/python3.7/site-packages/mesonbuild/msetup.py", line 163, in generate self._generate(env) "/usr/lib/python3.7/site-packages/mesonbuild/msetup.py", line 193, in _generate intr.run() "/usr/lib/python3.7/site-packages/mesonbuild/interpreter.py", line 3817, in run super().run() "/usr/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 407, in run self.evaluate_codeblock(self.ast, start=1) "/usr/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 431, in evaluate_codeblock raise e "/usr/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 425, in evaluate_codeblock self.evaluate_statement(cur) "/usr/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 436, in evaluate_statement return self.function_call(cur) "/usr/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 762, in function_call return func(node, posargs, kwargs) "/usr/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 285, in wrapped return f(*wrapped_args, **wrapped_kwargs) "/usr/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 174, in wrapped return f(*wrapped_args, **wrapped_kwargs) "/usr/lib/python3.7/site-packages/mesonbuild/interpreter.py", line 3312, in func_install_man m = Man(fargs, kwargs) "/usr/lib/python3.7/site-packages/mesonbuild/interpreter.py", line 666, in __init__ self.validate_sources() "/usr/lib/python3.7/site-packages/mesonbuild/interpreter.py", line 675, in validate_sources num = int(s.split('.')[-1]) AttributeError: 'CustomTargetHolder' object has no attribute 'split'
Traceback (most recent call last): "lbrynet-daemon-script.py", line 2, in <module> "site-packages\lbrynet\daemon\DaemonControl.py", line 61, in start "site-packages\lbrynet\conf.py", line 532, in load_conf_file_settings "site-packages\lbrynet\conf.py", line 508, in _convert_conf_file_lists "site-packages\lbrynet\conf.py", line 167, in server_list "site-packages\lbrynet\conf.py", line 162, in server_port AttributeError: 'list' object has no attribute 'split'
0.682468
Traceback (most recent call last): "/Users/matt/Projects/azure-cli/env/lib/python3.6/site-packages/azure_devtools/scenario_tests/preparers.py", line 60, in _preparer_wrapper fn(test_class_instance, **kwargs) "/Users/matt/Projects/azure-cli/src/command_modules/azure-cli-acs/azure/cli/command_modules/acs/tests/test_aks_commands.py", line 30, in test_aks_create_default_service JMESPathCheck('properties.provisioningState', 'Succeeded') "/Users/matt/Projects/azure-cli/src/azure-cli-testsdk/azure/cli/testsdk/base.py", line 76, in cmd return execute(command, expect_failure=expect_failure).assert_with_checks(checks) "/Users/matt/Projects/azure-cli/src/azure-cli-testsdk/azure/cli/testsdk/base.py", line 128, in assert_with_checks c(self) "/Users/matt/Projects/azure-cli/src/azure-cli-testsdk/azure/cli/testsdk/checkers.py", line 34, in __call__ json_value = execution_result.get_output_in_json() "/Users/matt/Projects/azure-cli/src/azure-cli-testsdk/azure/cli/testsdk/base.py", line 134, in get_output_in_json self.json_value = json.loads(self.output) "/usr/local/Cellar/python3/3.6.3/Frameworks/Python.framework/Versions/3.6/lib/python3.6/json/__init__.py", line 354, in loads return _default_decoder.decode(s) "/usr/local/Cellar/python3/3.6.3/Frameworks/Python.framework/Versions/3.6/lib/python3.6/json/decoder.py", line 339, in decode obj, end = self.raw_decode(s, idx=_w(s, 0).end()) "/usr/local/Cellar/python3/3.6.3/Frameworks/Python.framework/Versions/3.6/lib/python3.6/json/decoder.py", line 357, in raw_decode raise JSONDecodeError("Expecting value", s, err.value) from None json.decoder.JSONDecodeError: Expecting value: line 1 column 1 (char 0)
Traceback (most recent call last): "/usr/lib/python3.6/threading.py", line 916, in _bootstrap_inner self.run() "/home/eric/Desktop/ray/python/ray/autoscaler/_private/updater.py", line 124, in run self.do_update() "/home/eric/Desktop/ray/python/ray/autoscaler/_private/updater.py", line 379, in do_update sync_run_yet=True) "/home/eric/Desktop/ray/python/ray/autoscaler/_private/command_runner.py", line 805, in run_init for env_var in json.loads(image_env): "/usr/lib/python3.6/json/__init__.py", line 354, in loads return _default_decoder.decode(s) "/usr/lib/python3.6/json/decoder.py", line 339, in decode obj, end = self.raw_decode(s, idx=_w(s, 0).end()) "/usr/lib/python3.6/json/decoder.py", line 357, in raw_decode raise JSONDecodeError("Expecting value", s, err.value) from None json.decoder.JSONDecodeError: Expecting value: line 1 column 1 (char 0)
0.850438
Traceback (most recent call last): "/usr/local/Cellar/svtplay-dl/2.4_3/libexec/lib/python3.8/site-packages/requests/adapters.py", line 439, in send resp = conn.urlopen( "/usr/local/Cellar/svtplay-dl/2.4_3/libexec/lib/python3.8/site-packages/urllib3/connectionpool.py", line 747, in urlopen return self.urlopen( "/usr/local/Cellar/svtplay-dl/2.4_3/libexec/lib/python3.8/site-packages/urllib3/connectionpool.py", line 747, in urlopen return self.urlopen( "/usr/local/Cellar/svtplay-dl/2.4_3/libexec/lib/python3.8/site-packages/urllib3/connectionpool.py", line 747, in urlopen return self.urlopen( [Previous line repeated 2 more times] "/usr/local/Cellar/svtplay-dl/2.4_3/libexec/lib/python3.8/site-packages/urllib3/connectionpool.py", line 719, in urlopen retries = retries.increment( "/usr/local/Cellar/svtplay-dl/2.4_3/libexec/lib/python3.8/site-packages/urllib3/util/retry.py", line 436, in increment raise MaxRetryError(_pool, url, error or ResponseError(cause)) urllib3.exceptions.MaxRetryError: HTTPSConnectionPool(host='account.cmore.se', port=443): Max retries exceeded with url: /session?client=cmore-web-prod (Caused by NewConnectionError('<urllib3.connection.VerifiedHTTPSConnection object at 0x109de83d0>: Failed to establish a new connection: [Errno 8] nodename nor servname provided, or not known'))
Traceback (most recent call last): "/anaconda3/lib/python3.6/site-packages/requests/adapters.py", line 440, in send timeout=timeout "/anaconda3/lib/python3.6/site-packages/urllib3/connectionpool.py", line 639, in urlopen _stacktrace=sys.exc_info()[2]) "/anaconda3/lib/python3.6/site-packages/urllib3/util/retry.py", line 388, in increment raise MaxRetryError(_pool, url, error or ResponseError(cause)) urllib3.exceptions.MaxRetryError: HTTPSConnectionPool(host='api.myetherapi.com', port=443): Max retries exceeded with url: /eth (Caused by NewConnectionError('<urllib3.connection.VerifiedHTTPSConnection object at 0x10432d588>: Failed to establish a new connection: [Errno 8] nodename nor servname provided, or not known',))
0.88233
Traceback (most recent call last): "/usr/local/lib/python2.7/dist-packages/youtube_dl/extractor/generic.py", line 1413, in _real_extract doc = compat_etree_fromstring(webpage.encode('utf-8')) "/usr/local/lib/python2.7/dist-packages/youtube_dl/compat.py", line 280, in compat_etree_fromstring doc = _XML(text, parser=etree.XMLParser(target=etree.TreeBuilder(element_factory=_element_factory))) "/usr/local/lib/python2.7/dist-packages/youtube_dl/compat.py", line 269, in _XML parser.feed(text) "/usr/lib/python2.7/xml/etree/ElementTree.py", line 1642, in feed self._raiseerror(v) "/usr/lib/python2.7/xml/etree/ElementTree.py", line 1506, in _raiseerror raise errParseError: undefined entity &raquo;: line 6, column 24
Traceback (most recent call last): "/usr/nekoware/bin/youtube-dl/youtube_dl/extractor/generic.py", line 596, in _real_extract doc = parse_xml(webpage) "/usr/nekoware/bin/youtube-dl/youtube_dl/utils.py", line 1311, in parse_xml tree = xml.etree.ElementTree.XML(s.encode('utf-8'), **kwargs) "/usr/nekoware/lib/python2.7/xml/etree/ElementTree.py", line 1300, in XML parser.feed(text) "/usr/nekoware/lib/python2.7/xml/etree/ElementTree.py", line 1642, in feed self._raiseerror(v) "/usr/nekoware/lib/python2.7/xml/etree/ElementTree.py", line 1506, in _raiseerror raise errParseError: mismatched tag: line 29, column 5579
0.807577
Traceback (most recent call last): "/home/sxw/YOLOv4-pytorch-master/eval_voc.py", line 146, in <module> mode=opt.mode "/home/sxw/YOLOv4-pytorch-master/eval_voc.py", line 36, in __init__ self.__evalter = Evaluator(self.__model, showatt=self.__showatt) "/home/sxw/YOLOv4-pytorch-master/eval/evaluator.py", line 13, in __init__ if cfg.TRAIN.DATA_TYPE == 'VOC': AttributeError: 'dict' object has no attribute 'DATA_TYPE'
Traceback (most recent call last): "sabnzbd\rss.py", line 787, in _get_link "feedparser.py", line 400, in __getattr__ AttributeError: object has no attribute 'cattext'
0.672121
`Traceback (most recent call last): "scripts/enter_data.py", line 7, in <module> from atm import PROJECT_ROOT ImportError: No module named 'atm'
Traceback (most recent call last): "/home/aero/pupil/pupil_src/launchables/world.py", line 113, in world import pupil_detectors "/home/aero/pupil/pupil_src/shared_modules/pupil_detectors/__init__.py", line 19, in <module> from .detector_3d import Detector_3D ImportError: /home/aero/pupil/pupil_src/shared_modules/pupil_detectors/detector_3d.cpython-36m-x86_64-linux-gnu.so: undefined symbol: cholmod_solve
0.767568
Traceback (most recent call last): "<string>", line 1, in <module> "/tmp/pip-build-sewjyeur/shutit/setup.py", line 10, in <module> with open(path.join(here, 'DESCRIPTION.rst'), encoding='utf-8') as f: "/usr/lib/python3.5/codecs.py", line 895, in open file = builtins.open(filename, mode, buffering) NotFoundError: [Errno 2] No such file or directory: '/tmp/pip-build-sewjyeur/shutit /DESCRIPTION.rst'
Traceback (most recent call last): "<string>", line 1, in <module> "/tmp/pip-req-build-ip1q3knn/setup.py", line 23, in <module> with open('test-requirements.txt') as reqs_file: NotFoundError: [Errno 2] No such file or directory: 'test-requirements.txt'
0.706382
Traceback (most recent call last): "/usr/local/lib/python3.7/site-packages/rq/worker.py", line 934, in perform_job rv = job.perform() "/usr/local/lib/python3.7/site-packages/rq/job.py", line 686, in perform self._result = self._execute() "/usr/local/lib/python3.7/site-packages/rq/job.py", line 692, in _execute return self.func(*self.args, **self.kwargs) "/app/redash/tasks/queries/execution.py", line 288, in execute_query scheduled_query_id is not None, "/app/redash/tasks/queries/execution.py", line 175, in __init__ models.scheduled_queries_executions.update(self.query_model.id) AttributeError: 'NoneType' object has no attribute 'id'
Traceback (most recent call last): "/home/kjk/.local/lib/python3.5/site-packages/asyncssh/connection.py", line 374, in _run_task yield from coro "/home/kjk/.local/lib/python3.5/site-packages/asyncssh/auth.py", line 750, in _validate_response self._send_challenge(next_challenge) "/home/kjk/.local/lib/python3.5/site-packages/asyncssh/auth.py", line 741, in _send_challenge self.send_failure() "/home/kjk/.local/lib/python3.5/site-packages/asyncssh/auth.py", line 467, in send_failure self._conn.send_userauth_failure(partial_success) "/home/kjk/.local/lib/python3.5/site-packages/asyncssh/connection.py", line 1001, in send_userauth_failure NameList(get_server_auth_methods(self)), "/home/kjk/.local/lib/python3.5/site-packages/asyncssh/auth.py", line 847, in get_server_auth_methods if _server_auth_handlers[method].supported(conn): "/home/kjk/.local/lib/python3.5/site-packages/asyncssh/auth.py", line 665, in supported return conn.public_key_auth_supported() "/home/kjk/.local/lib/python3.5/site-packages/asyncssh/connection.py", line 3344, in public_key_auth_supported self._owner.public_key_auth_supported()) AttributeError: 'NoneType' object has no attribute 'public_key_auth_supported'
0.701207
Traceback (most recent call last): "/usr/src/homeassistant/homeassistant/helpers/entity.py", line 279, in async_update_ha_state await self.async_device_update() "/usr/src/homeassistant/homeassistant/helpers/entity.py", line 476, in async_device_update await self.hass.async_add_executor_job(self.update) "/usr/local/lib/python3.7/concurrent/futures/thread.py", line 57, in run result = self.fn(*self.args, **self.kwargs) "/usr/src/homeassistant/homeassistant/components/plex/sensor.py", line 107, in update user = sess.usernames[0] IndexError: list index out of range
Traceback (most recent call last): "C:\Users\tanru\Anaconda3\envs\trading_env\lib\site-packages\IPython\core\formatters.py", line 224, in catch_format_error r = method(self, *args, **kwargs) "C:\Users\tanru\Anaconda3\envs\trading_env\lib\site-packages\IPython\core\formatters.py", line 702, in __call__ printer.pretty(obj) "C:\Users\tanru\Anaconda3\envs\trading_env\lib\site-packages\IPython\lib\pretty.py", line 402, in pretty return _repr_pprint(obj, self, cycle) "C:\Users\tanru\Anaconda3\envs\trading_env\lib\site-packages\IPython\lib\pretty.py", line 697, in _repr_pprint output = repr(obj) "C:\Users\tanru\Anaconda3\envs\trading_env\lib\site-packages\vaex\dataframe.py", line 3628, in __repr__ return self._head_and_tail_table(format='plain') "C:\Users\tanru\Anaconda3\envs\trading_env\lib\site-packages\vaex\dataframe.py", line 3412, in _head_and_tail_table return self._as_table(0, n, N - n, N, format=format) "C:\Users\tanru\Anaconda3\envs\trading_env\lib\site-packages\vaex\dataframe.py", line 3550, in _as_table table_part(j1, j2, parts) "C:\Users\tanru\Anaconda3\envs\trading_env\lib\site-packages\vaex\dataframe.py", line 3520, in table_part df = self[k1:k2] "C:\Users\tanru\Anaconda3\envs\trading_env\lib\site-packages\vaex\dataframe.py", line 4556, in __getitem__ return df.trim() "C:\Users\tanru\Anaconda3\envs\trading_env\lib\site-packages\vaex\dataframe.py", line 3796, in trim df.columns[name] = column.trim(self._index_start, self._index_end) "C:\Users\tanru\Anaconda3\envs\trading_env\lib\site-packages\vaex\column.py", line 195, in trim expressions.append(self.expressions[i]) IndexError: list index out of range
0.750533
Traceback (most recent call last): "/usr/lib/python2.7/logging/handlers.py", line 76, in emit if self.shouldRollover(record): "/usr/lib/python2.7/logging/handlers.py", line 156, in shouldRollover msg = "%s\n" % self.format(record) "/usr/lib/python2.7/logging/__init__.py", line 734, in format return fmt.format(record) "/usr/lib/python2.7/logging/__init__.py", line 476, in format raise e UnicodeDecodeError: 'ascii' codec can't decode byte 0xd7 in position 3: ordinal not in range(128)
Traceback (most recent call last): "/usr/lib/python2.7/logging/handlers.py", line 76, in emit if self.shouldRollover(record): "/usr/lib/python2.7/logging/handlers.py", line 156, in shouldRollover msg = "%s\n" % self.format(record) "/usr/lib/python2.7/logging/__init__.py", line 734, in format return fmt.format(record) "/usr/lib/python2.7/logging/__init__.py", line 476, in format raise e UnicodeDecodeError: 'ascii' codec can't decode byte 0xd7 in position 3: ordinal not in range(128)
1
Traceback (most recent call last): "/var/folders/c6/v7hnmq453xb6p2dbz1gqc6rr0000gn/T/tmpi8l8lgtp/.env/bin/pip", line 6, in <module> from pip import main ImportError: cannot import name 'main' from 'pip' (/Users/jaraco/code/main/setuptools/.tox/python/lib/python3.7/site-packages/pip/__init__.py)
`Traceback (most recent call last): "lastfm.py", line 27, in <module> from implicit.approximate_als import (AnnoyAlternatingLeastSquares, NMSLibAlternatingLeastSquares, ImportError: No module named approximate_als`
0.71321
Traceback (most recent call last): "/usr/lib/python3.6/asyncio/tasks.py", line 179, in _step result = coro.send(None) "/usr/lib/python3.6/site-packages/homeassistant/helpers/entity_component.py", line 381, in async_process_entity new_entity, self, update_before_add=update_before_add "/usr/lib/python3.6/site-packages/homeassistant/helpers/entity_component.py", line 238, in async_add_entity yield from entity.async_update_ha_state() "/usr/lib/python3.6/site-packages/homeassistant/helpers/entity.py", line 256, in async_update_ha_state self._attr_setter('entity_picture', str, ATTR_ENTITY_PICTURE, attr) "/usr/lib/python3.6/site-packages/homeassistant/helpers/entity.py", line 323, in _attr_setter value = getattr(self, name) "/usr/lib/python3.6/site-packages/homeassistant/components/sensor/wunderground.py", line 712, in entity_picture return re.sub(r'^http://', 'https://', url, flags=re.IGNORECASE) "/usr/lib/python3.6/re.py", line 191, in sub return _compile(pattern, flags).sub(repl, string, count) TypeError: expected string or bytes-like object
Traceback (most recent call last): "/home/parth/apps/thonny/lib/python3.7/tkinter/__init__.py", line 1705, in __call__ return self.func(*args) "/home/parth/apps/thonny/lib/python3.7/site-packages/thonny/running.py", line 317, in _cmd_run_current_script self.execute_current("Run") "/home/parth/apps/thonny/lib/python3.7/site-packages/thonny/running.py", line 282, in execute_current script_dir = normpath_with_actual_case(os.path.dirname(filename)) "/home/parth/apps/thonny/lib/python3.7/posixpath.py", line 156, in dirname p = os.fspath(p) TypeError: expected str, bytes or os.PathLike object, not NoneType
0.707209
Traceback (most recent call last): "tools/compute_tracks.py", line 20, in <module> from core.config import ( ImportError: cannot import name cfg_from_file
Traceback (most recent call last): "<string>", line 1, in <module> "/tmp/pip-wheel-HXhM4G/future/setup.py", line 180, in <module> **setup_kwds "/home/lu/anaconda3/envs/vn/lib/python2.7/site-packages/setuptools/__init__.py", line 162, in setup return distutils.core.setup(**attrs) "/home/lu/anaconda3/envs/vn/lib/python2.7/distutils/core.py", line 137, in setup ok = dist.parse_command_line() "/home/lu/anaconda3/envs/vn/lib/python2.7/site-packages/setuptools/dist.py", line 707, in parse_command_line result = _Distribution.parse_command_line(self) "/home/lu/anaconda3/envs/vn/lib/python2.7/distutils/dist.py", line 467, in parse_command_line args = self._parse_command_opts(parser, args) "/home/lu/anaconda3/envs/vn/lib/python2.7/site-packages/setuptools/dist.py", line 1014, in _parse_command_opts nargs = _Distribution._parse_command_opts(self, parser, args) "/home/lu/anaconda3/envs/vn/lib/python2.7/distutils/dist.py", line 523, in _parse_command_opts cmd_class = self.get_command_class(command) "/home/lu/anaconda3/envs/vn/lib/python2.7/site-packages/setuptools/dist.py", line 834, in get_command_class self.cmdclass[command] = cmdclass = ep.load() "/home/lu/anaconda3/envs/vn/lib/python2.7/site-packages/pkg_resources/__init__.py", line 2443, in load return self.resolve() "/home/lu/anaconda3/envs/vn/lib/python2.7/site-packages/pkg_resources/__init__.py", line 2449, in resolve module = __import__(self.module_name, fromlist=['__name__'], level=0) "/home/lu/anaconda3/envs/vn/lib/python2.7/site-packages/wheel/bdist_wheel.py", line 26, in <module> from .macosx_libfile import calculate_macosx_platform_tag ImportError: No module named macosx_libfile
0.798668
Traceback (most recent call last): "/opt/anaconda3/envs/Data_Science_Toolkit/lib/python3.7/multiprocessing/forkserver.py", line 261, in main old_handlers) "/opt/anaconda3/envs/Data_Science_Toolkit/lib/python3.7/multiprocessing/forkserver.py", line 297, in _serve_one code = spawn._main(child_r) "/opt/anaconda3/envs/Data_Science_Toolkit/lib/python3.7/multiprocessing/spawn.py", line 114, in _main prepare(preparation_data) "/opt/anaconda3/envs/Data_Science_Toolkit/lib/python3.7/multiprocessing/spawn.py", line 225, in prepare _fixup_main_from_path(data['init_main_from_path']) "/opt/anaconda3/envs/Data_Science_Toolkit/lib/python3.7/multiprocessing/spawn.py", line 277, in _fixup_main_from_path run_name="__mp_main__") "/opt/anaconda3/envs/Data_Science_Toolkit/lib/python3.7/runpy.py", line 261, in run_path code, fname = _get_code_from_file(run_name, path_name) "/opt/anaconda3/envs/Data_Science_Toolkit/lib/python3.7/runpy.py", line 231, in _get_code_from_file with open(fname, "rb") as f: NotFoundError: [Errno 2] No such file or directory: '/Users/123456/PycharmProjects/Data_folder/<input>'
LLVM version... Traceback (most recent call last): "/tmp/pip-install-sdekp53y/llvmlite/ffi/build.py", line 105, in main_posix out = subprocess.check_output([llvm_config, '--version']) "/usr/lib/python3.7/subprocess.py", line 395, in check_output **kwargs).stdout "/usr/lib/python3.7/subprocess.py", line 472, in run with Popen(*popenargs, **kwargs) as process: "/usr/lib/python3.7/subprocess.py", line 775, in __init__ restore_signals, start_new_session) "/usr/lib/python3.7/subprocess.py", line 1522, in _execute_child raise child_exception_type(errno_num, err_msg, err_filename) NotFoundError: [Errno 2] No such file or directory: 'llvm-config': 'llvm-config'
0.688621
Traceback (most recent call last): "/opt/cobra-master/cobra/__init__.py", line 89, in main cli.start(args.target, args.format, args.output, args.special_rules, a_sid) "/opt/cobra-master/cobra/cli.py", line 92, in start language=main_language, framework=main_framework, file_count=file_count, extension_count=len(files)) "/opt/cobra-master/cobra/engine.py", line 158, in scan cve_vuls = scan_cve(target_directory) "/opt/cobra-master/cobra/cve.py", line 354, in scan_cve pool = multiprocessing.Pool() "/usr/local/python27/lib/python2.7/multiprocessing/__init__.py", line 232, in Pool return Pool(processes, initializer, initargs, maxtasksperchild) "/usr/local/python27/lib/python2.7/multiprocessing/pool.py", line 159, in __init__ self._repopulate_pool() "/usr/local/python27/lib/python2.7/multiprocessing/pool.py", line 223, in _repopulate_pool w.start() "/usr/local/python27/lib/python2.7/multiprocessing/process.py", line 130, in start self._popen = Popen(self) "/usr/local/python27/lib/python2.7/multiprocessing/forking.py", line 126, in __init__ code = process_obj._bootstrap() "/usr/local/python27/lib/python2.7/multiprocessing/process.py", line 274, in _bootstrap sys.stderr.write('Process %s:\n' % self.name)IOError: [Errno 32] Broken pipe
Traceback (most recent call last): "/opt/cobra-master/cobra/__init__.py", line 89, in main cli.start(args.target, args.format, args.output, args.special_rules, a_sid) "/opt/cobra-master/cobra/cli.py", line 92, in start language=main_language, framework=main_framework, file_count=file_count, extension_count=len(files)) "/opt/cobra-master/cobra/engine.py", line 158, in scan cve_vuls = scan_cve(target_directory) "/opt/cobra-master/cobra/cve.py", line 354, in scan_cve pool = multiprocessing.Pool() "/usr/local/python27/lib/python2.7/multiprocessing/__init__.py", line 232, in Pool return Pool(processes, initializer, initargs, maxtasksperchild) "/usr/local/python27/lib/python2.7/multiprocessing/pool.py", line 159, in __init__ self._repopulate_pool() "/usr/local/python27/lib/python2.7/multiprocessing/pool.py", line 223, in _repopulate_pool w.start() "/usr/local/python27/lib/python2.7/multiprocessing/process.py", line 130, in start self._popen = Popen(self) "/usr/local/python27/lib/python2.7/multiprocessing/forking.py", line 126, in __init__ code = process_obj._bootstrap() "/usr/local/python27/lib/python2.7/multiprocessing/process.py", line 274, in _bootstrap sys.stderr.write('Process %s:\n' % self.name)IOError: [Errno 32] Broken pipe
1
Traceback (most recent call last): "/Users/rhyscampbell/.ansible/tmp/ansible-tmp-1564586240.289265-201307844580372/AnsiballZ_molecule_vagrant.py", line 114, in <module> _ansiballz_main() "/Users/rhyscampbell/.ansible/tmp/ansible-tmp-1564586240.289265-201307844580372/AnsiballZ_molecule_vagrant.py", line 106, in _ansiballz_main invoke_module(zipped_mod, temp_path, ANSIBALLZ_PARAMS) "/Users/rhyscampbell/.ansible/tmp/ansible-tmp-1564586240.289265-201307844580372/AnsiballZ_molecule_vagrant.py", line 49, in invoke_module imp.load_module('__main__', mod, module, MOD_DESC) "/usr/local/Cellar/python/3.6.4_2/Frameworks/Python.framework/Versions/3.6/lib/python3.6/imp.py", line 235, in load_module return load_source(name, filename, file) "/usr/local/Cellar/python/3.6.4_2/Frameworks/Python.framework/Versions/3.6/lib/python3.6/imp.py", line 170, in load_source module = _exec(spec, sys.modules[name]) "<frozen importlib._bootstrap>", line 618, in _exec "<frozen importlib._bootstrap_external>", line 678, in exec_module "<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed "/var/folders/j2/1gzr80lj0l95hl94p4brqtt40000gn/T/ansible_molecule_vagrant_payload_tisfgbx2/__main__.py", line 30, in <module> ModuleNotFoundError: No module named 'molecule'
Traceback (most recent call last): "/home/wai043/.pyenv/versions/3.6.10/lib/python3.6/unittest/loader.py", line 428, in _find_test_path module = self._get_module_from_name(name) "/home/wai043/.pyenv/versions/3.6.10/lib/python3.6/unittest/loader.py", line 369, in _get_module_from_name __import__(name) "/home/wai043/point_cloud_nets/torch-points3d/test/test_model_checkpoint.py", line 13, in <module> from mockdatasets import MockDatasetGeometric ModuleNotFoundError: No module named 'mockdatasets'
0.721929
Traceback (most recent call last): "/usr/bin/mitmproxy", line 11, in <module> load_entry_point('mitmproxy==2.0.2', 'console_scripts', 'mitmproxy')() "/usr/lib/python3/dist-packages/pkg_resources/__init__.py", line 572, in load_entry_point return get_distribution(dist).load_entry_point(group, name) "/usr/lib/python3/dist-packages/pkg_resources/__init__.py", line 2752, in load_entry_point return ep.load() "/usr/lib/python3/dist-packages/pkg_resources/__init__.py", line 2405, in load return self.resolve() "/usr/lib/python3/dist-packages/pkg_resources/__init__.py", line 2411, in resolve module = __import__(self.module_name, fromlist=['__name__'], level=0) "/usr/lib/python3/dist-packages/mitmproxy/tools/main.py", line 12, in <module> from mitmproxy.tools import cmdline # noqa "/usr/lib/python3/dist-packages/mitmproxy/tools/cmdline.py", line 10, in <module> from mitmproxy.addons import view "/usr/lib/python3/dist-packages/mitmproxy/addons/__init__.py", line 7, in <module> from mitmproxy.addons import onboarding "/usr/lib/python3/dist-packages/mitmproxy/addons/onboarding.py", line 2, in <module> from mitmproxy.addons.onboardingapp import app "/usr/lib/python3/dist-packages/mitmproxy/addons/onboardingapp/app.py", line 8, in <module> from mitmproxy.proxy import config "/usr/lib/python3/dist-packages/mitmproxy/proxy/__init__.py", line 2, in <module> from .root_context import RootContext "/usr/lib/python3/dist-packages/mitmproxy/proxy/root_context.py", line 3, in <module> from mitmproxy.proxy import protocol "/usr/lib/python3/dist-packages/mitmproxy/proxy/protocol/__init__.py", line 39, in <module> from .tls import TlsClientHello "/usr/lib/python3/dist-packages/mitmproxy/proxy/protocol/tls.py", line 7, in <module> from mitmproxy.contrib import tls_parser "/usr/lib/python3/dist-packages/mitmproxy/contrib/tls_parser.py", line 8, in <module> from construct import (Array, Bytes, Struct, UBInt16, UBInt32, UBInt8, PascalString, Embed, TunnelAdapter, GreedyRange, Switch, OptionalGreedyRange, Optional) ImportError: cannot import name 'UBInt16'
Traceback (most recent call last): "/usr/bin/terminator", line 48, in <module> import terminatorlib.optionparse "/usr/lib/python3/dist-packages/terminatorlib/optionparse.py", line 24, in <module> from . import config "/usr/lib/python3/dist-packages/terminatorlib/config.py", line 75, in <module> from configobj import ConfigObj, flatten_errors "/usr/lib/python3/dist-packages/configobj.py", line 22, in <module> import six ImportError: bad magic number in 'six': b'\x03\xf3\r\n'
0.732549
Traceback (most recent call last): "d:\anaconda\Scripts\pip-script.py", line 6, in <module> from pip import main "d:\anaconda\lib\site-packages\pip\__init__.py", line 28, in <module> from pip.vcs import git, mercurial, subversion, bazaar # noqa "d:\anaconda\lib\site-packages\pip\vcs\subversion.py", line 9, in <module> from pip.index import Link "d:\anaconda\lib\site-packages\pip\index.py", line 33, in <module> from pip._vendor import html5lib, requests, six ImportError: cannot import name 'html5lib'
Traceback (most recent call last): "/usr/lib/python2.7/site-packages/salt/loader.py", line 1461, in _load_module mod = imp.load_module(mod_namespace, fn_, fpath, desc) "/usr/lib/python2.7/site-packages/salt/modules/pip.py", line 82, in <module> import pkg_resources ImportError: No module named pkg_resources
0.757194
Traceback (most recent call last): "/usr/local/lib/python3.7/site-packages/requests/adapters.py", line 449, in send timeout=timeout "/usr/local/lib/python3.7/site-packages/urllib3/connectionpool.py", line 720, in urlopen method, url, error=e, _pool=self, _stacktrace=sys.exc_info()[2] "/usr/local/lib/python3.7/site-packages/urllib3/util/retry.py", line 436, in increment raise MaxRetryError(_pool, url, error or ResponseError(cause)) urllib3.exceptions.MaxRetryError: HTTPConnectionPool(host='http', port=80): Max retries exceeded with url: //192.168.168.101:8080/list?token=xxxxxxxx (Caused by NewConnectionError('<urllib3.connection.HTTPConnection object at 0x71f68ef0>: Failed to establish a new connection: [Errno -3] Try again'))
Traceback (most recent call last): "/Library/Frameworks/Python.framework/Versions/3.5/lib/python3.5/site-packages/requests/adapters.py", line 440, in send timeout=timeout "/Library/Frameworks/Python.framework/Versions/3.5/lib/python3.5/site-packages/urllib3/connectionpool.py", line 639, in urlopen _stacktrace=sys.exc_info()[2]) "/Library/Frameworks/Python.framework/Versions/3.5/lib/python3.5/site-packages/urllib3/util/retry.py", line 388, in increment raise MaxRetryError(_pool, url, error or ResponseError(cause)) urllib3.exceptions.MaxRetryError: HTTPSConnectionPool(host='localhost', port=9984): Max retries exceeded with url: /api/v1/transactions/ (Caused by SSLError(SSLError("bad handshake: SysCallError(-1, 'Unexpected EOF')",),))
0.966146
Traceback (most recent call last): "selective_search.py", line 41, in <module> main() "selective_search.py", line 13, in main img_lbl, regions = selective_search(img, scale=500, sigma=0.9, min_size=10) "/usr/local/lib/python3.5/dist-packages/selectivesearch/selectivesearch.py", line 286, in selective_search i, j = sorted(S.items(), cmp=lambda a, b: cmp(a[1], b[1]))[-1][0] TypeError: 'cmp' is an invalid keyword argument for this function
Traceback (most recent call last): "/Users/***sensitive***/Library/Python/2.7/lib/python/site-packages/pip/_vendor/pep517/_in_process.py", line 280, in <module> main() "/Users/***sensitive***/Library/Python/2.7/lib/python/site-packages/pip/_vendor/pep517/_in_process.py", line 263, in main json_out['return_val'] = hook(**hook_input['kwargs']) "/Users/***sensitive***/Library/Python/2.7/lib/python/site-packages/pip/_vendor/pep517/_in_process.py", line 114, in get_requires_for_build_wheel return hook(config_settings) "/private/var/folders/13/09f597jn53s3v4zgvncvh8x44c15rn/T/pip-build-env-x9gVG0/overlay/lib/python2.7/site-packages/setuptools/build_meta.py", line 146, in get_requires_for_build_wheel return self._get_build_requires(config_settings, requirements=['wheel']) "/private/var/folders/13/09f597jn53s3v4zgvncvh8x44c15rn/T/pip-build-env-x9gVG0/overlay/lib/python2.7/site-packages/setuptools/build_meta.py", line 127, in _get_build_requires self.run_setup() "/private/var/folders/13/09f597jn53s3v4zgvncvh8x44c15rn/T/pip-build-env-x9gVG0/overlay/lib/python2.7/site-packages/setuptools/build_meta.py", line 243, in run_setup self).run_setup(setup_script=setup_script) "/private/var/folders/13/09f597jn53s3v4zgvncvh8x44c15rn/T/pip-build-env-x9gVG0/overlay/lib/python2.7/site-packages/setuptools/build_meta.py", line 142, in run_setup exec(compile(code, __file__, 'exec'), locals()) "setup.py", line 448, in <module> main() "setup.py", line 99, in main % {"ext": re.escape(sysconfig.get_config_var("EXT_SUFFIX"))} "/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/re.py", line 210, in escape s = list(pattern) TypeError: 'NoneType' object is not iterable
0.693748
Traceback (most recent call last): "/usr/src/app/homeassistant/components/automation/__init__.py", line 378, in action await script_obj.async_run(variables, context) "/usr/src/app/homeassistant/helpers/script.py", line 131, in async_run await self._handle_action(action, variables, context) "/usr/src/app/homeassistant/helpers/script.py", line 210, in _handle_action action, variables, context) "/usr/src/app/homeassistant/helpers/script.py", line 299, in _async_call_service context=context "/usr/src/app/homeassistant/helpers/service.py", line 89, in async_call_from_config domain, service_name, service_data, blocking=blocking, context=context) "/usr/src/app/homeassistant/core.py", line 1138, in async_call self._execute_service(handler, service_call)) "/usr/src/app/homeassistant/core.py", line 1160, in _execute_service await handler.func(service_call) "/usr/src/app/homeassistant/helpers/entity_component.py", line 194, in handle_service required_features "/usr/src/app/homeassistant/helpers/service.py", line 316, in entity_service_call future.result() # pop exception if have "/usr/src/app/homeassistant/helpers/service.py", line 337, in _handle_service_platform_call await getattr(entity, func)(**data) "/usr/local/lib/python3.7/concurrent/futures/thread.py", line 57, in run result = self.fn(*self.args, **self.kwargs) "/usr/src/app/homeassistant/components/konnected/switch.py", line 71, in turn_on resp = self.client.put_device( AttributeError: 'NoneType' object has no attribute 'put_device'
Traceback (most recent call last): "./tests.py", line 187, in <module> fn() "./tests.py", line 181, in test_complex_type usingArrayName("ThisNameFails") "./tests.py", line 176, in usingArrayName ArrayOfContainer.render(node, top) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/types/complex.py", line 253, in render element.render(parent, element_value, child_path) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/elements/indicators.py", line 241, in render element.render(parent, element_value, child_path) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/elements/any.py", line 131, in render self._render_value_item(node, val, render_path) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/elements/any.py", line 150, in _render_value_item self.restrict.render(parent, value, None, render_path) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/types/complex.py", line 253, in render element.render(parent, element_value, child_path) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/elements/indicators.py", line 241, in render element.render(parent, element_value, child_path) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/elements/element.py", line 191, in render self._render_value_item(parent, value, render_path) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/elements/element.py", line 215, in _render_value_item return self.type.render(node, value, None, render_path) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/types/complex.py", line 220, in render value = value.as_value_object() "/usr/local/lib/python2.7/dist-packages/zeep/xsd/valueobjects.py", line 58, in as_value_object return anon_type(list(self)) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/valueobjects.py", line 78, in __init__ elm_values = container.default_value AttributeError: 'NoneType' object has no attribute 'default_value'
0.718304
Traceback (most recent call last): "/home/a/.local/lib/python3.6/site-packages/mu/app.py", line 162, in run raise ex "/home/a/.local/lib/python3.6/site-packages/mu/app.py", line 149, in run venv.ensure_and_create(self.display_text) "/home/a/.local/lib/python3.6/site-packages/mu/virtual_environment.py", line 449, in ensure_and_create self.create() "/home/a/.local/lib/python3.6/site-packages/mu/virtual_environment.py", line 596, in create self.install_baseline_packages() "/home/a/.local/lib/python3.6/site-packages/mu/virtual_environment.py", line 649, in install_baseline_packages wheels.download() "/home/a/.local/lib/python3.6/site-packages/mu/wheels/__init__.py", line 95, in download check=True, "/usr/lib/python3.6/subprocess.py", line 438, in run output=stdout, stderr=stderr) subprocess.CalledProcessError: Command '['/usr/bin/python3', '-m', 'pip', 'download', '--destination-directory', '/home/a/.local/lib/python3.6/site-packages/mu/wheels', 'esptool==3.*']' returned non-zero exit status 1.
Traceback (most recent call last): "/usr/local/Cellar/telepresence/0.75/libexec/lib/python3.6/site-packages/telepresence/cli.py", line 73, in call_f return f(*args, **kwargs) "/usr/local/Cellar/telepresence/0.75/libexec/lib/python3.6/site-packages/telepresence/main.py", line 493, in go runner, remote_info, args, env, subprocesses, socks_port, ssh "/usr/local/Cellar/telepresence/0.75/libexec/lib/python3.6/site-packages/telepresence/local.py", line 154, in run_local_command connect_sshuttle(runner, remote_info, args, subprocesses, env, ssh) "/usr/local/Cellar/telepresence/0.75/libexec/lib/python3.6/site-packages/telepresence/vpn.py", line 241, in connect_sshuttle get_hellotelepresence() "/usr/local/Cellar/telepresence/0.75/libexec/lib/python3.6/site-packages/telepresence/vpn.py", line 230, in get_hellotelepresence format(next(counter)) "/usr/local/Cellar/telepresence/0.75/libexec/lib/python3.6/site-packages/telepresence/runner.py", line 95, in get_output result = str(check_output(*args, **kwargs).strip(), "utf-8") "/usr/local/opt/python3/Frameworks/Python.framework/Versions/3.6/lib/python3.6/subprocess.py", line 336, in check_output **kwargs).stdout "/usr/local/opt/python3/Frameworks/Python.framework/Versions/3.6/lib/python3.6/subprocess.py", line 418, in run output=stdout, stderr=stderr) subprocess.CalledProcessError: Command '['python3', '-c', "import socket; socket.gethostbyname('hellotelepresence86')"]' returned non-zero exit status 1.
0.712119
Traceback (most recent call last): "c:/Users/Desktop/AIrendering/meshing.py", line 8, in <module> from pytorch3d.io import load_objs_as_meshes "c:\Users\Desktop\AIrendering\pytorch3d\io\__init__.py", line 4, in <module> from .obj_io import load_obj, load_objs_as_meshes, save_obj "c:\Users\Desktop\AIrendering\pytorch3d\io\obj_io.py", line 16, in <module> from pytorch3d.structures import Meshes, Textures, join_meshes "c:\Users\Desktop\AIrendering\pytorch3d\structures\__init__.py", line 3, in <module> from .meshes import Meshes, join_meshes "c:\Users\Desktop\pytorch3d\structures\meshes.py", line 7, in <module> from pytorch3d import _C ImportError: DLL load failed: The specified procedure could not be found.
Traceback (most recent call last): "D:\Program s\IDA 7.0\python\ida_idaapi.py", line 553, in IDAPython_ExecScript execfile(script, g) "D:/Program s/IDA 7.0/plugins/keypatch.py", line 53, in <module> from keystone import * "D:\python\python2\lib\site-packages\keystone\__init__.py", line 2, in <module> from . import arm_const, arm64_const, mips_const, sparc_const, hexagon_const, systemz_const, ppc_const, x86_const ImportError: cannot import name arm_const
0.759326
Traceback (most recent call last): "run.py", line 167, in <module> tensorInputFirst = torch.FloatTensor(numpy.rollaxis(numpy.asarray(PIL.Image.open(arguments_strFirst))[:,:,::-1], 2, 0).astype(numpy.float32) / 255.0) RuntimeError: tried to construct a tensor from a nested float sequence, but found an item of type numpy.float32 at index (0, 0, 0)
Traceback (most recent call last): "<stdin>", line 1, in <module> RuntimeError: Iterator automatic output has an array subtype which changed the dimensions of the output
0.747039
DTraceback (most recent call last): "/usr/lib/python3.6/site-packages/mitmproxy/tools/console/master.py", line 281, in run self.loop.run() "/usr/lib/python3.6/site-packages/urwid/main_loop.py", line 278, in run self._run() "/usr/lib/python3.6/site-packages/urwid/main_loop.py", line 376, in _run self.event_loop.run() "/usr/lib/python3.6/site-packages/urwid/main_loop.py", line 682, in run self._loop() "/usr/lib/python3.6/site-packages/urwid/main_loop.py", line 719, in _loop self._watch_files[fd]() "/usr/lib/python3.6/site-packages/urwid/raw_display.py", line 393, in <lambda> event_loop, callback, self.get_available_raw_input()) "/usr/lib/python3.6/site-packages/urwid/raw_display.py", line 493, in parse_input callback(processed, processed_codes) "/usr/lib/python3.6/site-packages/urwid/main_loop.py", line 403, in _update self.process_input(keys) "/usr/lib/python3.6/site-packages/urwid/main_loop.py", line 503, in process_input k = self._topmost_widget.keypress(self.screen_size, k) "/usr/lib/python3.6/site-packages/mitmproxy/tools/console/window.py", line 84, in keypress k = super().keypress(size, k) "/usr/lib/python3.6/site-packages/urwid/container.py", line 1128, in keypress return self.body.keypress( (maxcol, remaining), key ) "/usr/lib/python3.6/site-packages/mitmproxy/tools/console/flowlist.py", line 417, in keypress return urwid.ListBox.keypress(self, size, key) "/usr/lib/python3.6/site-packages/urwid/listbox.py", line 987, in keypress self.make_cursor_visible((maxcol,maxrow)) "/usr/lib/python3.6/site-packages/urwid/listbox.py", line 939, in make_cursor_visible focus_widget, pos = self.body.get_focus() "/usr/lib/python3.6/site-packages/mitmproxy/tools/console/flowlist.py", line 284, in get_focus f = FlowItem(self.master, self.master.view.focus.flow) "/usr/lib/python3.6/site-packages/mitmproxy/tools/console/flowlist.py", line 123, in __init__ w = self.get_text() "/usr/lib/python3.6/site-packages/mitmproxy/tools/console/flowlist.py", line 132, in get_text max_url_len=cols, "/usr/lib/python3.6/site-packages/mitmproxy/tools/console/common.py", line 427, in format_flow acked = f.reply.state == "committed", AttributeError: 'NoneType' object has no attribute 'state'
Traceback (most recent call last): "/Users/bernhardmueller/.pyenv/versions/mythril/bin/myth", line 11, in <module> load_entry_point('mythril==0.19.7', 'console_scripts', 'myth')() "/Users/bernhardmueller/.pyenv/versions/3.6.3/envs/mythril/lib/python3.6/site-packages/mythril/interfaces/cli.py", line 413, in main transaction_count=args.transaction_count, "/Users/bernhardmueller/.pyenv/versions/3.6.3/envs/mythril/lib/python3.6/site-packages/mythril/mythril.py", line 503, in fire_lasers transaction_count=transaction_count, "/Users/bernhardmueller/.pyenv/versions/3.6.3/envs/mythril/lib/python3.6/site-packages/mythril/analysis/symbolic.py", line 73, in __init__ creation_code=contract.creation_code, contract_name=contract.name "/Users/bernhardmueller/.pyenv/versions/3.6.3/envs/mythril/lib/python3.6/site-packages/mythril/laser/ethereum/svm.py", line 113, in sym_exec self, creation_code, contract_name "/Users/bernhardmueller/.pyenv/versions/3.6.3/envs/mythril/lib/python3.6/site-packages/mythril/laser/ethereum/transaction/symbolic.py", line 74, in execute_contract_creation laser_evm.exec(True) "/Users/bernhardmueller/.pyenv/versions/3.6.3/envs/mythril/lib/python3.6/site-packages/mythril/laser/ethereum/svm.py", line 188, in exec new_states, op_code = self.execute_state(global_state) "/Users/bernhardmueller/.pyenv/versions/3.6.3/envs/mythril/lib/python3.6/site-packages/mythril/laser/ethereum/svm.py", line 215, in execute_state global_state "/Users/bernhardmueller/.pyenv/versions/3.6.3/envs/mythril/lib/python3.6/site-packages/mythril/laser/ethereum/instructions.py", line 154, in evaluate return instruction_mutator(global_state) "/Users/bernhardmueller/.pyenv/versions/3.6.3/envs/mythril/lib/python3.6/site-packages/mythril/laser/ethereum/instructions.py", line 113, in wrapper new_global_states = self.call_on_state_copy(func, func_obj, global_state) "/Users/bernhardmueller/.pyenv/versions/3.6.3/envs/mythril/lib/python3.6/site-packages/mythril/laser/ethereum/instructions.py", line 76, in call_on_state_copy return func(func_obj, global_state_copy) "/Users/bernhardmueller/.pyenv/versions/3.6.3/envs/mythril/lib/python3.6/site-packages/mythril/laser/ethereum/instructions.py", line 472, in calldatasize_ state.stack.append(environment.calldata.calldatasize) AttributeError: 'NoneType' object has no attribute 'calldatasize'
0.701229
Traceback (most recent call last): "/home/docs/checkouts/readthedocs.org/user_builds/dblstats/envs/latest/lib/python3.7/site-packages/sphinx/config.py", line 319, in eval_config_file execfile_(filename, namespace) "/home/docs/checkouts/readthedocs.org/user_builds/dblstats/envs/latest/lib/python3.7/site-packages/sphinx/util/pycompat.py", line 89, in execfile_ exec(code, _globals) "/home/docs/checkouts/readthedocs.org/user_builds/dblstats/checkouts/latest/docs/source/conf.py", line 82, in <module> from six import string_types ModuleNotFoundError: No module named 'six'
Traceback (most recent call last): "droptest.py", line 1, in <module> from PIL import Image ModuleNotFoundError: No module named 'PIL'
0.864741
Comment: An exception occurred in this state: Traceback (most recent call last): "/usr/lib/python2.7/site-packages/salt/state.py", line 1878, in call **cdata['kwargs']) "/usr/lib/python2.7/site-packages/salt/loader.py", line 1823, in wrapper return f(*args, **kwargs) "/usr/lib/python2.7/site-packages/salt/states/pkg.py", line 2113, in patch_installed targets = _find_advisory_targets(name, advisory_ids, **kwargs) "/usr/lib/python2.7/site-packages/salt/states/pkg.py", line 336, in _find_advisory_targets cur_patches = __salt__['pkg.list_installed_patches']() "/usr/lib/python2.7/site-packages/salt/modules/yumpkg.py", line 3143, in list_installed_patches return _get_patches(installed_only=True) "/usr/lib/python2.7/site-packages/salt/modules/yumpkg.py", line 3098, in _get_patches line).groups() AttributeError: 'NoneType' object has no attribute 'groups' Started: 10:15:59.794106
Traceback (most recent call last): "C:\projects\pyfa\gui\builtinAdditionPanes\projectedView.py", line 132, in kbEvent "C:\projects\pyfa\utils\deprecated.py", line 16, in new_func "C:\projects\pyfa\service\fitDeprecated.py", line 367, in removeProjected AttributeError: 'NoneType' object has no attribute 'ID'
0.696452
Traceback (most recent call last): "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/core/handlers/wsgi.py", line 157, in __call__ response = self.get_response(request) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/core/handlers/base.py", line 124, in get_response response = self._middleware_chain(request) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/core/handlers/exception.py", line 43, in inner response = response_for_exception(request, exc) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/core/handlers/exception.py", line 93, in response_for_exception response = handle_uncaught_exception(request, get_resolver(get_urlconf()), sys.exc_info()) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/core/handlers/exception.py", line 143, in handle_uncaught_exception return callback(request, **param_dict) "/usr/lib/python2.7/site-packages/awx/main/views.py", line 88, in handle_500 return handle_error(request, 500, **kwargs) "/usr/lib/python2.7/site-packages/awx/main/views.py", line 56, in handle_error return render(request, 'error.html', kwargs, status=status) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/shortcuts.py", line 30, in render content = loader.render_to_string(template_name, context, request, using=using) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/loader.py", line 68, in render_to_string return template.render(context, request) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/backends/django.py", line 66, in render return self.template.render(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/base.py", line 207, in render return self._render(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/base.py", line 199, in _render return self.nodelist.render(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/base.py", line 990, in render bit = node.render_annotated(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/base.py", line 957, in render_annotated return self.render(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/loader_tags.py", line 177, in render return compiled_parent._render(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/base.py", line 199, in _render return self.nodelist.render(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/base.py", line 990, in render bit = node.render_annotated(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/base.py", line 957, in render_annotated return self.render(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/loader_tags.py", line 177, in render return compiled_parent._render(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/base.py", line 199, in _render return self.nodelist.render(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/base.py", line 990, in render bit = node.render_annotated(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/base.py", line 957, in render_annotated return self.render(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/loader_tags.py", line 72, in render result = block.nodelist.render(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/base.py", line 990, in render bit = node.render_annotated(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/base.py", line 957, in render_annotated return self.render(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/loader_tags.py", line 72, in render result = block.nodelist.render(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/base.py", line 990, in render bit = node.render_annotated(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/base.py", line 957, in render_annotated return self.render(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/defaulttags.py", line 40, in render output = self.nodelist.render(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/base.py", line 990, in render bit = node.render_annotated(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/base.py", line 957, in render_annotated return self.render(context) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/defaulttags.py", line 166, in render values = self.sequence.resolve(context, True) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/django/template/base.py", line 736, in resolve new_obj = func(obj, *arg_vals) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/rest_framework/templatetags/rest_framework.py", line 244, in items return value.items() AttributeError: 'NoneType' object has no attribute 'items'
Traceback (most recent call last): "src/gevent/greenlet.py", line 817, in gevent._greenlet.Greenlet.run "/usr/local/lib/python2.7/dist-packages/crackmapexec-4.0.1.dev0-py2.7.egg/cme/protocols/winrm.py", line 22, in __init__ connection.__init__(self, args, db, host) "/usr/local/lib/python2.7/dist-packages/crackmapexec-4.0.1.dev0-py2.7.egg/cme/connection.py", line 41, in __init__ self.proto_flow() "/usr/local/lib/python2.7/dist-packages/crackmapexec-4.0.1.dev0-py2.7.egg/cme/protocols/winrm.py", line 42, in proto_flow if self.login(): "/usr/local/lib/python2.7/dist-packages/crackmapexec-4.0.1.dev0-py2.7.egg/cme/connection.py", line 168, in login if self.args.hash: AttributeError: 'Namespace' object has no attribute 'hash'
0.691465
Traceback (most recent call last): "/home/waterbug/anaconda2/lib/python2.7/site-packages/conda/exceptions.py", line 479, in conda_exception_handler return_value = func(*args, **kwargs) "/home/waterbug/anaconda2/lib/python2.7/site-packages/conda/cli/main.py", line 145, in _main exit_code = args.func(args, p) "/home/waterbug/anaconda2/lib/python2.7/site-packages/conda/cli/main_update.py", line 65, in execute install(args, parser, 'update') "/home/waterbug/anaconda2/lib/python2.7/site-packages/conda/cli/install.py", line 238, in install prefix=prefix) "/home/waterbug/anaconda2/lib/python2.7/site-packages/conda/api.py", line 24, in get_index index = fetch_index(channel_urls, use_cache=use_cache, unknown=unknown) "/home/waterbug/anaconda2/lib/python2.7/site-packages/conda/fetch.py", line 300, in fetch_index repodatas = [(u, f.result()) for u, f in zip(urls, futures)] "/home/waterbug/anaconda2/lib/python2.7/site-packages/concurrent/futures/_base.py", line 398, in result return self.__get_result() "/home/waterbug/anaconda2/lib/python2.7/site-packages/concurrent/futures/thread.py", line 55, in run result = self.fn(*self.args, **self.kwargs) "/home/waterbug/anaconda2/lib/python2.7/site-packages/conda/fetch.py", line 75, in func res = f(*args, **kwargs) "/home/waterbug/anaconda2/lib/python2.7/site-packages/conda/fetch.py", line 117, in fetch_repodata timeout=(6.1, 60)) "/home/waterbug/anaconda2/lib/python2.7/site-packages/requests/sessions.py", line 501, in get return self.request('GET', url, **kwargs) "/home/waterbug/anaconda2/lib/python2.7/site-packages/requests/sessions.py", line 488, in request resp = self.send(prep, **send_kwargs) "/home/waterbug/anaconda2/lib/python2.7/site-packages/requests/sessions.py", line 641, in send r.content "/home/waterbug/anaconda2/lib/python2.7/site-packages/requests/models.py", line 781, in content self._content = bytes().join(self.iter_content(CONTENT_CHUNK_SIZE)) or bytes() "/home/waterbug/anaconda2/lib/python2.7/site-packages/requests/models.py", line 714, in generate chunk = self.raw.read(chunk_size) AttributeError: 'exceptions.OSError' object has no attribute 'read'
Checking distribution dist/foo-0.0.0.tar.gz: Traceback (most recent call last): "/tmp/t/venv/bin/twine", line 11, in <module> sys.exit(main()) "/tmp/t/venv/lib/python3.6/site-packages/twine/__main__.py", line 28, in main return dispatch(sys.argv[1:]) "/tmp/t/venv/lib/python3.6/site-packages/twine/cli.py", line 75, in dispatch return main(args.args) "/tmp/t/venv/lib/python3.6/site-packages/twine/commands/check.py", line 126, in main return check(args.dists) "/tmp/t/venv/lib/python3.6/site-packages/twine/commands/check.py", line 97, in check metadata.get("description"), stream=stream, **parameters "/tmp/t/venv/lib/python3.6/site-packages/readme_renderer/rst.py", line 95, in render parts = publish_parts(raw, writer=writer, settings_overrides=settings) "/tmp/t/venv/lib/python3.6/site-packages/docutils/core.py", line 450, in publish_parts enable_exit_status=enable_exit_status) "/tmp/t/venv/lib/python3.6/site-packages/docutils/core.py", line 664, in publish_programmatically output = pub.publish(enable_exit_status=enable_exit_status) "/tmp/t/venv/lib/python3.6/site-packages/docutils/core.py", line 217, in publish self.settings) "/tmp/t/venv/lib/python3.6/site-packages/docutils/readers/__init__.py", line 71, in read self.input = self.source.read() "/tmp/t/venv/lib/python3.6/site-packages/docutils/io.py", line 435, in read return self.decode(self.source) "/tmp/t/venv/lib/python3.6/site-packages/docutils/io.py", line 99, in decode data_encoding = self.determine_encoding_from_data(data) "/tmp/t/venv/lib/python3.6/site-packages/docutils/io.py", line 142, in determine_encoding_from_data if data.startswith(start_bytes): AttributeError: 'NoneType' object has no attribute 'startswith'
0.698918
Traceback (most recent call last): "./RsaCtfTool.py", line 655, in <module> key = open(args.publickey, 'rb').read() NotFoundError: [Errno 2] No such file or directory: '*.pub'
Traceback (most recent call last): "<string>", line 1, in <module> "/tmp/pip-wheel-ihrg8wi5/ssshare/setup.py", line 6, in <module> with open('requirements.txt') as f: NotFoundError: [Errno 2] No such file or directory: 'requirements.txt'
0.847196
Traceback (most recent call last): "/anaconda3/lib/python3.6/site-packages/redis/connection.py", line 484, in connect sock = self._connect() "/anaconda3/lib/python3.6/site-packages/redis/connection.py", line 541, in _connect raise err "/anaconda3/lib/python3.6/site-packages/redis/connection.py", line 529, in _connect sock.connect(socket_address) ConnectionRefusedError: [Errno 61] Connection refused
Traceback (most recent call last): "/data/projects/fate/common/python/venv/lib/python3.6/site-packages/pymysql/connections.py", line 583, in connect **kwargs) "/data/projects/fate/common/miniconda3/lib/python3.6/socket.py", line 724, in create_connection raise err "/data/projects/fate/common/miniconda3/lib/python3.6/socket.py", line 713, in create_connection sock.connect(sa) ConnectionRefusedError: [Errno 111] Connection refused
0.882131
Traceback (most recent call last): "/home/hgy/anaconda3/envs/pytorch-python3/lib/python3.6/site-packages/transformers/tokenization_utils.py", line 360, in _from_pretrained resolved_vocab_files[file_id] = cached_path(file_path, cache_dir=cache_dir, force_download=force_download, proxies=proxies, resume_download=resume_download) "/home/hgy/anaconda3/envs/pytorch-python3/lib/python3.6/site-packages/transformers/file_utils.py", line 180, in cached_path resume_download=resume_download) "/home/hgy/anaconda3/envs/pytorch-python3/lib/python3.6/site-packages/transformers/file_utils.py", line 327, in get_from_cache http_get(url, temp_file, proxies=proxies, resume_size=resume_size) "/home/hgy/anaconda3/envs/pytorch-python3/lib/python3.6/site-packages/transformers/file_utils.py", line 243, in http_get response = requests.get(url, stream=True, proxies=proxies, headers=headers) "/home/hgy/anaconda3/envs/pytorch-python3/lib/python3.6/site-packages/requests/api.py", line 75, in get return request('get', url, params=params, **kwargs) "/home/hgy/anaconda3/envs/pytorch-python3/lib/python3.6/site-packages/requests/api.py", line 60, in request return session.request(method=method, url=url, **kwargs) "/home/hgy/anaconda3/envs/pytorch-python3/lib/python3.6/site-packages/requests/sessions.py", line 533, in request resp = self.send(prep, **send_kwargs) "/home/hgy/anaconda3/envs/pytorch-python3/lib/python3.6/site-packages/requests/sessions.py", line 646, in send r = adapter.send(request, **kwargs) "/home/hgy/anaconda3/envs/pytorch-python3/lib/python3.6/site-packages/requests/adapters.py", line 516, in send raise ConnectionError(e, request=request) requests.exceptions.ConnectionError: HTTPSConnectionPool(host='s3.amazonaws.com', port=443): Max retries exceeded with url: /models.huggingface.co/bert/bert-base-chinese-vocab.txt (Caused by NewConnectionError('<urllib3.connection.VerifiedHTTPSConnection object at 0x7f912c2cc550>: Failed to establish a new connection: [Errno 110] Connection timed out',))
Traceback (most recent call last): "/usr/local/lib/python3.5/dist-packages/homeassistant/components/device_tracker/__init__.py", line 148, in async_setup_platform None, platform.get_scanner, hass, {DOMAIN: p_config}) "/usr/lib/python3.5/asyncio/futures.py", line 361, in __iter__ yield self # This tells Task to wait for completion. "/usr/lib/python3.5/asyncio/tasks.py", line 296, in _wakeup future.result() "/usr/lib/python3.5/asyncio/futures.py", line 274, in result raise self._exception "/usr/lib/python3.5/concurrent/futures/thread.py", line 55, in run result = self.fn(*self.args, **self.kwargs) "/usr/local/lib/python3.5/dist-packages/homeassistant/components/device_tracker/ddwrt.py", line 39, in get_scanner return DdWrtDeviceScanner(config[DOMAIN]) "/usr/local/lib/python3.5/dist-packages/homeassistant/components/device_tracker/ddwrt.py", line 60, in __init__ data = self.get_ddwrt_data(url) "/usr/local/lib/python3.5/dist-packages/homeassistant/components/device_tracker/ddwrt.py", line 141, in get_ddwrt_data timeout=4) "/usr/lib/python3/dist-packages/requests/api.py", line 67, in get return request('get', url, params=params, **kwargs) "/usr/lib/python3/dist-packages/requests/api.py", line 53, in request return session.request(method=method, url=url, **kwargs) "/usr/lib/python3/dist-packages/requests/sessions.py", line 468, in request resp = self.send(prep, **send_kwargs) "/usr/lib/python3/dist-packages/requests/sessions.py", line 576, in send r = adapter.send(request, **kwargs) "/usr/lib/python3/dist-packages/requests/adapters.py", line 437, in send raise ConnectionError(e, request=request) requests.exceptions.ConnectionError: HTTPConnectionPool(host='192.168.5.1', port=80): Max retries exceeded with url: /Status_Wireless.live.asp (Caused by NewConnectionError('<requests.packages.urllib3.connection.HTTPConnection object at 0x7fbff68ed588>: Failed to establish a new connection: [Errno 111] Connection refused',))
0.843367
Traceback (most recent call last): "aster/demo.py", line 92, in <module> tf.app.run() "/usr/local/lib/python3.6/dist-packages/tensorflow/python/platform/app.py", line 125, in run _sys.exit(main(argv)) "aster/demo.py", line 55, in main predictions_dict = model.predict(tf.expand_dims(resized_image_tensor, 0)) "/root/aster/meta_architectures/multi_predictors_recognition_model.py", line 51, in predict predictor_outputs = predictor.predict(feature_maps, scope='{}/Predictor'.format(name)) "/root/aster/predictors/attention_predictor.py", line 74, in predict maximum_iterations=self._max_num_steps "/usr/local/lib/python3.6/dist-packages/tensorflow/contrib/seq2seq/python/ops/decoder.py", line 322, in dynamic_decode swap_memory=swap_memory) "/usr/local/lib/python3.6/dist-packages/tensorflow/python/ops/control_flow_ops.py", line 3291, in while_loop return_same_structure) "/usr/local/lib/python3.6/dist-packages/tensorflow/python/ops/control_flow_ops.py", line 3004, in BuildLoop pred, body, original_loop_vars, loop_vars, shape_invariants) "/usr/local/lib/python3.6/dist-packages/tensorflow/python/ops/control_flow_ops.py", line 2939, in _BuildLoop body_result = body(*packed_vars_for_body) "/usr/local/lib/python3.6/dist-packages/tensorflow/python/ops/control_flow_ops.py", line 3260, in <lambda> body = lambda i, lv: (i + 1, orig_body(*lv)) "/usr/local/lib/python3.6/dist-packages/tensorflow/contrib/seq2seq/python/ops/decoder.py", line 265, in body decoder_finished) = decoder.step(time, inputs, state) "/usr/local/lib/python3.6/dist-packages/tensorflow/contrib/seq2seq/python/ops/beam_search_decoder.py", line 657, instep cell_outputs, next_cell_state = self._cell(inputs, cell_state) "/usr/local/lib/python3.6/dist-packages/tensorflow/python/ops/rnn_cell_impl.py", line 233, in __call__ return super(RNNCell, self).__call__(inputs, state) "/usr/local/lib/python3.6/dist-packages/tensorflow/python/layers/base.py", line 374, in __call__ outputs = super(Layer, self).__call__(inputs, *args, **kwargs) "/usr/local/lib/python3.6/dist-packages/tensorflow/python/keras/engine/base_layer.py", line 757, in __call__ outputs = self.call(inputs, *args, **kwargs) "/root/aster/core/sync_attention_wrapper.py", line 73, in call alignment_history=self._item_or_tuple(all_histories)) TypeError: __new__() got multiple values for argument 'cell_state'
Traceback (most recent call last): "C:\Python36\lib\tkinter\__init__.py", line 1699, in __call__ return self.func(*args) TypeError: onDBClick() takes 1 positional argument but 2 were given
0.72012
Traceback (most recent call last): "/usr/src/homeassistant/homeassistant/setup.py", line 191, in _async_setup_component result = await task "/config/custom_components/sonoff/__init__.py", line 102, in async_setup if await registry.cloud_login(config[CONF_USERNAME], "/config/custom_components/sonoff/sonoff_main.py", line 110, in cloud_login return await self.cloud.login(username, password) "/config/custom_components/sonoff/sonoff_cloud.py", line 282, in login if resp.get('error') == 406: AttributeError: 'NoneType' object has no attribute 'get'`
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.671597
Traceback (most recent call last): "/home/travis/.poetry/bin/poetry", line 11, in <module> from poetry.console import main "/home/travis/.poetry/lib/poetry/console/__init__.py", line 1, in <module> from .application import Application "/home/travis/.poetry/lib/poetry/console/application.py", line 6, in <module> from cleo import Application as BaseApplication ModuleNotFoundError: No module named 'cleo'
Traceback (most recent call last): "manage.py", line 21, in <module> main() "manage.py", line 17, in main execute_from_command_line(sys.argv) "/home/florian/gitlab/mvp-edge-backend/backend/.venv/lib/python3.8/site-packages/django/core/management/__init__.py", line 401, in execute_from_command_line utility.execute() "/home/florian/gitlab/mvp-edge-backend/backend/.venv/lib/python3.8/site-packages/django/core/management/__init__.py", line 395, in execute self.fetch_command(subcommand).run_from_argv(self.argv) "/home/florian/gitlab/mvp-edge-backend/backend/.venv/lib/python3.8/site-packages/django/core/management/__init__.py", line 244, in fetch_command klass = load_command_class(app_name, subcommand) "/home/florian/gitlab/mvp-edge-backend/backend/.venv/lib/python3.8/site-packages/django/core/management/__init__.py", line 37, in load_command_class module = import_module('%s.management.commands.%s' % (app_name, name)) "/usr/lib/python3.8/importlib/__init__.py", line 127, in import_module return _bootstrap._gcd_import(name[level:], package, level) "<frozen importlib._bootstrap>", line 1014, in _gcd_import "<frozen importlib._bootstrap>", line 991, in _find_and_load "<frozen importlib._bootstrap>", line 975, in _find_and_load_unlocked "<frozen importlib._bootstrap>", line 671, in _load_unlocked "<frozen importlib._bootstrap_external>", line 783, in exec_module "<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed "/home/florian/gitlab/mvp-edge-backend/backend/.venv/lib/python3.8/site-packages/django/core/management/commands/makemigrations.py", line 11, in <module> from django.db.migrations import Migration "/home/florian/gitlab/mvp-edge-backend/backend/.venv/lib/python3.8/site-packages/django/db/migrations/__init__.py", line 1, in <module> from .migration import Migration, swappable_dependency # NOQA ModuleNotFoundError: No module named 'django.db.migrations.migration'
0.694439
Traceback (most recent call last): "/root/mailinabox/management/status_checks.py", line 944, in <module> run_checks(False, env, ConsoleOutput(), pool) "/root/mailinabox/management/status_checks.py", line 42, in run_checks run_domain_checks(rounded_values, env, output, pool) "/root/mailinabox/management/status_checks.py", line 288, in run_domain_checks ret = pool.starmap(run_domain_checks_on_domain, args, chunksize=1) "/usr/lib/python3.4/multiprocessing/pool.py", line 268, in starmap return self._map_async(func, iterable, starmapstar, chunksize).get() "/usr/lib/python3.4/multiprocessing/pool.py", line 599, in get raise self._value IndexError: list index out of range
Traceback (most recent call last): "E:/CTR/dien-master/script/train.py", line 233, in <module> if sys.argv[1] == 'train': IndexError: list index out of range
0.706616
Traceback (most recent call last): "/home/test/work/espnet/tools/venv/lib/python3.7/multiprocessing/process.py", line 297, in _bootstrap self.run() "/home/test/work/espnet/tools/venv/lib/python3.7/multiprocessing/process.py", line 99, in run self._target(*self._args, **self._kwargs) "/home/test/work/espnet/espnet2/tasks/abs_task.py", line 1222, in main_worker distributed_option=distributed_option, "/home/test/work/espnet/espnet2/train/trainer.py", line 212, in run options=trainer_options, "/home/test/work/espnet/espnet2/train/trainer.py", line 367, in train_one_epoch reporter.measure_iter_time(iterator, "iter_time"), 1 "/home/test/work/espnet/espnet2/train/reporter.py", line 204, in measure_iter_time iterator = iter(iterable) "/home/test/work/espnet/tools/venv/lib/python3.7/site-packages/torch/utils/data/dataloader.py", line 279, in __iter__ return _MultiProcessingDataLoaderIter(self) "/home/test/work/espnet/tools/venv/lib/python3.7/site-packages/torch/utils/data/dataloader.py", line 719, in __init__ w.start() "/home/test/work/espnet/tools/venv/lib/python3.7/multiprocessing/process.py", line 112, in start self._popen = self._Popen(self) "/home/test/work/espnet/tools/venv/lib/python3.7/multiprocessing/context.py", line 223, in _Popen return _default_context.get_context().Process._Popen(process_obj) "/home/test/work/espnet/tools/venv/lib/python3.7/multiprocessing/context.py", line 284, in _Popen return Popen(process_obj) "/home/test/work/espnet/tools/venv/lib/python3.7/multiprocessing/popen_spawn_posix.py", line 32, in __init__ super().__init__(process_obj) "/home/test/work/espnet/tools/venv/lib/python3.7/multiprocessing/popen_fork.py", line 20, in __init__ self._launch(process_obj) "/home/test/work/espnet/tools/venv/lib/python3.7/multiprocessing/popen_spawn_posix.py", line 47, in _launch reduction.dump(process_obj, fp) "/home/test/work/espnet/tools/venv/lib/python3.7/multiprocessing/reduction.py", line 60, in dump ForkingPickler(file, protocol).dump(obj) TypeError: cannot serialize '_io.BufferedReader' object
Traceback (most recent call last): "/Users/mr/anaconda2/lib/python2.7/threading.py", line 801, in __bootstrap_inner self.run() "/Users/mr/anaconda2/lib/python2.7/threading.py", line 754, in run self.__target(*self.__args, **self.__kwargs) "/Users/mr/anaconda2/lib/python2.7/multiprocessing/pool.py", line 332, in _handle_workers debug('worker handler exiting') TypeError: 'NoneType' object is not callable
0.676887
Traceback (most recent call last): "<stdin>", line 1, in <module> "/Users/cell/Desktop/tests/universe/universe/__init__.py", line 22, in <module> from universe import error, envs "/Users/cell/Desktop/tests/universe/universe/envs/__init__.py", line 1, in <module> import universe.envs.vnc_env "/Users/cell/Desktop/tests/universe/universe/envs/vnc_env.py", line 19, in <module> import go_vncdriver "/Library/Frameworks/Python.framework/Versions/3.5/lib/python3.5/site-packages/go_vncdriver/__init__.py", line 9, in <module> from go_vncdriver.go_vncdriver import * ImportError: dlopen(/Library/Frameworks/Python.framework/Versions/3.5/lib/python3.5/site-packages/go_vncdriver/go_vncdriver.so, 2): no suitable image found. Did find:
Traceback (most recent call last): "./optimize.py", line 3, in <module> from lib.RLTrader import RLTrader "/root/RLTrader/lib/RLTrader.py", line 6, in <module> from stable_baselines.common.base_class import BaseRLModel "/root/miniconda3/lib/python3.7/site-packages/stable_baselines/__init__.py", line 1, in <module> from stable_baselines.a2c import A2C "/root/miniconda3/lib/python3.7/site-packages/stable_baselines/a2c/__init__.py", line 1, in <module> from stable_baselines.a2c.a2c import A2C "/root/miniconda3/lib/python3.7/site-packages/stable_baselines/a2c/a2c.py", line 6, in <module> import tensorflow as tf "/root/miniconda3/lib/python3.7/site-packages/tensorflow/__init__.py", line 24, in <module> from tensorflow.python import pywrap_tensorflow # pylint: disable=unused-import "/root/miniconda3/lib/python3.7/site-packages/tensorflow/python/__init__.py", line 49, in <module> from tensorflow.python import pywrap_tensorflow "/root/miniconda3/lib/python3.7/site-packages/tensorflow/python/pywrap_tensorflow.py", line 74, in <module> raise ImportError(msg) ImportError: Traceback (most recent call last):
0.723206
2021-03-25 14:16:07,689 - [1;31mERROR[0m - 44387:DummyThread-33 - zato.server.service:0 - Can't run hook `<bound method AdminService.after_handle of <zato.server.service.internal.pubsub.endpoint.GetDeliveryMessages object at 0x7fb4ff171910>>`, e:`Traceback (most recent call last): "/opt/zato/3.2.0/code/zato-server/src/zato/server/service/__init__.py", line 181, in call_hook_no_service hook() "/opt/zato/3.2.0/code/zato-server/src/zato/server/service/internal/__init__.py", line 132, in after_handle self.name, replace_private_key(get_response_value(self.response)), self.cid) "/opt/zato/3.2.0/code/zato-common/src/zato/common/util/api.py", line 1649, in get_response_value return (response.payload.getvalue() if hasattr(response.payload, 'getvalue') else response.payload) or '' "src/zato/cy/reqresp/payload.py", line 201, in zato.cy.reqresp.payload.SimpleIOPayload.getvalue "src/zato/cy/reqresp/payload.py", line 229, in zato.cy.reqresp.payload.SimpleIOPayload.getvalue "src/zato/cy/simpleio.py", line 2187, in zato.simpleio.CySimpleIO.get_output "src/zato/cy/simpleio.py", line 2110, in zato.simpleio.CySimpleIO._convert_to_dicts "src/zato/cy/simpleio.py", line 2028, in _yield_data_dicts AttributeError: 'NoneType' object has no attribute 'get'
Traceback (most recent call last): "/usr/src/homeassistant/homeassistant/config_entries.py", line 217, in async_setup hass, self "/usr/src/homeassistant/homeassistant/components/onvif/__init__.py", line 73, in async_setup_entry if not await device.async_setup(): "/usr/src/homeassistant/homeassistant/components/onvif/device.py", line 98, in async_setup self.profiles = await self.async_get_profiles() "/usr/src/homeassistant/homeassistant/components/onvif/device.py", line 291, in async_get_profiles profile.ptz.presets = [preset.token for preset in presets] "/usr/src/homeassistant/homeassistant/components/onvif/device.py", line 291, in <listcomp> profile.ptz.presets = [preset.token for preset in presets] AttributeError: 'NoneType' object has no attribute 'token'
0.716758
Traceback (most recent call last): "/usr/bin/remarkable", line 65, in <module> import remarkable "/usr/lib/python3.8/site-packages/remarkable/__init__.py", line 26, in <module> import gi "/usr/lib/python3.8/site-packages/gi/__init__.py", line 42, in <module> from . import _gi ImportError: libffi.so.6: cannot open shared object file: No such file or directory
Traceback (most recent call last): "tools/train.py", line 16, in <module> from mmdet.apis import set_random_seed, train_detector "/home/zzf/Desktop/D2Det/tools/../mmdet/apis/__init__.py", line 1, in <module> from .inference import (async_inference_detector, inference_detector, "/home/zzf/Desktop/D2Det/tools/../mmdet/apis/inference.py", line 11, in <module> from mmdet.core import get_classes "/home/zzf/Desktop/D2Det/tools/../mmdet/core/__init__.py", line 7, in <module> from .post_processing import * # noqa: F401, F403 "/home/zzf/Desktop/D2Det/tools/../mmdet/core/post_processing/__init__.py", line 1, in <module> from .bbox_nms import multiclass_nms, multiclass_nms1 "/home/zzf/Desktop/D2Det/tools/../mmdet/core/post_processing/bbox_nms.py", line 3, in <module> from mmdet.ops.nms import nms_wrapper "/home/zzf/Desktop/D2Det/tools/../mmdet/ops/__init__.py", line 2, in <module> from .dcn import (DeformConv, DeformConvPack, DeformRoIPooling, "/home/zzf/Desktop/D2Det/tools/../mmdet/ops/dcn/__init__.py", line 1, in <module> from .deform_conv import (DeformConv, DeformConvPack, ModulatedDeformConv, "/home/zzf/Desktop/D2Det/tools/../mmdet/ops/dcn/deform_conv.py", line 10, in <module> from . import deform_conv_cuda ImportError: cannot import name 'deform_conv_cuda' from 'mmdet.ops.dcn' (/home/zzf/Desktop/D2Det/tools/../mmdet/ops/dcn/__init__.py)
0.725201
Traceback (most recent call last): "/home/pi/OctoPrint/venv/local/lib/python2.7/site-packages/OctoPrint-1.3.4-py2.7.egg/octoprint/plugin/core.py", line 689, in _import_plugin instance = imp.load_module(key, f, filename, description) "/home/pi/OctoPrint/venv/lib/python2.7/site-packages/OctoPrint-1.3.4-py2.7.egg/octoprint/plugins/discovery/__init__.py", line 14, in <module> import flask "/home/pi/OctoPrint/venv/local/lib/python2.7/site-packages/Flask-0.10.1-py2.7.egg/flask/__init__.py", line 21, in <module> from .app import Flask, Request, Response "/home/pi/OctoPrint/venv/local/lib/python2.7/site-packages/Flask-0.10.1-py2.7.egg/flask/app.py", line 26, in <module> from . import json ImportError: cannot import name json
Traceback (most recent call last): "<stdin>", line 1, in <module> ImportError: No module named pyes
0.749355
Traceback (most recent call last): "/usr/local/bin/plasma", line 11, in <module> load_entry_point('plasma==1.0', 'console_scripts', 'plasma')() "/usr/local/lib/python3.5/dist-packages/plasma-1.0-py3.5-linux-x86_64.egg/plasma/main.py", line 35, in console_entry if not gctx.load_file(): "/usr/local/lib/python3.5/dist-packages/plasma-1.0-py3.5-linux-x86_64.egg/plasma/lib/__init__.py", line 217, in load_file self.libarch = dis.load_arch_module() "/usr/local/lib/python3.5/dist-packages/plasma-1.0-py3.5-linux-x86_64.egg/plasma/lib/disassembler.py", line 208, in load_arch_module import plasma.lib.arch.x86 as ARCH "/usr/local/lib/python3.5/dist-packages/plasma-1.0-py3.5-linux-x86_64.egg/plasma/lib/arch/x86/__init__.py", line 1, in <module> import plasma.lib.arch.x86.output "/usr/local/lib/python3.5/dist-packages/plasma-1.0-py3.5-linux-x86_64.egg/plasma/lib/arch/x86/output.py", line 20, in <module> from capstone.x86 import (X86_INS_ADD, X86_INS_AND, X86_INS_CMP, X86_INS_DEC, ImportError: cannot import name 'X86_OP_FP'
Traceback (most recent call last): "<string>", line 1, in <module> "/System/Volumes/Data/anaconda3/envs/numpy115_mpl/lib/python3.7/site-packages/matplotlib/__init__.py", line 187, in <module> _check_versions() "/System/Volumes/Data/anaconda3/envs/numpy115_mpl/lib/python3.7/site-packages/matplotlib/__init__.py", line 172, in _check_versions from . import ft2font ImportError: numpy.core.multiarray failed to import
0.674657
Traceback (most recent call last): "raccoon_src/main.py", line 2, in <module> import asyncio "/home/vihg02h/.local/lib/python2.7/site-packages/asyncio/__init__.py", line 9, in <module> from . import selectors "/home/vihg02h/.local/lib/python2.7/site-packages/asyncio/selectors.py", line 39 "{!r}".format(fileobj)) from None ^ SyntaxError: invalid syntax
Traceback (most recent call last): "<string>", line 1, in <module> "/private/var/folders/t_/q00rqqr15lg950n1c8r2yxf00000gn/T/pip-build-700dus_5/linkchecker/setup.py", line 976, in <module> setup(**args) "/Users/pjcock/lib/python3.5/distutils/core.py", line 148, in setup dist.run_commands() "/private/var/folders/t_/q00rqqr15lg950n1c8r2yxf00000gn/T/pip-build-700dus_5/linkchecker/setup.py", line 476, in run_commands super(MyDistribution, self).run_commands() "/Users/pjcock/lib/python3.5/distutils/dist.py", line 955, in run_commands self.run_command(cmd) "/Users/pjcock/lib/python3.5/distutils/dist.py", line 974, in run_command cmd_obj.run() "/Users/pjcock/lib/python3.5/site-packages/setuptools/command/install.py", line 61, in run return orig.install.run(self) "/Users/pjcock/lib/python3.5/distutils/command/install.py", line 539, in run self.run_command('build') "/Users/pjcock/lib/python3.5/distutils/cmd.py", line 313, in run_command self.distribution.run_command(command) "/Users/pjcock/lib/python3.5/distutils/dist.py", line 974, in run_command cmd_obj.run() "/private/var/folders/t_/q00rqqr15lg950n1c8r2yxf00000gn/T/pip-build-700dus_5/linkchecker/setup.py", line 602, in run self.build_message_files() "/private/var/folders/t_/q00rqqr15lg950n1c8r2yxf00000gn/T/pip-build-700dus_5/linkchecker/setup.py", line 592, in build_message_files import msgfmt "po/msgfmt.py", line 82 0x950412deL, # Magic ^ SyntaxError: invalid syntax
0.69614
Traceback (most recent call last): "C:\Users\test\Desktop\blender-2.79.0-git.f55adab-windows64\2.79\scripts\modules\addon_utils.py", line 338, in enable mod = __import__(module_name) "C:\Users\test\AppData\Roaming\Blender Foundation\Blender\2.79\scripts\addons\animation_nodes\__init__.py", line 166, in <module> modules = import_modules.importAllSubmodules(__path__[0], __package__) "C:\Users\test\AppData\Roaming\Blender Foundation\Blender\2.79\scripts\addons\animation_nodes\import_modules.py", line 8, in importAllSubmodules module = importlib.import_module("." + name, packageName) "C:\Users\test\Desktop\blender-2.79.0-git.f55adab-windows64\2.79\python\lib\importlib\__init__.py", line 126, in import_module return _bootstrap._gcd_import(name[level:], package, level) "C:\Users\test\AppData\Roaming\Blender Foundation\Blender\2.79\scripts\addons\animation_nodes\base_types\nodes\vectorized_node.py", line 6, in <module> from .. effects import AutoSelectVectorization, VectorizeCodeEffect ImportError: cannot import name 'AutoSelectVectorization'
Traceback (most recent call last): "D:\BitTorrent\DeepFaceLab\DeepFaceLab_NVIDIA\_internal\DeepFaceLab\samplelib\Sample.py", line 4, in <module> "<string>", line 1, in <module> ImportError: numpy.core.multiarray failed to import
0.727697
Traceback (most recent call last): "/usr/local/lib/python3.5/dist-packages/tensorflow/python/client/session.py", line 1322, in _do_call return fn(*args) "/usr/local/lib/python3.5/dist-packages/tensorflow/python/client/session.py", line 1307, in _run_fn options, feed_dict, fetch_list, target_list, run_metadata) "/usr/local/lib/python3.5/dist-packages/tensorflow/python/client/session.py", line 1409, in _call_tf_sessionrun run_metadata) tensorflow.python.framework.errors_impl.InvalidArgumentError: Nan in summary histogram for: pred
Traceback (most recent call last): "/tensorflow-1.15.2/python3.6/tensorflow_core/python/training/saver.py", line 1290, in restore {self.saver_def.filename_tensor_name: save_path}) "/tensorflow-1.15.2/python3.6/tensorflow_core/python/client/session.py", line 956, in run run_metadata_ptr) "/tensorflow-1.15.2/python3.6/tensorflow_core/python/client/session.py", line 1180, in _run feed_dict_tensor, options, run_metadata) "/tensorflow-1.15.2/python3.6/tensorflow_core/python/client/session.py", line 1359, in _do_run run_metadata) "/tensorflow-1.15.2/python3.6/tensorflow_core/python/client/session.py", line 1384, in _do_call raise type(e)(node_def, op, message) tensorflow.python.framework.errors_impl.InvalidArgumentError: 2 root error(s) found.
0.67504
Traceback (most recent call last): "<string>", line 1, in <module> ImportError: No module named 'tensorpack.contrib'
Traceback (most recent call last): "/opt/yeti/yeti.py", line 7, in <module> from core.web import webapp "/opt/yeti/core/__init__.py", line 4, in <module> from core.exports import Export "/opt/yeti/core/exports/__init__.py", line 1, in <module> from core.exports.export import ExportTemplate "/opt/yeti/core/exports/export.py", line 16, in <module> from core.config.celeryctl import celery_app "/opt/yeti/core/config/celeryctl.py", line 3, in <module> from celery import Celery "/usr/local/lib/python2.7/dist-packages/celery/local.py", line 509, in __getattr__ module = __import__(self._object_origins[name], None, None, [name]) "/usr/local/lib/python2.7/dist-packages/celery/app/__init__.py", line 5, in <module> from celery import _state "/usr/local/lib/python2.7/dist-packages/celery/_state.py", line 15, in <module> from celery.utils.threads import LocalStack "/usr/local/lib/python2.7/dist-packages/celery/utils/__init__.py", line 10, in <module> from .nodenames import worker_direct, nodename, nodesplit "/usr/local/lib/python2.7/dist-packages/celery/utils/nodenames.py", line 7, in <module> from kombu.entity import Exchange, Queue "/usr/local/lib/python2.7/dist-packages/kombu/entity.py", line 6, in <module> from .abstract import MaybeChannelBound, Object "/usr/local/lib/python2.7/dist-packages/kombu/abstract.py", line 6, in <module> from .connection import maybe_channel "/usr/local/lib/python2.7/dist-packages/kombu/connection.py", line 20, in <module> from .log import get_logger "/usr/local/lib/python2.7/dist-packages/kombu/log.py", line 9, in <module> from logging.handlers import Watched Handler ImportError: cannot import name Watched Handler
0.715276
Traceback (most recent call last): "/Users/msverdlik/.virtualenvs/sceptre/bin/sceptre", line 11, in <module> load_entry_point('sceptre', 'console_scripts', 'sceptre')() "/Users/msverdlik/.virtualenvs/sceptre/lib/python3.7/site-packages/click/core.py", line 764, in __call__ return self.main(*args, **kwargs) "/Users/msverdlik/.virtualenvs/sceptre/lib/python3.7/site-packages/click/core.py", line 717, in main rv = self.invoke(ctx) "/Users/msverdlik/.virtualenvs/sceptre/lib/python3.7/site-packages/click/core.py", line 1137, in invoke return _process_result(sub_ctx.command.invoke(sub_ctx)) "/Users/msverdlik/.virtualenvs/sceptre/lib/python3.7/site-packages/click/core.py", line 956, in invoke return ctx.invoke(self.callback, **ctx.params) "/Users/msverdlik/.virtualenvs/sceptre/lib/python3.7/site-packages/click/core.py", line 555, in invoke return callback(*args, **kwargs) "/Users/msverdlik/.virtualenvs/sceptre/lib/python3.7/site-packages/click/decorators.py", line 17, in new_func return f(get_current_context(), *args, **kwargs) "/Users/msverdlik/src/sceptre/sceptre/cli/helpers.py", line 37, in decorated return func(*args, **kwargs) "/Users/msverdlik/src/sceptre/sceptre/cli/create.py", line 47, in create_command responses = plan.create() "/Users/msverdlik/src/sceptre/sceptre/plan/plan.py", line 86, in create return self._execute(*args) "/Users/msverdlik/src/sceptre/sceptre/plan/plan.py", line 37, in _execute return executor.execute(*args) "/Users/msverdlik/src/sceptre/sceptre/plan/executor.py", line 55, in execute stack, status = future.result() "/usr/local/Cellar/python/3.7.2_1/Frameworks/Python.framework/Versions/3.7/lib/python3.7/concurrent/futures/_base.py", line 425, in result return self.__get_result() "/usr/local/Cellar/python/3.7.2_1/Frameworks/Python.framework/Versions/3.7/lib/python3.7/concurrent/futures/_base.py", line 384, in __get_result raise self._exception "/usr/local/Cellar/python/3.7.2_1/Frameworks/Python.framework/Versions/3.7/lib/python3.7/concurrent/futures/thread.py", line 57, in run result = self.fn(*self.args, **self.kwargs) "/Users/msverdlik/src/sceptre/sceptre/plan/executor.py", line 62, in _execute result = getattr(actions, self.command)(*args) "/Users/msverdlik/src/sceptre/sceptre/hooks/__init__.py", line 104, in decorated response = func(self, *args, **kwargs) "/Users/msverdlik/src/sceptre/sceptre/plan/actions.py", line 81, in create kwargs=create_stack_kwargs "/Users/msverdlik/src/sceptre/sceptre/connection_manager.py", line 45, in decorated return func(*args, **kwargs) "/Users/msverdlik/src/sceptre/sceptre/connection_manager.py", line 203, in call client = self._get_client(service, region, profile, stack_name) "/Users/msverdlik/src/sceptre/sceptre/connection_manager.py", line 171, in _get_client profile, region "/Users/msverdlik/src/sceptre/sceptre/connection_manager.py", line 136, in _get_session session.get_credentials().method, AttributeError: 'NoneType' object has no attribute 'method'
Traceback (most recent call last): "/Users/troydai/code/alpha-env/env/lib/python3.6/site-packages/azure/cli/main.py", line 36, in main cmd_result = APPLICATION.execute(args) "/Users/troydai/code/alpha-env/env/lib/python3.6/site-packages/azure/cli/core/application.py", line 212, in execute result = expanded_arg.func(params) "/Users/troydai/code/alpha-env/env/lib/python3.6/site-packages/azure/cli/core/commands/__init__.py", line 377, in __call__ return self.handler(*args, **kwargs) "/Users/troydai/code/alpha-env/env/lib/python3.6/site-packages/azure/cli/core/commands/__init__.py", line 623, in _execute_command exception_handler(ex) "/Users/troydai/code/alpha-env/env/lib/python3.6/site-packages/azure/cli/command_modules/monitor/_exception_handler.py", line 11, in monitor_exception_handler if hasattr(ex, 'inner_exception') and 'MonitoringService' in ex.inner_exception.message: AttributeError: 'HTTPError' object has no attribute 'message'
0.71502
Traceback (most recent call last): "/usr/local/bin/pytest", line 11, in <module> sys.exit(main()) "/usr/local/lib/python3.6/site-packages/_pytest/config.py", line 50, in main config = _prepareconfig(args, plugins) "/usr/local/lib/python3.6/site-packages/_pytest/config.py", line 160, in _prepareconfig pluginmanager=pluginmanager, args=args) "/usr/local/lib/python3.6/site-packages/pluggy/__init__.py", line 617, in __call__ return self._hookexec(self, self._nonwrappers + self._wrappers, kwargs) "/usr/local/lib/python3.6/site-packages/pluggy/__init__.py", line 222, in _hookexec return self._inner_hookexec(hook, methods, kwargs) "/usr/local/lib/python3.6/site-packages/pluggy/__init__.py", line 216, in <lambda> firstresult=hook.spec_opts.get('firstresult'), "/usr/local/lib/python3.6/site-packages/pluggy/callers.py", line 196, in _multicall gen.send(outcome) "/usr/local/lib/python3.6/site-packages/_pytest/helpconfig.py", line 68, in pytest_cmdline_parse config = outcome.get_result() "/usr/local/lib/python3.6/site-packages/pluggy/callers.py", line 76, in get_result raise ex[1].with_traceback(ex[2]) "/usr/local/lib/python3.6/site-packages/pluggy/callers.py", line 180, in _multicall res = hook_impl.function(*args) "/usr/local/lib/python3.6/site-packages/_pytest/config.py", line 942, in pytest_cmdline_parse self.parse(args) "/usr/local/lib/python3.6/site-packages/_pytest/config.py", line 1107, in parse self._preparse(args, addopts=addopts) "/usr/local/lib/python3.6/site-packages/_pytest/config.py", line 1070, in _preparse self.pluginmanager.load_setuptools_entrypoints('pytest11') "/usr/local/lib/python3.6/site-packages/pluggy/__init__.py", line 397, in load_setuptools_entrypoints plugin = ep.load() "/usr/local/lib/python3.6/site-packages/pkg_resources/__init__.py", line 2409, in load return self.resolve() "/usr/local/lib/python3.6/site-packages/pkg_resources/__init__.py", line 2415, in resolve module = __import__(self.module_name, fromlist=['__name__'], level=0) "/usr/local/lib/python3.6/site-packages/_pytest/assertion/rewrite.py", line 212, in load_module py.builtin.exec_(co, mod.__dict__) "/usr/local/lib/python3.6/site-packages/pytest_metadata/plugin.py", line 8, in <module> import _pytest._pluggy as pluggy ModuleNotFoundError: No module named '_pytest._pluggy'
Traceback (most recent call last): "<stdin>", line 1, in <module> "/home/oberstet/cpy372_5/lib/python3.7/site-packages/twisted/conch/ssh/keys.py", line 19, in <module> from cryptography.exceptions import InvalidSignature ModuleNotFoundError: No module named 'cryptography'
0.77484
Traceback (most recent call last): "E:/python test/point cloud/test.py", line 6, in <module> fil.filter().to_file("inliers.pcd") "pcl\pxi\PointCloud_PointXYZ_180.pxi", line 271, in pcl._pcl.PointCloud.to_file (pcl\_pcl_180.cpp:60567) TypeError: expected bytes, str found
Traceback (most recent call last): "/home/jutin/PycharmProjects/newML/test-garage.py", line 1, in <module> from garage import wrap_experiment "/home/jutin/anaconda3/envs/newML/lib/python3.8/site-packages/garage/__init__.py", line 10, in <module> from garage.experiment.experiment import wrap_experiment "/home/jutin/anaconda3/envs/newML/lib/python3.8/site-packages/garage/experiment/__init__.py", line 4, in <module> from garage.experiment.local_runner import LocalRunner "/home/jutin/anaconda3/envs/newML/lib/python3.8/site-packages/garage/experiment/local_runner.py", line 11, in <module> from garage.experiment.snapshotter import Snapshotter "/home/jutin/anaconda3/envs/newML/lib/python3.8/site-packages/garage/experiment/snapshotter.py", line 8, in <module> import joblib "/home/jutin/anaconda3/envs/newML/lib/python3.8/site-packages/joblib/__init__.py", line 119, in <module> from .parallel import Parallel "/home/jutin/anaconda3/envs/newML/lib/python3.8/site-packages/joblib/parallel.py", line 32, in <module> from .externals.cloudpickle import dumps, loads "/home/jutin/anaconda3/envs/newML/lib/python3.8/site-packages/joblib/externals/cloudpickle/__init__.py", line 3, in <module> from .cloudpickle import * "/home/jutin/anaconda3/envs/newML/lib/python3.8/site-packages/joblib/externals/cloudpickle/cloudpickle.py", line 151, in <module> _cell_set_template_code = _make_cell_set_template_code() "/home/jutin/anaconda3/envs/newML/lib/python3.8/site-packages/joblib/externals/cloudpickle/cloudpickle.py", line 132, in _make_cell_set_template_code return types.CodeType( TypeError: an integer is required (got type bytes)
0.709581
Traceback (most recent call last): "/Users/vladimirbugay/anaconda3/lib/python3.6/runpy.py", line 193, in _run_module_as_main "__main__", mod_spec) "/Users/vladimirbugay/anaconda3/lib/python3.6/runpy.py", line 85, in _run_code exec(code, run_globals) "/Users/vladimirbugay/Knoema/GitHub/google-research/albert/run_classifier_with_tfhub.py", line 320, in <module> tf.app.run() "/Users/vladimirbugay/anaconda3/lib/python3.6/site-packages/tensorflow/python/platform/app.py", line 40, in run _run(main=main, argv=argv, flags_parser=_parse_flags_tolerate_undef) "/Users/vladimirbugay/anaconda3/lib/python3.6/site-packages/absl/app.py", line 299, in run _run_main(main, args) "/Users/vladimirbugay/anaconda3/lib/python3.6/site-packages/absl/app.py", line 250, in _run_main sys.exit(main(argv)) "/Users/vladimirbugay/Knoema/GitHub/google-research/albert/run_classifier_with_tfhub.py", line 187, in main tokenizer = create_tokenizer_from_hub_module(FLAGS.albert_hub_module_handle) "/Users/vladimirbugay/Knoema/GitHub/google-research/albert/run_classifier_with_tfhub.py", line 161, in create_tokenizer_from_hub_module spm_model_file=FLAGS.spm_model_file) "/Users/vladimirbugay/Knoema/GitHub/google-research/albert/tokenization.py", line 247, in __init__ self.vocab = load_vocab(vocab_file) "/Users/vladimirbugay/Knoema/GitHub/google-research/albert/tokenization.py", line 201, in load_vocab token = token.strip().split()[0] IndexError: list index out of range
Traceback (most recent call last): "/usr/lib/python3.6/threading.py", line 916, in _bootstrap_inner self.run() "/root/faceswap/lib/utils.py", line 42, in run for item in self.generator: "/root/faceswap/lib/training_data.py", line 43, in minibatch rtn = numpy.float32([read_image(data[j]) for j in range(i,i+size)]) "/root/faceswap/lib/training_data.py", line 43, in <listcomp> rtn = numpy.float32([read_image(data[j]) for j in range(i,i+size)]) IndexError: list index out of range
0.701726
Traceback (most recent call last): "/Users/jia/.virtualenvs/tensorflow1.3/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 3972, in get_controller if self.stack[-1] is not default: IndexError: list index out of range
Traceback (most recent call last): "/usr/lib/python3/dist-packages/thonny/shared/thonny/ast_utils.py", line 178, in _mark_text_ranges_rec tokens = _mark_end_and_return_child_tokens(node, tokens, prelim_end_lineno, prelim_end_col_offset) "/usr/lib/python3/dist-packages/thonny/shared/thonny/ast_utils.py", line 263, in _mark_end_and_return_child_tokens _strip_trailing_junk_from_expressions(tokens) "/usr/lib/python3/dist-packages/thonny/shared/thonny/ast_utils.py", line 202, in _strip_trailing_junk_from_expressions while (tokens[-1].type not in (token.RBRACE, token.RPAR, token.RSQB, IndexError: list index out of range
0.709478
Traceback (most recent call last): "test/test_func.py", line 6, in <module> from pylint.testutils import make_tests, LintTestUsing , cb_test_gen, linter ImportError: cannot import name make_tests
Traceback (most recent call last): "<stdin>", line 1, in <module> ImportError: /home/johnj/.pyenv/versions/general/lib/python3.7/site-packages/procname.cpython-37m-x86_64-linux-gnu.so: undefined symbol: Py_InitModule3
0.743826
Traceback (most recent call last): "/home/maximl/DATA/dev/Forked_CellProfiler/cellprofiler/gui/moduleview.py", line 1322, in callback self.__on_do_something(event, setting) "/home/maximl/DATA/dev/Forked_CellProfiler/cellprofiler/gui/moduleview.py", line 2336, in __on_do_something setting.on_event_fired() "/home/maximl/DATA/dev/Forked_CellProfiler/cellprofiler/setting.py", line 2303, in on_event_fired self.__callback(*self.__args) "/home/maximl/DATA/dev/Forked_CellProfiler/cellprofiler/modules/metadata.py", line 677, in <lambda> lambda: self.do_update_metadata(group), "/home/maximl/DATA/dev/Forked_CellProfiler/cellprofiler/modules/metadata.py", line 1123, in do_update_metadata filelist.add_metadata(url, metadata) "/home/maximl/DATA/dev/Forked_CellProfiler/cellprofiler/utilities/hdf5_dict.py", line 1497, in add_metadata metadata_array[index] = metadata "/home/maximl/DATA/dev/Forked_CellProfiler/cellprofiler/utilities/hdf5_dict.py", line 2169, in __setitem__ self.data[begin:end] = numpy.frombuffer(value, "S1") AttributeError: 'str' object has no attribute '__buffer__'
Traceback (most recent call last): "/usr/bin/salt-call", line 11, in <module> salt_call() "/usr/lib/python2.7/dist-packages/salt/scripts.py", line 391, in salt_call client.run() "/usr/lib/python2.7/dist-packages/salt/cli/call.py", line 58, in run caller.run() "/usr/lib/python2.7/dist-packages/salt/cli/caller.py", line 134, in run ret = self.call() "/usr/lib/python2.7/dist-packages/salt/cli/caller.py", line 204, in call ret['return'] = func(*args, **kwargs) "/usr/lib/python2.7/dist-packages/salt/modules/nova.py", line 612, in list_ return server_list(profile=profile) "/usr/lib/python2.7/dist-packages/salt/modules/nova.py", line 625, in server_list conn = _auth(profile) "/usr/lib/python2.7/dist-packages/salt/modules/nova.py", line 145, in _auth return suon.SaltNova(**kwargs) "/usr/lib/python2.7/dist-packages/salt/utils/openstack/nova.py", line 257, in __init__ **kwargs) "/usr/lib/python2.7/dist-packages/salt/utils/openstack/nova.py", line 330, in _old_init novaclient.auth_plugin.discover_auth_systems() AttributeError: 'module' object has no attribute 'auth_plugin'
0.683249
Traceback (most recent call last): "infer.py", line 14, in <module> from model_utils.model import DeepSpeech2Model "/DeepSpeech/model_utils/model.py", line 23, in <module> from model_utils.network import deep_speech_v2_network "/DeepSpeech/model_utils/network.py", line 62, in <module> class RNNCell(fluid.layers.RNNCell): AttributeError: 'module' object has no attribute 'RNNCell'
Traceback (most recent call last): "/home/lobsang/CTFtools/RsaCtfTool/./RsaCtfTool.py", line 292, in <module> attackobj.attack_single_key(publickey, attacks_list) "/home/lobsang/CTFtools/RsaCtfTool/lib/rsa_attack.py", line 209, in attack_single_key self.priv_key, unciphered = attack_module.attack( "/home/lobsang/CTFtools/RsaCtfTool/attacks/single_key/z3_solver.py", line 49, in attack publickey.p = p.as_string() AttributeError: 'NoneType' object has no attribute 'as_string'
0.690102
Traceback (most recent call last): "test_network.py", line 11, in <module> model.initialize(model='net-lin',net='alex',use_gpu=False) "/Users/faro/repositories/PerceptualSimilarity/models/dist_model.py", line 38, in initialize self.net.load_state_dict(torch.load('./weights/%s.pth'%net, map_location=lambda storage, loc: 'cpu')) "/Users/faro/repositories/PerceptualSimilarity/.env/lib/python3.6/site-packages/torch/serialization.py", line 261, in load return _load(f, map_location, pickle_module) "/Users/faro/repositories/PerceptualSimilarity/.env/lib/python3.6/site-packages/torch/serialization.py", line 409, in _load result = unpickler.load() "/Users/faro/repositories/PerceptualSimilarity/.env/lib/python3.6/site-packages/torch/_utils.py", line 74, in _rebuild_tensor module = importlib.import_module(storage.__module__) AttributeError: 'str' object has no attribute '__module__'
Traceback (most recent call last): "scripts/run_experiments.py", line 214, in <module> run_all_LMs(parameters) "scripts/run_experiments.py", line 207, in run_all_LMs run_experiments(*parameters, input_param=ip, use_negated_probes=False) "scripts/run_experiments.py", line 125, in run_experiments model = build_model_by_name(model_type_name, args) "LAMA-master/lama/modules/__init__.py", line 33, in build_model_by_name return MODEL_NAME_TO_CLASS[lm](args) "LAMA-master/lama/modules/transformerxl_connector.py", line 33, in __init__ self.vocab = list(self.tokenizer.idx2sym) AttributeError: 'NoneType' object has no attribute 'idx2sym'
0.696618
Traceback (most recent call last): "/usr/lib/python3.6/tkinter/__init__.py", line 37, in <module> import _tkinter ModuleNotFoundError: No module named '_tkinter'
Traceback (most recent call last): "<string>", line 1, in <module> "/private/var/folders/tv/rll347qs2w90bq2cqdz_8v440000gn/T/pip-install-7ejccz90/pymssql/setup.py", line 88, in <module> from Cython.Distutils import build_ext as _build_ext ModuleNotFoundError: No module named 'Cython'
0.832162
Traceback (most recent call last): "<string>", line 1, in <module> "/usr/lib/python3/dist-packages/gi/importer.py", line 127, in find_module 'introspection typelib not found' % namespace) ImportError: cannot import name i3ipc, introspection typelib not found
Traceback (most recent call last): "<string>", line 1, in <module> "/tmp/pip-install-916609ga/markupsafe/setup.py", line 6, in <module> from setuptools import setup, Extension, Feature ImportError: cannot import name 'Feature'
0.808464
Traceback (most recent call last): "/opt/jenkins/9ffc0e42/workspace/kend_libs_lib-djangoutils_master/.tox/.env/lib/python3.6/site-packages/pip/_vendor/pep517/_in_process.py", line 257, in <module> main() "/opt/jenkins/9ffc0e42/workspace/kend_libs_lib-djangoutils_master/.tox/.env/lib/python3.6/site-packages/pip/_vendor/pep517/_in_process.py", line 240, in main json_out['return_val'] = hook(**hook_input['kwargs']) "/opt/jenkins/9ffc0e42/workspace/kend_libs_lib-djangoutils_master/.tox/.env/lib/python3.6/site-packages/pip/_vendor/pep517/_in_process.py", line 91, in get_requires_for_build_wheel return hook(config_settings) "/tmp/pip-build-env-pt2z8cq9/overlay/lib/python3.6/site-packages/setuptools/build_meta.py", line 146, in get_requires_for_build_wheel return self._get_build_requires(config_settings, requirements=['wheel']) "/tmp/pip-build-env-pt2z8cq9/overlay/lib/python3.6/site-packages/setuptools/build_meta.py", line 127, in _get_build_requires self.run_setup() "/tmp/pip-build-env-pt2z8cq9/overlay/lib/python3.6/site-packages/setuptools/build_meta.py", line 243, in run_setup self).run_setup(setup_script=setup_script) "/tmp/pip-build-env-pt2z8cq9/overlay/lib/python3.6/site-packages/setuptools/build_meta.py", line 142, in run_setup exec(compile(code, __file__, 'exec'), locals()) "setup.py", line 13, in <module> long_description = read_files(['README.md', 'CHANGELOG.md']) "setup.py", line 9, in read_files data.append(f.read()) "/opt/jenkins/9ffc0e42/workspace/kend_libs_lib-djangoutils_master/.tox/.env/lib/python3.6/encodings/ascii.py", line 26, in decode return codecs.ascii_decode(input, self.errors)[0] UnicodeDecodeError: 'ascii' codec can't decode byte 0xe2 in position 2589: ordinal not in range(128)```
Traceback (most recent call last): "/home/ubuntu/longshotsyndicate/ray/python/ray/log_monitor.py", line 268, in <module> log_monitor.run() "/home/ubuntu/longshotsyndicate/ray/python/ray/log_monitor.py", line 219, in run anything_published = self.check_log_files_and_publish_updates() "/home/ubuntu/longshotsyndicate/ray/python/ray/log_monitor.py", line 175, in check_log_files_and_publish_updates next_line = file_info.file_handle.readline() "/home/ubuntu/conda/envs/venv/lib/python3.7/codecs.py", line 322, in decode (result, consumed) = self._buffer_decode(data, self.errors, final) UnicodeDecodeError: 'utf-8' codec can't decode byte 0xc2 in position 0: unexpected end of data
0.715914
Traceback (most recent call last): "/usr/local/bin/lexicon", line 11, in <module> sys.exit(main()) "/usr/local/lib/python2.7/dist-packages/lexicon/cli.py", line 101, in main parsed_args = generate_cli_main_parser().parse_args() "/usr/local/lib/python2.7/dist-packages/lexicon/parser.py", line 60, in generate_cli_main_parser 'lexicon.providers.' + provider) "/usr/lib/python2.7/importlib/__init__.py", line 37, in import_module __import__(name) "/usr/local/lib/python2.7/dist-packages/lexicon/providers/godaddy.py", line 9, in <module> from urllib3.util.retry import Retry ImportError: No module named retry
Traceback (most recent call last): "script.py", line 40, in <module> from scapy.all import * ImportError: No module named scapy.all
0.8292
Traceback (most recent call last): "./youtube-dl/youtube_dl/InfoExtractors.py", line 1755, in _real_extract page = compat_urllib_request.urlopen(url).read().decode('utf8') "/usr/lib/python2.7/urllib2.py", line 127, in urlopen return _opener.open(url, data, timeout) "/usr/lib/python2.7/urllib2.py", line 407, in open response = meth(req, response) "/usr/lib/python2.7/urllib2.py", line 520, in http_response 'http', request, response, code, msg, hdrs) "/usr/lib/python2.7/urllib2.py", line 445, in error return self._call_chain(_args) "/usr/lib/python2.7/urllib2.py", line 379, in _call_chain result = func(_args) "/usr/lib/python2.7/urllib2.py", line 528, in http_error_default raise HTTPError(req.get_full_url(), code, msg, hdrs, fp)HTTPError: HTTP Error 404: Not Found
Traceback (most recent call last): "C:\Transmogrifier\youtube-dl.py\youtube_dl\YoutubeDL.py", line 1087, in process_info success = dl(filename, info_dict) "C:\Transmogrifier\youtube-dl.py\youtube_dl\YoutubeDL.py", line 1063, in dl return fd.download(name, info) "C:\Transmogrifier\youtube-dl.py\youtube_dl\downloader\common.py", line 294, in download return self.real_download(filename, info_dict) "C:\Transmogrifier\youtube-dl.py\youtube_dl\downloader\http.py", line 66, in real_download data = self.ydl.urlopen(request) "C:\Transmogrifier\youtube-dl.py\youtube_dl\YoutubeDL.py", line 1321, in urlopen return self._opener.open(req, timeout=self._socket_timeout) "C:\Python27\lib\urllib2.py", line 410, in open response = meth(req, response) "C:\Python27\lib\urllib2.py", line 523, in http_response 'http', request, response, code, msg, hdrs) "C:\Python27\lib\urllib2.py", line 448, in error return self._call_chain(_args) "C:\Python27\lib\urllib2.py", line 382, in _call_chain result = func(_args) "C:\Python27\lib\urllib2.py", line 531, in http_error_default raise HTTPError(req.get_full_url(), code, msg, hdrs, fp)HTTPError: HTTP Error 404: Not Found
0.922137
Traceback (most recent call last): "\Anaconda3\lib\site.py", line 168, in addpackage exec(line) "<string>", line 1, in <module> "<frozen importlib._bootstrap>", line 580, in module_from_spec AttributeError: 'NoneType' object has no attribute 'loader'
Traceback (most recent call last): "./enet-pat.py", line 276, in <module> if args.gpu: "/home/xx/Tool/tensorpack-master/examples/SuperResolution/GAN.py", line 166, in __init__ cbs = input.setup(model.get_input_signature()) AttributeError: 'Model' object has no attribute 'get_input_signature'
0.69596
Traceback (most recent call last): "<string>", line 13, in <module> ImportError: No module named 'PIL'
Traceback (most recent call last): "example_gan_cifar10.py", line 18, in <module> from keras_adversarial.legacy import Dense, BatchNormalization, fit, l1l2, Convolution2D, AveragePooling2D ImportError: No module named legacy
0.773018
Traceback (most recent call last): "train.py", line 581, in <module> main() "train.py", line 337, in main saver.restore(sess, ckpt) "/home/abigailkkeenan/gpt-2/tflex.py", line 206, in restore if '.ckpt' in os.path.basename(save_path): "/usr/lib/python3.5/posixpath.py", line 139, in basename i = p.rfind(sep) + 1 AttributeError: 'NoneType' object has no attribute 'rfind'`
Traceback (most recent call last): "/srv/homeassistant/lib/python3.5/site-packages/pychromecast/socket_client.py", line 1048, in _report_status listener.new_cast_status(self.status) "/srv/homeassistant/lib/python3.5/site-packages/pychromecast/socket_client.py", line 381, in new_cast_status new_channel = self.destination_id != cast_status.transport_id AttributeError: 'NoneType' object has no attribute 'transport_id'
0.683737
Traceback (most recent call last): "c:\users\tgubs\appdata\local\temp\tmpiv9mwn\pip.zip\pip\_vendor\requests\packages\urllib3\_collections.py", line 14, in <module> ImportError: cannot import name OrderedDict
Traceback (most recent call last): "<stdin>", line 1, in <module> ImportError: No module named net
0.743447
Traceback (most recent call last): "<stdin>", line 1, in <module> "/****/raven/base.py", line 792, in captureMessage return self.capture('raven.events.Message', message=message, **kwargs) "/****/raven/contrib/awslambda/__init__.py", line 67, in capture user_info = self._get_user_interface(event) "/****/raven/contrib/awslambda/__init__.py", line 128, in _get_user_interface if event.get('requestContext'): AttributeError: 'NoneType' object has no attribute 'get'
Traceback (most recent call last): "wifi-pumpkin.py", line 40, in <module> from core.loaders.checker.networkmanager import CLI_NetworkManager,UI_NetworkManager "/usr/share/WiFi-Pumpkin/core/loaders/checker/networkmanager.py", line 4, in <module> from core.main import Initialize "/usr/share/WiFi-Pumpkin/core/main.py", line 32, in <module> from core.widgets.tabmodels import ( "/usr/share/WiFi-Pumpkin/core/widgets/tabmodels.py", line 7, in <module> from core.utility.threads import ThreadPopen "/usr/share/WiFi-Pumpkin/core/utility/threads.py", line 19, in <module> from core.servers.proxy.http.controller.handler import MasterHandler "/usr/share/WiFi-Pumpkin/core/servers/proxy/http/controller/handler.py", line 1, in <module> from plugins.extension import * "/usr/share/WiFi-Pumpkin/plugins/extension/no_cache.py", line 2, in <module> from plugins.extension.plugin import PluginTemplate "/usr/share/WiFi-Pumpkin/plugins/extension/plugin.py", line 2, in <module> from bs4 import BeautifulSoup "/usr/local/lib/python2.7/dist-packages/bs4/__init__.py", line 30, in <module> from .builder import builder_registry, ParserRejectedMarkup "/usr/local/lib/python2.7/dist-packages/bs4/builder/__init__.py", line 314, in <module> from . import _html5lib "/usr/local/lib/python2.7/dist-packages/bs4/builder/_html5lib.py", line 70, in <module> class TreeBuilderForHtml5lib(html5lib.treebuilders._base.TreeBuilder): AttributeError: 'module' object has no attribute '_base'
0.679797
19/10/08 09:57:04 WARN TaskSetManager: Lost task 1.0 in stage 0.0 (TID 1, luca95-w3.tgcxxqymd3fejekkvr1k4kd3dg.fx.internal.cloudapp.net, executor 2): org.apache.spark.api.python.PythonException: Traceback (most recent call last): "/hadoopfs/fs2/yarn/nodemanager/usercache/cloudbreak/appcache/application_1570519936439_0018/container_e02_1570519936439_0018_01_000003/pyspark.zip/pyspark/worker.py", line 229, in main process() "/hadoopfs/fs2/yarn/nodemanager/usercache/cloudbreak/appcache/application_1570519936439_0018/container_e02_1570519936439_0018_01_000003/pyspark.zip/pyspark/worker.py", line 224, in process serializer.dump_stream(func(split_index, iterator), outfile) "/usr/hdp/current/spark2-client/python/lib/pyspark.zip/pyspark/rdd.py", line 2438, in pipeline_func "/usr/hdp/current/spark2-client/python/lib/pyspark.zip/pyspark/rdd.py", line 2438, in pipeline_func "/usr/hdp/current/spark2-client/python/lib/pyspark.zip/pyspark/rdd.py", line 2438, in pipeline_func [Previous line repeated 1 more time] "/usr/hdp/current/spark2-client/python/lib/pyspark.zip/pyspark/rdd.py", line 362, in func "/usr/hdp/current/spark2-client/python/lib/pyspark.zip/pyspark/rdd.py", line 809, in func "/home/cloudbreak/Python3/lib/python3.6/site-packages/tensorflowonspark/TFSparkNode.py", line 365, in _mapfn "/home/cloudbreak/Python3/lib/python3.6/site-packages/tensorflowonspark/TFSparkNode.py", line 324, in wrapper_fn "/home/cloudbreak/mnist_tf.py", line 7, in main_fun "/hadoopfs/fs2/yarn/nodemanager/usercache/cloudbreak/appcache/application_1570519936439_0018/container_e02_1570519936439_0018_01_000003/Python3/lib/python3.6/site-packages/tensorflow_datasets/__init__.py", line 46, in <module> from tensorflow_datasets.core import tf_compat "/hadoopfs/fs2/yarn/nodemanager/usercache/cloudbreak/appcache/application_1570519936439_0018/container_e02_1570519936439_0018_01_000003/Python3/lib/python3.6/site-packages/tensorflow_datasets/core/__init__.py", line 23, in <module> from tensorflow_datasets.core.dataset_builder import BeamBasedBuilder # pylint:disable=g-import-not-at-top "/hadoopfs/fs2/yarn/nodemanager/usercache/cloudbreak/appcache/application_1570519936439_0018/container_e02_1570519936439_0018_01_000003/Python3/lib/python3.6/site-packages/tensorflow_datasets/core/dataset_builder.py", line 35, in <module> from tensorflow_datasets.core import download "/hadoopfs/fs2/yarn/nodemanager/usercache/cloudbreak/appcache/application_1570519936439_0018/container_e02_1570519936439_0018_01_000003/Python3/lib/python3.6/site-packages/tensorflow_datasets/core/download/__init__.py", line 19, in <module> from tensorflow_datasets.core.download.download_manager import DownloadConfig "/hadoopfs/fs2/yarn/nodemanager/usercache/cloudbreak/appcache/application_1570519936439_0018/container_e02_1570519936439_0018_01_000003/Python3/lib/python3.6/site-packages/tensorflow_datasets/core/download/download_manager.py", line 35, in <module> from tensorflow_datasets.core.download import extractor "/hadoopfs/fs2/yarn/nodemanager/usercache/cloudbreak/appcache/application_1570519936439_0018/container_e02_1570519936439_0018_01_000003/Python3/lib/python3.6/site-packages/tensorflow_datasets/core/download/extractor.py", line 40, in <module> import bz2 # pylint:disable=g-import-not-at-top "/hadoopfs/fs2/yarn/nodemanager/usercache/cloudbreak/appcache/application_1570519936439_0018/container_e02_1570519936439_0018_01_000003/Python3/lib/python3.6/bz2.py", line 23, in <module> **from _bz2 import BZ2Compressor, BZ2Decompressor ModuleNotFoundError: No module named '_bz2'**
Traceback (most recent call last): "/home/cameron/development/frappe-bench/apps/frappe/frappe/app.py", line 61, in application response = frappe.handler.handle() "/home/cameron/development/frappe-bench/apps/frappe/frappe/handler.py", line 21, in handle data = execute_cmd(cmd) "/home/cameron/development/frappe-bench/apps/frappe/frappe/handler.py", line 56, in execute_cmd return frappe.call(method, **frappe.form_dict) "/home/cameron/development/frappe-bench/apps/frappe/frappe/__init__.py", line 1027, in call return fn(*args, **newargs) "/home/cameron/development/frappe-bench/apps/frappe/frappe/desk/form/save.py", line 22, in savedocs doc.save() "/home/cameron/development/frappe-bench/apps/frappe/frappe/model/document.py", line 260, in save return self._save(*args, **kwargs) "/home/cameron/development/frappe-bench/apps/frappe/frappe/model/document.py", line 283, in _save self.insert() "/home/cameron/development/frappe-bench/apps/frappe/frappe/model/document.py", line 249, in insert self.run_post_save_methods() "/home/cameron/development/frappe-bench/apps/frappe/frappe/model/document.py", line 905, in run_post_save_methods self.run_method("on_update") "/home/cameron/development/frappe-bench/apps/frappe/frappe/model/document.py", line 772, in run_method out = Document.hook(fn)(self, *args, **kwargs) "/home/cameron/development/frappe-bench/apps/frappe/frappe/model/document.py", line 1048, in composer return composed(self, method, *args, **kwargs) "/home/cameron/development/frappe-bench/apps/frappe/frappe/model/document.py", line 1031, in runner add_to_return_value(self, fn(self, *args, **kwargs)) "/home/cameron/development/frappe-bench/apps/frappe/frappe/model/document.py", line 766, in <lambda> fn = lambda self, *args, **kwargs: getattr(self, method)(*args, **kwargs) "/home/cameron/development/frappe-bench/apps/erpnext/erpnext/setup/doctype/company/company.py", line 97, in on_update install_country_fixtures(self.name) "/home/cameron/development/frappe-bench/apps/erpnext/erpnext/setup/doctype/company/company.py", line 400, in install_country_fixtures .format(frappe.scrub(company_doc.country)))(company_doc, False) "/home/cameron/development/frappe-bench/apps/frappe/frappe/__init__.py", line 1018, in get_attr return getattr(get_module(modulename), methodname) "/home/cameron/development/frappe-bench/apps/frappe/frappe/__init__.py", line 799, in get_module return importlib.import_module(modulename) "/home/cameron/development/frappe-bench/env/lib/python3.6/importlib/__init__.py", line 126, in import_module return _bootstrap._gcd_import(name[level:], package, level) "<frozen importlib._bootstrap>", line 978, in _gcd_import "<frozen importlib._bootstrap>", line 961, in _find_and_load "<frozen importlib._bootstrap>", line 948, in _find_and_load_unlocked ModuleNotFoundError: No module named 'erpnext.regional.united_states.setup'
0.674309
Traceback (most recent call last): "setup.py", line 3, in <module> from setuptools import setup ModuleNotFoundError: No module named 'setuptools'
/code/settings.py:146: UserWarning: Could not import local_settings module. Traceback (most recent call last): "/code/settings.py", line 140, in <module> from local_settings import * # noqa ModuleNotFoundError: No module named 'local_settings'
0.915469
Traceback (most recent call last): "<stdin>", line 1, in <module> "/home/alex/programming/salt-python/bugreport/lib/python2.7/site-packages/salt/utils/rsax931.py", line 86, in <module> libcrypto = _init_libcrypto() "/home/alex/programming/salt-python/bugreport/lib/python2.7/site-packages/salt/utils/rsax931.py", line 77, in _init_libcrypto raise OSError("Failed to initialize OpenSSL library (OPENSSL_init_crypto failed)") OSError: Failed to initialize OpenSSL library (OPENSSL_init_crypto failed)
Traceback (most recent call last): "<stdin>", line 1, in <module> "/usr/local/lib/python3.6/dist-packages/dgl/__init__.py", line 14, in <module> from .backend import load_backend, backend_name "/usr/local/lib/python3.6/dist-packages/dgl/backend/__init__.py", line 73, in <module> load_backend(get_preferred_backend()) "/usr/local/lib/python3.6/dist-packages/dgl/backend/__init__.py", line 23, in load_backend mod = importlib.import_module('.%s' % mod_name, __name__) "/usr/lib/python3.6/importlib/__init__.py", line 126, in import_module return _bootstrap._gcd_import(name[level:], package, level) "/usr/local/lib/python3.6/dist-packages/dgl/backend/pytorch/__init__.py", line 1, in <module> from .tensor import * "/usr/local/lib/python3.6/dist-packages/dgl/backend/pytorch/tensor.py", line 11, in <module> from ... import ndarray as nd "/usr/local/lib/python3.6/dist-packages/dgl/ndarray.py", line 14, in <module> from ._ffi.object import register_object, ObjectBase "/usr/local/lib/python3.6/dist-packages/dgl/_ffi/object.py", line 8, in <module> from .object_generic import ObjectGeneric, convert_to_object "/usr/local/lib/python3.6/dist-packages/dgl/_ffi/object_generic.py", line 7, in <module> from .base import string_types "/usr/local/lib/python3.6/dist-packages/dgl/_ffi/base.py", line 42, in <module> _LIB, _LIB_NAME = _load_lib() "/usr/local/lib/python3.6/dist-packages/dgl/_ffi/base.py", line 34, in _load_lib lib = ctypes.CDLL(lib_path[0], ctypes.RTLD_GLOBAL) "/usr/lib/python3.6/ctypes/__init__.py", line 348, in __init__ self._handle = _dlopen(self._name, mode) OSError: libcusparse.so.10: cannot open shared object file: No such file or directory
0.691401
Traceback (most recent call last): "onionshare_gui/settings_dialog.py", line 918, in help_clicked AttributeError: 'bool' object has no attribute 'common'
Traceback (most recent call last): "C:\Users\Daniel\Anaconda3\lib\site-packages\spyder\plugins\editor.py", line 1481, in refresh_save_all_action for finfo in editorstack.data) AttributeError: 'NoneType' object has no attribute 'data'
0.685992
Traceback (most recent call last): "<string>", line 1, in <module> ModuleNotFoundError: No module named 'completor'
Traceback (most recent call last): "/root/Downloads/Mobile-Security-Framework-MobSF/venv/bin/gunicorn", line 6, in <module> from gunicorn.app.wsgiapp import run ModuleNotFoundError: No module named 'gunicorn'
0.767185
Traceback (most recent call last): "<string>", line 4, in <module> "/usr/lib/python3.6/site-packages/powerline/__init__.py", line 10, in <module> from powerline.colorscheme import Colorscheme "/usr/lib/python3.6/site-packages/powerline/colorscheme.py", line 6, in <module> from powerline.lib.unicode import unicode "/usr/lib/python3.6/site-packages/powerline/lib/unicode.py", line 7, in <module> from unicodedata import east_asian_width, combining ImportError: /usr/lib/python3.6/lib-dynload/unicodedata.cpython-36m-x86_64-linux-gnu.so: undefined symbol: _PyUnicode_Ready
Traceback (most recent call last): "/usr/local/lib/python2.7/dist-packages/flexget/plugin.py", line 392, in _import_plugin __import__(module_name) "/home/snikay/.flexget/plugins/SeriesSearch.py", line 7, in <module> from flexget.utils.search import normalize_unicode ImportError: No module named search
0.677612
Traceback (most recent call last): "c:\users\yujx\appdata\local\continuum\anaconda3\lib\runpy.py", line 193, in _run_module_as_main "__main__", mod_spec) "c:\users\yujx\appdata\local\continuum\anaconda3\lib\runpy.py", line 85, in _run_code exec(code, run_globals) "C:\Users\yujx\AppData\Local\Continuum\anaconda3\Scripts\magenta_midi.exe\__main__.py", line 5, in <module> "c:\users\yujx\appdata\local\continuum\anaconda3\lib\site-packages\magenta\interfaces\midi\magenta_midi.py", line 35, in <module> from magenta.models.pianoroll_rnn_nade import pianoroll_rnn_nade_sequence_generator "c:\users\yujx\appdata\local\continuum\anaconda3\lib\site-packages\magenta\models\pianoroll_rnn_nade\pianoroll_rnn_nade_sequence_generator.py", line 24, in <module> class PianorollRnnNadeSequenceGenerator(mm.BaseSequenceGenerator): AttributeError: module 'magenta.music' has no attribute 'BaseSequenceGenerator'
Traceback (most recent call last): "gui\builtinShipBrowser\sfBrowserItem.py", line 369, in OnLeaveWindow "gui\builtinShipBrowser\fitItem.py", line 559, in Refresh "service\fit.py", line 348, in getFit "service\fit.py", line 529, in recalc "eos\saveddata\fit.py", line 522, in clear "eos\saveddata\module.py", line 891, in clear "eos\saveddata\module.py", line 400, in itemModifiedAttributes AttributeError: 'Module' object has no attribute '_Module__itemModifiedAttributes'
0.678208
Traceback (most recent call last): "/var/lib/weblate/local/lib/python2.7/site-packages/weblate/formats/models.py", line 50, in load_data fileformat.get_class() "/var/lib/weblate/local/lib/python2.7/site-packages/weblate/formats/base.py", line 336, in get_class module = importlib.import_module(module_name) "/usr/lib/python2.7/importlib/__init__.py", line 37, in import_module __import__(name) "/var/lib/weblate/local/lib/python2.7/site-packages/translate/storage/php.py", line 63, in <module> from phply.phpparse import make_parser ImportError: No module named phply.phpparse
Traceback (most recent call last): "/usr/local/bin/hub", line 7, in <module> from paddlehub.commands.hub import main ImportError: cannot import name 'main' from 'paddlehub.commands.hub' (/usr/local/python3/lib/python3.7/site-packages/paddlehub/commands/hub.py)
0.722492
Traceback (most recent call last): "f:\python38\lib\site-packages\numpy\core\__init__.py", line 24, in <module> from . import multiarray "f:\python38\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 627, in exec_module exec(bytecode, module.__dict__) "f:\python38\lib\site-packages\numpy\core\multiarray.py", line 14, in <module> from . import overrides "f:\python38\lib\site-packages\PyInstaller\loader\pyimod03_importers.py", line 627, in exec_module exec(bytecode, module.__dict__) "f:\python38\lib\site-packages\numpy\core\overrides.py", line 7, in <module> from numpy.core._multiarray_umath import ( ImportError: DLL load failed while importing _multiarray_umath: The specified module could not be found.
>Traceback (most recent call last): "viper-cli", line 7, in <module> from viper.core.ui import console ImportError: No module named core.ui
0.746477
Traceback (most recent call last): "eval.py", line 1246, in <module> evaluate(net, dataset) "eval.py", line 1048, in evaluate img, gt, gt_masks, h, w, num_crowd = dataset.pull_item(image_idx) "/home/sangtr/dl/yolact_edge/data/coco.py", line 211, in pull_item if target.shape[0] == 0: AttributeError: 'NoneType' object has no attribute 'shape'
Traceback (most recent call last): "/home/forge/bin/sentry", line 11, in <module> sys.exit(main()) "/home/forge/local/lib/python2.7/site-packages/sentry/runner/__init__.py", line 160, in main cli(prog_name=get_prog(), obj={}, max_content_width=100) "/home/forge/local/lib/python2.7/site-packages/click/core.py", line 722, in __call__ return self.main(*args, **kwargs) "/home/forge/local/lib/python2.7/site-packages/click/core.py", line 697, in main rv = self.invoke(ctx) "/home/forge/local/lib/python2.7/site-packages/click/core.py", line 1066, in invoke return _process_result(sub_ctx.command.invoke(sub_ctx)) "/home/forge/local/lib/python2.7/site-packages/click/core.py", line 895, in invoke return ctx.invoke(self.callback, **ctx.params) "/home/forge/local/lib/python2.7/site-packages/click/core.py", line 535, in invoke return callback(*args, **kwargs) "/home/forge/local/lib/python2.7/site-packages/click/decorators.py", line 17, in new_func return f(get_current_context(), *args, **kwargs) "/home/forge/local/lib/python2.7/site-packages/sentry/runner/decorators.py", line 35, in inner configure() "/home/forge/local/lib/python2.7/site-packages/sentry/runner/__init__.py", line 123, in configure configure(ctx, py, yaml, skip_service_validation) "/home/forge/local/lib/python2.7/site-packages/sentry/runner/settings.py", line 152, in configure skip_service_validation=skip_service_validation "/home/forge/local/lib/python2.7/site-packages/sentry/runner/initializer.py", line 288, in initialize_app register_plugins(settings) "/home/forge/local/lib/python2.7/site-packages/sentry/runner/initializer.py", line 22, in register_plugins from sentry.plugins import plugins "/home/forge/local/lib/python2.7/site-packages/sentry/plugins/__init__.py", line 10, in <module> from sentry.plugins.base import * # NOQA "/home/forge/local/lib/python2.7/site-packages/sentry/plugins/base/__init__.py", line 10, in <module> from .bindings import BindingManager "/home/forge/local/lib/python2.7/site-packages/sentry/plugins/base/bindings.py", line 5, in <module> from sentry.plugins import providers "/home/forge/local/lib/python2.7/site-packages/sentry/plugins/providers/__init__.py", line 5, in <module> import_submodules(globals(), __name__, __path__) "/home/forge/local/lib/python2.7/site-packages/sentry/utils/imports.py", line 52, in import_submodules module = __import__(module_name, globals(), locals(), ['__name__']) "/home/forge/local/lib/python2.7/site-packages/sentry/plugins/providers/base.py", line 9, in <module> from sentry.models import Integration, OrganizationIntegration "/home/forge/local/lib/python2.7/site-packages/sentry/models/__init__.py", line 14, in <module> import_submodules(globals(), __name__, __path__) "/home/forge/local/lib/python2.7/site-packages/sentry/utils/imports.py", line 52, in import_submodules module = __import__(module_name, globals(), locals(), ['__name__']) "/home/forge/local/lib/python2.7/site-packages/sentry/models/deploy.py", line 11, in <module> from sentry.app import locks "/home/forge/local/lib/python2.7/site-packages/sentry/app.py", line 15, in <module> from sentry.utils.locking.backends.redis import RedisLockBackend "/home/forge/local/lib/python2.7/site-packages/sentry/utils/locking/backends/redis.py", line 10, in <module> delete_lock = redis.load_script('utils/locking/delete_lock.lua') "/home/forge/local/lib/python2.7/site-packages/sentry/utils/redis.py", line 145, in load_script script = Script(None, resource_string('sentry', posixpath.join('scripts', path))) "/home/forge/local/lib/python2.7/site-packages/redis/client.py", line 2930, in __init__ encoder = registered_client.connection_pool.get_encoder() AttributeError: 'NoneType' object has no attribute 'connection_pool'
0.739495
Traceback (most recent call last): "<stdin>", line 1, in <module> "C:\Program Others\Python37\lib\site-packages\miio\gateway.py", line 8, in <module> from .utils import int_to_rgb, int_to_brightness, brightness_and_color_to_int ImportError: cannot import name 'int_to_brightness' from 'miio.utils' (...\Python37\lib\site-packages\miio\utils.py)
Traceback (most recent call last): "<stdin>", line 1, in <module> ImportError: cannot import name load_csv
0.756529
Error: Traceback (most recent call last): "/usr/local/lib/python2.7/dist-packages/platformio/__main__.py", line 104, in main cli(None, None, None) "/home/kangus/.local/lib/python2.7/site-packages/click/core.py", line 722, in __call__ return self.main(*args, **kwargs) "/home/kangus/.local/lib/python2.7/site-packages/click/core.py", line 697, in main rv = self.invoke(ctx) "/home/kangus/.local/lib/python2.7/site-packages/click/core.py", line 1063, in invoke Command.invoke(self, ctx) "/home/kangus/.local/lib/python2.7/site-packages/click/core.py", line 895, in invoke return ctx.invoke(self.callback, **ctx.params) "/home/kangus/.local/lib/python2.7/site-packages/click/core.py", line 535, in invoke return callback(*args, **kwargs) "/home/kangus/.local/lib/python2.7/site-packages/click/decorators.py", line 17, in new_func return f(get_current_context(), *args, **kwargs) "/usr/local/lib/python2.7/dist-packages/platformio/__main__.py", line 74, in cli maintenance.on_platformio_start(ctx, force, caller) "/usr/local/lib/python2.7/dist-packages/platformio/maintenance.py", line 67, in on_platformio_start if not in_silence(ctx): "/usr/local/lib/python2.7/dist-packages/platformio/maintenance.py", line 42, in in_silence ctx.args[0] == "upgrade", "--json-output" in ctx_args, IndexError: list index out of range
Traceback (most recent call last): "<string>", line 1, in <module> "/tmp/pip-install-3lujbw_g/pygame_f065bd12c4ab489abae036716cd37a3a/setup.py", line 318, in <module> buildconfig.config.main(AUTO_CONFIG) "/tmp/pip-install-3lujbw_g/pygame_f065bd12c4ab489abae036716cd37a3a/buildconfig/config.py", line 221, in main deps = CFG.main(**kwds) "/tmp/pip-install-3lujbw_g/pygame_f065bd12c4ab489abae036716cd37a3a/buildconfig/config_unix.py", line 194, in main DependencyProg('SDL', 'SDL_CONFIG', 'sdl2-config', '2.0', ['sdl']), "/tmp/pip-install-3lujbw_g/pygame_f065bd12c4ab489abae036716cd37a3a/buildconfig/config_unix.py", line 39, in __init__ self.ver = config[0].strip() IndexError: list index out of range
0.768122
Traceback (most recent call last): "C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\tornado\ioloop.py", line 907, in _run return self.callback() "C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\distributed\nanny.py", line 414, in memory_monitor process = self.process.process AttributeError: 'NoneType' object has no attribute 'process'
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.784526
Traceback (most recent call last): "manage.py", line 12, in <module> execute_from_command_line(sys.argv) "site-packages/django/core/management/__init__.py", line 371, in execute_from_command_line utility.execute() "site-packages/django/core/management/__init__.py", line 365, in execute self.fetch_command(subcommand).run_from_argv(self.argv) "site-packages/django/core/management/base.py", line 288, in run_from_argv self.execute(*args, **cmd_options) "site-packages/django/core/management/base.py", line 335, in execute output = self.handle(*args, **options) "site-packages/django/core/management/commands/migrate.py", line 200, in handle fake_initial=fake_initial, "site-packages/django/db/migrations/executor.py", line 117, in migrate state = self._migrate_all_forwards(state, plan, full_plan, fake=fake, fake_initial=fake_initial) "site-packages/django/db/migrations/executor.py", line 147, in _migrate_all_forwards state = self.apply_migration(state, migration, fake=fake, fake_initial=fake_initial) "site-packages/django/db/migrations/executor.py", line 244, in apply_migration state = migration.apply(state, schema_editor) "site-packages/django/db/migrations/migration.py", line 122, in apply operation.database_forwards(self.app_label, schema_editor, old_state, project_state) "site-packages/django/db/migrations/operations/special.py", line 190, in database_forwards self.code(from_state.apps, schema_editor) "site-packages/blog/migrations/0008_auto_20180316_1650.py", line 11, in convert_to_streamfield if page.body.raw_text and not page.body: AttributeError: 'str' object has no attribute 'raw_text'
Traceback (most recent call last): "D:/project/pytorch/SR/EDSR-m/src/main.py", line 27, in <module> main() "D:/project/pytorch/SR/EDSR-m/src/main.py", line 17, in main model = model.Model(args, checkpoint) "D:\project\pytorch\SR\EDSR-m\src\model\__init__.py", line 24, in __init__ self.model = module.make_model(args).to(self.device) "D:\project\pytorch\SR\EDSR-m\src\model\wdsr_a.py", line 42, in __init__ [args.r_mean, args.g_mean, args.b_mean])).view([1, 3, 1, 1]) AttributeError: 'Namespace' object has no attribute 'r_mean'
0.679699
Traceback (most recent call last): "/home/kpark2/neural-image-assessment/utils/data_loader.py", line 125, in train_generator yield (X_batch, y_batch) "/usr/local/lib/python3.5/dist-packages/tensorflow/python/client/session.py", line 1558, in __exit__ self._default_graph_context_manager.__exit__(exec_type, exec_value, exec_tb) "/usr/lib/python3.5/contextlib.py", line 77, in __exit__ self.gen.throw(type, value, traceback) "/usr/local/lib/python3.5/dist-packages/tensorflow/python/framework/ops.py", line 4973, in get_controller context.context_stack.pop() "/usr/local/lib/python3.5/dist-packages/tensorflow/python/eager/context.py", line 100, in pop self.stack.pop() IndexError: pop from empty list
Traceback (most recent call last): "/Users/jia/IdeaProjects/lizhifm_projects/image_quality_assessment/image_assessment/data/dataset_loader.py", line 147, in train_generator yield (x_batch, y_batch) "/Users/jia/.virtualenvs/tensorflow1.3/lib/python3.6/site-packages/tensorflow/python/client/session.py", line 1507, in __exit__ exec_type, exec_value, exec_tb) "/Users/jia/anaconda3/lib/python3.6/contextlib.py", line 99, in __exit__ self.gen.throw(type, value, traceback) "/Users/jia/.virtualenvs/tensorflow1.3/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 3972, in get_controller if self.stack[-1] is not default: IndexError: list index out of range
0.67503
Traceback (most recent call last): "d:\python\python36-32\lib\site-packages\billiard\pool.py", line 358, in workloop result = (True, prepare_result(fun(*args, **kwargs))) "d:\python\python36-32\lib\site-packages\celery\app\trace.py", line 525, in _fast_trace_task tasks, accept, hostname = _loc ValueError: not enough values to unpack (expected 3, got 0)
Traceback (most recent call last): "/usr/lib/python3.5/runpy.py", line 184, in _run_module_as_main "__main__", mod_spec) "/usr/lib/python3.5/runpy.py", line 85, in _run_code exec(code, run_globals) "/home/andi/deep-neuroevolution/es_distributed/main.py", line 90, in <module> cli() "/home/andi/deep-neuroevolution/env/lib/python3.5/site-packages/click/core.py", line 722, in __call__ return self.main(*args, **kwargs) "/home/andi/deep-neuroevolution/env/lib/python3.5/site-packages/click/core.py", line 697, in main rv = self.invoke(ctx) "/home/andi/deep-neuroevolution/env/lib/python3.5/site-packages/click/core.py", line 1066, in invoke return _process_result(sub_ctx.command.invoke(sub_ctx)) "/home/andi/deep-neuroevolution/env/lib/python3.5/site-packages/click/core.py", line 895, in invoke return ctx.invoke(self.callback, **ctx.params) "/home/andi/deep-neuroevolution/env/lib/python3.5/site-packages/click/core.py", line 535, in invoke return callback(*args, **kwargs) "/home/andi/deep-neuroevolution/es_distributed/main.py", line 84, in workers algo.run_worker(master_redis_cfg, relay_redis_cfg, noise=noise) "/home/andi/deep-neuroevolution/es_distributed/ga.py", line 267, in run_worker policy, env, task_data.timestep_limit, rs, task_ob_stat, config.calc_obstat_prob) "/home/andi/deep-neuroevolution/es_distributed/ga.py", line 29, in rollout_and_update_ob_stat rollout_rews, rollout_len = policy.rollout(env, timestep_limit=timestep_limit, random_stream=rs) ValueError: too many values to unpack (expected 2)
0.7348