text1
stringlengths 92
132k
| text2
stringlengths 83
99.1k
| score
float64 0.01
1
|
---|---|---|
Traceback (most recent call last):
"vibora/protocol/cprotocol.pyx", line 180, in vibora.protocol.cprotocol.Connection.handle_request
new_response = await self.app.call_hooks(EVENTS_AFTER_ENDPOINT, self.components, route=route)
"/home/ubuntu/src/api/vibora/application.py", line 101, in call_hooks
response = await listener.call_handler(components)
"/home/ubuntu/src/api/vibora/server.py", line 277, in access_logs
print(format_access_log(request, response), file=sys.stderr)
"/home/ubuntu/src/api/vibora/utils.py", line 192, in format_access_log
f"{request.client_ip()} - "
"vibora/request/request.pyx", line 124, in vibora.request.request.Request.client_ip
cpdef str client_ip(self):
"vibora/request/request.pyx", line 125, in vibora.request.request.Request.client_ip
return self.protocol.client_ip()
"vibora/protocol/cprotocol.pyx", line 412, in vibora.protocol.cprotocol.Connection.client_ip
return self.transport.get_extra_info('peername')[0]
IndexError: string index out of range
| Traceback (most recent call last):
"$PYTHON_PATH/site-packages/simple_salesforce/bulk.py", line 235, in query
operation='query', data=data)
"$PYTHON_PATH/site-packages/simple_salesforce/bulk.py", line 196, in _bulk_operation
operation=operation)
"$PYTHON_PATH/site-packages/simple_salesforce/bulk.py", line 155, in _get_batch_results
url_query_results = "{}{}{}".format(url, '/', result.json()[0])
IndexError: list index out of range
| 0.643147 |
Traceback (most recent call last):
"hashlib.py", line 147, in <module>
"hashlib.py", line 97, in __get_builtin_constructor
ValueError: unsupported hash type sha512
| Traceback (most recent call last):
"/src/sar_optical_matching.py", line 183, in <module>
if __name__=="__main__": main()
"/src/sar_optical_matching.py", line 146, in main
model = model_def.build(input_shape, verbose=args.verbose, one_hot=args.one_hot)
"/src/models/resnet_siamese.py", line 21, in build
y_opt = keras_resnet.models.ResNet18(x_opt)
"/opt/conda/envs/custom/lib/python3.6/site-packages/keras_resnet/models.py", line 103, in __init__
super(ResNet18, self).__init__(inputs, [2, 2, 2, 2], block)
"/opt/conda/envs/custom/lib/python3.6/site-packages/keras_resnet/models.py", line 61, in __init__
x = block(features, strides, j == 0 and k == 0)(x)
"/opt/conda/envs/custom/lib/python3.6/site-packages/keras_resnet/block/__init__.py", line 48, in f
y = _shortcut(x, y)
"/opt/conda/envs/custom/lib/python3.6/site-packages/keras_resnet/block/__init__.py", line 121, in _shortcut
return keras.layers.add([a, b])
"/opt/conda/envs/custom/lib/python3.6/site-packages/keras/layers/merge.py", line 455, in add
return Add(**kwargs)(inputs)
"/opt/conda/envs/custom/lib/python3.6/site-packages/keras/engine/topology.py", line 560, in __call__
self.build(input_shapes)
"/opt/conda/envs/custom/lib/python3.6/site-packages/keras/layers/merge.py", line 84, in build
output_shape = self._compute_elemwise_op_output_shape(output_shape, shape)
"/opt/conda/envs/custom/lib/python3.6/site-packages/keras/layers/merge.py", line 55, in _compute_elemwise_op_output_shape
str(shape1) + ' ' + str(shape2))
ValueError: Operands could not be broadcast together with shapes (7, 7, 512) (4, 4, 512)
| 0.575308 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"<stdin>", line 3, in bar
AttributeError: 'Foo' object has no attribute '_barr'
| Traceback (most recent call last):
"F:\SublimeText\Data\Packages\BufferScroll\BufferScroll.py", line 909, in synch_data_loop
if not Pref.synch_data_running:
AttributeError: type object 'Pref' has no attribute 'synch_data_running'
| 0.518927 |
Traceback (most recent call last):
"/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/runpy.py", line 162, in _run_module_as_main
"__main__", fname, loader, pkg_name)
"/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/runpy.py", line 72, in _run_code
exec code in run_globals
"/Users/liuyikun/Library/Application Support/MoonPlayer/ykdl/cykdl/__main__.py", line 195, in <module>
main()
"/Users/liuyikun/Library/Application Support/MoonPlayer/ykdl/cykdl/__main__.py", line 173, in main
info = parser(u)
"/Users/liuyikun/Library/Application Support/MoonPlayer/ykdl/ykdl/extractor.py", line 24, in parser
info = self.prepare()
"/Users/liuyikun/Library/Application Support/MoonPlayer/ykdl/ykdl/extractors/sohu/sohubase.py", line 90, in prepare
info = json.loads(get_content(self.apiurl % self.vid))
"/Users/liuyikun/Library/Application Support/MoonPlayer/ykdl/ykdl/util/html.py", line 75, in get_content
payload = resheader.get_payload()
AttributeError: HTTPMessage instance has no attribute 'get_payload'
| Traceback (most recent call last):
"/data/data/com.termux/files/home/pyglet/pyglet/graphics/shader.py", line 198, in __del__
glDeleteShader(self._id)
AttributeError: 'Shader' object has no attribute '_id'
| 0.617577 |
Traceback (most recent call last):
"/home/mpreuss/.local/bin/pipenv", line 11, in <module>
sys.exit(cli())
"/home/mpreuss/.local/venvs/pipenv/lib/python3.6/site-packages/pipenv/vendor/click/core.py", line 722, in __call__
return self.main(*args, **kwargs)
"/home/mpreuss/.local/venvs/pipenv/lib/python3.6/site-packages/pipenv/vendor/click/core.py", line 697, in main
rv = self.invoke(ctx)
"/home/mpreuss/.local/venvs/pipenv/lib/python3.6/site-packages/pipenv/vendor/click/core.py", line 1066, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/home/mpreuss/.local/venvs/pipenv/lib/python3.6/site-packages/pipenv/vendor/click/core.py", line 895, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/home/mpreuss/.local/venvs/pipenv/lib/python3.6/site-packages/pipenv/vendor/click/core.py", line 535, in invoke
return callback(*args, **kwargs)
"/home/mpreuss/.local/venvs/pipenv/lib/python3.6/site-packages/pipenv/cli.py", line 1507, in uninstall
in_dev_packages = (norm_name in project._pipfile.get('dev-packages', {}))
"/home/mpreuss/.local/venvs/pipenv/lib/python3.6/site-packages/pipenv/project.py", line 188, in _pipfile
p_section[norm_key] = p_section.pop(key)
AttributeError: 'CascadeDict' object has no attribute 'pop'
| Traceback (most recent call last):
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/_cprequest.py", line 638, in respond
self._do_respond(path_info)
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/_cprequest.py", line 688, in _do_respond
self.hooks.run('before_request_body')
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/_cprequest.py", line 95, in run
self.run_hooks(iter(sorted(self[point])))
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/_cprequest.py", line 117, in run_hooks
hook()
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/_cprequest.py", line 65, in __call__
return self.callback(**self.kwargs)
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/lib/sessions.py", line 834, in init
set_response_cookie(path=path, path_header=path_header, name=name,
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/lib/sessions.py", line 875, in set_response_cookie
cherrypy.serving.request.headers.get(path_header) or
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/lib/httputil.py", line 425, in get
key = self.transform_key(key)
"/Users/jaraco/code/public/cherrypy/cherrypy/cherrypy/lib/httputil.py", line 460, in transform_key
return key.title()
AttributeError: 'NoneType' object has no attribute 'title'
| 0.648668 |
Traceback (most recent call last):
"/home/elcubonegro/.local/lib/python3.8/site-packages/pkg_resources/__init__.py", line 2458, in resolve
return functools.reduce(getattr, self.attrs, module)
AttributeError: module 'setuptools_scm.hg' has no attribute 'FILES_COMMAND'
| >Traceback (most recent call last):
"script.py", line 55, in <module>
np = numpy.array(voxel_mesh.raw)
AttributeError: 'VoxelMesh' object has no attribute 'raw'
| 0.578565 |
Traceback (most recent call last):
"firefly.py", line 103, in <module>
main()
"firefly.py", line 50, in main
country_code = obj['country_code']
KeyError: 'country_code'
| Traceback (most recent call last):
"/srv/homeassistant/lib/python3.5/site-packages/homeassistant/helpers/entity_platform.py", line 84, in async_setup
SLOW_SETUP_MAX_WAIT, loop=hass.loop)
"/usr/lib/python3.5/asyncio/tasks.py", line 392, in wait_for
return fut.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)
"/srv/homeassistant/lib/python3.5/site-packages/homeassistant/components/binary_sensor/rfxtrx.py", line 58, in setup_platform
if entity[CONF_DATA_BITS] is not None:
KeyError: 'data_bits'```
| 0.499584 |
Traceback (most recent call last):
"/usr/local/bin/howdoi", line 11, in <module>
load_entry_point('howdoi==1.1.12', 'console_scripts', 'howdoi')()
"/usr/local/lib/python3.6/dist-packages/pkg_resources/__init__.py", line 572, in load_entry_point
return get_distribution(dist).load_entry_point(group, name)
"/usr/local/lib/python3.6/dist-packages/pkg_resources/__init__.py", line 2755, in load_entry_point
return ep.load()
"/usr/local/lib/python3.6/dist-packages/pkg_resources/__init__.py", line 2408, in load
return self.resolve()
"/usr/local/lib/python3.6/dist-packages/pkg_resources/__init__.py", line 2414, in resolve
module = __import__(self.module_name, fromlist=['__name__'], level=0)
"/usr/local/lib/python3.6/dist-packages/howdoi/howdoi.py", line 26, in <module>
from pyquery import PyQuery as pq
"/usr/local/lib/python3.6/dist-packages/pyquery/__init__.py", line 7, in <module>
from .pyquery import PyQuery
# NOQA
"/usr/local/lib/python3.6/dist-packages/pyquery/pyquery.py", line 10, in <module>
from lxml import etree
ImportError: cannot import name 'etree'
| Traceback (most recent call last):
"/home/wai043/.pyenv/versions/3.6.10/lib/python3.6/unittest/loader.py", line 462, in _find_test_path
package = 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/../torch_points3d/models/base_architectures/__init__.py", line 1, in <module>
from .unet import *
"/home/wai043/point_cloud_nets/torch-points3d/test/../torch_points3d/models/base_architectures/unet.py", line 2, in <module>
from torch_geometric.nn import (
"/home/wai043/.local/lib/python3.6/site-packages/torch_geometric/__init__.py", line 2, in <module>
import torch_geometric.nn
"/home/wai043/.local/lib/python3.6/site-packages/torch_geometric/nn/__init__.py", line 2, in <module>
from .data_parallel import DataParallel
"/home/wai043/.local/lib/python3.6/site-packages/torch_geometric/nn/data_parallel.py", line 5, in <module>
from torch_geometric.data import Batch
"/home/wai043/.local/lib/python3.6/site-packages/torch_geometric/data/__init__.py", line 1, in <module>
from .data import Data
"/home/wai043/.local/lib/python3.6/site-packages/torch_geometric/data/data.py", line 7, in <module>
from torch_sparse import coalesce
"/home/wai043/.local/lib/python3.6/site-packages/torch_sparse/__init__.py", line 2, in <module>
from .coalesce import coalesce
"/home/wai043/.local/lib/python3.6/site-packages/torch_sparse/coalesce.py", line 2, in <module>
import torch_scatter
"/home/wai043/.local/lib/python3.6/site-packages/torch_scatter/__init__.py", line 3, in <module>
from .mul import scatter_mul
"/home/wai043/.local/lib/python3.6/site-packages/torch_scatter/mul.py", line 3, in <module>
from torch_scatter.utils.ext import get_func
"/home/wai043/.local/lib/python3.6/site-packages/torch_scatter/utils/ext.py", line 2, in <module>
import torch_scatter.scatter_cpu
ImportError: /home/wai043/.local/lib/python3.6/site-packages/torch_scatter/scatter_cpu.cpython-36m-x86_64-linux-gnu.so: undefined symbol: _ZNK2at11ATenOpTable11reportErrorEN3c1012TensorTypeIdE
| 0.644906 |
Traceback (most recent call last):
"train.py", line 264, in <module>
var=opt.var,
"train.py", line 93, in train
load_weights(model, def_weight_file)
"/home/eleicoto/yolov3/models.py", line 399, in load_weights
conv_b = torch.from_numpy(weights[ptr:ptr + num_b]).view_as(conv_layer.bias)
RuntimeError: shape '[39]' is invalid for input of size 0
| Traceback (most recent call last):
"train.py", line 15, in <module>
from data.data_loader import AudioDataLoader, SpectrogramDataset, BucketingSampler, DistributedBucketingSampler
"/home/eylabadmin/deepspeech.pytorch/data/__init__.py", line 1, in <module>
from . import data_loader
"/home/eylabadmin/deepspeech.pytorch/data/data_loader.py", line 13, in <module>
import torchaudio
"/usr/local/lib/python3.6/dist-packages/torchaudio-0.2-py3.6-linux-x86_64.egg/torchaudio/__init__.py", line 7, in <module>
from torchaudio import transforms, datasets, kaldi_io, sox_effects, legacy, compliance
"/usr/local/lib/python3.6/dist-packages/torchaudio-0.2-py3.6-linux-x86_64.egg/torchaudio/transforms.py", line 6, in <module>
from . import functional as F
"/usr/local/lib/python3.6/dist-packages/torchaudio-0.2-py3.6-linux-x86_64.egg/torchaudio/functional.py", line 108, in <module>
@torch.jit.script
"/home/eylabadmin/.local/lib/python3.6/site-packages/torch/jit/__init__.py", line 824, in script
fn = torch._C._jit_script_compile(ast, _rcb, get_default_args(obj))
"/home/eylabadmin/.local/lib/python3.6/site-packages/torch/jit/annotations.py", line 55, in get_signature
return parse_type_line(type_line)
"/home/eylabadmin/.local/lib/python3.6/site-packages/torch/jit/annotations.py", line 97, in parse_type_line
raise RuntimeError("Failed to parse the argument list of a type annotation: {}".format(str(e)))
RuntimeError: Failed to parse the argument list of a type annotation: name 'Optional' is not defined.
| 0.556612 |
Traceback (most recent call last):
"scripts/prepro_ngrams.py", line 13, in <module>
import utils
"<path to utils.py>", line 12, in <module>
from .rewards import get_scores, get_self_cider_scores
ValueError: Attempted relative import in non-package
| <class 'musicbot.exceptions.CommandError'>: ERROR: Signature extraction failed: Traceback (most recent call last):
"C:\Users\isaac\AppData\Local\Programs\Python\Python35\lib\site-packages\youtube_dl\extractor\youtube.py", line 1057, in _decrypt_signature
video_id, player_url, s
"C:\Users\isaac\AppData\Local\Programs\Python\Python35\lib\site-packages\youtube_dl\extractor\youtube.py", line 971, in _extract_signature_function
errnote='Download of %s failed' % player_url)
"C:\Users\isaac\AppData\Local\Programs\Python\Python35\lib\site-packages\youtube_dl\extractor\common.py", line 529, in _download_webpage
res = self._download_webpage_handle(url_or_request, video_id, note, errnote, fatal, encoding=encoding, data=data, headers=headers, query=query)
"C:\Users\isaac\AppData\Local\Programs\Python\Python35\lib\site-packages\youtube_dl\extractor\common.py", line 436, in _download_webpage_handle
urlh = self._request_webpage(url_or_request, video_id, note, errnote, fatal, data=data, headers=headers, query=query)
"C:\Users\isaac\AppData\Local\Programs\Python\Python35\lib\site-packages\youtube_dl\extractor\common.py", line 416, in _request_webpage
return self._downloader.urlopen(url_or_request)
"C:\Users\isaac\AppData\Local\Programs\Python\Python35\lib\site-packages\youtube_dl\YoutubeDL.py", line 2000, in urlopen
req = sanitized_Request(req)
"C:\Users\isaac\AppData\Local\Programs\Python\Python35\lib\site-packages\youtube_dl\utils.py", line 525, in sanitized_Request
return compat_urllib_request.Request(sanitize_url(url), *args, **kwargs)
"C:\Users\isaac\AppData\Local\Programs\Python\Python35\lib\urllib\request.py", line 268, in __init__
self.full_url = url
"C:\Users\isaac\AppData\Local\Programs\Python\Python35\lib\urllib\request.py", line 294, in full_url
self._parse()
"C:\Users\isaac\AppData\Local\Programs\Python\Python35\lib\urllib\request.py", line 323, in _parse
raise ValueError("unknown url type: %r" % self.full_url)
ValueError: unknown url type: '/yts/jsbin/player-en_US-vflV3n15C/base.js'
| 0.530817 |
Traceback (most recent call last):
"/usr/lib/python2.7/threading.py", line 774, in __bootstrap
self.__bootstrap_inner()
"/usr/lib/python2.7/threading.py", line 801, in __bootstrap_inner
self.run()
"/content/pyload-stable/module/PluginThread.py", line 191, in run
self.m.core.files.checkPackageFinished(pyfile)
"/content/pyload-stable/module/database/
Database.py", line 532, in checkPackageFinished
self.core.hookManager.packageFinished(pyfile.package())
"/content/pyload-stable/module/utils.py", line 169, in new
return func(*args)
"/content/pyload-stable/module/HookManager.py", line 248, in packageFinished
plugin.packageFinished(package)
"/content/pyload-stable/module/plugins/internal/Addon.py", line 175, in packageFinished
return self.package_finished(pypack)
"/content/pyload-stable/module/plugins/hooks/ExternalScripts.py", line 210, in package_finished
self.call_script("package_finished", *args)
"/content/pyload-stable/module/plugins/hooks/ExternalScripts.py", line 138, in call_script
p = self.call_cmd(file, *args)
"/content/pyload-stable/module/plugins/hooks/ExternalScripts.py", line 118, in call_cmd
p = subprocess.Popen(call, bufsize=-1)
# @NOTE: output goes to pyload
"/usr/lib/python2.7/subprocess.py", line 394, in __init__
errread, errwrite)
"/usr/lib/python2.7/subprocess.py", line 1047, in _execute_child
raise child_exception
OSError: [Errno 2] No such file or directory
| Traceback (most recent call last):
"urllib\request", line 1350, in do_open
"http\client", line 1277, in request
"http\client", line 1323, in _send_request
"http\client", line 1272, in endheaders
"http\client", line 1032, in _send_output
"http\client", line 972, in send
"http\client", line 1439, in connect
"http\client", line 944, in connect
"socket", line 728, in create_connection
"socket", line 716, in create_connection
OSError: [WinError 10013] ์ก์ธ์ค ๊ถํ์ ์ํด ์จ๊ฒจ์ง ์์ผ์ ์ก์ธ์ค๋ฅผ ์๋ํ์ต๋๋ค
| 0.527986 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"C:\Users\Python35\envs\exe\lib\site-packages\geopandas\__init__.py", line 4, in <module>
from geopandas.io.file import read_file
"C:\Users\Python35\envs\exe\lib\site-packages\geopandas\io\file.py", line 3, in <module>
import fiona
"C:\Users\Python35\envs\exe\lib\site-packages\fiona\__init__.py", line 69, in <module>
from fiona.collection import Collection, BytesCollection, vsi_path
"C:\Users\Python35\envs\exe\lib\site-packages\fiona\collection.py", line 9, in <module>
from fiona.ogrext import Iterator, ItemsIterator, KeysIterator
ImportError: DLL load failed: The specified module could not be found.
| Traceback (most recent call last):
"/home/pi/.local/lib/python3.5/site-packages/keyring/backend.py", line 148, in _load_plugins
init_func = ep.load()
"/home/pi/.local/lib/python3.5/site-packages/entrypoints.py", line 77, in load
mod = import_module(self.module_name)
"/usr/lib/python3.5/importlib/__init__.py", line 126, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
"<frozen importlib._bootstrap>", line 986, in _gcd_import
"<frozen importlib._bootstrap>", line 969, in _find_and_load
"<frozen importlib._bootstrap>", line 958, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 673, in _load_unlocked
"<frozen importlib._bootstrap_external>", line 673, in exec_module
"<frozen importlib._bootstrap>", line 222, in _call_with_frames_removed
"/usr/lib/python3/dist-packages/keyrings/alt/Gnome.py", line 11, in <module>
from keyring.py27compat import unicode_str
ImportError: cannot import name 'unicode_str'
| 0.571331 |
Traceback (most recent call last):
"/home/pi3ni0/Workspace/random/siamese_cnn_glove.py", line 209, in <module>
checkpoint_callback = ModelCheckpoint(
"/home/pi3ni0/.venv/dev/lib/python3.6/site-packages/pytorch_lightning/callbacks/model_checkpoint.py", line 89, in __init__
if save_top_k > 0 and os.path.isdir(filepath) and len(os.listdir(filepath)) > 0:
"/home/pi3ni0/.venv/dev/lib/python3.6/genericpath.py", line 42, in isdir
st = os.stat(s)
TypeError: stat: path should be string, bytes, os.PathLike or integer, not NoneType
| Traceback (most recent call last):
"/usr/bin/streamlink", line 11, in <module>
load_entry_point('streamlink==0.0.2', 'console_scripts', 'streamlink')()
"/usr/lib/python3.4/site-packages/streamlink_cli/main.py", line 899, in m
ain
handle_url()
"/usr/lib/python3.4/site-packages/streamlink_cli/main.py", line 479, in h
andle_url
streams = fetch_streams(plugin)
"/usr/lib/python3.4/site-packages/streamlink_cli/main.py", line 392, in f
etch_streams
sorting_excludes=args.stream_sorting_excludes)
"/usr/lib/python3.4/site-packages/streamlink/plugin/plugin.py", line 316,
in get_streams
return self.streams(*args, **kwargs)
"/usr/lib/python3.4/site-packages/streamlink/plugin/plugin.py", line 230,
in streams
ostreams = self._get_streams()
"/usr/lib/python3.4/site-packages/streamlink/plugins/connectcast.py", lin
e 21, in _get_streams
match = _stream_re.search(res.content)
TypeError: can't use a string pattern on a bytes-like object
| 0.565659 |
Traceback (most recent call last):
"/usr/local/lib/python2.7/site-packages/distributed/protocol/core.py", line 121, in loads
value = _deserialize(head, fs)
"/usr/local/lib/python2.7/site-packages/distributed/protocol/serialize.py", line 161, in deserialize
return f(header, frames)
"/usr/local/lib/python2.7/site-packages/distributed/protocol/serialize.py", line 23, in <lambda>
deserializers = {None: lambda header, frames: pickle.loads(b''.join(frames))}
"/usr/local/lib/python2.7/site-packages/distributed/protocol/pickle.py", line 59, in loads
return pickle.loads(x)
"/usr/local/lib/python2.7/site-packages/s3fs/core.py", line 258, in __setstate__
self.s3 = self.connect()
"/usr/local/lib/python2.7/site-packages/s3fs/core.py", line 211, in connect
**self.config_kwargs)
AttributeError: 'DaskS3
System' object has no attribute 'config_kwargs'
| Traceback (most recent call last):
"/usr/lib/python3.8/threading.py", line 932, in _bootstrap_inner
self.run()
"/usr/lib/python3.8/threading.py", line 870, in run
self._target(*self._args, **self._kwargs)
"/builddir/build/BUILD/dask-2.18.0/dask/tests/test_threaded.py", line 135, in test_f
L.append(get(dsk, "y"))
"/builddir/build/BUILD/dask-2.18.0/dask/threaded.py", line 72, in get
pool = ThreadPool(num_workers)
"/usr/lib/python3.8/multiprocessing/pool.py", line 925, in __init__
Pool.__init__(self, processes, initializer, initargs)
"/usr/lib/python3.8/multiprocessing/pool.py", line 216, in __init__
p.terminate()
AttributeError: 'DummyProcess' object has no attribute 'terminate'
| 0.553682 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
AttributeError: '_GeneralVarData' object has no attribute 'deactivate'
| Traceback (most recent call last):
"/usr/local/lib/python3.6/site-packages/rasa/core/training/dsl.py", line 301, in process_lines
await self.add_user_messages(user_messages, line_num)
"/usr/local/lib/python3.6/site-packages/rasa/core/training/dsl.py", line 383, in add_user_messages
*[self._parse_message(m, line_num) for m in messages]
"/usr/local/lib/python3.6/site-packages/rasa/core/training/dsl.py", line 367, in _parse_message
if intent_name not in self.domain.intents:
AttributeError: 'NoneType' object has no attribute 'intents'
| 0.600879 |
Traceback (most recent call last):
"/usr/lib/python3.6/asyncio/base_events.py", line 1062, in create_server
sock.bind(sa)
OSError: [Errno 99] Cannot assign requested address
| Traceback (most recent call last):
"/opt/hostedtoolcache/Python/3.9.1/x64/lib/python3.9/multiprocessing/pool.py", line 268, in __del__
self._change_notifier.put(None)
"/opt/hostedtoolcache/Python/3.9.1/x64/lib/python3.9/multiprocessing/queues.py", line 378, in put
self._writer.send_bytes(obj)
"/opt/hostedtoolcache/Python/3.9.1/x64/lib/python3.9/multiprocessing/connection.py", line 205, in send_bytes
self._send_bytes(m[offset:offset + size])
"/opt/hostedtoolcache/Python/3.9.1/x64/lib/python3.9/multiprocessing/connection.py", line 416, in _send_bytes
self._send(header + buf)
"/opt/hostedtoolcache/Python/3.9.1/x64/lib/python3.9/multiprocessing/connection.py", line 373, in _send
n = write(self._handle, buf)
OSError: [Errno 9] Bad file descriptor
| 0.666753 |
Traceback (most recent call last):
"/usr/local/bin/aws", line 27, in <module>
sys.exit(main())
"/usr/local/bin/aws", line 23, in main
return awscli.clidriver.main()
"/usr/local/lib/python3.6/site-packages/awscli/clidriver.py", line 57, in main
driver = create_clidriver()
"/usr/local/lib/python3.6/site-packages/awscli/clidriver.py", line 68, in create_clidriver
event_hooks=emitter)
"/usr/local/lib/python3.6/site-packages/awscli/plugin.py", line 44, in load_plugins
modules = _import_plugins(plugin_mapping)
"/usr/local/lib/python3.6/site-packages/awscli/plugin.py", line 61, in _import_plugins
module = __import__(path, fromlist=[module])
"/usr/local/lib/python3.6/site-packages/awscli/handlers.py", line 24, in <module>
from awscli.customizations.assumerole import register_assume_role_provider
"/usr/local/lib/python3.6/site-packages/awscli/customizations/assumerole.py", line 5, in <module>
from botocore.credentials import JSON
Cache
ImportError: cannot import name 'JSON
Cache'
| Traceback (most recent call last):
"audioAnalysis.py", line 9, in <module>
import audioSegmentation as aS
"/home/lordzuko/virtualenv/speaker-diarization/pyAudioAnalysis/audioSegmentation.py", line 18, in <module>
import hmmlearn.hmm
"/home/lordzuko/virtualenv/speaker-diarization/local/lib/python2.7/site-packages/hmmlearn/hmm.py", line 21, in <module>
from .base import _BaseHMM
"/home/lordzuko/virtualenv/speaker-diarization/local/lib/python2.7/site-packages/hmmlearn/base.py", line 13, in <module>
from . import _hmmc
ImportError: /home/lordzuko/virtualenv/speaker-diarization/local/lib/python2.7/site-packages/hmmlearn/_hmmc.so: undefined symbol: npy_logl
| 0.624241 |
Traceback (most recent call last):
"/opt/local/bin/s3cmd", line 3121, in <module>
rc = main()
"/opt/local/bin/s3cmd", line 3030, in main
rc = cmd_func(args)
"/opt/local/bin/s3cmd", line 958, in cmd_info
expiration_desc += "objects with key prefix '" + expiration['prefix'] + "' "
TypeError: can only concatenate str (not "NoneType") to str
| Traceback (most recent call last):
"/home/frappe/frappe-bench/env/local/lib/python2.7/site-packages/gunicorn/workers/sync.py", line 135, in handle
self.handle_request(listener, req, client, addr)
"/home/frappe/frappe-bench/env/local/lib/python2.7/site-packages/gunicorn/workers/sync.py", line 176, in handle_request
respiter = self.wsgi(environ, resp.start_response)
"/home/frappe/frappe-bench/env/local/lib/python2.7/site-packages/werkzeug/local.py", line 228, in application
return ClosingIterator(app(environ, start_response), self.cleanup)
"/home/frappe/frappe-bench/env/local/lib/python2.7/site-packages/werkzeug/wrappers.py", line 302, in application
return f(*args[:-2] + (request,))(*args[-2:])
"/home/frappe/frappe-bench/apps/frappe/frappe/app.py", line 88, in application
response = handle_exception(e)
"/home/frappe/frappe-bench/apps/frappe/frappe/app.py", line 143, in handle_exception
if frappe.local.is_ajax or 'application/json' in frappe.get_request_header('Accept'):
TypeError: argument of type 'NoneType' is not iterable
| 0.620324 |
Traceback (most recent call last):
"/usr/lib64/python3.6/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
TypeError: test_simple() missing 1 required positional argument: 'tdata'
| Traceback (most recent call last):
"D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 721, in getImports
return _getImports_pe(pth)
"D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 109, in _getImports_pe
import_dllnames_only=True,
TypeError: parse_data_directories() got an unexpected keyword argument 'forwarded_exports_only'
| 0.488895 |
Traceback (most recent call last):
"<ipython-input-3-944ebf5453bb>", line 4, in <module>
raise ValueError('failed') from e
ValueError: failed
| Traceback (most recent call last):
"/home/aci-user/venv36/bin/ludwig", line 11, in <module>
sys.exit(main())
"/home/aci-user/venv36/lib64/python3.6/site-packages/ludwig/cli.py", line 108, in main
CLI()
"/home/aci-user/venv36/lib64/python3.6/site-packages/ludwig/cli.py", line 64, in __init__
getattr(self, args.command)()
"/home/aci-user/venv36/lib64/python3.6/site-packages/ludwig/cli.py", line 74, in train
train.cli(sys.argv[2:])
"/home/aci-user/venv36/lib64/python3.6/site-packages/ludwig/train.py", line 785, in cli
full_train(**vars(args))
"/home/aci-user/venv36/lib64/python3.6/site-packages/ludwig/train.py", line 336, in full_train
debug=debug
"/home/aci-user/venv36/lib64/python3.6/site-packages/ludwig/train.py", line 483, in train
debug=debug
"/home/aci-user/venv36/lib64/python3.6/site-packages/ludwig/models/model.py", line 113, in __init__
**kwargs
"/home/aci-user/venv36/lib64/python3.6/site-packages/ludwig/models/model.py", line 187, in __build
is_training=self.is_training
"/home/aci-user/venv36/lib64/python3.6/site-packages/ludwig/models/outputs.py", line 46, in build_outputs
**kwargs
"/home/aci-user/venv36/lib64/python3.6/site-packages/ludwig/models/outputs.py", line 96, in build_single_output
**kwargs
"/home/aci-user/venv36/lib64/python3.6/site-packages/ludwig/features/base_feature.py", line 314, in concat_dependencies_and_build_output
**kwargs
"/home/aci-user/venv36/lib64/python3.6/site-packages/ludwig/features/text_feature.py", line 291, in build_output
kwarg=kwargs
"/home/aci-user/venv36/lib64/python3.6/site-packages/ludwig/features/sequence_feature.py", line 314, in build_sequence_output
class_biases
"/home/aci-user/venv36/lib64/python3.6/site-packages/ludwig/features/sequence_feature.py", line 529, in sequence_loss
self.num_classes
"/home/aci-user/venv36/lib64/python3.6/site-packages/ludwig/models/modules/loss_modules.py", line 239, in sequence_sampled_softmax_cross_entropy
raise ValueError('Unsupported sampler {}'.format(loss['sampler']))
ValueError: Unsupported sampler None
| 0.526811 |
Traceback (most recent call last):
"C:/Users/user/PycharmProjects/memorri/main.py", line 3, in <module>
mw.mem_replace("lets replace this","pwned")
"C:\Users\user\PycharmProjects\memorri\memorpy\MemWorker.py", line 62, in mem_replace
if self.process.write_bytes(start_offset, replace) == 1:
"C:\Users\user\PycharmProjects\memorri\memorpy\WinProcess.py", line 210, in write_bytes
address = int(address)
TypeError: int() argument must be a string or a number, not 'tuple'
| Traceback (most recent call last):
"/usr/local/lib/python3.6/threading.py", line 916, in _bootstrap_inner
self.run()
"/usr/local/lib/python3.6/threading.py", line 864, in run
self._target(*self._args, **self._kwargs)
"/opt/py3/lib/python3.6/site-packages/jms/tasks.py", line 38, in handler
self.action(data)
"/opt/py3/lib/python3.6/site-packages/jms/service.py", line 353, in send_command_log
d['output'] = base64.b64encode(d['output']).decode("utf-8")
"/usr/local/lib/python3.6/base64.py", line 58, in b64encode
encoded = binascii.b2a_base64(s, newline=False)
TypeError: a bytes-like object is required, not 'str'
| 0.606838 |
Traceback (most recent call last):
"/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/ray/worker.py", line 934, in _process_task
*arguments)
"/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/ray/actor.py", line 261, in actor_method_executor
method_returns = method(actor, *args)
"/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/ray/tune/trainable.py", line 134, in train
"Trainable initialization failed, see previous errors")
ValueError: Trainable initialization failed, see previous errors
| `Traceback (most recent call last):
"/usr/lib64/python2.6/runpy.py", line 122, in _run_module_as_main
"__main__", fname, loader, pkg_name)
"/usr/lib64/python2.6/runpy.py", line 34, in _run_code
exec code in run_globals
"/home/Git-Auto-Deploy/gitautodeploy/__main__.py", line 2, in <module>
from gitautodeploy import main
"gitautodeploy/gitautodeploy.py", line 17, in <module>
from .wsserver import WebSocketClientHandlerFactory
ValueError: Attempted relative import in non-package`
| 0.59429 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"C:\Apps\Tools\python\conda3\envs\nlp\lib\site-packages\nltk\corpus\reader\twitter.py", line 74, in __init__
CorpusReader.__init__(self, root, fileids, encoding)
"C:\Apps\Tools\python\conda3\envs\nlp\lib\site-packages\nltk\corpus\reader\api.py", line 82, in __init__
root = Zip
PathPointer(zipfile, zipentry)
"C:\Apps\Tools\python\conda3\envs\nlp\lib\site-packages\nltk\compat.py", line 221, in _decorator
return init_func(*args, **kwargs)
"C:\Apps\Tools\python\conda3\envs\nlp\lib\site-packages\nltk\data.py", line 506, in __init__
(zipfile.filename, entry))
OSError: Zipfile 'C:\\Projects\\mfd\\nlp\\twitter_samples.zip' does not contain '.'
| Traceback (most recent call last):
"/usr/local/bin/opendrop", line 6, in <module>
from opendrop.cli import main
"/usr/local/lib/python3.7/site-packages/opendrop/cli.py", line 30, in <module>
from .client import AirDropBrowser, AirDropClient
"/usr/local/lib/python3.7/site-packages/opendrop/client.py", line 32, in <module>
from .util import AirDropUtil, AbsArchiveWrite
"/usr/local/lib/python3.7/site-packages/opendrop/util.py", line 30, in <module>
from libarchive import ffi
"/usr/local/lib/python3.7/site-packages/libarchive/ffi.py", line 27, in <module>
libarchive = ctypes.cdll.LoadLibrary(libarchive_path)
"/usr/local/Cellar/python/3.7.4/Frameworks/Python.framework/Versions/3.7/lib/python3.7/ctypes/__init__.py", line 442, in LoadLibrary
return self._dlltype(name)
"/usr/local/Cellar/python/3.7.4/Frameworks/Python.framework/Versions/3.7/lib/python3.7/ctypes/__init__.py", line 364, in __init__
self._handle = _dlopen(self._name, mode)
OSError: dlopen(/usr/local/opt/libarchive/lib/libarchive.dylib, 6): image not found | 0.652498 |
Traceback (most recent call last):
"C:\Program
s\Python\Python368\lib\threading.py", line 916, in _bootstrap_inner
self.run()
"C:\Users\PeteDad-Admin\AppData\Roaming\Python\Python36\site-packages\discord\gateway.py", line 74, in run
f = asyncio.run_coroutine_threadsafe(coro, loop=self.ws.loop)
"C:\Program
s\Python\Python368\lib\asyncio\tasks.py", line 725, in run_coroutine_threadsafe
loop.call_soon_threadsafe(callback)
"C:\Program
s\Python\Python368\lib\asyncio\base_events.py", line 637, in call_soon_threadsafe
self._check_closed()
"C:\Program
s\Python\Python368\lib\asyncio\base_events.py", line 377, in _check_closed
raise RuntimeError('Event loop is closed')
RuntimeError: Event loop is closed
| Traceback (most recent call last):
"W:/GIT_WORKSPACES/MyProject/sequence_bug.py", line 51, in <module>
workers=NUM_WORKERS)
"C:\Users\XXX\AppData\Local\Continuum\anaconda3\envs\tf-2-env\lib\site-packages\tensorflow\python\keras\engine\training.py", line 1176, in fit_generator
steps_name='steps_per_epoch')
"C:\Users\XXX\AppData\Local\Continuum\anaconda3\envs\tf-2-env\lib\site-packages\tensorflow\python\keras\engine\training_generator.py", line 322, in model_iteration
steps_name='validation_steps')
"C:\Users\XXX\AppData\Local\Continuum\anaconda3\envs\tf-2-env\lib\site-packages\tensorflow\python\keras\engine\training_generator.py", line 220, in model_iteration
batch_data = _get_next_batch(generator, mode)
"C:\Users\XXX\AppData\Local\Continuum\anaconda3\envs\tf-2-env\lib\site-packages\tensorflow\python\keras\engine\training_generator.py", line 362, in _get_next_batch
generator_output = next(generator)
"C:\Users\XXX\AppData\Local\Continuum\anaconda3\envs\tf-2-env\lib\site-packages\tensorflow\python\keras\utils\data_utils.py", line 915, in get
'Your generator is NOT thread-safe. '
RuntimeError: Your generator is NOT thread-safe. Keras requires a thread-safe generator when `use_multiprocessing=False, workers > 1`.
| 0.603948 |
Traceback (most recent call last):
"calibre/customize/ui.py", line 172, in _run_filetype_plugins
"calibre_plugins.dedrm.__init__", line 631, in run
decrypted_ebook = self.KindleMobiDecrypt(path_to_ebook)
"calibre_plugins.dedrm.__init__", line 525, in KindleMobiDecrypt
import calibre_plugins.dedrm.k4mobidedrm
"<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
"calibre/customize/zipplugin.py", line 192, in exec_module
"calibre_plugins.dedrm.k4mobidedrm", line 88, in <module>
from calibre_plugins.dedrm import kfxdedrm
"<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
"calibre/customize/zipplugin.py", line 192, in exec_module
"calibre_plugins.dedrm.kfxdedrm", line 17, in <module>
from calibre_plugins.dedrm.ion import DrmIon, DrmIonVoucher
"<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
"calibre/customize/zipplugin.py", line 192, in exec_module
"calibre_plugins.dedrm.ion", line 33, in <module>
from Crypto.Cipher import AES
"<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
"bypy-importer.py", line 154, in exec_module
"Crypto/Cipher/__init__.py", line 27, in <module>
"<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
"bypy-importer.py", line 154, in exec_module
"Crypto/Cipher/_mode_ecb.py", line 35, in <module>
"Crypto/Util/_raw_api.py", line 308, in load_pycryptodome_raw_lib
OSError: Cannot load native module 'Crypto.Cipher._raw_ecb': Trying '_raw_ecb.cpython-38-x86_64-linux-gnu.so': /opt/calibre/lib/calibre-extensions/python-lib.bypy.frozen/Crypto/Util/../Cipher/_raw_ecb.cpython-38-x86_64-linux-gnu.so: cannot open shared object file: Not a directory, Trying '_raw_ecb.abi3.so': /opt/calibre/lib/calibre-extensions/python-lib.bypy.frozen/Crypto/Util/../Cipher/_raw_ecb.abi3.so: cannot open shared object file: Not a directory, Trying '_raw_ecb.so': /opt/calibre/lib/calibre-extensions/python-lib.bypy.frozen/Crypto/Util/../Cipher/_raw_ecb.so: cannot open shared object file: Not a directory
| Traceback (most recent call last):
"/opt/aiy/projects-python/src/aiy/_drivers/_spicomm.py", line 137, in transact
fcntl.ioctl(self._dev, SPICOMM_IOCTL_TRANSACT, buf)
OSError: [Errno 62] Timer expired
| 0.510477 |
Traceback (most recent call last):
"no-close-fd.py", line 4, in <module>
FT2Font('/System/Library/Fonts/Apple Color Emoji.ttf')
RuntimeError: In FT2Font: Could not set the fontsize
| Traceback (most recent call last):
"/home/hkuit164/anaconda3/envs/yolov5/lib/python3.8/runpy.py", line 194, in _run_module_as_main
return _run_code(code, main_globals, None,
"/home/hkuit164/anaconda3/envs/yolov5/lib/python3.8/runpy.py", line 87, in _run_code
exec(code, run_globals)
"/home/hkuit164/anaconda3/envs/yolov5/lib/python3.8/site-packages/onnxsim/__main__.py", line 52, in <module>
main()
"/home/hkuit164/anaconda3/envs/yolov5/lib/python3.8/site-packages/onnxsim/__main__.py", line 39, in main
model_opt, check_ok = onnxsim.simplify(
"/home/hkuit164/anaconda3/envs/yolov5/lib/python3.8/site-packages/onnxsim/onnx_simplifier.py", line 322, in simplify
model = onnx.shape_inference.infer_shapes(model)
"/home/hkuit164/anaconda3/envs/yolov5/lib/python3.8/site-packages/onnx/shape_inference.py", line 35, in infer_shapes
inferred_model_str = C.infer_shapes(model_str, check_type)
RuntimeError: Inferred shape and existing shape differ in dimension 2: (640) vs (320)
| 0.519366 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"C:\Users\simon\pandas-simonjayhawkins\pandas\core\arrays\categorical.py", line 1130, in remove_categories
raise ValueError(msg.format(not_included=not_included))
ValueError: removals must all be in old categories: ['c']
| Traceback (most recent call last):
"models/research/object_detection/legacy/train.py", line 186, in <module>
tf.app.run()
"/workspace/workspace/test/.env/lib/python3.5/site-packages/tensorflow/python/platform/app.py", line 40, in run
_run(main=main, argv=argv, flags_parser=_parse_flags_tolerate_undef)
"/workspace/workspace/test/.env/lib/python3.5/site-packages/absl/app.py", line 299, in run
_run_main(main, args)
"/workspace/workspace/test/.env/lib/python3.5/site-packages/absl/app.py", line 250, in _run_main
sys.exit(main(argv))
"/workspace/workspace/test/.env/lib/python3.5/site-packages/tensorflow/python/util/deprecation.py", line 324, in new_func
return func(*args, **kwargs)
"models/research/object_detection/legacy/train.py", line 182, in main
graph_hook_fn=graph_rewriter_fn)
"/workspace/workspace/test/.env/lib/python3.5/site-packages/object_detection/legacy/trainer.py", line 291, in train
clones = model_deploy.create_clones(deploy_config, model_fn, [input_queue])
"/workspace/workspace/test/models/research/slim/deployment/model_deploy.py", line 192, in create_clones
outputs = model_fn(*args, **kwargs)
"/workspace/workspace/test/.env/lib/python3.5/site-packages/object_detection/legacy/trainer.py", line 204, in _create_losses
prediction_dict = detection_model.predict(images, true_image_shapes)
"/workspace/workspace/test/.env/lib/python3.5/site-packages/object_detection/meta_architectures/ssd_meta_arch.py", line 568, in predict
preprocessed_inputs)
"/workspace/workspace/test/.env/lib/python3.5/site-packages/object_detection/models/ssd_mobilenet_v2_feature_extractor.py", line 118, in extract_features
[mobilenet.depth_multiplier], min_depth=self._min_depth):
"/usr/lib/python3.5/contextlib.py", line 59, in __enter__
return next(self.gen)
"/workspace/workspace/test/.env/lib/python3.5/site-packages/tensorflow/contrib/framework/python/ops/arg_scope.py", line 152, in arg_scope
_name_op(op))
ValueError: ('%s is not decorated with @add_arg_scope', ('nets.mobilenet.mobilenet', 'depth_multiplier'))
| 0.498209 |
Traceback (most recent call last):
"/usr/bin/pyinstaller", line 11, in <module>
load_entry_point('PyInstaller==3.4', 'console_scripts', 'pyinstaller')()
"/usr/lib/python3.7/site-packages/PyInstaller/__main__.py", line 111, in run
run_build(pyi_config, spec_file, **vars(args))
"/usr/lib/python3.7/site-packages/PyInstaller/__main__.py", line 63, in run_build
PyInstaller.building.build_main.main(pyi_config, spec_file, **kwargs)
"/usr/lib/python3.7/site-packages/PyInstaller/building/build_main.py", line 838, in main
build(specfile, kw.get('distpath'), kw.get('workpath'), kw.get('clean_build'))
"/usr/lib/python3.7/site-packages/PyInstaller/building/build_main.py", line 784, in build
exec(text, spec_namespace)
"<string>", line 21, in <module>
"/usr/lib/python3.7/site-packages/PyInstaller/building/build_main.py", line 241, in __init__
self.__postinit__()
"/usr/lib/python3.7/site-packages/PyInstaller/building/datastruct.py", line 158, in __postinit__
self.assemble()
"/usr/lib/python3.7/site-packages/PyInstaller/building/build_main.py", line 531, in assemble
ctypes_code_objs = self.graph.get_co_using_ctypes()
# dict like:
{'module1': code_obj, 'module2': code_obj}
"/usr/lib/python3.7/site-packages/PyInstaller/depend/analysis.py", line 554, in get_co_using_ctypes
r_ident =
r.identifier
AttributeError: 'NoneType' object has no attribute 'identifier'
| Traceback (most recent call last):
"/usr/lib/python2.7/runpy.py", line 174, in _run_module_as_main
"__main__", fname, loader, pkg_name)
"/usr/lib/python2.7/runpy.py", line 72, in _run_code
exec code in run_globals
"/home/spoojary/factory-bench/apps/frappe/frappe/utils/bench_helper.py", line 79, in <module>
main()
"/home/spoojary/factory-bench/apps/frappe/frappe/utils/bench_helper.py", line 16, in main
click.Group(commands=commands)(prog_name='bench')
"/home/spoojary/factory-bench/env/local/lib/python2.7/site-packages/click/core.py", line 722, in __call__
return self.main(*args, **kwargs)
"/home/spoojary/factory-bench/env/local/lib/python2.7/site-packages/click/core.py", line 697, in main
rv = self.invoke(ctx)
"/home/spoojary/factory-bench/env/local/lib/python2.7/site-packages/click/core.py", line 1066, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/home/spoojary/factory-bench/env/local/lib/python2.7/site-packages/click/core.py", line 1066, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/home/spoojary/factory-bench/env/local/lib/python2.7/site-packages/click/core.py", line 895, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/home/spoojary/factory-bench/env/local/lib/python2.7/site-packages/click/core.py", line 535, in invoke
return callback(*args, **kwargs)
"/home/spoojary/factory-bench/env/local/lib/python2.7/site-packages/click/decorators.py", line 17, in new_func
return f(get_current_context(), *args, **kwargs)
"/home/spoojary/factory-bench/apps/frappe/frappe/commands/__init__.py", line 24, in _func
ret = f(frappe._dict(ctx.obj), *args, **kwargs)
"/home/spoojary/factory-bench/apps/frappe/frappe/commands/site.py", line 108, in restore
force=context.force)
"/home/spoojary/factory-bench/apps/frappe/frappe/commands/site.py", line 64, in _new_site
frappe.utils.scheduler.toggle_scheduler(enable_scheduler)
"/home/spoojary/factory-bench/apps/frappe/frappe/utils/scheduler.py", line 214, in toggle_scheduler
ss.save()
"/home/spoojary/factory-bench/apps/frappe/frappe/model/document.py", line 231, in save
return self._save(*args, **kwargs)
"/home/spoojary/factory-bench/apps/frappe/frappe/model/document.py", line 264, in _save
self.run_before_save_methods()
"/home/spoojary/factory-bench/apps/frappe/frappe/model/document.py", line 772, in run_before_save_methods
self.run_method("validate")
"/home/spoojary/factory-bench/apps/frappe/frappe/model/document.py", line 667, in run_method
out = Document.hook(fn)(self, *args, **kwargs)
"/home/spoojary/factory-bench/apps/frappe/frappe/model/document.py", line 892, in composer
return composed(self, method, *args, **kwargs)
"/home/spoojary/factory-bench/apps/frappe/frappe/model/document.py", line 875, in runner
add_to_return_value(self, fn(self, *args, **kwargs))
"/home/spoojary/factory-bench/apps/frappe/frappe/model/document.py", line 661, in <lambda>
fn = lambda self, *args, **kwargs: getattr(self, method)(*args, **kwargs)
"/home/spoojary/factory-bench/apps/frappe/frappe/core/doctype/system_settings/system_settings.py", line 15, in validate
enable_password_policy = cint(self.enable_password_policy) and True or False
AttributeError: 'SystemSettings' object has no attribute 'enable_password_policy'
| 0.669807 |
Traceback (most recent call last):
"basic.py", line 17, in <module>
m = p.match({0, 1, 2})
# not a dict -> m is None
"/home/simon/git/PyOPM/pyopm/core.py", line 263, in match
for kt, v in self.compiled_pattern.items():
"/home/simon/git/RustPython/Lib/functools.py", line 951, in __get__
"Cannot use cached_property instance without calling __set_name__ on it.")
TypeError: Cannot use cached_property instance without calling __set_name__ on it.
| Traceback (most recent call last):
"/usr/local/lib/python2.7/dist-packages/flask/app.py", line 1817, in wsgi_app
response = self.full_dispatch_request()
"/usr/local/lib/python2.7/dist-packages/flask/app.py", line 1477, in full_dispatch_request
rv = self.handle_user_exception(e)
"/usr/local/lib/python2.7/dist-packages/flask/app.py", line 1381, in handle_user_exception
reraise(exc_type, exc_value, tb)
"/usr/local/lib/python2.7/dist-packages/flask/app.py", line 1475, in full_dispatch_request
rv = self.dispatch_request()
"/usr/local/lib/python2.7/dist-packages/flask/app.py", line 1461, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/usr/local/lib/python2.7/dist-packages/docker_registry/toolkit.py", line 306, in wrapper
return f(namespace=namespace, repository=repository, *args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/docker_registry/toolkit.py", line 280, in wrapper
return f(*args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/docker_registry/tags.py", line 262, in delete_repository
namespace=namespace, repository=repository, tag=tag_name)
"/usr/local/lib/python2.7/dist-packages/docker_registry/tags.py", line 214, in delete_tag
image = store.get_content(path=tag_path)
TypeError: wrapper() got an unexpected keyword argument 'path' | 0.579761 |
Traceback (most recent call last):
"/Users/hoalee/.vim/plugged/YouCompleteMe/third_party/ycmd/ycmd/../ycmd/server_state.py", line 101, in
typeCompletionAvailable
self.Get
typeCompleter( filetypes )
"/Users/hoalee/.vim/plugged/YouCompleteMe/third_party/ycmd/ycmd/../ycmd/server_state.py", line 90, in Get
typeCompleter
current_filetypes ) )
ValueError: No semantic completer exists for filetypes: [u'javascript']
| Traceback (most recent call last):
"manage.py", line 30, in <module>
execute_from_command_line(sys.argv)
"/home/kapil/Documents/PycharmProjects/COOKIECUTTER/project_1_test/venv/lib/python3.6/site-packages/django/core/management/__init__.py", line 381, in execute_from_command_line
utility.execute()
"/home/kapil/Documents/PycharmProjects/COOKIECUTTER/project_1_test/venv/lib/python3.6/site-packages/django/core/management/__init__.py", line 357, in execute
django.setup()
"/home/kapil/Documents/PycharmProjects/COOKIECUTTER/project_1_test/venv/lib/python3.6/site-packages/django/__init__.py", line 24, in setup
apps.populate(settings.INSTALLED_APPS)
"/home/kapil/Documents/PycharmProjects/COOKIECUTTER/project_1_test/venv/lib/python3.6/site-packages/django/apps/registry.py", line 91, in populate
app_config = AppConfig.create(entry)
"/home/kapil/Documents/PycharmProjects/COOKIECUTTER/project_1_test/venv/lib/python3.6/site-packages/django/apps/config.py", line 90, in create
module = import_module(entry)
"/usr/lib/python3.6/importlib/__init__.py", line 126, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
"<frozen importlib._bootstrap>", line 991, in _gcd_import
"<frozen importlib._bootstrap>", line 930, in _sanity_check
ValueError: Empty module name
| 0.520043 |
[autoreload of pandas.core.panel failed: Traceback (most recent call last):
"/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/site-packages/IPython/extensions/autoreload.py", line 246, in check
superreload(m, reload, self.old_objects)
"/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/site-packages/IPython/extensions/autoreload.py", line 369, in superreload
module = reload(module)
"/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/imp.py", line 315, in reload
return importlib.reload(module)
"/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/importlib/__init__.py", line 166, in reload
_bootstrap._exec(spec, module)
"<frozen importlib._bootstrap>", line 618, in _exec
"<frozen importlib._bootstrap_external>", line 678, in exec_module
"<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
"/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/site-packages/pandas/core/panel.py", line 18, in <module>
import pandas.core.ops as ops
AttributeError: module 'pandas.core' has no attribute 'ops'
| Traceback (most recent call last):
"/usr/bin/custodian", line 9, in <module>
load_entry_point('c7n==0.8.32.1', 'console_scripts', 'custodian')()
"/usr/lib/python2.7/site-packages/pkg_resources.py", line 378, in load_entry_point
return get_distribution(dist).load_entry_point(group, name)
"/usr/lib/python2.7/site-packages/pkg_resources.py", line 2566, in load_entry_point
return ep.load()
"/usr/lib/python2.7/site-packages/pkg_resources.py", line 2260, in load
entry = __import__(self.module_name, globals(),globals(), ['__name__'])
"/usr/lib/python2.7/site-packages/c7n/cli.py", line 36, in <module>
from c7n.commands import schema_completer
"/usr/lib/python2.7/site-packages/c7n/commands.py", line 31, in <module>
from c7n.policy import Policy, PolicyCollection, load as policy_load
"/usr/lib/python2.7/site-packages/c7n/policy.py", line 37, in <module>
from c7n import query
"/usr/lib/python2.7/site-packages/c7n/query.py", line 35, in <module>
from c7n.tags import register_ec2_tags, register_universal_tags
"/usr/lib/python2.7/site-packages/c7n/tags.py", line 36, in <module>
from c7n.filters.offhours import Time
"/usr/lib/python2.7/site-packages/c7n/filters/offhours.py", line 261, in <module>
class Time(Filter):
"/usr/lib/python2.7/site-packages/c7n/filters/offhours.py", line 314, in Time
z_names = list(zoneinfo.get_zonefile_instance().zones)
AttributeError: 'module' object has no attribute 'get_zonefile_instance'
| 0.623768 |
Traceback (most recent call last):
"D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 721, in getImports
return _getImports_pe(pth)
"D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 109, in _getImports_pe
import_dllnames_only=True,
TypeError: parse_data_directories() got an unexpected keyword argument 'forwarded_exports_only'
| Traceback (most recent call last):
"ctfr.py", line 80, in <module>
main()
"ctfr.py", line 65, in main
subdomains.append(value['name_value'])
TypeError: list indices must be integers or slices, not str | 0.500704 |
Traceback (most recent call last):
"/homes/kpegion/.conda/envs/testenv3-dev/lib/python3.6/site-packages/xarray/backends/netCDF4_.py", line 84, in _getitem
array = getitem(original_array, key)
"/homes/kpegion/.conda/envs/testenv3-dev/lib/python3.6/site-packages/xarray/backends/common.py", line 54, in robust_getitem
return array[key]
"netCDF4/_netCDF4.pyx", line 4408, in netCDF4._netCDF4.Variable.__getitem__
"netCDF4/_netCDF4.pyx", line 5350, in netCDF4._netCDF4.Variable._get
IndexError: index exceeds dimension bounds
| Traceback (most recent call last):
"train.py", line 374, in <module>
train()
"train.py", line 303, in train
compute_validation_map(yolact_net, val_dataset)
"train.py", line 367, in compute_validation_map
eval_script.evaluate(yolact_net, dataset, train_mode=True)
"/home/gpuserver/models/yolact/eval.py", line 791, in evaluate
prep_metrics(ap_data, preds, img, gt, gt_masks, h, w, num_crowd, dataset.ids[image_idx], detections)
"/home/gpuserver/models/yolact/eval.py", line 401, in prep_metrics
ap_obj = ap_data[iou_type][iouIdx][_class]
IndexError: list index out of range
| 0.628924 |
Traceback (most recent call last):
"/opt/code/localstack/localstack/services/plugins.py", line 96, in check_infra
check_service_health(api=name, print_error=print_error)
"/opt/code/localstack/localstack/services/plugins.py", line 115, in check_service_health
raise e
"/opt/code/localstack/localstack/services/plugins.py", line 111, in check_service_health
plugin.check(expect_shutdown=expect_shutdown, print_error=print_error)
"/opt/code/localstack/localstack/services/plugins.py", line 45, in check
return self.check_function(expect_shutdown=expect_shutdown, print_error=print_error)
"/opt/code/localstack/localstack/services/secretsmanager/secretsmanager_starter.py", line 129, in check_secretsmanager
assert isinstance(out['SecretList'], list)
TypeError: 'NoneType' object is not subscriptable
| Validating services...Traceback (most recent call last):
"C:\Users\tom\AppData\Local\Programs\Python\Python38\lib\runpy.py", line 193, in _run_module_as_main
return _run_code(code, main_globals, None,
"C:\Users\tom\AppData\Local\Programs\Python\Python38\lib\runpy.py", line 86, in _run_code
exec(code, run_globals)
"C:\Users\tom\Source\Repos\home-assistant\script\hassfest\__main__.py", line 111, in <module>
sys.exit(main())
"C:\Users\tom\Source\Repos\home-assistant\script\hassfest\__main__.py", line 57, in main
plugin.validate(integrations, config)
"C:\Users\tom\Source\Repos\home-assistant\script\hassfest\services.py", line 93, in validate
validate_services(integration)
"C:\Users\tom\Source\Repos\home-assistant\script\hassfest\services.py", line 79, in validate_services
SERVICES_SCHEMA(data)
"C:\Users\tom\AppData\Local\Programs\Python\Python38\lib\site-packages\voluptuous\schema_builder.py", line 272, in __call__
return self._compiled([], data)
"C:\Users\tom\AppData\Local\Programs\Python\Python38\lib\site-packages\voluptuous\schema_builder.py", line 594, in validate_dict
return base_validate(path, iteritems(data), out)
"C:\Users\tom\AppData\Local\Programs\Python\Python38\lib\site-packages\voluptuous\schema_builder.py", line 373, in validate_mapping
new_key = ckey(key_path, key)
"C:\Users\tom\AppData\Local\Programs\Python\Python38\lib\site-packages\voluptuous\schema_builder.py", line 817, in validate_callable
return schema(data)
"C:\Users\tom\Source\Repos\home-assistant\homeassistant\helpers\config_validation.py", line 419, in slug
slg = util_slugify(str_value)
"C:\Users\tom\Source\Repos\home-assistant\homeassistant\util\__init__.py", line 49, in slugify
return unicode_slug.slugify(text, separator=separator)
# type: ignore
TypeError: slugify() got an unexpected keyword argument 'separator'
| 0.593389 |
Traceback (most recent call last):
"/usr/local/lib/python2.7/dist-packages/flexget/task.py", line 483, in __run_plugin
return method(*args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/flexget/event.py", line 23, in __call__
return self.func(*args, **kwargs)
"/home/pi/.flexget/plugins/input/npo_watchlist.py", line 317, in on_task_input
entries = self._get_watchlist_entries(task, config)
"/home/pi/.flexget/plugins/input/npo_watchlist.py", line 148, in _get_watchlist_entries
entry_date = self._parse_date(listItem.find('span', class_='global__content-info').text)
"/home/pi/.flexget/plugins/input/npo_watchlist.py", line 81, in _parse_date
month = months.index(date_match.group(2)) + 1
ValueError: u'min' is not in list
| Traceback (most recent call last):
"/usr/src/homeassistant/homeassistant/config_entries.py", line 215, in async_setup
hass, self
"/usr/src/homeassistant/homeassistant/components/icloud/__init__.py", line 124, in async_setup_entry
await hass.async_add_executor_job(account.setup)
"/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/icloud/account.py", line 124, in setup
self.update_devices()
"/usr/src/homeassistant/homeassistant/components/icloud/account.py", line 168, in update_devices
self._fetch_interval = self._determine_interval()
"/usr/src/homeassistant/homeassistant/components/icloud/account.py", line 239, in _determine_interval
int(min(intervals.items(), key=operator.itemgetter(1))[1]),
ValueError: min() arg is an empty sequence
| 0.639829 |
Traceback (most recent call last):
"predict.py", line 129, in <module>
result = mask_to_image(mask)
"predict.py", line 97, in mask_to_image
return Image.fromarray((mask * 255).astype(np.uint8))
"C:\Users\lyyly\Anaconda3\envs\Pregnant\lib\site-packages\PIL\Image.py", line 2751, in fromarray
raise TypeError("Cannot handle this data type: %s, %s" % typekey) from e
TypeError: Cannot handle this data type: (1, 1, 768), |u1
| Traceback (most recent call last):
"D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 721, in getImports
return _getImports_pe(pth)
"D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 109, in _getImports_pe
import_dllnames_only=True,
TypeError: parse_data_directories() got an unexpected keyword argument 'forwarded_exports_only'
| 0.532638 |
Traceback (most recent call last):
"../apps/manage.py", line 28, in <module>
execute_from_command_line(sys.argv)
"/opt/py3/lib/python3.6/site-packages/django/core/management/__init__.py", line 381, in execute_from_command_line
utility.execute()
"/opt/py3/lib/python3.6/site-packages/django/core/management/__init__.py", line 357, in execute
django.setup()
"/opt/py3/lib/python3.6/site-packages/django/__init__.py", line 24, in setup
apps.populate(settings.INSTALLED_APPS)
"/opt/py3/lib/python3.6/site-packages/django/apps/registry.py", line 120, in populate
app_config.ready()
"/opt/jumpserver/apps/common/apps.py", line 12, in ready
django_ready.send(self.__class__)
"/opt/py3/lib/python3.6/site-packages/django/dispatch/dispatcher.py", line 175, in send
for receiver in self._live_receivers(sender)
"/opt/py3/lib/python3.6/site-packages/django/dispatch/dispatcher.py", line 175, in <listcomp>
for receiver in self._live_receivers(sender)
"/opt/jumpserver/apps/common/signals_handler.py", line 61, in refresh_all_settings_on_django_ready
Setting.refresh_all_settings()
"/opt/jumpserver/apps/common/models.py", line 106, in refresh_all_settings
setting.refresh_setting()
"/opt/jumpserver/apps/common/models.py", line 111, in refresh_setting
setattr(settings, self.name, self.cleaned_value)
"/opt/jumpserver/apps/common/models.py", line 50, in cleaned_value
value = json.loads(value)
"/usr/local/lib/python3.6/json/__init__.py", line 348, in loads
'not {!r}'.format(s.__class__.__name__))
TypeError: the JSON object must be str, bytes or bytearray, not 'dict'
| Traceback (most recent call last):
"pandalearning.py", line 177, in <module>
"pandalearning.py", line 49, in show_score
"pdlearn/score.py", line 14, in get_score
"pdlearn/score.py", line 14, in <listcomp>
TypeError: string indices must be integers
| 0.575758 |
Traceback (most recent call last):
"tools/train_net.py", line 163, in <module>
args=(args,),
"/home/ashwin/Desktop/Projects/detectron2/detectron2/engine/launch.py", line 52, in launch
main_func(*args)
"tools/train_net.py", line 151, in main
return trainer.train()
"/home/ashwin/Desktop/Projects/detectron2/detectron2/engine/defaults.py", line 380, in train
super().train(self.start_iter, self.max_iter)
"/home/ashwin/Desktop/Projects/detectron2/detectron2/engine/train_loop.py", line 132, in train
self.run_step()
"/home/ashwin/Desktop/Projects/detectron2/detectron2/engine/train_loop.py", line 215, in run_step
loss_dict = self.model(data)
"/home/ashwin/anaconda3/envs/detectron2/lib/python3.7/site-packages/torch/nn/modules/module.py", line 532, in __call__
result = self.forward(*input, **kwargs)
"/home/ashwin/Desktop/Projects/detectron2/detectron2/modeling/meta_arch/panoptic_fpn.py", line 94, in forward
gt_instances = [x["instances"].to(self.device) for x in batched_inputs]
"/home/ashwin/Desktop/Projects/detectron2/detectron2/modeling/meta_arch/panoptic_fpn.py", line 94, in <listcomp>
gt_instances = [x["instances"].to(self.device) for x in batched_inputs]
"/home/ashwin/Desktop/Projects/detectron2/detectron2/structures/instances.py", line 113, in to
v = v.to(device)
"/home/ashwin/Desktop/Projects/detectron2/detectron2/structures/boxes.py", line 162, in to
return Boxes(self.tensor.to(device))
RuntimeError: CUDA error: device-side assert triggered
| Traceback (most recent call last):
"./experiments/train_voc.py/test.py", line 124, in <module>
test(args)
"./experiments/train_voc.py/test.py", line 107, in test
correct, labeled, inter, union = eval_batch(image, dst, evaluator, args.eval)
"./experiments/train_voc.py/test.py", line 75, in eval_batch
outputs = evaluator.parallel_forward(image)
"/home/oujie/anaconda3/envs/pytorch-master/lib/python3.7/site-packages/encoding/models/base.py", line 101, in parallel_forward
outputs = self.parallel_apply(replicas, inputs, kwargs)
"/home/oujie/anaconda3/envs/pytorch-master/lib/python3.7/site-packages/torch/nn/parallel/data_parallel.py", line 133, in parallel_apply
return parallel_apply(replicas, inputs, kwargs, self.device_ids[:len(replicas)])
"/home/oujie/anaconda3/envs/pytorch-master/lib/python3.7/site-packages/torch/nn/parallel/parallel_apply.py", line 77, in parallel_apply
raise output
"/home/oujie/anaconda3/envs/pytorch-master/lib/python3.7/site-packages/torch/nn/parallel/parallel_apply.py", line 53, in _worker
output = module(*input, **kwargs)
"/home/oujie/anaconda3/envs/pytorch-master/lib/python3.7/site-packages/torch/nn/modules/module.py", line 477, in __call__
result = self.forward(*input, **kwargs)
"/home/oujie/anaconda3/envs/pytorch-master/lib/python3.7/site-packages/encoding/models/base.py", line 168, in forward
scores += score
RuntimeError: The size of tensor a (21) must match the size of tensor b (150) at non-singleton dimension 1
| 0.563803 |
Traceback (most recent call last):
"/usr/local/bin/t2t-trainer", line 4, in <module>
__import__('pkg_resources').run_script('tensor2tensor==1.1.3', 't2t-trainer')
"/usr/lib/python2.7/dist-packages/pkg_resources/__init__.py", line 719, in run_script
self.require(requires)[0].run_script(script_name, ns)
"/usr/lib/python2.7/dist-packages/pkg_resources/__init__.py", line 1504, in run_script
exec(code, namespace, namespace)
"/usr/local/lib/python2.7/dist-packages/tensor2tensor-1.1.3-py2.7.egg/EGG-INFO/scripts/t2t-trainer", line 82, in <module>
tf.app.run()
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/platform/app.py", line 48, in run
_sys.exit(main(_sys.argv[:1] + flags_passthrough))
"/usr/local/lib/python2.7/dist-packages/tensor2tensor-1.1.3-py2.7.egg/EGG-INFO/scripts/t2t-trainer", line 78, in main
schedule=FLAGS.schedule)
"/usr/local/lib/python2.7/dist-packages/tensor2tensor-1.1.3-py2.7.egg/tensor2tensor/utils/trainer_utils.py", line 292, in run
run_locally(exp_fn(output_dir))
"/usr/local/lib/python2.7/dist-packages/tensor2tensor-1.1.3-py2.7.egg/tensor2tensor/utils/trainer_utils.py", line 610, in run_locally
exp.train_and_evaluate()
"/usr/local/lib/python2.7/dist-packages/tensorflow/contrib/learn/python/learn/experiment.py", line 495, in train_and_evaluate
self.train(delay_secs=0)
"/usr/local/lib/python2.7/dist-packages/tensorflow/contrib/learn/python/learn/experiment.py", line 275, in train
hooks=self._train_monitors + extra_hooks)
"/usr/local/lib/python2.7/dist-packages/tensorflow/contrib/learn/python/learn/experiment.py", line 665, in _call_train
monitors=hooks)
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/util/deprecation.py", line 289, in new_func
return func(*args, **kwargs)
"/usr/local/lib/python2.7/dist-packages/tensorflow/contrib/learn/python/learn/estimators/estimator.py", line 455, in fit
loss = self._train_model(input_fn=input_fn, hooks=hooks)
"/usr/local/lib/python2.7/dist-packages/tensorflow/contrib/learn/python/learn/estimators/estimator.py", line 955, in _train_model
model_fn_ops = self._get_train_ops(features, labels)
"/usr/local/lib/python2.7/dist-packages/tensorflow/contrib/learn/python/learn/estimators/estimator.py", line 1162, in _get_train_ops
return self._call_model_fn(features, labels, model_fn_lib.ModeKeys.TRAIN)
"/usr/local/lib/python2.7/dist-packages/tensorflow/contrib/learn/python/learn/estimators/estimator.py", line 1133, in _call_model_fn
model_fn_results = self._model_fn(features, labels, **kwargs)
"/usr/local/lib/python2.7/dist-packages/tensor2tensor-1.1.3-py2.7.egg/tensor2tensor/utils/trainer_utils.py", line 491, in model_fn
len(hparams.problems) - 1)
"/usr/local/lib/python2.7/dist-packages/tensor2tensor-1.1.3-py2.7.egg/tensor2tensor/utils/trainer_utils.py", line 811, in _cond_on_index
return fn(cur_idx)
"/usr/local/lib/python2.7/dist-packages/tensor2tensor-1.1.3-py2.7.egg/tensor2tensor/utils/trainer_utils.py", line 472, in nth_model
features, skip=(skipping_is_on and skip_this_one))
"/usr/local/lib/python2.7/dist-packages/tensor2tensor-1.1.3-py2.7.egg/tensor2tensor/utils/t2t_model.py", line 396, in model_fn
sharded_features[key], dp)
"/usr/local/lib/python2.7/dist-packages/tensor2tensor-1.1.3-py2.7.egg/tensor2tensor/utils/modality.py", line 95, in bottom_sharded
return data_parallelism(self.bottom, xs)
"/usr/local/lib/python2.7/dist-packages/tensor2tensor-1.1.3-py2.7.egg/tensor2tensor/utils/expert_utils.py", line 295, in __call__
outputs.append(fns[i](*my_args[i], **my_kwargs[i]))
"/usr/local/lib/python2.7/dist-packages/tensor2tensor-1.1.3-py2.7.egg/tensor2tensor/models/modalities.py", line 89, in bottom
return self.bottom_simple(x, "shared", reuse=None)
"/usr/local/lib/python2.7/dist-packages/tensor2tensor-1.1.3-py2.7.egg/tensor2tensor/models/modalities.py", line 81, in bottom_simple
ret = tf.gather(var, x)
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/ops/gen_array_ops.py", line 1179, in gather
validate_indices=validate_indices, name=name)
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/op_def_library.py", line 589, in apply_op
param_name=input_name)
"/usr/local/lib/python2.7/dist-packages/tensorflow/python/framework/op_def_library.py", line 60, in _SatisfiesTypeConstraint
", ".join(dtypes.as_dtype(x).name for x in allowed_list)))
TypeError: Value passed to parameter 'indices' has DataType uint8 not in list of allowed values: int32, int64
| Traceback (most recent call last):
"<input>", line 1, in <module>
import bpdb_test
"/<pwd>/bpdb_test.py", line 2, in <module>
bpdb.set_trace()
"/<home>/.pyenv/versions/3.5.2/lib/python3.5/bdb.py", line 52, in trace_dispatch
return self.dispatch_return(frame, arg)
"/<home>/.pyenv/versions/3.5.2/lib/python3.5/bdb.py", line 93, in dispatch_return
self.user_return(frame, arg)
"/<home>/.pyenv/versions/3.5.2/lib/python3.5/pdb.py", line 291, in user_return
self.interaction(frame, None)
"/<home>/.pyenv/versions/3.5.2/lib/python3.5/pdb.py", line 346, in interaction
self._cmdloop()
"/<home>/.pyenv/versions/3.5.2/lib/python3.5/pdb.py", line 319, in _cmdloop
self.cmdloop()
"/<home>/.pyenv/versions/3.5.2/lib/python3.5/cmd.py", line 138, in cmdloop
stop = self.onecmd(line)
"/<home>/.pyenv/versions/3.5.2/lib/python3.5/pdb.py", line 412, in onecmd
return cmd.Cmd.onecmd(self, line)
"/<home>/.pyenv/versions/3.5.2/lib/python3.5/cmd.py", line 217, in onecmd
return func(arg)
"/<venv>/lib/python3.5/site-packages/bpdb/debugger.py", line 46, in do_Bpython
bpython.embed(self.curframe.f_locals, ['-i'])
"/<venv>/lib/python3.5/site-packages/bpython/__init__.py", line 36, in embed
return main(args, locals_, banner)
"/<venv>/lib/python3.5/site-packages/bpython/curtsies.py", line 187, in main
with repl.window as win:
"/<venv>/lib/python3.5/site-packages/curtsies/window.py", line 254, in __enter__
self.cbreak.__enter__()
"/<venv>/lib/python3.5/site-packages/curtsies/termhelpers.py", line 20, in __enter__
self.original_stty = termios.tcgetattr(self.stream)
TypeError: argument must be an int, or have a fileno() method.
| 0.612836 |
desk.min.js?ver=1505824993.0:1565 Traceback (most recent call last):
"/home/frappe/frappe-bench/apps/frappe/frappe/app.py", line 57, in application
response = frappe.handler.handle()
"/home/frappe/frappe-bench/apps/frappe/frappe/handler.py", line 22, in handle
data = execute_cmd(cmd)
"/home/frappe/frappe-bench/apps/frappe/frappe/handler.py", line 53, in execute_cmd
return frappe.call(method, **frappe.form_dict)
"/home/frappe/frappe-bench/apps/frappe/frappe/__init__.py", line 923, in call
return fn(*args, **newargs)
"/home/frappe/frappe-bench/apps/frappe/frappe/model/mapper.py", line 27, in make_mapped_doc
return method(source_name)
"/home/frappe/frappe-bench/apps/erpnext/erpnext/selling/doctype/sales_order/sales_order.py", line 569, in make_sales_invoice
}, target_doc, postprocess, ignore_permissions=ignore_permissions)
"/home/frappe/frappe-bench/apps/frappe/frappe/model/mapper.py", line 110, in get_mapped_doc
postprocess(source_doc, target_doc)
"/home/frappe/frappe-bench/apps/erpnext/erpnext/selling/doctype/sales_order/sales_order.py", line 516, in postprocess
set_missing_values(source, target)
"/home/frappe/frappe-bench/apps/erpnext/erpnext/selling/doctype/sales_order/sales_order.py", line 525, in set_missing_values
target.run_method("calculate_taxes_and_totals")
"/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 671, in run_method
out = Document.hook(fn)(self, *args, **kwargs)
"/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 892, in composer
return composed(self, method, *args, **kwargs)
"/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 875, in runner
add_to_return_value(self, fn(self, *args, **kwargs))
"/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 665, in <lambda>
fn = lambda self, *args, **kwargs: getattr(self, method)(*args, **kwargs)
"/home/frappe/frappe-bench/apps/erpnext/erpnext/controllers/accounts_controller.py", line 88, in calculate_taxes_and_totals
calculate_taxes_and_totals(self)
"/home/frappe/frappe-bench/apps/erpnext/erpnext/controllers/taxes_and_totals.py", line 15, in __init__
self.calculate()
"/home/frappe/frappe-bench/apps/erpnext/erpnext/controllers/taxes_and_totals.py", line 19, in calculate
self._calculate()
"/home/frappe/frappe-bench/apps/erpnext/erpnext/controllers/taxes_and_totals.py", line 38, in _calculate
self.calculate_totals()
"/home/frappe/frappe-bench/apps/erpnext/erpnext/controllers/taxes_and_totals.py", line 303, in calculate_totals
self._set_in_company_currency(self.doc, ["total_taxes_and_charges", "rounding_adjustment"])
"/home/frappe/frappe-bench/apps/erpnext/erpnext/controllers/taxes_and_totals.py", line 81, in _set_in_company_currency
val = flt(flt(doc.get(f), doc.precision(f)) * self.doc.conversion_rate, doc.precision("base_" + f))
"/home/frappe/frappe-bench/apps/frappe/frappe/model/base_document.py", line 692, in precision
if df.fieldtype in ("Currency", "Float", "Percent"):
AttributeError: 'NoneType' object has no attribute 'fieldtype'" | Traceback (most recent call last):
"/usr/lib/python3.8/site-packages/lutris/gui/application.py", line 317, in do_command_line
self.set_tray_icon()
"/usr/lib/python3.8/site-packages/lutris/gui/application.py", line 473, in set_tray_icon
self.tray = LutrisStatusIcon(application=self)
"/usr/lib/python3.8/site-packages/lutris/gui/widgets/status_icon.py", line 20, in __init__
self.icon.set_menu(self.menu)
AttributeError: 'LutrisTray' object has no attribute 'set_menu'
| 0.601148 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
AttributeError: module 'labelme.utils' has no attribute 'draw_label'
| Traceback (most recent call last):
"manage.py", line 10, in <module>
execute_from_command_line(sys.argv)
"/usr/local/lib/python3.5/dist-packages/django/core/management/__init__.py", line 364, in execute_from_command_line
utility.execute()
"/usr/local/lib/python3.5/dist-packages/django/core/management/__init__.py", line 356, in execute
self.fetch_command(subcommand).run_from_argv(self.argv)
"/usr/local/lib/python3.5/dist-packages/django/core/management/base.py", line 283, in run_from_argv
self.execute(*args, **cmd_options)
"/usr/local/lib/python3.5/dist-packages/django/core/management/base.py", line 330, in execute
output = self.handle(*args, **options)
"/usr/local/lib/python3.5/dist-packages/wagtail/wagtailsearch/management/commands/update_index.py", line 120, in handle
self.update_backend(backend_name, schema_only=options.get('schema_only', False))
"/usr/local/lib/python3.5/dist-packages/wagtail/wagtailsearch/management/commands/update_index.py", line 77, in update_backend
index.add_model(model)
"/usr/local/lib/python3.5/dist-packages/wagtail/wagtailsearch/backends/elasticsearch2.py", line 113, in add_model
index=self.name, doc_type=mapping.get_document_type(), body=mapping.get_mapping(),
"/usr/local/lib/python3.5/dist-packages/wagtail/wagtailsearch/backends/elasticsearch.py", line 137, in get_mapping
self.get_field_mapping(field) for field in self.model.get_search_fields()
"/usr/local/lib/python3.5/dist-packages/wagtail/wagtailsearch/backends/elasticsearch.py", line 137, in <genexpr>
self.get_field_mapping(field) for field in self.model.get_search_fields()
"/usr/local/lib/python3.5/dist-packages/wagtail/wagtailsearch/backends/elasticsearch.py", line 85, in get_field_mapping
sub_field_name, sub_field_mapping = nested_mapping.get_field_mapping(sub_field)
"/usr/local/lib/python3.5/dist-packages/wagtail/wagtailsearch/backends/elasticsearch.py", line 119, in get_field_mapping
return self.get_field_column_name(field), mapping
"/usr/local/lib/python3.5/dist-packages/wagtail/wagtailsearch/backends/elasticsearch2.py", line 49, in get_field_column_name
prefix = definition_model._meta.app_label.lower() + '_' + definition_model.__name__.lower() + '__'
AttributeError: 'NoneType' object has no attribute '_meta'
| 0.570292 |
Traceback (most recent call last):
"generate.py", line 140, in <module>
main()
"generate.py", line 92, in main
for sample_id, src_tokens, target_tokens, hypos in translations:
"/home/kimi/Desktop/fairseq-py/fairseq/sequence_generator.py", line 77, in generate_batched_itr
maxlen=int(maxlen_a*srclen + maxlen_b))
"/home/kimi/Desktop/fairseq-py/fairseq/sequence_generator.py", line 92, in generate
return self._generate(src_tokens, beam_size, maxlen)
"/home/kimi/Desktop/fairseq-py/fairseq/sequence_generator.py", line 248, in _generate
out=(cand_scores, cand_indices))
TypeError: topk() got an unexpected keyword argument 'out'
| Traceback (most recent call last):
"/home/human1/hg/2018/link_store_keep/package/link_store_v2.py", line 61, in setOutputChrome
self.setOutput(self.plainTextEdit.toPlainText(), 'chrome', self.lineEdit.text(), self.lineEdit2.text())
"/home/human1/hg/2018/link_store_keep/package/link_store_v2.py", line 153, in setOutput
self.build_mariadb(contents, db_config['user'], db_config['schema'], db_config['table'])
"/home/human1/hg/2018/link_store_keep/package/link_store_v2.py", line 99, in build_mariadb
psswd = backup_mariadb.key_implement(dbase = dbase, usr = usr)
"/home/human1/hg/2018/link_store_keep/package/backup_mariadb.py", line 68, in key_implement
if keyring.get_password(dbase, usr) == None:
"/usr/lib/python3.9/site-packages/keyring/core.py", line 55, in get_password
return get_keyring().get_password(service_name, username)
"/usr/lib/python3.9/site-packages/keyring/core.py", line 32, in get_keyring
init_backend()
"/usr/lib/python3.9/site-packages/keyring/core.py", line 83, in init_backend
set_keyring(_detect_backend(limit))
"/usr/lib/python3.9/site-packages/keyring/core.py", line 101, in _detect_backend
filter(limit, backend.get_all_keyring()),
"/usr/lib/python3.9/site-packages/keyring/util/__init__.py", line 22, in wrapper
func.always_returns = func(*args, **kwargs)
"/usr/lib/python3.9/site-packages/keyring/backend.py", line 214, in get_all_keyring
_load_plugins()
"/usr/lib/python3.9/site-packages/keyring/backend.py", line 198, in _load_plugins
for ep in metadata.entry_points(group='keyring.backends'):
TypeError: entry_points() got an unexpected keyword argument 'group'
| 0.614085 |
Traceback (most recent call last):
"D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 721, in getImports
return _getImports_pe(pth)
"D:\Apps\Python\Anaconda3\lib\site-packages\PyInstaller\depend\bindepend.py", line 109, in _getImports_pe
import_dllnames_only=True,
TypeError: parse_data_directories() got an unexpected keyword argument 'forwarded_exports_only'
|
Traceback (most recent call last):
"<string>", line 1, in <module>
"/tmp/xs-ttgump/pip-install-xpuhp0co/scanpy/setup.py", line 50, in <module>
'Topic :: Scientific/Engineering :: Visualization',
"/global/software/MPI/GCC/4.9.2/OpenMPI/1.8.5/Python/3.6.0/lib/python3.6/distutils/core.py", line 148, in setup
dist.run_commands()
"/global/software/MPI/GCC/4.9.2/OpenMPI/1.8.5/Python/3.6.0/lib/python3.6/distutils/dist.py", line 955, in run_commands
self.run_command(cmd)
"/global/software/MPI/GCC/4.9.2/OpenMPI/1.8.5/Python/3.6.0/lib/python3.6/distutils/dist.py", line 974, in run_command
cmd_obj.run()
"/global/software/MPI/GCC/4.9.2/OpenMPI/1.8.5/Python/3.6.0/lib/python3.6/site-packages/setuptools-18.3.2-py3.6.egg/setuptools/command/install.py", line 61, in run
"/global/software/MPI/GCC/4.9.2/OpenMPI/1.8.5/Python/3.6.0/lib/python3.6/distutils/command/install.py", line 545, in run
self.run_command('build')
"/global/software/MPI/GCC/4.9.2/OpenMPI/1.8.5/Python/3.6.0/lib/python3.6/distutils/cmd.py", line 313, in run_command
self.distribution.run_command(command)
"/global/software/MPI/GCC/4.9.2/OpenMPI/1.8.5/Python/3.6.0/lib/python3.6/distutils/dist.py", line 974, in run_command
cmd_obj.run()
"/global/software/MPI/GCC/4.9.2/OpenMPI/1.8.5/Python/3.6.0/lib/python3.6/distutils/command/build.py", line 135, in run
self.run_command(cmd_name)
"/global/software/MPI/GCC/4.9.2/OpenMPI/1.8.5/Python/3.6.0/lib/python3.6/distutils/cmd.py", line 313, in run_command
self.distribution.run_command(command)
"/global/software/MPI/GCC/4.9.2/OpenMPI/1.8.5/Python/3.6.0/lib/python3.6/distutils/dist.py", line 974, in run_command
cmd_obj.run()
"/tmp/xs-ttgump/pip-install-xpuhp0co/scanpy/versioneer.py", line 1555, in run
_build_py.run(self)
"/global/software/MPI/GCC/4.9.2/OpenMPI/1.8.5/Python/3.6.0/lib/python3.6/site-packages/setuptools-18.3.2-py3.6.egg/setuptools/command/build_py.py", line 47, in run
"/global/software/MPI/GCC/4.9.2/OpenMPI/1.8.5/Python/3.6.0/lib/python3.6/site-packages/setuptools-18.3.2-py3.6.egg/setuptools/command/build_py.py", line 103, in build_package_data
"/global/software/MPI/GCC/4.9.2/OpenMPI/1.8.5/Python/3.6.0/lib/python3.6/site-packages/setuptools-18.3.2-py3.6.egg/setuptools/command/build_py.py", line 59, in __getattr__
"/global/software/MPI/GCC/4.9.2/OpenMPI/1.8.5/Python/3.6.0/lib/python3.6/site-packages/setuptools-18.3.2-py3.6.egg/setuptools/command/build_py.py", line 86, in _get_data_files
"/global/software/MPI/GCC/4.9.2/OpenMPI/1.8.5/Python/3.6.0/lib/python3.6/site-packages/setuptools-18.3.2-py3.6.egg/setuptools/command/build_py.py", line 94, in find_data_files
TypeError: must be str, not list
| 0.584537 |
Traceback (most recent call last):
"/home/thomas/mx/tmp/main.py", line 41, in <module>
trainer.fit(autoencoder, DataLoader(train), DataLoader(val))
"/home/thomas/anaconda3/lib/python3.7/site-packages/pytorch_lightning/trainer/trainer.py", line 440, in fit
results = self.accelerator_backend.train()
"/home/thomas/anaconda3/lib/python3.7/site-packages/pytorch_lightning/accelerators/cpu_accelerator.py", line 45, in train
self.trainer.train_loop.setup_training(model)
"/home/thomas/anaconda3/lib/python3.7/site-packages/pytorch_lightning/trainer/training_loop.py", line 132, in setup_training
self.trainer.logger.log_hyperparams(ref_model.hparams)
"/home/thomas/anaconda3/lib/python3.7/site-packages/pytorch_lightning/utilities/distributed.py", line 35, in wrapped_fn
return fn(*args, **kwargs)
"/home/thomas/anaconda3/lib/python3.7/site-packages/pytorch_lightning/loggers/tensorboard.py", line 169, in log_hyperparams
self.log_metrics(metrics, 0)
"/home/thomas/anaconda3/lib/python3.7/site-packages/pytorch_lightning/utilities/distributed.py", line 35, in wrapped_fn
return fn(*args, **kwargs)
"/home/thomas/anaconda3/lib/python3.7/site-packages/pytorch_lightning/loggers/tensorboard.py", line 191, in log_metrics
type(e)(e.message + m)
AttributeError: 'TypeError' object has no attribute 'message'
| Traceback (most recent call last):
"/usr/lib64/python3.9/multiprocessing/pool.py", line 125, in worker
result = (True, func(*args, **kwds))
"/builddir/build/BUILDROOT/ocrmypdf-10.1.0-1.fc33.x86_64/usr/lib/python3.9/site-packages/ocrmypdf/_sync.py", line 214, in exec_page_sync
ocr_out = render_hocr_page(hocr_out, page_context)
"/builddir/build/BUILDROOT/ocrmypdf-10.1.0-1.fc33.x86_64/usr/lib/python3.9/site-packages/ocrmypdf/_pipeline.py", line 612, in render_hocr_page
hocrtransform.to_pdf(
"/builddir/build/BUILDROOT/ocrmypdf-10.1.0-1.fc33.x86_64/usr/lib/python3.9/site-packages/ocrmypdf/hocrtransform.py", line 191, in to_pdf
elemtxt = self._get_element_text(elem).rstrip()
"/builddir/build/BUILDROOT/ocrmypdf-10.1.0-1.fc33.x86_64/usr/lib/python3.9/site-packages/ocrmypdf/hocrtransform.py", line 112, in _get_element_text
for child in element.getchildren():
AttributeError: 'xml.etree.ElementTree.Element' object has no attribute 'getchildren'
| 0.637566 |
Traceback (most recent call last):
"api.py", line 90, in <module>
graph = tf.get_default_graph()
AttributeError: module 'tensorflow' has no attribute 'get_default_graph' | Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/root/.pyenv/versions/3.8.2/lib/python3.8/asyncio/base_events.py", line 616, in run_until_complete
return future.result()
"<stdin>", line 14, in main
"/root/.pyenv/versions/3.8.2/lib/python3.8/asyncio/selector_events.py", line 1056, in sendto
self._fatal_error(
"/root/.pyenv/versions/3.8.2/lib/python3.8/asyncio/selector_events.py", line 703, in _fatal_error
self._loop.call_exception_handler({
AttributeError: 'NoneType' object has no attribute 'call_exception_handler'
| 0.570935 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"<stdin>", line 2, in smth
RuntimeError: No active exception to reraise
| Traceback (most recent call last):
"/usr/local/lib/python3.6/dist-packages/detectron2/engine/train_loop.py", line 132, in train
self.run_step()
"/usr/local/lib/python3.6/dist-packages/detectron2/engine/train_loop.py", line 215, in run_step
loss_dict = self.model(data)
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py", line 550, in __call__
result = self.forward(*input, **kwargs)
"/usr/local/lib/python3.6/dist-packages/detectron2/modeling/meta_arch/rcnn.py", line 121, in forward
features = self.backbone(images.tensor)
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py", line 550, in __call__
result = self.forward(*input, **kwargs)
"/usr/local/lib/python3.6/dist-packages/detectron2/modeling/backbone/fpn.py", line 136, in forward
results.insert(0, output_conv(prev_features))
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py", line 550, in __call__
result = self.forward(*input, **kwargs)
"/usr/local/lib/python3.6/dist-packages/detectron2/layers/wrappers.py", line 93, in forward
x = super().forward(x)
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/conv.py", line 349, in forward
return self._conv_forward(input, self.weight)
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/conv.py", line 346, in _conv_forward
self.padding, self.dilation, self.groups)
RuntimeError: CUDA out of memory. Tried to allocate 442.00 MiB (GPU 0; 15.90 GiB total capacity; 14.37 GiB already allocated; 193.88 MiB free; 14.92 GiB reserved in total by PyTorch)
| 0.483367 |
Traceback (most recent call last):
"main.py", line 13, in <module>
camera.capture(local_path)
"/usr/lib/python3/dist-packages/picamera/camera.py", line 1418, in capture
encoder.start(output)
"/usr/lib/python3/dist-packages/picamera/encoders.py", line 1125, in start
self._add_exif_tag(tag, value)
"/usr/lib/python3/dist-packages/picamera/encoders.py", line 1097, in _add_exif_tag
ct.sizeof(mmal.MMAL_PARAMETER_EXIF_T) + len(tag) + len(value) + 1)
TypeError: object of type 'float' has no len()
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/Users/anders/.virtualenvs/numpy-test/lib/python3.8/site-packages/colour/__init__.py", line 139, in <module>
from .notation import (MUNSELL_COLOURS, MUNSELL_VALUE_METHODS,
"/Users/anders/.virtualenvs/numpy-test/lib/python3.8/site-packages/colour/notation/__init__.py", line 12, in <module>
from .munsell import MUNSELL_VALUE_METHODS
"/Users/anders/.virtualenvs/numpy-test/lib/python3.8/site-packages/colour/notation/munsell.py", line 134, in <module>
from colour.volume import is_within_macadam_limits
"/Users/anders/.virtualenvs/numpy-test/lib/python3.8/site-packages/colour/volume/__init__.py", line 10, in <module>
from .spectrum import (generate_pulse_waves, XYZ_outer_surface,
"/Users/anders/.virtualenvs/numpy-test/lib/python3.8/site-packages/colour/volume/spectrum.py", line 133, in <module>
illuminant=sd_ones(STANDARD_OBSERVERS_CMFS[
"/Users/anders/.virtualenvs/numpy-test/lib/python3.8/site-packages/colour/colorimetry/generation.py", line 160, in sd_ones
return sd_constant(1, shape)
"/Users/anders/.virtualenvs/numpy-test/lib/python3.8/site-packages/colour/colorimetry/generation.py", line 94, in sd_constant
wavelengths = shape.range(dtype)
"/Users/anders/.virtualenvs/numpy-test/lib/python3.8/site-packages/colour/colorimetry/spectrum.py", line 455, in range
range_, current_interval = np.linspace(
"<__array_function__ internals>", line 5, in linspace
"/Users/anders/.virtualenvs/numpy-test/lib/python3.8/site-packages/numpy/core/function_base.py", line 119, in linspace
raise TypeError(
TypeError: object of type <class 'numpy.float64'> cannot be safely interpreted as an integer.
| 0.622513 |
Traceback (most recent call last):
"C:\Users\wangxin\anaconda3\envs\vpred\lib\site-packages\colorama\ansitowin32.py", line 59, in closed
return stream.closed
ValueError: underlying buffer has been detached
| Traceback (most recent call last):
"bug.py", line 1, in <module>
x.where(y, level=0)
"~/anaconda3/lib/python3.5/site-packages/pandas/core/generic.py", line 4813, in where
raise_on_error)
"~/anaconda3/lib/python3.5/site-packages/pandas/core/generic.py", line 4557, in _where
cond, _ = cond.align(self, join='right', broadcast_axis=1)
"~/anaconda3/lib/python3.5/site-packages/pandas/core/series.py", line 2350, in align
broadcast_axis=broadcast_axis)
"~/anaconda3/lib/python3.5/site-packages/pandas/core/generic.py", line 4419, in align
fill_axis=fill_axis)
"~/anaconda3/lib/python3.5/site-packages/pandas/core/generic.py", line 4488, in _align_series
return_indexers=True)
"~/anaconda3/lib/python3.5/site-packages/pandas/indexes/base.py", line 2646, in join
return_indexers=return_indexers)
"~/anaconda3/lib/python3.5/site-packages/pandas/indexes/base.py", line 2738, in _join_multi
raise ValueError("cannot join with no level specified and no "
ValueError: cannot join with no level specified and no overlapping names
| 0.464116 |
```Traceback (most recent call last):
"main.py", line 55, in <module>
game.setup(board)
"/home/forhavu/.local/lib/python3.5/site-packages/chess/pgn.py", line 429, in setup
fen = board.fen()
TypeError: fen() missing 1 required positional argument: 'self'
| Traceback (most recent call last):
"./adb-sync", line 61, in <module>
class Stdout(object):
"./adb-sync", line 81, in Stdout
def __exit__(self, exc_type: Optional[Type[BaseException]],
"/usr/lib/python3.5/typing.py", line 649, in __getitem__
return Union[arg, type(None)]
"/usr/lib/python3.5/typing.py", line 552, in __getitem__
dict(self.__dict__), parameters, _root=True)
"/usr/lib/python3.5/typing.py", line 512, in __new__
for t2 in all_params - {t1} if not isinstance(t2, TypeVar)):
"/usr/lib/python3.5/typing.py", line 512, in <genexpr>
for t2 in all_params - {t1} if not isinstance(t2, TypeVar)):
"/usr/lib/python3.5/typing.py", line 1077, in __subclasscheck__
if super().__subclasscheck__(cls):
"/usr/lib/python3.5/abc.py", line 225, in __subclasscheck__
for scls in cls.__subclasses__():
TypeError: descriptor '__subclasses__' of 'type' object needs an argument
| 0.555888 |
Traceback (most recent call last):
"v2rayLui.py", line 775, in <module>
"v2rayLui.py", line 43, in __init__
"v2rayL_api.py", line 49, in __init__
AttributeError: 'tuple' object has no attribute 'url'
| Traceback (most recent call last):
"/usr/bin/variety", line 39, in <module>
variety.main()
"/usr/lib/python2.7/site-packages/variety/__init__.py", line 218, in main
window.start(arguments)
"/usr/lib/python2.7/site-packages/variety/VarietyWindow.py", line 159, in start
self.register_clipboard()
"/usr/lib/python2.7/site-packages/variety/VarietyWindow.py", line 340, in register_clipboard
self.clipboard = Gtk.Clipboard.get(Gdk.SELECTION_CLIPBOARD)
"/usr/lib64/python2.7/site-packages/gi/module.py", line 132, in __getattr__
self.__name__, name))
AttributeError: 'gi.repository.Gdk' object has no attribute 'SELECTION_CLIPBOARD' | 0.618704 |
Traceback (most recent call last):
"C:\tensorflow1\model\research\object_detection\single_image_object_counting.py", line 26, in <module>
result = object_counting_api.single_image_object_counting(input_video, detection_graph, category_index, is_color_recognition_enabled, fps, width, height) # targeted objects counting
"C:\tensorflow1\model\research\object_detection\api\object_counting_api.py", line 475, in single_image_object_counting
counter, csv_line, counting_mode = vis_util.visualize_boxes_and_labels_on_single_image_array(1,input_frame,
AttributeError: module 'utils.visualization_utils' has no attribute 'visualize_boxes_and_labels_on_single_image_array'
| Traceback (most recent call last):
"plug.pyo", line 109, in load_plugins
AttributeError: Config instance has no attribute 'internal_plugin_dir'
| 0.523221 |
`Traceback (most recent call last):
"quickstart.py", line 2, in <module>
from instapy import InstaPy
"C:\Users\[username]\AppData\Local\Programs\Python\Python38-32\Lib\site-packages\instapy\instapy.py", line 20, in <module>
from . import __version__
ImportError: attempted relative import with no known parent package`
| above this error message when asking for help.
ImportErrorraise ImportError(msg): Traceback (most recent call last):
"F:\!DeepFaceLab\_internal\python-3.6.8\lib\site-packages\tensorflow\python\pywrap_tensorflow.py", line 58, in <module>
from tensorflow.python.pywrap_tensorflow_internal import *
"F:\!DeepFaceLab\_internal\python-3.6.8\lib\site-packages\tensorflow\python\pywrap_tensorflow_internal.py", line 28, in <module>
_pywrap_tensorflow_internal = swig_import_helper()
"F:\!DeepFaceLab\_internal\python-3.6.8\lib\site-packages\tensorflow\python\pywrap_tensorflow_internal.py", line 24, in swig_import_helper
_mod = imp.load_module('_pywrap_tensorflow_internal', fp, pathname, description)
"imp.py", line 243, in load_module
"imp.py", line 343, in load_dynamic
ImportError: DLL load failed: Il file di paging รจ troppo piccolo per essere completato.
| 0.599401 |
Traceback (most recent call last):
"src/gevent/greenlet.py", line 716, in gevent._greenlet.Greenlet.run
"/home/kelsos/development/github/raiden-network/raiden/raiden/api/rest.py", line 430, in _run
self.wsgiserver.serve_forever()
"/home/kelsos/.virtualenvs/raiden/lib/python3.7/site-packages/gevent/baseserver.py", line 364, in serve_forever
self._stop_event.wait()
"src/gevent/event.py", line 240, in gevent._event.Event.wait
"src/gevent/event.py", line 140, in gevent._event._AbstractLinkable._wait
"src/gevent/event.py", line 117, in gevent._event._AbstractLinkable._wait_core
"src/gevent/event.py", line 119, in gevent._event._AbstractLinkable._wait_core
"src/gevent/_greenlet_primitives.py", line 59, in gevent.__greenlet_primitives.SwitchOutGreenletWithLoop.switch
"src/gevent/_greenlet_primitives.py", line 59, in gevent.__greenlet_primitives.SwitchOutGreenletWithLoop.switch
"src/gevent/_greenlet_primitives.py", line 63, in gevent.__greenlet_primitives.SwitchOutGreenletWithLoop.switch
"src/gevent/__greenlet_primitives.pxd", line 35, in gevent.__greenlet_primitives._greenlet_switch
ValueError: {'code': -32000, 'message': 'This request is not supported because your node is running with state pruning. Run with --pruning=archive.'}
| Traceback (most recent call last):
"launchables/player.py", line 246, in player
"shared_modules/file_methods.py", line 64, in load_object
"shared_modules/file_methods.py", line 48, in _load_object_legacy
ValueError: unregistered extension code 1886744751
| 0.552938 |
Error starting infrastructure: 'NoneType' object is not subscriptable Traceback (most recent call last):
"/opt/code/localstack/localstack/services/plugins.py", line 96, in check_infra
check_service_health(api=name, print_error=print_error)
"/opt/code/localstack/localstack/services/plugins.py", line 115, in check_service_health
raise e
"/opt/code/localstack/localstack/services/plugins.py", line 111, in check_service_health
plugin.check(expect_shutdown=expect_shutdown, print_error=print_error)
"/opt/code/localstack/localstack/services/plugins.py", line 45, in check
return self.check_function(expect_shutdown=expect_shutdown, print_error=print_error)
"/opt/code/localstack/localstack/services/secretsmanager/secretsmanager_starter.py", line 129, in check_secretsmanager
assert isinstance(out['SecretList'], list)
TypeError: 'NoneType' object is not subscriptable
| Traceback (most recent call last):
"test_big_pickle.py", line 54, in <module>
reduced = reduced.compute(scheduler=dask_client)
"/home/tpereira/conda/envs/bob.pipelines/lib/python3.7/site-packages/dask/base.py", line 166, in compute
(result,) = compute(self, traverse=False, **kwargs)
"/home/tpereira/conda/envs/bob.pipelines/lib/python3.7/site-packages/dask/base.py", line 437, in compute
results = schedule(dsk, keys, **kwargs)
"/home/tpereira/conda/envs/bob.pipelines/lib/python3.7/site-packages/distributed/client.py", line 2595, in get
results = self.gather(packed, asynchronous=asynchronous, direct=direct)
"/home/tpereira/conda/envs/bob.pipelines/lib/python3.7/site-packages/distributed/client.py", line 1893, in gather
asynchronous=asynchronous,
"/home/tpereira/conda/envs/bob.pipelines/lib/python3.7/site-packages/distributed/client.py", line 780, in sync
self.loop, func, *args, callback_timeout=callback_timeout, **kwargs
"/home/tpereira/conda/envs/bob.pipelines/lib/python3.7/site-packages/distributed/utils.py", line 348, in sync
raise exc.with_traceback(tb)
"/home/tpereira/conda/envs/bob.pipelines/lib/python3.7/site-packages/distributed/utils.py", line 332, in f
result[0] = yield future
"/home/tpereira/conda/envs/bob.pipelines/lib/python3.7/site-packages/tornado/gen.py", line 735, in run
value = future.result()
"/home/tpereira/conda/envs/bob.pipelines/lib/python3.7/site-packages/distributed/client.py", line 1781, in _gather
response = await future
"/home/tpereira/conda/envs/bob.pipelines/lib/python3.7/site-packages/distributed/client.py", line 1832, in _gather_remote
response = await retry_operation(self.scheduler.gather, keys=keys)
"/home/tpereira/conda/envs/bob.pipelines/lib/python3.7/site-packages/distributed/utils_comm.py", line 391, in retry_operation
operation=operation,
"/home/tpereira/conda/envs/bob.pipelines/lib/python3.7/site-packages/distributed/utils_comm.py", line 379, in retry
return await coro()
"/home/tpereira/conda/envs/bob.pipelines/lib/python3.7/site-packages/distributed/core.py", line 757, in send_recv_from_rpc
result = await send_recv(comm=comm, op=key, **kwargs)
"/home/tpereira/conda/envs/bob.pipelines/lib/python3.7/site-packages/distributed/core.py", line 540, in send_recv
response = await comm.read(deserializers=deserializers)
"/home/tpereira/conda/envs/bob.pipelines/lib/python3.7/site-packages/distributed/comm/tcp.py", line 212, in read
frames, deserialize=self.deserialize, deserializers=deserializers
"/home/tpereira/conda/envs/bob.pipelines/lib/python3.7/site-packages/distributed/comm/utils.py", line 75, in from_frames
res = _from_frames()
"/home/tpereira/conda/envs/bob.pipelines/lib/python3.7/site-packages/distributed/comm/utils.py", line 61, in _from_frames
frames, deserialize=deserialize, deserializers=deserializers
"/home/tpereira/conda/envs/bob.pipelines/lib/python3.7/site-packages/distributed/protocol/core.py", line 124, in loads
value = _deserialize(head, fs, deserializers=deserializers)
"/home/tpereira/conda/envs/bob.pipelines/lib/python3.7/site-packages/distributed/protocol/serialize.py", line 268, in deserialize
return loads(header, frames)
"/home/tpereira/conda/envs/bob.pipelines/lib/python3.7/site-packages/distributed/protocol/serialize.py", line 80, in serialization_error_loads
raise TypeError(msg)
TypeError: Could not serialize object of type list.
| 0.623172 |
Traceback (most recent call last):
"/usr/local/lib/python3.6/site-packages/homeassistant/helpers/entity.py", line 234, in async_update_ha_state
entity_picture = self.entity_picture
"/usr/local/lib/python3.6/site-packages/homeassistant/components/media_player/__init__.py", line 930, in entity_picture
image_hash = self.media_image_hash
"/usr/local/lib/python3.6/site-packages/homeassistant/components/media_player/__init__.py", line 535, in media_image_hash
url = self.media_image_url
"/usr/local/lib/python3.6/site-packages/homeassistant/components/media_player/dlna_dmr.py", line 354, in media_image_url
return self._device.media_image_url
"/usr/local/lib/python3.6/site-packages/async_upnp_client/dlna.py", line 479, in media_image_url
for res in item.resources:
AttributeError: 'VideoItem' object has no attribute 'resources'
| Traceback (most recent call last):
"C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\tornado\ioloop.py", line 907, in _run
return self.callback()
"C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\distributed\nanny.py", line 414, in memory_monitor
process = self.process.process
AttributeError: 'NoneType' object has no attribute 'process'
| 0.596514 |
Traceback (most recent call last):
"/Users/mnakamura/.pyenv/versions/fonttools-2.7.13/bin/pyftsubset", line 11, in <module>
load_entry_point('fonttools', 'console_scripts', 'pyftsubset')()
"/Users/mnakamura/.ghq/github.com/mashabow/fonttools/Lib/fontTools/misc/loggingTools.py", line 372, in wrapper
return func(*args, **kwds)
"/Users/mnakamura/.ghq/github.com/mashabow/fonttools/Lib/fontTools/subset/__init__.py", line 2975, in main
subsetter.subset(font)
"/Users/mnakamura/.ghq/github.com/mashabow/fonttools/Lib/fontTools/subset/__init__.py", line 2789, in subset
self._prune_post_subset(font)
"/Users/mnakamura/.ghq/github.com/mashabow/fonttools/Lib/fontTools/subset/__init__.py", line 2772, in _prune_post_subset
retain = table.prune_post_subset(self.options)
"/Users/mnakamura/.ghq/github.com/mashabow/fonttools/Lib/fontTools/subset/__init__.py", line 2281, in prune_post_subset
subr.subset_subroutines (local_subrs, font.GlobalSubrs)
"/Users/mnakamura/.ghq/github.com/mashabow/fonttools/Lib/fontTools/subset/__init__.py", line 1917, in subset_subroutines
p[i-1] = subrs._used.index(p[i-1] + subrs._old_bias) - subrs._new_bias
AttributeError: 'list' object has no attribute '_used'
| Traceback (most recent call last):
"/tmp/tmpb9xmi534/galaxy-dev/lib/galaxy/datatypes/registry.py", line 501, in load_datatype_sniffers
aclass = getattr(module, datatype_class_name)()
AttributeError: module 'galaxy.datatypes.media' has no attribute 'Mov'
| 0.581429 |
frappe-web.min.js:958 Traceback (most recent call last):
"/home/frappe/frappe-bench/apps/frappe/frappe/app.py", line 59, in application
init_request(request)
"/home/frappe/frappe-bench/apps/frappe/frappe/app.py", line 121, in init_request
frappe.local.http_request = frappe.auth.HTTPRequest()
"/home/frappe/frappe-bench/apps/frappe/frappe/auth.py", line 53, in __init__
frappe.local.login_manager = LoginManager()
"/home/frappe/frappe-bench/apps/frappe/frappe/auth.py", line 107, in __init__
if self.login()==False: return
"/home/frappe/frappe-bench/apps/frappe/frappe/auth.py", line 131, in login
self.post_login()
"/home/frappe/frappe-bench/apps/frappe/frappe/auth.py", line 137, in post_login
self.make_session()
"/home/frappe/frappe-bench/apps/frappe/frappe/auth.py", line 178, in make_session
full_name=self.full_name, user_type=self.user_type)
"/home/frappe/frappe-bench/apps/frappe/frappe/sessions.py", line 229, in __init__
self.start()
"/home/frappe/frappe-bench/apps/frappe/frappe/sessions.py", line 250, in start
"session_country": get_geo_ip_country(frappe.local.request_ip) if frappe.local.request_ip else None,
"/home/frappe/frappe-bench/apps/frappe/frappe/sessions.py", line 432, in get_geo_ip_country
match = get_geo_from_ip(ip_addr)
"/home/frappe/frappe-bench/apps/frappe/frappe/sessions.py", line 425, in get_geo_from_ip
return frappe._dict(data)
TypeError: 'NoneType' object is not iterable | Traceback (most recent call last):
"spack/lib/spack/spack/build_environment.py", line 765, in child_process
return_value = function()
"spack/lib/spack/spack/package.py", line 1628, in build_process
phase(self.spec, self.prefix)
"spack/lib/spack/spack/package.py", line 110, in phase_wrapper
callback(instance)
"spack/var/spack/repos/builtin/packages/font-util/package.py", line 103, in font_install
configure = Executable("./configure")
TypeError: 'NoneType' object is not callable
| 0.657617 |
Traceback (most recent call last): (third_party/gae-mapreduce-1.9.17.0/mapreduce/handlers.py:508)
"third_party/gae-mapreduce-1.9.17.0/mapreduce/handlers.py", line 494, in handle
tstate.input_reader, shard_state, tstate, ctx)
"third_party/gae-mapreduce-1.9.17.0/mapreduce/handlers.py", line 583, in _process_inputs
entity, input_reader, ctx, tstate):
"third_party/gae-mapreduce-1.9.17.0/mapreduce/handlers.py", line 625, in _process_datum
for output in result:
"core/domain/stats_jobs_one_off.py", line 351, in reduce
state_stats_mapping[state_name].total_hit_count_v1 += (
KeyError: u'Introduction
A1'
| Traceback (most recent call last):
"/usr/lib/python3.4/site-packages/invoke/config.py", line 113, in __getattr__
return self._get(key)
"/usr/lib/python3.4/site-packages/invoke/config.py", line 178, in _get
value = self._config[key]
"/usr/lib/python3.4/site-packages/invoke/config.py", line 169, in __getitem__
return self._get(key)
"/usr/lib/python3.4/site-packages/invoke/config.py", line 178, in _get
value = self._config[key]
KeyError: 'local'
| 0.614823 |
Traceback (most recent call last):
"/home/jaraco/.local/pipx/venvs/xonsh/lib/python3.9/site-packages/xonsh/environ.py", line 2240, in xonsh_script_run_control
run_script_with_cache(filename, execer, ctx)
"/home/jaraco/.local/pipx/venvs/xonsh/lib/python3.9/site-packages/xonsh/codecache.py", line 160, in run_script_with_cache
ccode = compile_code(filename, code, execer, glb, loc, mode)
"/home/jaraco/.local/pipx/venvs/xonsh/lib/python3.9/site-packages/xonsh/codecache.py", line 119, in compile_code
ccode = execer.compile(code, glbs=glb, locs=loc, mode=mode, filename=filename)
"/home/jaraco/.local/pipx/venvs/xonsh/lib/python3.9/site-packages/xonsh/execer.py", line 135, in compile
tree = self.parse(input, ctx, mode=mode, filename=filename, transform=transform)
"/home/jaraco/.local/pipx/venvs/xonsh/lib/python3.9/site-packages/xonsh/execer.py", line 95, in parse
tree, input = self._parse_ctx_free(input, mode=mode, filename=filename)
"/home/jaraco/.local/pipx/venvs/xonsh/lib/python3.9/site-packages/xonsh/execer.py", line 219, in _parse_ctx_free
tree = self.parser.parse(
"/home/jaraco/.local/pipx/venvs/xonsh/lib/python3.9/site-packages/xonsh/parsers/base.py", line 497, in parse
tree = self.parser.parse(input=s, lexer=self.lexer, debug=debug_level)
"/home/jaraco/.local/pipx/venvs/xonsh/lib/python3.9/site-packages/xonsh/ply/ply/yacc.py", line 335, in parse
return self.parseopt_notrack(input, lexer, debug, tracking, tokenfunc)
"/home/jaraco/.local/pipx/venvs/xonsh/lib/python3.9/site-packages/xonsh/ply/ply/yacc.py", line 1122, in parseopt_notrack
p.callable(pslice)
"/home/jaraco/.local/pipx/venvs/xonsh/lib/python3.9/site-packages/xonsh/parsers/v38.py", line 519, in p_return_stmt
value=p[2][0] if p[2] is not None else None,
TypeError: 'Call' object is not subscriptable
| ๏ผselect * from t_bak_01๏ผTraceback (most recent call last):
"/opt/archery/sql/query_privileges.py", line 69, in query_priv_check
table_ref = _table_ref(sql_content, instance, db_name)
"/opt/archery/sql/query_privileges.py", line 409, in _table_ref
query_tree = engine.query_print(instance=instance, db_name=db_name, sql=sql_content).get('query_tree')
"/opt/archery/sql/engines/goinception.py", line 147, in query_print
print_info = self.query(db_name=db_name, sql=sql).to_dict()[1]
"/opt/archery/sql/engines/goinception.py", line 116, in query
conn = self.get_connection()
"/opt/archery/sql/engines/goinception.py", line 35, in get_connection
self.conn = MySQLdb.connect(host=go_inception_host, port=go_inception_port, charset='utf8mb4',
"/opt/venv4archery/lib/python3.8/site-packages/MySQLdb/__init__.py", line 130, in Connect
return Connection(*args, **kwargs)
"/opt/venv4archery/lib/python3.8/site-packages/MySQLdb/connections.py", line 185, in __init__
super().__init__(*args, **kwargs2)
TypeError: connect() argument 1 must be str, not None
| 0.605423 |
Traceback (most recent call last):
"/usr/lib/python2.7/threading.py", line 801, in __bootstrap_inner
self.run()
"/usr/lib/python2.7/threading.py", line 1071, in run
self.finished.wait(self.interval)
"/usr/lib/python2.7/threading.py", line 614, in wait
self.__cond.wait(timeout)
"/usr/lib/python2.7/threading.py", line 349, in wait
endtime = _time() + timeout
TypeError: unsupported operand type(s) for +: 'float' and 'str'
| Traceback (most recent call last):
...
(snip)
...
"/apps/python/3.7.6/lib/python3.7/random.py", line 278, in shuffle
x[i], x[j] = x[j], x[i]
TypeError: 'range' object does not support item assignment
| 0.573879 |
Traceback (most recent call last):
"/<...>/lib/python3.6/site-packages/django/utils/datastructures.py", line 77, in __getitem__
list_ = super().__getitem__(key)
KeyError: 'body-0-value-content-count'
| Traceback (most recent call last):
"C:\ProgramData\Anaconda3\lib\site-packages\traitlets\traitlets.py", line 528, in get
value = obj._trait_values[self.name]
KeyError: 'context'
| 0.561464 |
Traceback (most recent call last):
"train.py", line 367, in <module>
main()
"train.py", line 350, in main
args = parse_args()
"train.py", line 344, in parse_args
parser.add_argument('--wd', help='weight decay', default=default.wd, type=float)
AttributeError: 'EasyDict' object has no attribute 'wd'
| Traceback (most recent call last):
"dse.py", line 68, in <module>
j.continue_run()
"/usr/lib/python3.8/site-packages/miasm/jitter/jitload.py", line 412, in continue_run
return next(self.run_iterator)
"/usr/lib/python3.8/site-packages/miasm/jitter/jitload.py", line 380, in runiter_once
self.pc = self.run_at(self.pc)
"/usr/lib/python3.8/site-packages/miasm/jitter/jitload.py", line 335, in run_at
return self.jit.run_at(
"/usr/lib/python3.8/site-packages/miasm/jitter/jitcore.py", line 179, in run_at
cur_block = self.disasm_and_jit_block(offset, cpu.vmmngr)
"/usr/lib/python3.8/site-packages/miasm/jitter/jitcore.py", line 142, in disasm_and_jit_block
cur_block = self.mdis.dis_block(addr)
"/usr/lib/python3.8/site-packages/miasm/core/asmblock.py", line 1356, in dis_block
current_block, _ = self._dis_block(offset)
"/usr/lib/python3.8/site-packages/miasm/core/asmblock.py", line 1227, in _dis_block
loc_key = self.loc_db.get_or_create_offset_location(offset)
AttributeError: 'str' object has no attribute 'get_or_create_offset_location'
| 0.61489 |
Traceback (most recent call last):
"/home/miniconda3/envs/dia/bin/pyannote-audio", line 8, in <module>
sys.exit(main())
"/home/miniconda3/envs/dia/lib/python3.6/site-packages/pyannote/audio/applications/pyannote_audio.py", line 363, in main
app.train(protocol, **params)
"/home/miniconda3/envs/dia/lib/python3.6/site-packages/pyannote/audio/applications/base.py", line 191, in train
alignment=self.model_alignment_)
"/home/miniconda3/envs/dia/lib/python3.6/site-packages/pyannote/audio/labeling/tasks/speaker_change_detection.py", line 234, in get_batch_generator
per_epoch=self.per_epoch)
"/home/miniconda3/envs/dia/lib/python3.6/site-packages/pyannote/audio/labeling/tasks/speaker_change_detection.py", line 99, in __init__
resolution=resolution, alignment=alignment, **kwargs)
"/home/miniconda3/envs/dia/lib/python3.6/site-packages/pyannote/audio/labeling/tasks/base.py", line 122, in __init__
self.feature_extraction = Pre___ed(feature_extraction)
"/home/miniconda3/envs/dia/lib/python3.6/site-packages/pyannote/audio/utils/path.py", line 130, in __init__
elif Path(placeholder).is_dir():
"/home/miniconda3/envs/dia/lib/python3.6/pathlib.py", line 1001, in __new__
self = cls._from_parts(args, init=False)
"/home/miniconda3/envs/dia/lib/python3.6/pathlib.py", line 656, in _from_parts
drv, root, parts = self._parse_args(args)
"/home/miniconda3/envs/dia/lib/python3.6/pathlib.py", line 640, in _parse_args
a = os.fspath(a)
TypeError: expected str, bytes or os.PathLike object, not RawAudio
| Traceback (most recent call last):
"src/main.py", line 55, in <module>
start_date=start_date)
"/src/preparation/data_source.py", line 16, in import_data
data = self._load_data(app_ids, granularity, f'{date.today()}_{self._source}_{granularity}.csv')
"/src/preparation/data_source.py", line 27, in _load_data
data = pd.read_sql(query, conn, parse_dates=['install_date'])
"/usr/local/lib/python3.7/site-packages/modin/pandas/io.py", line 324, in read_sql
return DataFrame(query_compiler=BaseFactory.read_sql(**kwargs))
"/usr/local/lib/python3.7/site-packages/modin/data_management/factories.py", line 155, in read_sql
return cls._determine_engine()._read_sql(**kwargs)
"/usr/local/lib/python3.7/site-packages/modin/data_management/factories.py", line 159, in _read_sql
return cls.io_cls.read_sql(**kwargs)
"/usr/local/lib/python3.7/site-packages/modin/engines/ray/generic/io.py", line 805, in read_sql
num_return_vals=num_parts + 1,
"/usr/local/lib/python3.7/site-packages/ray/remote_function.py", line 152, in _remote
return invocation(args, kwargs)
"/usr/local/lib/python3.7/site-packages/ray/remote_function.py", line 143, in invocation
resources=resources)
"/usr/local/lib/python3.7/site-packages/ray/worker.py", line 636, in submit_task
args_for_raylet.append(put(arg))
"/usr/local/lib/python3.7/site-packages/ray/worker.py", line 2227, in put
worker.put_object(object_id, value)
"/usr/local/lib/python3.7/site-packages/ray/worker.py", line 403, in put_object
self.store_and_register(object_id, value)
"/usr/local/lib/python3.7/site-packages/ray/worker.py", line 317, in store_and_register
self.task_driver_id))
"/usr/local/lib/python3.7/site-packages/ray/utils.py", line 475, in _wrapper
return orig_attr(*args, **kwargs)
"pyarrow/_plasma.pyx", line 496, in pyarrow._plasma.PlasmaClient.put
"pyarrow/serialization.pxi", line 355, in pyarrow.lib.serialize
"pyarrow/serialization.pxi", line 150, in pyarrow.lib.SerializationContext._serialize_callback
"/usr/local/lib/python3.7/site-packages/ray/cloudpickle/cloudpickle.py", line 952, in dumps
cp.dump(obj)
"/usr/local/lib/python3.7/site-packages/ray/cloudpickle/cloudpickle.py", line 267, in dump
return Pickler.dump(self, obj)
"/usr/local/lib/python3.7/pickle.py", line 437, in dump
self.save(obj)
"/usr/local/lib/python3.7/pickle.py", line 549, in save
self.save_reduce(obj=obj, *rv)
"/usr/local/lib/python3.7/pickle.py", line 662, in save_reduce
save(state)
"/usr/local/lib/python3.7/pickle.py", line 504, in save
f(self, obj) # Call unbound method with explicit self
"/usr/local/lib/python3.7/pickle.py", line 856, in save_dict
self._batch_setitems(obj.items())
"/usr/local/lib/python3.7/pickle.py", line 882, in _batch_setitems
save(v)
"/usr/local/lib/python3.7/pickle.py", line 549, in save
self.save_reduce(obj=obj, *rv)
"/usr/local/lib/python3.7/pickle.py", line 662, in save_reduce
save(state)
"/usr/local/lib/python3.7/pickle.py", line 504, in save
f(self, obj) # Call unbound method with explicit self
"/usr/local/lib/python3.7/pickle.py", line 856, in save_dict
self._batch_setitems(obj.items())
"/usr/local/lib/python3.7/pickle.py", line 882, in _batch_setitems
save(v)
"/usr/local/lib/python3.7/pickle.py", line 549, in save
self.save_reduce(obj=obj, *rv)
"/usr/local/lib/python3.7/pickle.py", line 662, in save_reduce
save(state)
"/usr/local/lib/python3.7/pickle.py", line 504, in save
f(self, obj) # Call unbound method with explicit self
"/usr/local/lib/python3.7/pickle.py", line 856, in save_dict
self._batch_setitems(obj.items())
"/usr/local/lib/python3.7/pickle.py", line 882, in _batch_setitems
save(v)
"/usr/local/lib/python3.7/pickle.py", line 524, in save
rv = reduce(self.proto)
TypeError: can't pickle _thread._local objects
| 0.585137 |
Traceback (most recent call last):
"/usr/lib/python3.7/site-packages/lutris/gui/widgets/services.py", line 280, in on_games_loaded
self.store = self.get_store()
"/usr/lib/python3.7/site-packages/lutris/gui/widgets/services.py", line 235, in get_store
for game in sorted(self.games, key=lambda x: x.name):
TypeError: 'NoneType' object is not iterable
| Traceback (most recent call last):
"/home/bzed/tools/OctoPrint/src/octoprint/util/comm.py", line 2694, in _openSerial
serial_obj = factory(self, self._port, self._baudrate, settings().getFloat(["serial", "timeout", "connection"]))
"/home/bzed/tools/OctoPrint/src/octoprint/util/comm.py", line 2647, in default
port = self._detect_port()
"/home/bzed/tools/OctoPrint/src/octoprint/util/comm.py", line 2627, in _detect_port
programmer.connect(p)
"/home/bzed/tools/OctoPrint/src/octoprint/util/avr_isp/stk500v2.py", line 36, in connect
self.sendMessage([1])
"/home/bzed/tools/OctoPrint/src/octoprint/util/avr_isp/stk500v2.py", line 102, in sendMessage
checksum ^= ord(c)
TypeError: ord() expected string of length 1, but int found
| 0.544533 |
Traceback (most recent call last):
"/www/lemur/lemur/common/schema.py", line 160, in decorated_function
resp = f(*args, **kwargs)
"/www/lemur/lemur/certificates/views.py", line 482, in post
cert = service.create(**data)
"/www/lemur/lemur/certificates/service.py", line 273, in create
cert_body, private_key, cert_chain, external_id, csr = mint(**kwargs)
"/www/lemur/lemur/certificates/service.py", line 223, in mint
cert_body, cert_chain, external_id = issuer.create_certificate(csr, kwargs)
"/www/lemur/lemur/plugins/lemur_cfssl/plugin.py", line 58, in create_certificate
key = bytes.fromhex(hex_key)
TypeError: fromhex() argument must be str, not None
| Traceback (most recent call last):
"D:\KunQian\WeiboSpider\weibo_spider\writer\mysql_writer.py", line 77, in _mysql_insert
sql, [tuple(data.values()) for data in data_list])
"D:\Envs\weibospider\lib\site-packages\pymysql\cursors.py", line 182, in executemany
self.rowcount = sum(self.execute(query, arg) for arg in args)
"D:\Envs\weibospider\lib\site-packages\pymysql\cursors.py", line 182, in <genexpr>
self.rowcount = sum(self.execute(query, arg) for arg in args)
"D:\Envs\weibospider\lib\site-packages\pymysql\cursors.py", line 146, in execute
query = self.mogrify(query, args)
"D:\Envs\weibospider\lib\site-packages\pymysql\cursors.py", line 125, in mogrify
query = query % self._escape_args(args, conn)
TypeError: not enough arguments for format string
| 0.614141 |
Traceback (most recent call last):
"c:\users\administrator\documents\github\cellprofiler\cellprofiler\cellprofiler\gui\app.py", line 69, in OnInit
from .cpframe import CPFrame
"c:\users\administrator\documents\github\cellprofiler\cellprofiler\cellprofiler\gui\cpframe.py", line 26, in <module>
from ._workspace_model import Workspace
"c:\users\administrator\documents\github\cellprofiler\cellprofiler\cellprofiler\gui\_workspace_model.py", line 8, in <module>
import cellprofiler.gui.figure
"c:\users\administrator\documents\github\cellprofiler\cellprofiler\cellprofiler\gui\figure\__init__.py", line 1, in <module>
from ._figure import Figure
"c:\users\administrator\documents\github\cellprofiler\cellprofiler\cellprofiler\gui\figure\_figure.py", line 8, in <module>
import centrosome.cpmorphology
"c:\users\administrator\appdata\local\programs\python\python38\lib\site-packages\centrosome\cpmorphology.py", line 12, in <module>
from ._cpmorphology2 import skeletonize_loop, table_lookup_index
"centrosome\_cpmorphology2.pyx", line 1, in init centrosome._cpmorphology2
ValueError: numpy.ndarray size changed, may indicate binary incompatibility. Expected 88 from C header, got 80 from PyObject
| Traceback (most recent call last):
"freezemodel.py", line 81, in <module>
freeze_graph(model_dir)
"freezemodel.py", line 75, in freeze_graph
f.write(output_graph_def.SerializeToString())
ValueError: Message tensorflow.GraphDef exceeds maximum protobuf size of 2GB: 2296684200.
| 0.584072 |
`Traceback (most recent call last):
"hg-fast-export.py", line 691, in <module>
plugins=plugins_dict))
"hg-fast-export.py", line 543, in hg2git
plugins)
"hg-fast-export.py", line 347, in export_commit
export_file_contents(ctx,man,added,hgtags,fn_encoding,plugins)
"hg-fast-export.py", line 223, in export_file_contents
wr(d)
"hg-fast-export.py", line 50, in wr
wr_no_nl(msg)
"hg-fast-export.py", line 47, in wr_no_nl
sys.stdout.write(msg)
IOError: [Errno 32] Broken pipe
|
Traceback (most recent call last):
"/Users/sara/anaconda/lib/python2.7/site-packages/conda/exceptions.py", line 617, in conda_exception_handler
return_value = func(*args, **kwargs)
"/Users/sara/anaconda/lib/python2.7/site-packages/conda/cli/main.py", line 137, in _main
exit_code = args.func(args, p)
"/Users/sara/anaconda/lib/python2.7/site-packages/conda/cli/main_update.py", line 65, in execute
install(args, parser, 'update')
"/Users/sara/anaconda/lib/python2.7/site-packages/conda/cli/install.py", line 347, in install
execute_actions(actions, index, verbose=not context.quiet)
"/Users/sara/anaconda/lib/python2.7/site-packages/conda/plan.py", line 835, in execute_actions
plan = plan_from_actions(actions, index)
"/Users/sara/anaconda/lib/python2.7/site-packages/conda/plan.py", line 369, in plan_from_actions
plan = inject_UNLINKLINKTRANSACTION(plan, index, prefix)
"/Users/sara/anaconda/lib/python2.7/site-packages/conda/plan.py", line 331, in inject_UNLINKLINKTRANSACTION
pfe.prepare()
"/Users/sara/anaconda/lib/python2.7/site-packages/conda/core/package_cache.py", line 443, in prepare
for dist in self.link_dists)
"/Users/sara/anaconda/lib/python2.7/site-packages/conda/core/package_cache.py", line 443, in <genexpr>
for dist in self.link_dists)
"/Users/sara/anaconda/lib/python2.7/site-packages/conda/core/package_cache.py", line 379, in make_actions_for_dist
key=lambda pce: pce and pce.is_fetched and pce.tarball_matches_md5_if(md5)
"/Users/sara/anaconda/lib/python2.7/site-packages/conda/_vendor/auxlib/collection.py", line 88, in first
return next((apply(x) for x in seq if key(x)), default() if callable(default) else default)
"/Users/sara/anaconda/lib/python2.7/site-packages/conda/_vendor/auxlib/collection.py", line 88, in <genexpr>
return next((apply(x) for x in seq if key(x)), default() if callable(default) else default)
"/Users/sara/anaconda/lib/python2.7/site-packages/conda/core/package_cache.py", line 379, in <lambda>
key=lambda pce: pce and pce.is_fetched and pce.tarball_matches_md5_if(md5)
"/Users/sara/anaconda/lib/python2.7/site-packages/conda/core/package_cache.py", line 103, in tarball_matches_md5_if
return not md5sum or self.md5sum == md5sum
"/Users/sara/anaconda/lib/python2.7/site-packages/conda/core/package_cache.py", line 111, in md5sum
return self._calculate_md5sum() if self.is_fetched else None
"/Users/sara/anaconda/lib/python2.7/site-packages/conda/_vendor/auxlib/decorators.py", line 137, in _wrapper
result = method(self, *args, **kwargs)
"/Users/sara/anaconda/lib/python2.7/site-packages/conda/core/package_cache.py", line 119, in _calculate_md5sum
return md5_file(self.package_tarball_full_path)
"/Users/sara/anaconda/lib/python2.7/site-packages/conda/utils.py", line 106, in md5_file
return hashsum_file(path, 'md5')
"/Users/sara/anaconda/lib/python2.7/site-packages/conda/utils.py", line 96, in hashsum_file
with open(path, 'rb') as fi:
IOError: [Errno 13] Permission denied: u'/Users/sara/anaconda/pkgs/mkl-2017.0.1-0.tar.bz2' | 0.577095 |
Traceback (most recent call last):
"/usr/lib/python3.8/logging/__init__.py", line 2115, in shutdown
h.close()
"/usr/lib/python3.8/logging/handlers.py", line 892, in close
self.socket.close()
AttributeError: 'SysLogHandler' object has no attribute 'socket'
| Traceback (most recent call last):
"bot.py", line 59, in _run
self.last_perf = run_algorithm(**run_args)
"/usr/local/lib/python2.7/dist-packages/catalyst/utils/run_algo.py", line 577, in run_algorithm
stats_output=stats_output
"/usr/local/lib/python2.7/dist-packages/catalyst/utils/run_algo.py", line 177, in _run
asset_db_path=None
# We don't need an asset db, we have exchanges
"/usr/local/lib/python2.7/dist-packages/catalyst/finance/trading.py", line 101, in __init__
self.bm_symbol,
"/usr/local/lib/python2.7/dist-packages/catalyst/data/loader.py", line 150, in load_crypto_market_data
benchmark_asset = exchange.get_asset(bm_symbol)
"/usr/local/lib/python2.7/dist-packages/catalyst/exchange/exchange.py", line 242, in get_asset
for a in self.assets:
AttributeError: 'CCXT' object has no attribute 'assets'
| 0.585313 |
Traceback (most recent call last):
"/tmp/tmp.YvzGW7R1Ap/opt/hostedtoolcache/Python/3.7.9/x64/lib/python3.7/site-packages/weblate/checks/tests/test_duplicate_checks.py", line 50, in test_check_multiple_duplicated_tokens
self.assertTrue(self._run_check("I have two two lemons lemons"))
AssertionError: False is not true
| Traceback (most recent call last):
"/Users/kevin.krsulichibm.com/q/qiskit-terra/test/python/transpiler/test_optimize_1q_gates.py", line 145, in test_ignores_conditional_rotations
self.assertEqual(circuit_to_dag(expected), after)
AssertionError: <qiskit.dagcircuit._dagcircuit.DAGCircuit object at 0x12d028fd0> != <qiskit.dagcircuit._dagcircuit.DAGCircuit object at 0x12d00f9e8>
| 0.5757 |
Traceback (most recent call last):
"test_topk.py", line 39, in <module>
test_topk()
"test_topk.py", line 19, in test_topk
out, _ = fluid.layers.topk(input=x, k=1, name='topk')
TypeError: topk() got an unexpected keyword argument 'name'
| Traceback (most recent call last):
"C:\Users\S10500\AppData\Local\Continuum\anaconda3\lib\site-packages\spyder\widgets\ipythonconsole\client.py", line 575, in show_time
elapsed_time = time.monotonic() - self.t0
TypeError: unsupported operand type(s) for -: 'float' and 'NoneType'
| 0.494333 |
Traceback (most recent call last):
"/srv/homeassistant/lib/python3.6/site-packages/homeassistant/helpers/entity.py", line 221, in async_update_ha_state
await self.async_device_update()
"/srv/homeassistant/lib/python3.6/site-packages/homeassistant/helpers/entity.py", line 347, in async_device_update
await self.async_update()
"/home/homeassistant/.homeassistant/custom_components/media_player/androidtv.py", line 255, in async_update
await self._androidtv.update()
"/srv/homeassistant/lib/python3.6/site-packages/androidtv/__init__.py", line 361, in update
screen_on = await self._screen_on
"/srv/homeassistant/lib/python3.6/site-packages/androidtv/__init__.py", line 407, in _screen_on
screen_on = await self._dump_has('power', 'Display Power', 'state=ON')
"/srv/homeassistant/lib/python3.6/site-packages/androidtv/__init__.py", line 461, in _dump_has
dump_result = await self._dump(service, grep=grep)
"/srv/homeassistant/lib/python3.6/site-packages/androidtv/__init__.py", line 448, in _dump
result = await self._adb.shell('dumpsys {0} | grep "{1}"'.format(service, grep))
"/srv/homeassistant/lib/python3.6/site-packages/androidtv/__init__.py", line 298, in shell
return await fut
"/usr/local/lib/python3.6/concurrent/futures/thread.py", line 56, in run
result = self.fn(*self.args, **self.kwargs)
"/srv/homeassistant/lib/python3.6/site-packages/adb/adb_commands.py", line 383, in Shell
timeout_ms=timeout_ms)
"/srv/homeassistant/lib/python3.6/site-packages/adb/adb_protocol.py", line 493, in Command
result = ''.join(cls.StreamingCommand(usb, service, command, timeout_ms))
"/srv/homeassistant/lib/python3.6/site-packages/adb/adb_protocol.py", line 531, in StreamingCommand
for data in connection.ReadUntilClose():
AttributeError: 'NoneType' object has no attribute 'ReadUntilClose'
| Traceback (most recent call last):
"/home/username/miniconda3/envs/spacy/lib/python3.6/runpy.py", line 193, in _run_module_as_main
"__main__", mod_spec)
"/home/username/miniconda3/envs/spacy/lib/python3.6/runpy.py", line 85, in _run_code
exec(code, run_globals)
"/home/username/miniconda3/envs/spacy/lib/python3.6/site-packages/spacy/__main__.py", line 33, in <module>
plac.call(commands[command], sys.argv[1:])
"/home/username/miniconda3/envs/spacy/lib/python3.6/site-packages/plac_core.py", line 367, in call
cmd, result = parser.consume(arglist)
"/home/username/miniconda3/envs/spacy/lib/python3.6/site-packages/plac_core.py", line 232, in consume
return cmd, self.func(*(args + varargs + extraopts), **kwargs)
"/home/username/miniconda3/envs/spacy/lib/python3.6/site-packages/spacy/cli/pretrain.py", line 239, in pretrain
model, docs, optimizer, objective=loss_func, drop=dropout
"/home/username/miniconda3/envs/spacy/lib/python3.6/site-packages/spacy/cli/pretrain.py", line 268, in make_update
backprop(gradients, sgd=optimizer)
"/home/username/miniconda3/envs/spacy/lib/python3.6/site-packages/spacy/_ml.py", line 839, in mlm_backward
return backprop(d_output, sgd=sgd)
"/home/username/miniconda3/envs/spacy/lib/python3.6/site-packages/thinc/neural/_classes/feed_forward.py", line 53, in continue_update
gradient = callback(gradient, sgd)
"/home/username/miniconda3/envs/spacy/lib/python3.6/site-packages/thinc/api.py", line 300, in finish_update
d_X = bp_layer(layer.ops.flatten(d_seqs_out, pad=pad), sgd=sgd)
"/home/username/miniconda3/envs/spacy/lib/python3.6/site-packages/thinc/neural/_classes/feed_forward.py", line 53, in continue_update
gradient = callback(gradient, sgd)
"/home/username/miniconda3/envs/spacy/lib/python3.6/site-packages/thinc/api.py", line 384, in uniqued_bwd
layer.ops.scatter_add(dY_uniq, layer.ops.asarray(inv, dtype="i"), dY)
"ops.pyx", line 1087, in thinc.neural.ops.CupyOps.scatter_add
AttributeError: module 'cupy' has no attribute 'scatter_add'
| 0.664378 |
> Traceback (most recent call last):
"<frozen importlib._bootstrap>", line 2218, in _find_and_load_unlocked
AttributeError: 'module' object has no attribute '__path__'
| Traceback (most recent call last):
"/Users/igortkachenko/Tools/kivy-designer/venv/lib/python3.6/site-packages/kivy/uix/widget.py", line 265, in _widget_destructor
"/Users/igortkachenko/Tools/kivy-designer/venv/lib/python3.6/site-packages/kivy/lang/builder.py", line 760, in unbind_widget
"kivy/weakproxy.pyx", line 30, in kivy.weakproxy.WeakProxy.__getattr__
AttributeError: 'weakref' object has no attribute 'cline_in_traceback'
| 0.553896 |
Traceback (most recent call last):
"/Users/yonatanalexander/opt/anaconda3/envs/xds/lib/python3.7/site-packages/vaex/dataframe.py", line 3523, in table_part
values[name] = df.evaluate(name)
"/Users/yonatanalexander/opt/anaconda3/envs/xds/lib/python3.7/site-packages/vaex/dataframe.py", line 5165, in evaluate
self.map_reduce(assign, lambda *_: None, expressions, ignore_filter=False, selection=selection, pre_filter=use_filter, info=True, to_numpy=False)
"/Users/yonatanalexander/opt/anaconda3/envs/xds/lib/python3.7/site-packages/vaex/dataframe.py", line 306, in map_reduce
return self._delay(delay, task)
"/Users/yonatanalexander/opt/anaconda3/envs/xds/lib/python3.7/site-packages/vaex/dataframe.py", line 1428, in _delay
self.execute()
"/Users/yonatanalexander/opt/anaconda3/envs/xds/lib/python3.7/site-packages/vaex/dataframe.py", line 293, in execute
self.executor.execute()
"/Users/yonatanalexander/opt/anaconda3/envs/xds/lib/python3.7/site-packages/vaex/execution.py", line 127, in execute
raise RuntimeError("nested execute call")
RuntimeError: nested execute call
| Traceback (most recent call last):
"/home/ubuntu/anaconda3/lib/python3.8/concurrent/futures/thread.py", line 57, in run
result = self.fn(*self.args, **self.kwargs)
"/home/ubuntu/ParlAI/parlai/chat_service/core/world_runner.py", line 128, in _world_fn
return self._run_world(task, world_name, agents)
"/home/ubuntu/ParlAI/parlai/chat_service/core/world_runner.py", line 95, in _run_world
world = world_generator(self.opt, agents)
"/home/ubuntu/ParlAI/parlai/tasks/blended_skill_talk/worlds.py", line 142, in generate_world
agent = create_agent(opt, requireModelExists=True)
"/home/ubuntu/ParlAI/parlai/core/agents.py", line 402, in create_agent
model = create_agent_from_opt_file(opt)
"/home/ubuntu/ParlAI/parlai/core/agents.py", line 355, in create_agent_from_opt_file
return model_class(opt_from_file)
"/home/ubuntu/ParlAI/parlai/core/torch_generator_agent.py", line 475, in __init__
super().__init__(opt, shared)
"/home/ubuntu/ParlAI/parlai/core/torch_agent.py", line 679, in __init__
super().__init__(opt, shared)
"/home/ubuntu/ParlAI/parlai/core/agents.py", line 69, in __init__
self.opt = copy.deepcopy(opt)
"/home/ubuntu/anaconda3/lib/python3.8/copy.py", line 153, in deepcopy
y = copier(memo)
"/home/ubuntu/ParlAI/parlai/core/opt.py", line 71, in __deepcopy__
memo = Opt({k: copy.deepcopy(v) for k, v in self.items()})
"/home/ubuntu/ParlAI/parlai/core/opt.py", line 71, in <dictcomp>
memo = Opt({k: copy.deepcopy(v) for k, v in self.items()})
"/home/ubuntu/anaconda3/lib/python3.8/copy.py", line 146, in deepcopy
y = copier(x, memo)
"/home/ubuntu/anaconda3/lib/python3.8/copy.py", line 230, in _deepcopy_dict
y[deepcopy(key, memo)] = deepcopy(value, memo)
"/home/ubuntu/anaconda3/lib/python3.8/copy.py", line 146, in deepcopy
y = copier(x, memo)
"/home/ubuntu/anaconda3/lib/python3.8/copy.py", line 230, in _deepcopy_dict
y[deepcopy(key, memo)] = deepcopy(value, memo)
"/home/ubuntu/anaconda3/lib/python3.8/copy.py", line 172, in deepcopy
y = _reconstruct(x, memo, *rv)
"/home/ubuntu/anaconda3/lib/python3.8/copy.py", line 270, in _reconstruct
state = deepcopy(state, memo)
"/home/ubuntu/anaconda3/lib/python3.8/copy.py", line 146, in deepcopy
y = copier(x, memo)
"/home/ubuntu/anaconda3/lib/python3.8/copy.py", line 230, in _deepcopy_dict
y[deepcopy(key, memo)] = deepcopy(value, memo)
"/home/ubuntu/anaconda3/lib/python3.8/copy.py", line 172, in deepcopy
y = _reconstruct(x, memo, *rv)
"/home/ubuntu/anaconda3/lib/python3.8/copy.py", line 296, in _reconstruct
value = deepcopy(value, memo)
"/home/ubuntu/anaconda3/lib/python3.8/copy.py", line 172, in deepcopy
y = _reconstruct(x, memo, *rv)
"/home/ubuntu/anaconda3/lib/python3.8/copy.py", line 270, in _reconstruct
state = deepcopy(state, memo)
"/home/ubuntu/anaconda3/lib/python3.8/copy.py", line 146, in deepcopy
y = copier(x, memo)
"/home/ubuntu/anaconda3/lib/python3.8/copy.py", line 230, in _deepcopy_dict
y[deepcopy(key, memo)] = deepcopy(value, memo)
"/home/ubuntu/anaconda3/lib/python3.8/copy.py", line 172, in deepcopy
y = _reconstruct(x, memo, *rv)
"/home/ubuntu/anaconda3/lib/python3.8/copy.py", line 296, in _reconstruct
value = deepcopy(value, memo)
"/home/ubuntu/anaconda3/lib/python3.8/copy.py", line 153, in deepcopy
y = copier(memo)
"/home/ubuntu/anaconda3/lib/python3.8/site-packages/torch-1.7.0-py3.8-linux-x86_64.egg/torch/nn/parameter.py", line 32
, in __deepcopy__
result = type(self)(self.data.clone(memory_format=torch.preserve_format), self.requires_grad)
RuntimeError: CUDA out of memory. Tried to allocate 40.00 MiB (GPU 0; 15.78 GiB total capacity; 14.32 GiB already allocated;
1.50 MiB free; 14.58 GiB reserved in total by PyTorch)
| 0.546409 |
Traceback (most recent call last):
"test.py", line 15, in <module>
loop.run_until_complete(main())
"/usr/lib64/python3.6/asyncio/base_events.py", line 488, in run_until_complete
return future.result()
"test.py", line 10, in main
html = await fetch(session, 'http://python.org')
"test.py", line 5, in fetch
async with session.get(url) as response:
"/usr/lib64/python3.6/site-packages/aiohttp/client.py", line 1012, in __aenter__
self._resp = await self._coro
"/usr/lib64/python3.6/site-packages/aiohttp/client.py", line 483, in _request
timeout=real_timeout
"/usr/lib64/python3.6/site-packages/aiohttp/connector.py", line 523, in connect
proto = await self._create_connection(req, traces, timeout)
"/usr/lib64/python3.6/site-packages/aiohttp/connector.py", line 859, in _create_connection
req, traces, timeout)
"/usr/lib64/python3.6/site-packages/aiohttp/connector.py", line 986, in _create_direct_connection
req=req, client_error=client_error)
"/usr/lib64/python3.6/site-packages/aiohttp/connector.py", line 936, in _wrap_create_connection
return await self._loop.create_connection(*args, **kwargs)
# type: ignore
# noqa
"/usr/lib64/python3.6/asyncio/base_events.py", line 754, in create_connection
infos = f1.result()
"/usr/lib64/python3.6/concurrent/futures/thread.py", line 56, in run
result = self.fn(*self.args, **self.kwargs)
"/usr/lib64/python3.6/socket.py", line 745, in getaddrinfo
for res in _socket.getaddrinfo(host, port, family, type, proto, flags):
TypeError: getaddrinfo() argument 1 must be string or None
| Traceback (most recent call last):
"/Users/dchiu/Developer/sain-health/server/virtualenv/lib/python3.6/site-packages/apscheduler/executors/base.py", line 125, in run_job
retval = job.func(*job.args, **job.kwargs)
"/Users/dchiu/Developer/sain-health/server/chatbot/tasks.py", line 83, in initiate_contact_attempts
status_events=['completed']
TypeError: create() got an unexpected keyword argument 'status_events'
| 0.620162 |
Traceback (most recent call last):
"demo_256p.py", line 115, in <module>
label_images[ind]=helper.get_semantic_map("data/cityscapes/Label256Full/%08d.png"%ind)#training label
"/home/ah/disk/jiangyifan/PhotographicImageSynthesis/helper.py", line 15, in get_semantic_map
semantic=scipy.misc.imread(path)
"/usr/local/lib/python2.7/dist-packages/scipy/misc/pilutil.py", line 156, in imread
im = Image.open(name)
"/usr/lib/python2.7/dist-packages/PIL/Image.py", line 2258, in open
fp = builtins.open(filename, "rb")
IOError: [Errno 2] No such file or directory: 'data/cityscapes/Label256Full/00002618.png'
| assetmanager.py:57 5264 2017-08-02 18:52:59 DEBUG
Traceback (most recent call last):
"overviewer_core\assetmanager.py", line 51, in __init__
IOError: [Errno 2] No such file or directory: 'c:\\mcmap\\overviewerConfig.js'
| 0.605817 |
Traceback (most recent call last):
"tests/online.py", line 56, in setUp
self.kafka_monitor._load_plugins()
"/root/scrapy-cluster/kafka-monitor/kafka_monitor.py", line 75, in _load_plugins
the_class = self._import_class(key)
"/root/scrapy-cluster/kafka-monitor/kafka_monitor.py", line 59, in _import_class
m = __import__(cl[0:d], globals(), locals(), [classname])
ImportError: No module named online
| Traceback (most recent call last):
"/usr/bin/piper", line 32, in <module>
from piper.application import Application
ImportError: No module named 'piper'
| 0.659251 |
Traceback (most recent call last):
"__main__.py", line 19, in <module>
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpheifp6ll\build\youtube_dl\__init__.py", line 465, in main
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpheifp6ll\build\youtube_dl\__init__.py", line 455, in _real_main
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpheifp6ll\build\youtube_dl\YoutubeDL.py", line 1988, in download
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpheifp6ll\build\youtube_dl\YoutubeDL.py", line 784, in extract_info
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpheifp6ll\build\youtube_dl\extractor\common.py", line 438, in extract
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpheifp6ll\build\youtube_dl\extractor\mtv.py", line 286, in _real_extract
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpheifp6ll\build\youtube_dl\extractor\mtv.py", line 212, in _get_videos_info
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpheifp6ll\build\youtube_dl\extractor\mtv.py", line 38, in _id_from_uri
AttributeError: 'NoneType' object has no attribute 'split'
| Traceback (most recent call last):
"C:\Users\SubAtomicManiac\Anaconda5\envs\SoftEng\lib\site-packages\django\test\testcases.py", line 202, in __call__
self._pre_setup()
"C:\Users\SubAtomicManiac\Anaconda5\envs\SoftEng\lib\site-packages\channels\testing\live.py", line 52, in _pre_setup
self._server_process.start()
"C:\Users\SubAtomicManiac\Anaconda5\envs\SoftEng\lib\multiprocessing\process.py", line 112, in start
self._popen = self._Popen(self)
"C:\Users\SubAtomicManiac\Anaconda5\envs\SoftEng\lib\multiprocessing\context.py", line 223, in _Popen
return _default_context.get_context().Process._Popen(process_obj)
"C:\Users\SubAtomicManiac\Anaconda5\envs\SoftEng\lib\multiprocessing\context.py", line 322, in _Popen
return Popen(process_obj)
"C:\Users\SubAtomicManiac\Anaconda5\envs\SoftEng\lib\multiprocessing\popen_spawn_win32.py", line 65, in __init__
reduction.dump(process_obj, to_child)
"C:\Users\SubAtomicManiac\Anaconda5\envs\SoftEng\lib\multiprocessing\reduction.py", line 60, in dump
ForkingPickler(file, protocol).dump(obj)
AttributeError: Can't pickle local object 'DaphneProcess.__init__.<locals>.<lambda>'
| 0.596115 |
Traceback (most recent call last):
"rh2_test.py", line 46, in <module>
search_metric='accuracy')
"/opt/tiger/hadron2/autohadron/autohadron/pipelines/train_pipeline.py", line 64, in train
nthreads_per_trial=30)
"/opt/tiger/hadron2/autogluon/tabular/src/autogluon/tabular/task/tabular_prediction/presets_configs.py", line 10, in _call
return f(*gargs, **gkwargs)
"/opt/tiger/hadron2/autogluon/tabular/src/autogluon/tabular/task/tabular_prediction/tabular_prediction.py", line 700, in fit
time_limit=time_limits_orig, save_data=cache_data, save_bagged_folds=save_bagged_folds, verbosity=verbosity)
"/opt/tiger/hadron2/autogluon/tabular/src/autogluon/tabular/learner/abstract_learner.py", line 85, in fit
return self._fit(X=X, X_val=X_val, **kwargs)
"/opt/tiger/hadron2/autogluon/tabular/src/autogluon/tabular/learner/default_learner.py", line 96, in _fit
trainer.train(X, y, X_val, y_val, X_unlabeled=X_unlabeled, holdout_frac=holdout_frac, time_limit=time_limit_trainer, **trainer_fit_kwargs)
"/opt/tiger/hadron2/autogluon/tabular/src/autogluon/tabular/trainer/auto_trainer.py", line 48, in train
stack_ensemble_levels=stack_ensemble_levels, time_limit=time_limit, core_kwargs=core_kwargs)
"/opt/tiger/hadron2/autogluon/tabular/src/autogluon/tabular/trainer/abstract_trainer.py", line 1190, in _train_multi_and_ensemble
raise ValueError('AutoGluon did not successfully train any models')
ValueError: AutoGluon did not successfully train any models | Traceback (most recent call last):
"/usr/local/lib/python2.7/dist-packages/cherrypy/_cprequest.py", line 670, in respond
response.body = self.handler()
"/usr/local/lib/python2.7/dist-packages/cherrypy/lib/encoding.py", line 260, in __call__
ct.params[\'charset\'] = self.find_acceptable_charset()
"/usr/local/lib/python2.7/dist-packages/cherrypy/lib/encoding.py", line 146, in find_acceptable_charset
encs = request.headers.elements(\'Accept-Charset\')
"/usr/local/lib/python2.7/dist-packages/cherrypy/lib/httputil.py", line 456, in elements
return header_elements(key, value)
"/usr/local/lib/python2.7/dist-packages/cherrypy/lib/httputil.py", line 237, in header_elements
return list(reversed(sorted(result)))
"/usr/local/lib/python2.7/dist-packages/cherrypy/lib/httputil.py", line 217, in __lt__
if self.qvalue == other.qvalue:
"/usr/local/lib/python2.7/dist-packages/cherrypy/lib/httputil.py", line 207, in qvalue
return float(val)
ValueError: invalid literal for float(): 0.7)
| 0.539059 |
Traceback (most recent call last):
"setup.py", line 52, in <module>
setup(**project)
"/usr/lib/python2.7/distutils/core.py", line 151, in setup
dist.run_commands()
"/usr/lib/python2.7/distutils/dist.py", line 953, in run_commands
self.run_command(cmd)
"/usr/lib/python2.7/distutils/dist.py", line 972, in run_command
cmd_obj.run()
"/usr/lib/python2.7/dist-packages/sphinx/setup_command.py", line 161, in run
freshenv=self.fresh_env)
"/usr/lib/python2.7/dist-packages/sphinx/application.py", line 137, in __init__
confoverrides or {}, self.tags)
"/usr/lib/python2.7/dist-packages/sphinx/config.py", line 287, in __init__
execfile_(filename, config)
"/usr/lib/python2.7/dist-packages/sphinx/util/pycompat.py", line 130, in execfile_
exec_(code, _globals)
"/usr/lib/python2.7/dist-packages/six.py", line 699, in exec_
exec("""exec _code_ in _globs_, _locs_""")
"<string>", line 1, in <module>
"conf.py", line 26, in <module>
ImportError: No module named sphinx_rtd_theme
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/home/ec2-user/github/kaolin/kaolin/__init__.py", line 17, in <module>
from kaolin import conversions
"/home/ec2-user/github/kaolin/kaolin/conversions/__init__.py", line 1, in <module>
from kaolin.conversions.meshconversions import *
"/home/ec2-user/github/kaolin/kaolin/conversions/meshconversions.py", line 20, in <module>
from kaolin.metrics.point import directed_distance as directed_distance
"/home/ec2-user/github/kaolin/kaolin/metrics/__init__.py", line 2, in <module>
from .point import *
"/home/ec2-user/github/kaolin/kaolin/metrics/point.py", line 17, in <module>
import kaolin.cuda.sided_distance as sd
ImportError: /home/ec2-user/github/kaolin/kaolin/cuda/sided_distance.cpython-36m-x86_64-linux-gnu.so: undefined symbol: _ZN6caffe26detail37_typeMetaDataInstance_preallocated_32E
| 0.634728 |
Traceback (most recent call last):
"C:\Program
s\Python37\lib\threading.py", line 926, in _bootstrap_inner
self.run()
"C:\Program
s\Python37\lib\threading.py", line 870, in run
self._target(*self._args, **self._kwargs)
"G:\Paddle\PaddleDetection\ppdet\data\parallel_map.py", line 161, in _consume
signal.signal(signal.SIGTERM, lambda signum, frame: sys.exit())
"C:\Program
s\Python37\lib\signal.py", line 47, in signal
handler = _signal.signal(_enum_to_int(signalnum), _enum_to_int(handler))
ValueError: signal only works in main thread
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/home/xxxxx/anaconda2/envs/conda_env/lib/python3.7/site-packages/mmcv/__init__.py", line 8, in <module>
from .video import *
"/home/xxxxx/anaconda2/envs/conda_env/lib/python3.7/site-packages/mmcv/video/__init__.py", line 3, in <module>
from .optflow import (dequantize_flow, flow_warp, flowread, flowwrite,
"/home/xxxxx/anaconda2/envs/conda_env/lib/python3.7/site-packages/mmcv/video/optflow.py", line 4, in <module>
from mmcv._ext import flow_warp_c
"mmcv/video/optflow_warp/flow_warp_module.pyx", line 1, in init mmcv._ext
ValueError: numpy.ndarray size changed, may indicate binary incompatibility. Expected 88 from C header, got 80 from PyObject
| 0.535117 |
[autoreload of pandas.io.json.table_schema failed: Traceback (most recent call last):
"/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/site-packages/IPython/extensions/autoreload.py", line 246, in check
superreload(m, reload, self.old_objects)
"/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/site-packages/IPython/extensions/autoreload.py", line 369, in superreload
module = reload(module)
"/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/imp.py", line 315, in reload
return importlib.reload(module)
"/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/importlib/__init__.py", line 166, in reload
_bootstrap._exec(spec, module)
"<frozen importlib._bootstrap>", line 618, in _exec
"<frozen importlib._bootstrap_external>", line 678, in exec_module
"<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
"/Users/sentient-asoellinger/miniconda2/envs/ipykernel_py3/lib/python3.6/site-packages/pandas/io/json/table_schema.py", line 8, in <module>
import pandas._libs.json as json
AttributeError: module 'pandas._libs' has no attribute 'json'
| Traceback (most recent call last):
"git_savvy in ...\subl3\Data\Installed Packages\GitSavvy.sublime-package", line 14, in <lambda>
"common.util.view in ...\subl3\Data\Installed Packages\GitSavvy.sublime-package", line 66, in refresh_gitsavvy
AttributeError: 'NoneType' object has no attribute 'settings'
| 0.587377 |
train: Scanning '../VisDrone/VisDrone2019-DET-train/labels.cache' images and labels... 0 found, 6471 missing, 0 empty, 0 corrupted: 100%|โ| 6471/6471 [00:00<?, ?it/Traceback (most recent call last):
"train.py", line 544, in <module>
train(hyp, opt, device, tb_writer)
"train.py", line 189, in train
dataloader, dataset = create_dataloader(train_path, imgsz, batch_size, gs, opt,
"/home/desmond/Projects/Python/yolov5/utils/datasets.py", line 63, in create_dataloader
dataset = LoadImagesAndLabels(path, imgsz, batch_size,
"/home/desmond/Projects/Python/yolov5/utils/datasets.py", line 396, in __init__
assert nf > 0 or not augment, f'{prefix}No labels in {cache_path}. Can not train without labels. See {help_url}'
AssertionError: train: No labels in ../VisDrone/VisDrone2019-DET-train/labels.cache. Can not train without labels. See https://github.com/ultralytics/yolov5/wiki/Train-Custom-Data
| Traceback (most recent call last):
"/home/wallets/Downloads/btcrecover-master/btcrecover/test/test_passwords.py", line 82, in skip_or_test
test_func(self)
"/home/wallets/Downloads/btcrecover-master/btcrecover/test/test_passwords.py", line 1677, in test_bitcoincore_OpenCL_JTR
self.assertTrue(test_succeeded) #Check that at least one device successfully ran the test
AssertionError: False is not true
| 0.519811 |
Traceback (most recent call last):
"./ernie/run_classifier.py", line 447, in <module>
main(args)
"./ernie/run_classifier.py", line 315, in main
current_epoch, steps)
"./ernie/run_classifier.py", line 406, in predict_wrapper
test_sets = args.test_set.split(',')
AttributeError: 'NoneType' object has no attribute 'split'
| Traceback (most recent call last):
"/usr/local/lib/python3.4/dist-packages/requests/packages/urllib3/connectionpool.py", line 228, in _get_conn
conn = self.pool.get(block=self.block, timeout=timeout)
AttributeError: 'NoneType' object has no attribute 'get'
| 0.667677 |
Traceback (most recent call last):
"/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/multiprocessing/process.py", line 99, in run
self._target(*self._args, **self._kwargs)
"misc/fontbuild", line 238, in _glyphsyncWriteUFO
setFontInfo(font, weight)
"/Users/stephennixon/type-repos/google-font-repos/inter2/misc/fontbuildlib/info.py", line 94, in setFontInfo
updateFontVersion(font, dummy=True, isVF=False)
"/Users/stephennixon/type-repos/google-font-repos/inter2/misc/fontbuildlib/info.py", line 47, in updateFontVersion
font.info.version = version
"/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/multiprocessing/process.py", line 297, in _bootstrap
self.run()
AttributeError: 'Info' object has no attribute 'version'
| Traceback (most recent call last):
"C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\tornado\ioloop.py", line 907, in _run
return self.callback()
"C:\Users\adnan\AppData\Local\Programs\Python\Python38-32\lib\site-packages\distributed\nanny.py", line 414, in memory_monitor
process = self.process.process
AttributeError: 'NoneType' object has no attribute 'process'
| 0.598881 |
Traceback (most recent call last):
"/home/chovanec/anaconda3/lib/python3.6/site-packages/skbio/alignment/tests/test_tabular_msa.py", line 2623, in test_one_with_positions_one_without_positions
joined = msa1.join(msa2)
"/home/chovanec/anaconda3/lib/python3.6/site-packages/skbio/alignment/_tabular_msa.py", line 2236, in join
join_index, concat_kwargs = self._get_join_index(other, how)
"/home/chovanec/anaconda3/lib/python3.6/site-packages/skbio/alignment/_tabular_msa.py", line 2287, in _get_join_index
diff = self.index.sym_diff(other.index)
AttributeError: 'RangeIndex' object has no attribute 'sym_diff'
| ERROR:tensorflow:Error in environment process: Traceback (most recent call last):
"agents/tools/wrappers.py", line 445, in _worker
env = constructor()
"/home/dchichkov/w/agents/agents/scripts/train.py", line 106, in <lambda>
lambda: _create_environment(config),
"/home/dchichkov/w/agents/agents/scripts/train.py", line 52, in _create_environment
env = tools.wrappers.RangeNormalize(env)
"agents/tools/wrappers.py", line 195, in __init__
observ is not False and self._is_finite(self._env.observation_space))
"agents/tools/wrappers.py", line 251, in _is_finite
return np.isfinite(space.low).all() and np.isfinite(space.high).all()
AttributeError: 'Discrete' object has no attribute 'low'
| 0.599378 |
Traceback (most recent call last):
"/usr/lib/python3.6/site-packages/lutris/exceptions.py", line 26, in wrapper
return function(*args, **kwargs)
"/usr/lib/python3.6/site-packages/lutris/game.py", line 299, in configure_game
gameplay_info = self.runner.play()
"/usr/lib/python3.6/site-packages/lutris/runners/wine.py", line 832, in play
launch_info = {"env": self.get_env(os_env=False)}
"/usr/lib/python3.6/site-packages/lutris/runners/wine.py", line 718, in get_env
env = super(wine, self).get_env(False)
"/usr/lib/python3.6/site-packages/lutris/runners/runner.py", line 149, in get_env
runtime_env = self.get_runtime_env()
"/usr/lib/python3.6/site-packages/lutris/runners/wine.py", line 744, in get_runtime_env
if entry in wine_path:
TypeError: 'in <string>' requires string as left operand, not NoneType
| Traceback (most recent call last):
"train_predictor.py", line 338, in <module>
model.save_checkpoint(model_dictionary, is_best)
"C:\Users\Dell\AppData\Roaming\Microsoft\Windows\Start Menu\Programs\Python 3.5\model\model.py", line 103, in save_checkpoint
torch.save(state, checkpoint)
"C:\Users\Dell\AppData\Roaming\Python\Python35\site-packages\torch\serialization.py", line 209, in save
return _with_file_like(f, "wb", lambda f: _save(obj, f, pickle_module, pickle_protocol))
"C:\Users\Dell\AppData\Roaming\Python\Python35\site-packages\torch\serialization.py", line 132, in _with_file_like
f = open(f, mode)
TypeError: invalid file: WindowsPath('save/ecg/checkpoint/chfdb_chf13_45590.pth')
| 0.535394 |
Traceback (most recent call last):
"/home/kforrester/anaconda3/lib/python3.6/site-packages/flask/app.py", line 2309, in __call__
return self.wsgi_app(environ, start_response)
"/home/kforrester/anaconda3/lib/python3.6/site-packages/flask/app.py", line 2295, in wsgi_app
response = self.handle_exception(e)
"/home/kforrester/anaconda3/lib/python3.6/site-packages/flask/app.py", line 1741, in handle_exception
reraise(exc_type, exc_value, tb)
"/home/kforrester/anaconda3/lib/python3.6/site-packages/flask/_compat.py", line 35, in reraise
raise value
"/home/kforrester/anaconda3/lib/python3.6/site-packages/flask/app.py", line 2292, in wsgi_app
response = self.full_dispatch_request()
"/home/kforrester/anaconda3/lib/python3.6/site-packages/flask/app.py", line 1815, in full_dispatch_request
rv = self.handle_user_exception(e)
"/home/kforrester/anaconda3/lib/python3.6/site-packages/flask/app.py", line 1718, in handle_user_exception
reraise(exc_type, exc_value, tb)
"/home/kforrester/anaconda3/lib/python3.6/site-packages/flask/_compat.py", line 35, in reraise
raise value
"/home/kforrester/anaconda3/lib/python3.6/site-packages/flask/app.py", line 1813, in full_dispatch_request
rv = self.dispatch_request()
"/home/kforrester/anaconda3/lib/python3.6/site-packages/flask/app.py", line 1799, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/home/kforrester/anaconda3/lib/python3.6/site-packages/flask_appbuilder/security/decorators.py", line 26, in wraps
return f(self, *args, **kwargs)
"/home/kforrester/anaconda3/lib/python3.6/site-packages/flask_appbuilder/views.py", line 75, in this_form_post
if form.validate_on_submit():
"/home/kforrester/anaconda3/lib/python3.6/site-packages/flask_wtf/form.py", line 101, in validate_on_submit
return self.is_submitted() and self.validate()
"/home/kforrester/anaconda3/lib/python3.6/site-packages/wtforms/form.py", line 310, in validate
return super(Form, self).validate(extra)
"/home/kforrester/anaconda3/lib/python3.6/site-packages/wtforms/form.py", line 152, in validate
if not field.validate(self, extra):
"/home/kforrester/anaconda3/lib/python3.6/site-packages/wtforms/fields/core.py", line 195, in validate
self.pre_validate(form)
"/home/kforrester/anaconda3/lib/python3.6/site-packages/wtforms/fields/core.py", line 471, in pre_validate
for v, _ in self.choices:
TypeError: 'NoneType' object is not iterable
| Traceback (most recent call last):
"/opt/code/localstack/.venv/lib/python3.7/site-packages/flask/app.py", line 2292, in wsgi_app
response = self.full_dispatch_request()
"/opt/code/localstack/.venv/lib/python3.7/site-packages/flask/app.py", line 1815, in full_dispatch_request
rv = self.handle_user_exception(e)
"/opt/code/localstack/.venv/lib/python3.7/site-packages/flask_cors/extension.py", line 161, in wrapped_function
return cors_after_request(app.make_response(f(*args, **kwargs)))
"/opt/code/localstack/.venv/lib/python3.7/site-packages/flask/app.py", line 1718, in handle_user_exception
reraise(exc_type, exc_value, tb)
"/opt/code/localstack/.venv/lib/python3.7/site-packages/flask/_compat.py", line 35, in reraise
raise value
"/opt/code/localstack/.venv/lib/python3.7/site-packages/flask/app.py", line 1813, in full_dispatch_request
rv = self.dispatch_request()
"/opt/code/localstack/.venv/lib/python3.7/site-packages/flask/app.py", line 1799, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/opt/code/localstack/localstack/services/firehose/firehose_api.py", line 276, in post_request
es_update=es_update, version_id=version_id)
TypeError: update_destination() got an unexpected keyword argument 'es_update'
| 0.566736 |
Traceback (most recent call last):
"tools/train.py", line 366, in <module>
main()
"tools/train.py", line 288, in main
cfg['EvalReader']['dataset'])
"/paddle/PaddleDetection/ppdet/utils/eval_utils.py", line 218, in eval_results
save_only=save_only)
"/paddle/PaddleDetection/ppdet/utils/coco_eval.py", line 102, in bbox_eval
map_stats = cocoapi_eval(outfile, 'bbox', coco_gt=coco_gt)
"/paddle/PaddleDetection/ppdet/utils/coco_eval.py", line 194, in cocoapi_eval
coco_eval = COCOeval(coco_gt, coco_dt, style)
"/usr/local/lib/python3.5/dist-packages/pycocotools/cocoeval.py", line 76, in __init__
self.params = Params(iouType=iouType) # parameters
"/usr/local/lib/python3.5/dist-packages/pycocotools/cocoeval.py", line 527, in __init__
self.setDetParams()
"/usr/local/lib/python3.5/dist-packages/pycocotools/cocoeval.py", line 507, in setDetParams
self.iouThrs = np.linspace(.5, 0.95, np.round((0.95 - .5) / .05) + 1, endpoint=True)
"<__array_function__ internals>", line 6, in linspace
"/usr/local/lib/python3.5/dist-packages/numpy/core/function_base.py", line 121, in linspace
.format(type(num)))
TypeError: object of type <class 'numpy.float64'> cannot be safely interpreted as an integer.
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/Users/me/.virtualenvs/myenv/lib/python3.7/site-packages/googleapiclient/_helpers.py", line 134, in positional_wrapper
return wrapped(*args, **kwargs)
"/Users/me/.virtualenvs/myenv/lib/python3.7/site-packages/googleapiclient/discovery.py", line 288, in build
adc_key_path=adc_key_path,
"/Users/me/.virtualenvs/myenv/lib/python3.7/site-packages/googleapiclient/_helpers.py", line 134, in positional_wrapper
return wrapped(*args, **kwargs)
"/Users/me/.virtualenvs/myenv/lib/python3.7/site-packages/googleapiclient/discovery.py", line 529, in build_from_document
quota_project_id=client_options.quota_project_id,
"/Users/me/.virtualenvs/myenv/lib/python3.7/site-packages/googleapiclient/_auth.py", line 54, in default_credentials
credentials, _ = google.auth.default(scopes=scopes, quota_project_id=quota_project_id)
TypeError: default() got an unexpected keyword argument 'quota_project_id'
| 0.524111 |
Traceback (most recent call last):
"<stdin>", line 5, in ?
"build\bdist.win32\egg\sqlalchemy\schema.py", line 96, in __call__
"build\bdist.win32\egg\sqlalchemy\engine\base.py", line 484, in reflecttable
"build\bdist.win32\egg\sqlalchemy\databases\mssql.py", line 342, in reflecttable
AttributeError: 'Table' object has no attribute 'toengine' | Traceback (most recent call last):
"main.py", line 394, in <module>
main()
"main.py", line 377, in main
plot_scatter(100)
"main.py", line 108, in plot_scatter
tracking.log_mpl_plotly_chart(name='scatter', figure=plt, step=step)
"/usr/local/lib/python3.6/dist-packages/polyaxon/tracking/__init__.py", line 466, in log_mpl_plotly_chart
timestamp=timestamp,
"/usr/local/lib/python3.6/dist-packages/polyaxon/client/decorators/no_op.py", line 42, in wrapper
return f(*args, **kwargs)
"/usr/local/lib/python3.6/dist-packages/polyaxon/client/decorators/offline.py", line 43, in wrapper
return f(*args, **kwargs)
"/usr/local/lib/python3.6/dist-packages/polyaxon/client/decorators/can_log_event.py", line 45, in wrapper
return f(*args, **kwargs)
"/usr/local/lib/python3.6/dist-packages/polyaxon/tracking/run.py", line 1142, in log_mpl_plotly_chart
chart = events_processors.mpl_plotly_chart(figure=figure)
"/usr/local/lib/python3.6/dist-packages/polyaxon/polyboard/processors/events_processors.py", line 769, in mpl_plotly_chart
figure = plotly.tools.mpl_to_plotly(figure)
"/usr/local/lib/python3.6/dist-packages/plotly/tools.py", line 112, in mpl_to_plotly
matplotlylib.Exporter(renderer).run(fig)
"/usr/local/lib/python3.6/dist-packages/plotly/matplotlylib/mplexporter/exporter.py", line 51, in run
self.crawl_fig(fig)
"/usr/local/lib/python3.6/dist-packages/plotly/matplotlylib/mplexporter/exporter.py", line 118, in crawl_fig
self.crawl_ax(ax)
"/usr/local/lib/python3.6/dist-packages/plotly/matplotlylib/mplexporter/exporter.py", line 123, in crawl_ax
props=utils.get_axes_properties(ax)):
"/usr/local/lib/python3.6/dist-packages/plotly/matplotlylib/mplexporter/utils.py", line 272, in get_axes_properties
'axes': [get_axis_properties(ax.xaxis),
"/usr/local/lib/python3.6/dist-packages/plotly/matplotlylib/mplexporter/utils.py", line 236, in get_axis_properties
props['grid'] = get_grid_style(axis)
"/usr/local/lib/python3.6/dist-packages/plotly/matplotlylib/mplexporter/utils.py", line 246, in get_grid_style
if axis._gridOnMajor and len(gridlines) > 0:
AttributeError: 'XAxis' object has no attribute '_gridOnMajor'
| 0.57623 |
Traceback (most recent call last):
"C:\Users\lshom\AppData\Local\Programs\Python\Python38-32\lib\site-packages\pip\_vendor\pkg_resources\__init__.py", line 3021, in _dep_map
return self.__dep_map
"C:\Users\lshom\AppData\Local\Programs\Python\Python38-32\lib\site-packages\pip\_vendor\pkg_resources\__init__.py", line 2815, in __getattr__
raise AttributeError(attr)
AttributeError: _DistInfoDistribution__dep_map
| Traceback (most recent call last):
"/home/niraj/miniconda3/envs/magenta/bin/sketch_rnn_train", line 8, in <module>
sys.exit(console_entry_point())
"/home/niraj/miniconda3/envs/magenta/lib/python3.7/site-packages/magenta/models/sketch_rnn/sketch_rnn_train.py", line 471, in console_entry_point
tf.app.run(main)
"/home/niraj/miniconda3/envs/magenta/lib/python3.7/site-packages/tensorflow_core/python/platform/app.py", line 40, in run
_run(main=main, argv=argv, flags_parser=_parse_flags_tolerate_undef)
"/home/niraj/miniconda3/envs/magenta/lib/python3.7/site-packages/absl/app.py", line 299, in run
_run_main(main, args)
"/home/niraj/miniconda3/envs/magenta/lib/python3.7/site-packages/absl/app.py", line 250, in _run_main
sys.exit(main(argv))
"/home/niraj/miniconda3/envs/magenta/lib/python3.7/site-packages/magenta/models/sketch_rnn/sketch_rnn_train.py", line 467, in main
trainer(model_params)
"/home/niraj/miniconda3/envs/magenta/lib/python3.7/site-packages/magenta/models/sketch_rnn/sketch_rnn_train.py", line 432, in trainer
for key, val in six.iteritems(list(model_params.values())):
"/home/niraj/miniconda3/envs/magenta/lib/python3.7/site-packages/six.py", line 589, in iteritems
return iter(d.items(**kw))
AttributeError: 'list' object has no attribute 'items'
| 0.528312 |
Traceback (most recent call last):
"/var/www/vhosts/weblate/weblate/weblate/memory/storage.py", line 82, in __del__
self.close()
"/var/www/vhosts/weblate/weblate/weblate/memory/storage.py", line 93, in close
if self.searcher is not None:
AttributeError: 'TranslationMemory' object has no attribute 'searcher'
| Traceback (most recent call last):
"./asyncio.py", line 6, in <module>
from aiohttp import web
"/usr/local/lib/python3.5/dist-packages/aiohttp/__init__.py", line 6, in <module>
from .client import *
# noqa
"/usr/local/lib/python3.5/dist-packages/aiohttp/client.py", line 3, in <module>
import asyncio
"/media/Windows/Users/brian.tegtmeier/Documents/Projects/extra/sanic-sample-py3/asyncio.py", line 6, in <module>
from aiohttp import web
"/usr/local/lib/python3.5/dist-packages/aiohttp/web.py", line 13, in <module>
from . import (hdrs, web_exceptions, web_fileresponse, web_middlewares,
"/usr/local/lib/python3.5/dist-packages/aiohttp/web_exceptions.py", line 1, in <module>
from .web_response import Response
"/usr/local/lib/python3.5/dist-packages/aiohttp/web_response.py", line 12, in <module>
from . import hdrs, payload
"/usr/local/lib/python3.5/dist-packages/aiohttp/payload.py", line 11, in <module>
from .helpers import (content_disposition_header, guess_filename,
"/usr/local/lib/python3.5/dist-packages/aiohttp/helpers.py", line 29, in <module>
ensure_future = asyncio.async
AttributeError: module 'asyncio' has no attribute 'async'
| 0.557502 |
Traceback (most recent call last):
"test.py", line 181, in <module>
main()
"test.py", line 177, in main
eval_single_ckpt(model, test_loader, args, eval_output_dir, logger, epoch_id)
"test.py", line 59, in eval_single_ckpt
model, test_loader, epoch_id, logger, result_dir=eval_output_dir, save_to_file=args.save_to_file
"/home/tools/eval_utils/eval_utils.py", line 46, in eval_one_epoch
pred_dicts, ret_dict = model(input_dict)
"/usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py", line 493, in __call__
result = self.forward(*input, **kwargs)
"/home/pcdet/models/detectors/PartA2_net.py", line 112, in forward
batch_size, voxel_centers, coords, rpn_ret_dict, input_dict
"/home/pcdet/models/detectors/PartA2_net.py", line 98, in forward_rcnn
rcnn_ret_dict = self.rcnn_net.forward(rcnn_input_dict)
"/home/pcdet/models/rcnn/partA2_rcnn_net.py", line 553, in forward
pooled_part_features, pooled_rpn_features = self.roiaware_pool(rois, rcnn_dict)
"/home/pcdet/models/rcnn/partA2_rcnn_net.py", line 510, in roiaware_pool
cur_roi, cur_voxel_centers, cur_rpn_features, pool_method='max'
"/home/pcdet/ops/roiaware_pool3d/roiaware_pool3d_utils.py", line 16, in forward
self.out_size, self.max_pts_each_voxel, pool_method)
"/home/pcdet/ops/roiaware_pool3d/roiaware_pool3d_utils.py", line 44, in forward
pooled_features = pts_feature.new_zeros((num_rois, out_x, out_y, out_z, num_channels))
RuntimeError: cuda runtime error (9) : invalid configuration argument at /pytorch/aten/src/THC/generic/THCTensorMath.cu:35
| Traceback (most recent call last):
"/usr/local/google/home/chaseriley/.local/lib/python3.6/site-packages/jax/interpreters/xla.py", line 70, in primitive_computation
return c.Build()
"/usr/local/google/home/chaseriley/.local/lib/python3.6/site-packages/jax/lib/xla_bridge.py", line 267, in Build
*args, **kwargs)
"/usr/local/google/home/chaseriley/.local/lib/python3.6/site-packages/jaxlib/xla_client.py", line 640, in Build
return Computation(self._builder.Build(), backend=backend)
RuntimeError: Invalid argument: Cannot infer shape for dot operation: f32[1,24] <dot> f32[1,210]. Contracting dimension sizes do not match.:
| 0.589988 |
Traceback (most recent call last):
"error.py", line 11, in <module>
ray.get(x[0])
"/Users/swang/ray/python/ray/worker.py", line 2131, in get
return values
"python/ray/includes/libcoreworker.pxi", line 32, in ray._raylet.ProfileEvent.__exit__
"value": str(value),
"/Users/swang/ray/python/ray/exceptions.py", line 155, in __str__
self.object_id.hex(),
AttributeError: 'RayTaskError(UnreconstructableError)' object has no attribute 'object_id'
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
AttributeError: module 'signal' has no attribute '__all__'
| 0.573081 |
Traceback (most recent call last):
"/usr/src/homeassistant/homeassistant/components/websocket_api/commands.py", line 134, in handle_call_service
connection.context(msg),
"/usr/src/homeassistant/homeassistant/core.py", line 1226, in async_call
await asyncio.shield(self._execute_service(handler, service_call))
"/usr/src/homeassistant/homeassistant/core.py", line 1251, in _execute_service
await handler.func(service_call)
"/usr/src/homeassistant/homeassistant/components/configurator/__init__.py", line 235, in async_handle_service_call
await self.hass.async_add_job(callback, call.data.get(ATTR_FIELDS, {}))
"/usr/src/homeassistant/homeassistant/components/webostv/__init__.py", line 159, in lgtv_configuration_callback
await client.connect()
"/usr/local/lib/python3.7/site-packages/aiopylgtv/webos_client.py", line 126, in connect
return await self.connect_result
"/usr/local/lib/python3.7/site-packages/aiopylgtv/webos_client.py", line 156, in connect_handler
close_timeout=self.timeout_connect),
"/usr/local/lib/python3.7/site-packages/websockets/client.py", line 385, in __init__
factory, host, port, **kwds)
TypeError: create_connection() got an unexpected keyword argument 'ping_interval'
| Traceback (most recent call last):
"/usr/lib64/python3.6/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
TypeError: test_log_SQLi_data() missing 2 required positional arguments: 'monkeypatch' and 'logger'
| 0.547681 |
Traceback (most recent call last):
"VideoWidget_vlc.py", line 767, in stopDanmuMessage
TypeError: 'method' object is not connected
| Traceback (most recent call last):
"setup.py", line 65, in <module>
tests_require=test_requirements
"/usr/lib/python2.7/distutils/core.py", line 151, in setup
dist.run_commands()
"/usr/lib/python2.7/distutils/dist.py", line 953, in run_commands
self.run_command(cmd)
"/usr/lib/python2.7/distutils/dist.py", line 972, in run_command
cmd_obj.run()
"/usr/lib/python2.7/dist-packages/setuptools/command/install.py", line 67, in run
self.do_egg_install()
"/usr/lib/python2.7/dist-packages/setuptools/command/install.py", line 117, in do_egg_install
cmd.run()
"/usr/lib/python2.7/dist-packages/setuptools/command/easy_install.py", line 436, in run
self.easy_install(spec, not self.no_deps)
"/usr/lib/python2.7/dist-packages/setuptools/command/easy_install.py", line 680, in easy_install
return self.install_item(None, spec, tmpdir, deps, True)
"/usr/lib/python2.7/dist-packages/setuptools/command/easy_install.py", line 727, in install_item
self.process_distribution(spec, dist, deps)
"/usr/lib/python2.7/dist-packages/setuptools/command/easy_install.py", line 772, in process_distribution
[requirement], self.local_index, self.easy_install
"/usr/lib/python2.7/dist-packages/pkg_resources/__init__.py", line 846, in resolve
dist = best[req.key] = env.best_match(req, ws, installer)
"/usr/lib/python2.7/dist-packages/pkg_resources/__init__.py", line 1118, in best_match
return self.obtain(req, installer)
"/usr/lib/python2.7/dist-packages/pkg_resources/__init__.py", line 1130, in obtain
return installer(requirement)
"/usr/lib/python2.7/dist-packages/setuptools/command/easy_install.py", line 699, in easy_install
return self.install_item(spec, dist.location, tmpdir, deps)
"/usr/lib/python2.7/dist-packages/setuptools/command/easy_install.py", line 725, in install_item
dists = self.install_eggs(spec, download, tmpdir)
"/usr/lib/python2.7/dist-packages/setuptools/command/easy_install.py", line 906, in install_eggs
return self.build_and_install(setup_script, setup_base)
"/usr/lib/python2.7/dist-packages/setuptools/command/easy_install.py", line 1145, in build_and_install
self.run_setup(setup_script, setup_base, args)
"/usr/lib/python2.7/dist-packages/setuptools/command/easy_install.py", line 1131, in run_setup
run_setup(setup_script, args)
"/usr/lib/python2.7/dist-packages/setuptools/sandbox.py", line 258, in run_setup
raise
"/usr/lib/python2.7/contextlib.py", line 35, in __exit__
self.gen.throw(type, value, traceback)
"/usr/lib/python2.7/dist-packages/setuptools/sandbox.py", line 198, in setup_context
yield
"/usr/lib/python2.7/contextlib.py", line 35, in __exit__
self.gen.throw(type, value, traceback)
"/usr/lib/python2.7/dist-packages/setuptools/sandbox.py", line 169, in save_modules
saved_exc.resume()
"/usr/lib/python2.7/dist-packages/setuptools/sandbox.py", line 143, in resume
type, exc = map(pickle.loads, self._saved)
"/usr/lib/python2.7/pickle.py", line 1388, in loads
return Unpickler(file).load()
"/usr/lib/python2.7/pickle.py", line 864, in load
dispatch[key](self)
"/usr/lib/python2.7/pickle.py", line 1139, in load_reduce
value = func(*args)
TypeError: __init__() takes at least 3 arguments (1 given)
| 0.522319 |
Traceback (most recent call last):
"C:\LegacyApp\Python27\Scripts\canconvert.py", line 9, in <module>
load_entry_point('canmatrix==0.6', 'console_scripts', 'canconvert')()
"build\bdist.win-amd64\egg\canmatrix\convert.py", line 294, in main
"build\bdist.win-amd64\egg\canmatrix\convert.py", line 41, in convert
"build\bdist.win-amd64\egg\canmatrix\formats.py", line 54, in loadp
"build\bdist.win-amd64\egg\canmatrix\formats.py", line 64, in load
"build\bdist.win-amd64\egg\canmatrix\arxml.py", line 1553, in load
"build\bdist.win-amd64\egg\canmatrix\arxml.py", line 1160, in getFrame
AttributeError: 'NoneType' object has no attribute 'tag' | Traceback (most recent call last):
"c:\anaconda3\envs\py36_aml\lib\site-packages\mmdnn\conversion\keras\keras2_parser.py", line 105, in __init__
'relu6': _keras.applications.mobilenet.relu6,
AttributeError: module 'keras.applications.mobilenet' has no attribute 'relu6'
| 0.553312 |
Traceback (most recent call last):
"train_gta2cityscapes_multi.py", line 422, in <module>
main()
"train_gta2cityscapes_multi.py", line 178, in main
saved_state_dict = model_zoo.load_url(args.restore_from)
"/home/redhat/anaconda3/lib/python3.6/site-packages/torch/utils/model_zoo.py", line 65, in load_url
_download_url_to_file(url, cached_file, hash_prefix, progress=progress)
"/home/redhat/anaconda3/lib/python3.6/site-packages/torch/utils/model_zoo.py", line 72, in _download_url_to_file
file_size = int(u.headers["Content-Length"])
"/home/redhat/anaconda3/lib/python3.6/site-packages/requests/structures.py", line 54, in __getitem__
return self._store[key.lower()][1]
KeyError: 'content-length'
| Traceback (most recent call last):
"c:\program files\python37\lib\site-packages\youtube_dl\extractor\common.py", line 530, in extract
ie_result = self._real_extract(url)
"c:\program files\python37\lib\site-packages\youtube_dl\extractor\usanetwork.py", line 36, in _real_extract
video_id = player_params['data-mpx-guid']
KeyError: 'data-mpx-guid'
| 0.561276 |
Traceback (most recent call last):
"/home/dolf/.virtualenvs/fab/lib/python3.5/site-packages/Flask-0.12.4-py3.5.egg/flask/app.py", line 1982, in wsgi_app
response = self.full_dispatch_request()
"/home/dolf/.virtualenvs/fab/lib/python3.5/site-packages/Flask-0.12.4-py3.5.egg/flask/app.py", line 1614, in full_dispatch_request
rv = self.handle_user_exception(e)
"/home/dolf/.virtualenvs/fab/lib/python3.5/site-packages/Flask-0.12.4-py3.5.egg/flask/app.py", line 1517, in handle_user_exception
reraise(exc_type, exc_value, tb)
"/home/dolf/.virtualenvs/fab/lib/python3.5/site-packages/Flask-0.12.4-py3.5.egg/flask/_compat.py", line 33, in reraise
raise value
"/home/dolf/.virtualenvs/fab/lib/python3.5/site-packages/Flask-0.12.4-py3.5.egg/flask/app.py", line 1612, in full_dispatch_request
rv = self.dispatch_request()
"/home/dolf/.virtualenvs/fab/lib/python3.5/site-packages/Flask-0.12.4-py3.5.egg/flask/app.py", line 1598, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/home/dolf/Documents/git/Flask-AppBuilder/flask_appbuilder/security/decorators.py", line 26, in wraps
return f(self, *args, **kwargs)
"/home/dolf/Documents/git/Flask-AppBuilder/flask_appbuilder/views.py", line 495, in show
related_views=self._related_views)
"/home/dolf/Documents/git/Flask-AppBuilder/flask_appbuilder/baseviews.py", line 161, in render_template
return render_template(template, **dict(list(kwargs.items()) + list(self.extra_args.items())))
"/home/dolf/.virtualenvs/fab/lib/python3.5/site-packages/Flask-0.12.4-py3.5.egg/flask/templating.py", line 134, in render_template
context, ctx.app)
"/home/dolf/.virtualenvs/fab/lib/python3.5/site-packages/Flask-0.12.4-py3.5.egg/flask/templating.py", line 116, in _render
rv = template.render(context)
"/home/dolf/.virtualenvs/fab/lib/python3.5/site-packages/jinja2/environment.py", line 1008, in render
return self.environment.handle_exception(exc_info, True)
"/home/dolf/.virtualenvs/fab/lib/python3.5/site-packages/jinja2/environment.py", line 780, in handle_exception
reraise(exc_type, exc_value, tb)
"/home/dolf/.virtualenvs/fab/lib/python3.5/site-packages/jinja2/_compat.py", line 37, in reraise
raise value.with_traceback(tb)
"/home/dolf/Documents/git/Flask-AppBuilder/flask_appbuilder/templates/appbuilder/general/model/show.html", line 2, in top-level template code
{% import 'appbuilder/general/lib.html' as lib %}
"/home/dolf/Documents/git/Flask-AppBuilder/flask_appbuilder/templates/appbuilder/base.html", line 1, in top-level template code
{% extends base_template %}
"/home/dolf/Documents/git/Flask-AppBuilder/flask_appbuilder/templates/appbuilder/baselayout.html", line 2, in top-level template code
{% import 'appbuilder/baselib.html' as baselib %}
"/home/dolf/Documents/git/Flask-AppBuilder/flask_appbuilder/templates/appbuilder/init.html", line 46, in top-level template code
{% block body %}
"/home/dolf/Documents/git/Flask-AppBuilder/flask_appbuilder/templates/appbuilder/baselayout.html", line 19, in block "body"
{% block content %}
"/home/dolf/Documents/git/Flask-AppBuilder/flask_appbuilder/templates/appbuilder/general/model/show.html", line 20, in block "content"
{{ widgets.get('related_views')[loop.index - 1](pk = pk)|safe }}
TypeError: 'NoneType' object is not callable
| Traceback (most recent call last):
"/usr/lib/python2.7/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
"/builddir/build/BUILD/MDAnalysis-0.16.0/MDAnalysisTests-0.16.0/MDAnalysisTests/coordinates/test_memory.py", line 156, in test_timeseries_noview
asel=selection).base is self.reader.get_array(),
"/builddir/build/BUILDROOT/python-MDAnalysis-0.16.0-1.fc27.i386/usr/lib/python2.7/site-packages/MDAnalysis/coordinates/memory.py", line 365, in timeseries
return array.take(asel.indices, a_index)
TypeError: Cannot cast array data from dtype('int64') to dtype('int32') according to the rule 'safe'
| 0.497491 |
Traceback (most recent call last):
"./train.py", line 271, in <module>
train()
"./train.py", line 175, in train
train_loader, val_loader, train_sampler, valid_sampler = get_data_loaders(args, tokenizer)
"./train.py", line 102, in get_data_loaders
dataset = pad_dataset(dataset, padding=tokenizer.convert_tokens_to_ids(SPECIAL_TOKENS[-1]))
"./train.py", line 43, in pad_dataset
max_l = max(len(x) for x in dataset["input_ids"])
ValueError: max() arg is an empty sequence
| Traceback (most recent call last):
"/home/hpc/pr74ze/di36tij/.conda/envs/w_env/lib/python3.6/site-packages/autosklearn/util/backend.py", line 104, in __del__
self.delete_directories(force=False)
"/home/hpc/pr74ze/di36tij/.conda/envs/w_env/lib/python3.6/site-packages/autosklearn/util/backend.py", line 113, in delete_directories
"auto-sklearn." % self.output_directory)
ValueError: Failed to delete output dir: /home/hpc/pr74ze/di36tij/autosklearn_out because auto-sklearn did not create it. Please make sure that the specified output dir does not exist
| 0.527515 |
Traceback (most recent call last):
"/usr/src/homeassistant/homeassistant/config_entries.py", line 228, in async_setup
result = await component.async_setup_entry(hass, self)
# type: ignore
"/config/custom_components/hacs/__init__.py", line 30, in async_setup_entry
return await hacs_ui_setup(hass, config_entry)
"/config/custom_components/hacs/operational/setup.py", line 62, in async_setup_entry
return await async_startup_wrapper_for_config_entry()
"/config/custom_components/hacs/operational/setup.py", line 87, in async_startup_wrapper_for_config_entry
startup_result = await async_hacs_startup()
"/config/custom_components/hacs/operational/setup.py", line 121, in async_hacs_startup
lovelace_info = await system_health_info(hacs.hass)
"/usr/src/homeassistant/homeassistant/components/lovelace/__init__.py", line 239, in system_health_info
health_info.update(await hass.data[DOMAIN]["dashboards"][None].async_get_info())
"/usr/src/homeassistant/homeassistant/components/lovelace/dashboard.py", line 181, in async_get_info
return _config_info(self.mode, config)
"/usr/src/homeassistant/homeassistant/components/lovelace/dashboard.py", line 216, in _config_info
"views": len(config.get("views", [])),
AttributeError: 'NodeListClass' 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.597601 |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.