text1
stringlengths 92
132k
| text2
stringlengths 83
99.1k
| score
float64 0.01
1
|
---|---|---|
Traceback (most recent call last):
"train.py", line 114, in <module>
train(epoch)
"train.py", line 68, in train
for batch_idx, (inputs, loc_targets, cls_targets) in enumerate(trainloader):
"/usr/local/lib/python2.7/dist-packages/torch/utils/data/dataloader.py", line 336, in __next__
return self._process_next_batch(batch)
"/usr/local/lib/python2.7/dist-packages/torch/utils/data/dataloader.py", line 357, in _process_next_batch
raise batch.exc_type(batch.exc_msg)
RuntimeError: Traceback (most recent call last):
| Traceback (most recent call last):
"test.py", line 832, in <module>
main()
"test.py", line 782, in main
global_step, tr_loss = train(args, train_dataset, model, tokenizer)
"test.py", line 386, in train
outputs = model(inputs, masked_lm_labels=labels) if args.mlm else model(inputs, labels=labels)
"/home/ec2-user/anaconda3/envs/pytorch_p36/lib/python3.6/site-packages/torch/nn/modules/module.py", line 541, in __call__
result = self.forward(*input, **kwargs)
"/home/ec2-user/anaconda3/envs/pytorch_p36/lib/python3.6/site-packages/transformers/modeling_roberta.py", line 243, in forward
inputs_embeds=inputs_embeds,
"/home/ec2-user/anaconda3/envs/pytorch_p36/lib/python3.6/site-packages/torch/nn/modules/module.py", line 541, in __call__
result = self.forward(*input, **kwargs)
"/home/ec2-user/anaconda3/envs/pytorch_p36/lib/python3.6/site-packages/transformers/modeling_bert.py", line 799, in forward
input_ids=input_ids, position_ids=position_ids, token_type_ids=token_type_ids, inputs_embeds=inputs_embeds
"/home/ec2-user/anaconda3/envs/pytorch_p36/lib/python3.6/site-packages/torch/nn/modules/module.py", line 541, in __call__
result = self.forward(*input, **kwargs)
"/home/ec2-user/anaconda3/envs/pytorch_p36/lib/python3.6/site-packages/transformers/modeling_roberta.py", line 64, in forward
input_ids, token_type_ids=token_type_ids, position_ids=position_ids, inputs_embeds=inputs_embeds
"/home/ec2-user/anaconda3/envs/pytorch_p36/lib/python3.6/site-packages/transformers/modeling_bert.py", line 193, in forward
embeddings = inputs_embeds + position_embeddings + token_type_embeddings
RuntimeError: CUDA error: device-side assert triggered
| 0.541981 |
Traceback (most recent call last):
"C:\Users\Alex\AppData\Local\Programs\Python\Python37\lib\site-packages\ray\tune\trial_runner.py", line 747, in _process_trial
trial.trial_id, result=flat_result)
"C:\Users\Alex\AppData\Local\Programs\Python\Python37\lib\site-packages\ray\tune\suggest\search_generator.py", line 156, in on_trial_complete
trial_id=trial_id, result=result, error=error)
"C:\Users\Alex\AppData\Local\Programs\Python\Python37\lib\site-packages\ray\tune\suggest\repeater.py", line 160, in on_trial_complete
trial_group = self._trial_id_to_group[trial_id]
KeyError: '20f0571e'
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/home/optiplex/.local/share/virtualenvs/optiplex-tjYW2U7K/lib/python3.6/site-packages/pytube/__main__.py", line 87, in __init__
self.prefetch_init()
"/home/optiplex/.local/share/virtualenvs/optiplex-tjYW2U7K/lib/python3.6/site-packages/pytube/__main__.py", line 96, in prefetch_init
self.init()
"/home/optiplex/.local/share/virtualenvs/optiplex-tjYW2U7K/lib/python3.6/site-packages/pytube/__main__.py", line 131, in init
mixins.apply_signature(self.player_config_args, fmt, self.js)
"/home/optiplex/.local/share/virtualenvs/optiplex-tjYW2U7K/lib/python3.6/site-packages/pytube/mixins.py", line 31, in apply_signature
url = stream['url']
KeyError: 'url'
| 0.53196 |
Traceback (most recent call last):
"/PortableApps/Installed/PortableApps/BlenderPortable/App/Blender64/2.79/scripts/addons/sverchok-master/utils/sv_extra_search.py", line 165, in invoke
loop['results'] = gather_items()
"/PortableApps/Installed/PortableApps/BlenderPortable/App/Blender64/2.79/scripts/addons/sverchok-master/utils/sv_extra_search.py", line 108, in gather_items
fx.append((str(idx), ensure_valid_show_string(item), '', idx))
"/PortableApps/Installed/PortableApps/BlenderPortable/App/Blender64/2.79/scripts/addons/sverchok-master/utils/sv_extra_search.py", line 66, in ensure_valid_show_string
description = nodetype.bl_rna.get_shorthand()
AttributeError: 'Node' object has no attribute 'get_shorthand'
| Traceback (most recent call last):
"/usr/bin/pip", line 9, in <module>
from pip import main
"/usr/lib/python2.7/dist-packages/pip/__init__.py", line 21, in <module>
from pip._vendor.requests.packages.urllib3.exceptions import DependencyWarning
"/usr/lib/python2.7/dist-packages/pip/_vendor/__init__.py", line 64, in <module>
vendored("cachecontrol")
"/usr/lib/python2.7/dist-packages/pip/_vendor/__init__.py", line 36, in vendored
__import__(modulename, globals(), locals(), level=0)
"/usr/share/python-wheels/CacheControl-0.11.7-py2.py3-none-any.whl/cachecontrol/__init__.py", line 9, in <module>
"/usr/share/python-wheels/CacheControl-0.11.7-py2.py3-none-any.whl/cachecontrol/wrapper.py", line 1, in <module>
"/usr/share/python-wheels/CacheControl-0.11.7-py2.py3-none-any.whl/cachecontrol/adapter.py", line 4, in <module>
"/usr/share/python-wheels/requests-2.12.4-py2.py3-none-any.whl/requests/__init__.py", line 52, in <module>
"/usr/share/python-wheels/requests-2.12.4-py2.py3-none-any.whl/requests/packages/__init__.py", line 59, in <module>
"/usr/share/python-wheels/requests-2.12.4-py2.py3-none-any.whl/requests/packages/__init__.py", line 32, in vendored
"/usr/share/python-wheels/urllib3-1.19.1-py2.py3-none-any.whl/urllib3/contrib/pyopenssl.py", line 47, in <module>
"/usr/local/lib/python2.7/dist-packages/OpenSSL/__init__.py", line 8, in <module>
from OpenSSL import rand, crypto, SSL
"/usr/local/lib/python2.7/dist-packages/OpenSSL/SSL.py", line 118, in <module>
SSL_ST_INIT = _lib.SSL_ST_INIT
AttributeError: 'module' object has no attribute 'SSL_ST_INIT'
| 0.606477 |
Traceback (most recent call last):
"/home/PycharmProjects/..../.buildozer/venv/bin/garden", line 189, in <module>
GardenTool().main(sys.argv[1:])
"/home/PycharmProjects/..../.buildozer/venv/bin/garden", line 71, in main
options.func()
"/home/PycharmProjects/...../.buildozer/venv/bin/garden", line 109, in cmd_install
fd = self.download(opts.package)
"/home/PycharmProjects/...../.buildozer/venv/bin/garden", line 170, in download
data += buf
TypeError: must be str, not bytes
| Traceback (most recent call last):
"C:\Python3\lib\site-packages\urllib3\connectionpool.py", line 377, in _make_request
httplib_response = conn.getresponse(buffering=True)
TypeError: getresponse() got an unexpected keyword argument 'buffering'
| 0.520187 |
Traceback (most recent call last):
"/home/developer/celery/celery/app/trace.py", line 411, in trace_task
R = retval = fun(*args, **kwargs)
"/home/developer/celery/celery/app/trace.py", line 680, in __protected_call__
return self.run(*args, **kwargs)
"/home/developer/celery/tasks.py", line 13, in fail
raise ValueError("this is from fail!")
ValueError: this is from fail!
| Traceback (most recent call last):
"../libs/object_detection/train.py", line 202, in <module>
tf.app.run()
"py3-tensorflow/lib/python3.4/site-packages/tensorflow/python/platform/app.py", line 48, in run
_sys.exit(main(_sys.argv[:1] + flags_passthrough))
"libs/object_detection/train.py", line 198, in main
worker_job_name, is_chief, FLAGS.train_dir)
"detection-workspace/libs/object_detection/trainer.py", line 192, in train
clones = model_deploy.create_clones(deploy_config, model_fn, [input_queue])
"detection-workspace/libs/slim/deployment/model_deploy.py", line 193, in create_clones
outputs = model_fn(*args, **kwargs)
"detection-workspace/libs/object_detection/trainer.py", line 133, in _create_losses
losses_dict = detection_model.loss(prediction_dict)
"detection-workspace/libs/object_detection/meta_architectures/ssd_meta_arch.py", line 428, in loss
location_losses, cls_losses, prediction_dict, match_list)
"detection-workspace/libs/object_detection/meta_architectures/ssd_meta_arch.py", line 563, in _apply_hard_mining
match_list=match_list)
"libs/object_detection/core/losses.py", line 529, in __call__
location_losses = tf.unstack(location_losses)
"py3-tensorflow/lib/python3.4/site-packages/tensorflow/python/ops/array_ops.py", line 971, in unstack
(axis, -value_shape.ndims, value_shape.ndims))
ValueError: axis = 0 not in [0, 0)
| 0.646674 |
Traceback (most recent call last):
"/usr/bin/qutebrowser", line 11, in <module>
load_entry_point('qutebrowser==0.9.0', 'gui_scripts', 'qutebrowser')()
"/usr/lib/python3.6/site-packages/qutebrowser/qutebrowser.py", line 165, in main
earlyinit.earlyinit(args)
"/usr/lib/python3.6/site-packages/qutebrowser/misc/earlyinit.py", line 359, in earlyinit
check_qt_version(args)
"/usr/lib/python3.6/site-packages/qutebrowser/misc/earlyinit.py", line 245, in check_qt_version
from qutebrowser.utils import qtutils
"/usr/lib/python3.6/site-packages/qutebrowser/utils/qtutils.py", line 38, in <module>
from PyQt5.QtWidgets import QApplication
ImportError: /usr/lib/libharfbuzz.so.0: undefined symbol: FT_Get_Var_Blend_Coordinates
| Traceback (most recent call last):
"C:\Users\MFBX3JE3\Anaconda3\lib\site-packages\conda\exceptions.py", line 819, in __call__
return func(*args, **kwargs)
"C:\Users\MFBX3JE3\Anaconda3\lib\site-packages\conda\cli\main.py", line 78, in _main
exit_code = do_call(args, p)
"C:\Users\MFBX3JE3\Anaconda3\lib\site-packages\conda\cli\conda_argparse.py", line 76, in do_call
module = import_module(relative_mod, __name__.rsplit('.', 1)[0])
"C:\Users\MFBX3JE3\Anaconda3\lib\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 665, in exec_module
"<frozen importlib._bootstrap>", line 222, in _call_with_frames_removed
"C:\Users\MFBX3JE3\Anaconda3\lib\site-packages\conda\cli\main_install.py", line 6, in <module>
from .install import install
"C:\Users\MFBX3JE3\Anaconda3\lib\site-packages\conda\cli\install.py", line 20, in <module>
from ..core.index import calculate_channel_urls, get_index
"C:\Users\MFBX3JE3\Anaconda3\lib\site-packages\conda\core\index.py", line 7, in <module>
from .package_cache_data import PackageCacheData
"C:\Users\MFBX3JE3\Anaconda3\lib\site-packages\conda\core\package_cache_data.py", line 13, in <module>
from .path_actions import CacheUrlAction, ExtractPackageAction
"C:\Users\MFBX3JE3\Anaconda3\lib\site-packages\conda\core\path_actions.py", line 34, in <module>
from ..history import History
"C:\Users\MFBX3JE3\Anaconda3\lib\site-packages\conda\history.py", line 26, in <module>
from .resolve import MatchSpec
"C:\Users\MFBX3JE3\Anaconda3\lib\site-packages\conda\resolve.py", line 11, in <module>
from .common.logic import Clauses, minimal_unsatisfiable_subset
"C:\Users\MFBX3JE3\Anaconda3\lib\site-packages\conda\common\logic.py", line 32, in <module>
import pycosat
ImportError: No module named 'pycosat'
| 0.636751 |
Traceback (most recent call last):
"c:\program files\python37\lib\site-packages\ffmpeg_normalize\_logger.py", line 18, in emit
tqdm.set_lock(Lock())
AttributeError: type object 'tqdm' has no attribute 'set_lock'
| Traceback (most recent call last):
"state-test.py", line 5, in <module>
machine = Machine(states, initial='A')
"/usr/local/lib/python3.5/dist-packages/transitions/core.py", line 463, in __init__
self.add_model(model)
"/usr/local/lib/python3.5/dist-packages/transitions/core.py", line 482, in add_model
model.trigger = partial(get_trigger, model)
AttributeError: 'str' object has no attribute 'trigger'
| 0.538206 |
Traceback (most recent call last):
"/home/anshu/.local/bin/yowsup-cli", line 6, in <module>
from yowsup.env import YowsupEnv
"/usr/local/lib/python2.7/dist-packages/yowsup2-2.5.2-py2.7.egg/yowsup/env/__init__.py", line 1, in <module>
from .env import YowsupEnv
"/usr/local/lib/python2.7/dist-packages/yowsup2-2.5.2-py2.7.egg/yowsup/env/env.py", line 15, in <module>
class YowsupEnv(with_metaclass(YowsupEnvType, object)):
"/usr/lib/python2.7/abc.py", line 87, in __new__
cls = super(ABCMeta, mcls).__new__(mcls, name, bases, namespace)
TypeError: Error when calling the metaclass bases
| Traceback (most recent call last):
"/usr/local/lib/python3.7/asyncio/runners.py", line 43, in run
return loop.run_until_complete(main)
"/usr/local/lib/python3.7/asyncio/base_events.py", line 579, in run_until_complete
return future.result()
"/usr/src/homeassistant/homeassistant/__main__.py", line 291, in setup_and_run_hass
log_no_color=args.log_no_color,
"/usr/src/homeassistant/homeassistant/bootstrap.py", line 148, in async_from_config_file
config_dict, hass, enable_log=False, skip_pip=skip_pip
"/usr/src/homeassistant/homeassistant/bootstrap.py", line 93, in async_from_config_dict
await _async_set_up_integrations(hass, config)
"/usr/src/homeassistant/homeassistant/bootstrap.py", line 374, in _async_set_up_integrations
*(async_setup_component(hass, domain, config) for domain in domains_to_load)
"/usr/src/homeassistant/homeassistant/setup.py", line 51, in async_setup_component
return await task
# type: ignore
"/usr/src/homeassistant/homeassistant/setup.py", line 130, in _async_setup_component
await async_process_deps_reqs(hass, config, integration)
"/usr/src/homeassistant/homeassistant/setup.py", line 292, in async_process_deps_reqs
hass, integration.domain
"/usr/src/homeassistant/homeassistant/requirements.py", line 51, in async_get_integration_with_requirements
hass, integration.domain, integration.requirements
"/usr/src/homeassistant/homeassistant/requirements.py", line 87, in async_process_requirements
if pkg_util.is_installed(req):
"/usr/src/homeassistant/homeassistant/util/package.py", line 45, in is_installed
return version(req.project_name) in req
"/usr/local/lib/python3.7/site-packages/pkg_resources/__init__.py", line 3138, in __contains__
return self.specifier.contains(item, prereleases=True)
"/usr/local/lib/python3.7/site-packages/pkg_resources/_vendor/packaging/specifiers.py", line 703, in contains
item = parse(item)
"/usr/local/lib/python3.7/site-packages/pkg_resources/_vendor/packaging/version.py", line 31, in parse
return Version(version)
"/usr/local/lib/python3.7/site-packages/pkg_resources/_vendor/packaging/version.py", line 200, in __init__
match = self._regex.search(version)
TypeError: expected string or bytes-like object
| 0.573132 |
Traceback (most recent call last):
"C:\Anaconda3\lib\site-packages\IPython\core\ultratb.py", line 1103, in get_records
return _fixed_getinnerframes(etb, number_of_lines_of_context, tb_offset)
"C:\Anaconda3\lib\site-packages\IPython\core\ultratb.py", line 248, in wrapped
return f(*args, **kwargs)
"C:\Anaconda3\lib\site-packages\IPython\core\ultratb.py", line 281, in _fixed_getinnerframes
records = fix_frame_records_filenames(inspect.getinnerframes(etb, context))
"C:\Anaconda3\lib\inspect.py", line 1503, in getinnerframes
frameinfo = (tb.tb_frame,) + getframeinfo(tb, context)
AttributeError: 'tuple' object has no attribute 'tb_frame'
| Traceback (most recent call last):
"venv\lib\site-packages\redbot\core\bot.py", line 409, in pre_flight
await asyncio.wait_for(self.load_extension(spec), 30)
"C:\Python37\lib\asyncio\tasks.py", line 442, in wait_for
return fut.result()
"lib\site-packages\redbot\core\bot.py", line 648, in load_extension
name = spec.name.split(".")[-1]
AttributeError: 'NoneType' object has no attribute 'name'
| 0.643671 |
Traceback (most recent call last):
"/usr/local/bin/pythem", line 24, in <module>
from pythem.core.interface import Processor
"/usr/local/lib/python2.7/dist-packages/pythem/core/interface.py", line 24, in <module>
from scapy.all import *
"/usr/local/lib/python2.7/dist-packages/scapy/all.py", line 10, in <module>
from .config import *
"/usr/local/lib/python2.7/dist-packages/scapy/config.py", line 11, in <module>
from .data import *
"/usr/local/lib/python2.7/dist-packages/scapy/data.py", line 184, in <module>
TCP_SERVICES,UDP_SERVICES=load_services("/etc/services")
"/usr/local/lib/python2.7/dist-packages/scapy/data.py", line 109, in load_services
f=open(filename, errors='ignore')
TypeError: 'errors' is an invalid keyword argument for this function
| Traceback (most recent call last):
"/usr/local/lib/python2.7/dist-packages/celery/app/trace.py", line 381, in trace_task
I, R, state, retval = on_error(task_request, exc, uuid)
"/usr/local/lib/python2.7/dist-packages/celery/app/trace.py", line 323, in on_error
task, request, eager=eager, call_errbacks=call_errbacks,
"/usr/local/lib/python2.7/dist-packages/celery/app/trace.py", line 157, in handle_error_state
call_errbacks=call_errbacks)
"/usr/local/lib/python2.7/dist-packages/celery/app/trace.py", line 202, in handle_failure
call_errbacks=call_errbacks,
"/usr/local/lib/python2.7/dist-packages/celery/backends/base.py", line 168, in mark_as_failure
self._call_task_errbacks(request, exc, traceback)
"/usr/local/lib/python2.7/dist-packages/celery/backends/base.py", line 174, in _call_task_errbacks
if arity_greater(errback.type.__header__, 1):
"/usr/local/lib/python2.7/dist-packages/celery/utils/functional.py", line 292, in arity_greater
argspec = getfullargspec(fun)
"/usr/local/lib/python2.7/dist-packages/vine/five.py", line 350, in getfullargspec
s = _getargspec(fun)
"/usr/lib/python2.7/inspect.py", line 816, in getargspec
raise TypeError('{!r} is not a Python function'.format(func))
TypeError: <functools.partial object at 0x7f74848dffc8> is not a Python function
| 0.563403 |
Traceback (most recent call last):
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpn4uo9muj\build\youtube_dl\YoutubeDL.py", line 699, in prepare_filename
ValueError: unsupported format character '/' (0x2f) at index 21
| Traceback (most recent call last):
"./python3.3/threading.py", line 901, in _bootstrap_inner
"package_control.package_cleanup in /Users/stan/Library/Application Support/Sublime Text 3/Installed Packages/Package Control.sublime-package", line 55, in run
"package_control.package_manager in /Users/stan/Library/Application Support/Sublime Text 3/Installed Packages/Package Control.sublime-package", line 2005, in record_usage
"package_control.download_manager in /Users/stan/Library/Application Support/Sublime Text 3/Installed Packages/Package Control.sublime-package", line 340, in fetch
"package_control.downloaders.urllib_downloader in /Users/stan/Library/Application Support/Sublime Text 3/Installed Packages/Package Control.sublime-package", line 117, in download
"package_control.downloaders.urllib_downloader in /Users/stan/Library/Application Support/Sublime Text 3/Installed Packages/Package Control.sublime-package", line 317, in setup_opener
"package_control.ca_certs in /Users/stan/Library/Application Support/Sublime Text 3/Installed Packages/Package Control.sublime-package", line 31, in get_ca_bundle_path
"package_control.ca_certs in /Users/stan/Library/Application Support/Sublime Text 3/Installed Packages/Package Control.sublime-package", line 166, in get_system_ca_bundle_path
"package_control.deps.oscrypto.trust_list in /Users/stan/Library/Application Support/Sublime Text 3/Installed Packages/Package Control.sublime-package", line 122, in get_path
"package_control.deps.oscrypto._osx.trust_list in /Users/stan/Library/Application Support/Sublime Text 3/Installed Packages/Package Control.sublime-package", line 153, in extract_from_system
"package_control.deps.oscrypto._osx.trust_list in /Users/stan/Library/Application Support/Sublime Text 3/Installed Packages/Package Control.sublime-package", line 177, in _cert_callback
"package_control.ca_certs in /Users/stan/Library/Application Support/Sublime Text 3/Installed Packages/Package Control.sublime-package", line 108, in print_cert_subject
"package_control.deps.asn1crypto.x509 in /Users/stan/Library/Application Support/Sublime Text 3/Installed Packages/Package Control.sublime-package", line 1035, in human_friendly
"package_control.deps.asn1crypto.core in /Users/stan/Library/Application Support/Sublime Text 3/Installed Packages/Package Control.sublime-package", line 3205, in __getitem__
"package_control.deps.asn1crypto.core in /Users/stan/Library/Application Support/Sublime Text 3/Installed Packages/Package Control.sublime-package", line 3200, in __getitem__
"package_control.deps.asn1crypto.core in /Users/stan/Library/Application Support/Sublime Text 3/Installed Packages/Package Control.sublime-package", line 3147, in _lazy_child
"package_control.deps.asn1crypto.core in /Users/stan/Library/Application Support/Sublime Text 3/Installed Packages/Package Control.sublime-package", line 5008, in _build
ValueError: Error parsing Package Control.package_control.deps.asn1crypto.x509.EmailAddress - tag should have been 22, but 19 was found
| 0.595102 |
[tester]
ERROR
Bandit internal error running: hardcoded_password_default on file test.py at line 1: 'module' object has no attribute 'arg'Traceback (most recent call last):
"/home/vtorre/.virtualenvs/bandit/local/lib/python2.7/site-packages/bandit/core/tester.py", line 64, in run_tests
result = test(context)
"/home/vtorre/.virtualenvs/bandit/local/lib/python2.7/site-packages/bandit/plugins/general_hardcoded_password.py", line 212, in hardcoded_password_default
if isinstance(key, ast.Name) or isinstance(key, ast.arg):
AttributeError: 'module' object has no attribute 'arg'
| Traceback (most recent call last):
"/usr/local/bin/typer", line 8, in <module>
sys.exit(main())
"/usr/local/lib/python3.6/dist-packages/typer_cli/main.py", line 306, in main
return app()
"/usr/local/lib/python3.6/dist-packages/typer/main.py", line 214, in __call__
return get_command(self)(*args, **kwargs)
"/home/h/.local/lib/python3.6/site-packages/click/core.py", line 829, in __call__
return self.main(*args, **kwargs)
"/home/h/.local/lib/python3.6/site-packages/click/core.py", line 782, in main
rv = self.invoke(ctx)
"/usr/local/lib/python3.6/dist-packages/typer_cli/main.py", line 66, in invoke
self.maybe_add_run(ctx)
"/usr/local/lib/python3.6/dist-packages/typer_cli/main.py", line 71, in maybe_add_run
maybe_add_run_to_cli(self)
"/usr/local/lib/python3.6/dist-packages/typer_cli/main.py", line 144, in maybe_add_run_to_cli
obj = get_typer_from_state()
"/usr/local/lib/python3.6/dist-packages/typer_cli/main.py", line 136, in get_typer_from_state
spec.loader.exec_module(module)
# type: ignore
AttributeError: 'zipimport.zipimporter' object has no attribute 'exec_module'
| 0.644466 |
Traceback (most recent call last):
"pytorch_translate/onnx_component_export.py", line 124, in <module>
main()
"pytorch_translate/onnx_component_export.py", line 89, in main
encoder_ensemble.save_to_db(args.encoder_output_file)
"/home/translate/pytorch_translate/ensemble_export.py", line 213, in save_to_db
self.onnx_export(tmp_file)
"/home/translate/pytorch_translate/ensemble_export.py", line 204, in onnx_export
output_names=self.output_names,
"/home/translate/pytorch_translate/ensemble_export.py", line 44, in onnx_export_ensemble
output_names=output_names,
"/home/miniconda/lib/python3.6/site-packages/torch/onnx/__init__.py", line 20, in _export
return utils._export(*args, **kwargs)
"/home/miniconda/lib/python3.6/site-packages/torch/onnx/utils.py", line 207, in _export
proto, export_map = graph.export(params, _onnx_opset_version, defer_weight_export, export_raw_ir)
RuntimeError: ONNX export failed: Cannot export individual pack_padded_sequence or pad_packed_sequence; these operations must occur in pairs.
| Traceback (most recent call last):
"train.py", line 538, in <module>
main() # pylint: disable=no-value-for-parameter
"C:\Users\vokho\anaconda3\envs\stylegan\lib\site-packages\click\core.py", line 829, in __call__
return self.main(*args, **kwargs)
"C:\Users\vokho\anaconda3\envs\stylegan\lib\site-packages\click\core.py", line 782, in main
rv = self.invoke(ctx)
"C:\Users\vokho\anaconda3\envs\stylegan\lib\site-packages\click\core.py", line 1066, in invoke
return ctx.invoke(self.callback, **ctx.params)
"C:\Users\vokho\anaconda3\envs\stylegan\lib\site-packages\click\core.py", line 610, in invoke
return callback(*args, **kwargs)
"C:\Users\vokho\anaconda3\envs\stylegan\lib\site-packages\click\decorators.py", line 21, in new_func
return f(get_current_context(), *args, **kwargs)
"train.py", line 531, in main
subprocess_fn(rank=0, args=args, temp_dir=temp_dir)
"train.py", line 383, in subprocess_fn
training_loop.training_loop(rank=rank, **args)
"Y:\projects\stylegan2ada\training\training_loop.py", line 166, in training_loop
img = misc.print_module_summary(G, [z, c])
"Y:\projects\stylegan2ada\torch_utils\misc.py", line 212, in print_module_summary
outputs = module(*inputs)
"C:\Users\vokho\anaconda3\envs\stylegan\lib\site-packages\torch\nn\modules\module.py", line 889, in _call_impl
result = self.forward(*input, **kwargs)
"Y:\projects\stylegan2ada\training\networks.py", line 499, in forward
img = self.synthesis(ws, **synthesis_kwargs)
"C:\Users\vokho\anaconda3\envs\stylegan\lib\site-packages\torch\nn\modules\module.py", line 889, in _call_impl
result = self.forward(*input, **kwargs)
"Y:\projects\stylegan2ada\training\networks.py", line 471, in forward
x, img = block(x, img, cur_ws, **block_kwargs)
"C:\Users\vokho\anaconda3\envs\stylegan\lib\site-packages\torch\nn\modules\module.py", line 889, in _call_impl
result = self.forward(*input, **kwargs)
"Y:\projects\stylegan2ada\training\networks.py", line 405, in forward
x = self.conv0(x, next(w_iter), fused_modconv=fused_modconv, **layer_kwargs)
"C:\Users\vokho\anaconda3\envs\stylegan\lib\site-packages\torch\nn\modules\module.py", line 889, in _call_impl
result = self.forward(*input, **kwargs)
"Y:\projects\stylegan2ada\training\networks.py", line 300, in forward
padding=self.padding, resample_filter=self.resample_filter, flip_weight=flip_weight, fused_modconv=fused_modconv)
"Y:\projects\stylegan2ada\torch_utils\misc.py", line 101, in decorator
return fn(*args, **kwargs)
"Y:\projects\stylegan2ada\training\networks.py", line 65, in modulated_conv2d
x = conv2d_resample.conv2d_resample(x=x, w=weight.to(x.dtype), f=resample_filter, up=up, down=down, padding=padding, flip_weight=flip_weight)
"Y:\projects\stylegan2ada\torch_utils\misc.py", line 101, in decorator
return fn(*args, **kwargs)
"Y:\projects\stylegan2ada\torch_utils\ops\conv2d_resample.py", line 139, in conv2d_resample
x = upfirdn2d.upfirdn2d(x=x, f=f, padding=[px0+pxt,px1+pxt,py0+pyt,py1+pyt], gain=up**2, flip_filter=flip_filter)
"Y:\projects\stylegan2ada\torch_utils\ops\upfirdn2d.py", line 160, in upfirdn2d
if impl == 'cuda' and x.device.type == 'cuda' and _init():
"Y:\projects\stylegan2ada\torch_utils\ops\upfirdn2d.py", line 31, in _init
_plugin = custom_ops.get_plugin('upfirdn2d_plugin', sources=sources, extra_cuda_cflags=['--use_fast_math'])
"Y:\projects\stylegan2ada\torch_utils\custom_ops.py", line 110, in get_plugin
torch.utils.cpp_extension.load(name=module_name, verbose=verbose_build, sources=sources, **build_kwargs)
"C:\Users\vokho\anaconda3\envs\stylegan\lib\site-packages\torch\utils\cpp_extension.py", line 1091, in load
keep_intermediates=keep_intermediates)
"C:\Users\vokho\anaconda3\envs\stylegan\lib\site-packages\torch\utils\cpp_extension.py", line 1302, in _jit_compile
is_standalone=is_standalone)
"C:\Users\vokho\anaconda3\envs\stylegan\lib\site-packages\torch\utils\cpp_extension.py", line 1407, in _write_ninja_file_and_build_library
error_prefix=f"Error building extension '{name}'")
"C:\Users\vokho\anaconda3\envs\stylegan\lib\site-packages\torch\utils\cpp_extension.py", line 1683, in _run_ninja_build
raise RuntimeError(message) from e
RuntimeError: Error building extension 'upfirdn2d_plugin': ninja: error: build.ninja:3: lexing error
| 0.593634 |
Traceback (most recent call last):
"/usr/lib/python3.5/unittest/mock.py", line 1157, in patched
return func(*args, **keywargs)
"/home/ubuntu/binaryalert/tests/lambda_functions/build_test.py", line 107, in test_build_downloader
mock_pip.assert_called_once()
"/usr/lib/python3.5/unittest/mock.py", line 583, in __getattr__
raise AttributeError(name)
AttributeError: assert_called_once
| Traceback (most recent call last):
"widgets/gitlab.py", line 2, in <module>
import gitlab
"/widgets/gitlab.py", line 4, in <module>
gl = gitlab.Gitlab('https://gitlab.example.com', private_token='****')
AttributeError: partially initialized module 'gitlab' has no attribute 'Gitlab' (most likely due to a circular import)
| 0.509081 |
Traceback (most recent call last):
"/cluster/home/anovak/.local/bin/toil", line 11, in <module>
load_entry_point('toil==3.14.0', 'console_scripts', 'toil')()
"/cluster/home/anovak/.local/lib/python2.7/site-packages/toil/utils/toilMain.py", line 19, in main
printHelp(modules)
"/cluster/home/anovak/.local/lib/python2.7/site-packages/toil/utils/toilMain.py", line 62, in printHelp
descriptions='\n'.join("%s - %s" % (n, m.__doc__.strip()) for n, m in iteritems(modules))))
"/cluster/home/anovak/.local/lib/python2.7/site-packages/toil/utils/toilMain.py", line 62, in <genexpr>
descriptions='\n'.join("%s - %s" % (n, m.__doc__.strip()) for n, m in iteritems(modules))))
AttributeError: 'NoneType' object has no attribute 'strip'
| Traceback (most recent call last):
"main.py", line 127, in <module>
main()
"main.py", line 124, in main
test(cfg, args)
"main.py", line 79, in test
model = build_model(cfg, arguments, args.local_rank, args.distributed)
"/media/jungjunkim/Dataset_SSD_500GB/graph-rcnn.pytorch-master/lib/model.py", line 363, in build_model
return SceneGraphGeneration(cfg, arguments, local_rank, distributed)
"/media/jungjunkim/Dataset_SSD_500GB/graph-rcnn.pytorch-master/lib/model.py", line 50, in __init__
self.scene_parser = build_scene_parser(cfg); self.scene_parser.to(self.device)
"/media/jungjunkim/Dataset_SSD_500GB/graph-rcnn.pytorch-master/lib/scene_parser/parser.py", line 144, in build_scene_parser
return SceneParser(cfg)
"/media/jungjunkim/Dataset_SSD_500GB/graph-rcnn.pytorch-master/lib/scene_parser/parser.py", line 27, in __init__
self.rel_heads = build_roi_relation_head(cfg, self.backbone.out_channels)
"/media/jungjunkim/Dataset_SSD_500GB/graph-rcnn.pytorch-master/lib/scene_parser/rcnn/modeling/relation_heads/relation_heads.py", line 142, in build_roi_relation_head
return ROIRelationHead(cfg, in_channels)
"/media/jungjunkim/Dataset_SSD_500GB/graph-rcnn.pytorch-master/lib/scene_parser/rcnn/modeling/relation_heads/relation_heads.py", line 30, in __init__
self.rel_predictor = build_baseline_model(cfg, in_channels)
"/media/jungjunkim/Dataset_SSD_500GB/graph-rcnn.pytorch-master/lib/scene_parser/rcnn/modeling/relation_heads/baseline/baseline.py", line 31, in build_baseline_model
return Baseline(cfg, in_channels)
"/media/jungjunkim/Dataset_SSD_500GB/graph-rcnn.pytorch-master/lib/scene_parser/rcnn/modeling/relation_heads/baseline/baseline.py", line 17, in __init__
self.predictor = make_roi_relation_predictor(cfg, self.feature_extractor.out_channels)
"/home/jungjunkim/anaconda3/envs/graph-rcnn/lib/python3.6/site-packages/torch/nn/modules/module.py", line 535, in __getattr__
type(self).__name__, name))
AttributeError: 'Baseline' object has no attribute 'feature_extractor'
| 0.644031 |
Traceback (most recent call last):
"setup.py", line 415, in <module>
setup_package()
"setup.py", line 407, in setup_package
setup(**metadata)
"/builddir/build/BUILD/numpy-1.16.2/numpy/distutils/core.py", line 171, in setup
return old_setup(**new_attr)
"/usr/lib/python3.6/site-packages/setuptools/__init__.py", line 129, in setup
return distutils.core.setup(**attrs)
"/usr/lib64/python3.6/distutils/core.py", line 148, in setup
dist.run_commands()
"/usr/lib64/python3.6/distutils/dist.py", line 955, in run_commands
self.run_command(cmd)
"/usr/lib64/python3.6/distutils/dist.py", line 974, in run_command
cmd_obj.run()
"/builddir/build/BUILD/numpy-1.16.2/numpy/distutils/command/install.py", line 62, in run
r = self.setuptools_run()
"/builddir/build/BUILD/numpy-1.16.2/numpy/distutils/command/install.py", line 36, in setuptools_run
return distutils_install.run(self)
"/usr/lib64/python3.6/distutils/command/install.py", line 568, in run
self.run_command(cmd_name)
"/usr/lib64/python3.6/distutils/cmd.py", line 313, in run_command
self.distribution.run_command(command)
"/usr/lib64/python3.6/distutils/dist.py", line 974, in run_command
cmd_obj.run()
"/builddir/build/BUILD/numpy-1.16.2/numpy/distutils/command/install_data.py", line 19, in run
self.run_command('install_clib')
"/usr/lib64/python3.6/distutils/cmd.py", line 313, in run_command
self.distribution.run_command(command)
"/usr/lib64/python3.6/distutils/dist.py", line 974, in run_command
cmd_obj.run()
"/builddir/build/BUILD/numpy-1.16.2/numpy/distutils/command/install_clib.py", line 34, in run
source = os.path.join(build_dir, name)
"/usr/lib64/python3.6/posixpath.py", line 80, in join
a = os.fspath(a)
TypeError: expected str, bytes or os.PathLike object, not NoneType
| Traceback (most recent call last):
"examples/trpo_gym_pendulum.py", line 46, in <module>
seed=1,
"/home/rjulian/code/garage/garage/misc/instrument.py", line 482, in run_experiment_lite
task["exp_name"])
"/home/rjulian/miniconda2/envs/garage/lib/python3.5/posixpath.py", line 89, in join
genericpath._check_arg_types('join', a, *p)
"/home/rjulian/miniconda2/envs/garage/lib/python3.5/genericpath.py", line 143, in _check_arg_types
(funcname, s.__class__.__name__)) from None
TypeError: join() argument must be str or bytes, not 'NoneType
| 0.668999 |
Traceback (most recent call last):
"/usr/src/homeassistant/homeassistant/helpers/entity_platform.py", line 184, in _async_setup_platform
await asyncio.shield(task)
"/usr/src/homeassistant/homeassistant/components/ovo_energy/sensor.py", line 30, in async_setup_entry
currency = coordinator.data.electricity[
AttributeError: 'NoneType' object has no attribute 'electricity'
| `Traceback (most recent call last):
"segmentation_models_pytorch.py", line 1, in <module>
import segmentation_models_pytorch as smp
"/home/renping/000_SceneUnderstanding/cityscape_mini3/segmentation_models_pytorch.py", line 3, in <module>
model = smp.Unet('resnet34', classes=3, encoder_weights='imagenet')
AttributeError: module 'segmentation_models_pytorch' has no attribute 'Unet'
| 0.59372 |
Exception occurred in runner fileserver.file_list: Traceback (most recent call last):
"/usr/lib/python2.7/dist-packages/salt/client/mixins.py", line 337, in low
data['return'] = self.functions[fun](*args, **kwargs)
"/usr/lib/python2.7/dist-packages/salt/runners/fileserver.py", line 83, in file_list
output = fileserver.file_list(load=load)
"/usr/lib/python2.7/dist-packages/salt/fileserver/__init__.py", line 555, in file_list
ret.update(self.servers[fstr](load))
"/usr/lib/python2.7/dist-packages/salt/fileserver/gitfs.py", line 180, in file_list
return gitfs.file_list(load)
"/usr/lib/python2.7/dist-packages/salt/utils/gitfs.py", line 2255, in file_list
return self._file_lists(load, 'files')
"/usr/lib/python2.7/dist-packages/salt/utils/gitfs.py", line 2216, in _file_lists
'{0}.p'.format(load['saltenv'].replace(os.path.sep, '_|-'))
AttributeError: 'float' object has no attribute 'replace' | Traceback (most recent call last):
"/opt/MobSF/Mobile-Security-Framework-MobSF/MalwareAnalyzer/views/apkid.py", line 45, in apkid_analysis
findings = output._build_json_output(res)['files']
AttributeError: 'OutputFormatter' object has no attribute '_build_json_output'
| 0.584104 |
Traceback (most recent call last):
"transformer/transformer_main.py", line 404, in <module>
tf.app.run(main=main, argv=[sys.argv[0]] + unparsed)
"/usr/local/lib/python3.5/dist-packages/tensorflow/python/platform/app.py", line 125, in run
_sys.exit(main(argv))
"transformer/transformer_main.py", line 298, in main
raise ValueError("BLEU source file %s does not exist" % FLAGS.bleu_source)
ValueError: BLEU source file newstest2014.en does not exist
| Traceback (most recent call last):
"/Users/doyounggwak/Project/MoTLabs/rehapp/ML/tf-pose-estimation-with-transfer-learning/convert_to_mlmodel.py", line 47, in <module>
input_name_shape_dict = {'resnet50_input' : [1, 160, 160, 3]})
"/Users/doyounggwak/Project/MoTLabs/rehapp/ML/tf-coreml/tfcoreml/_tf_coreml_converter.py", line 593, in convert
custom_conversion_functions=custom_conversion_functions)
"/Users/doyounggwak/Project/MoTLabs/rehapp/ML/tf-coreml/tfcoreml/_tf_coreml_converter.py", line 153, in _convert_pb_to_mlmodel
tf.import_graph_def(gdef, name='')
"/Users/doyounggwak/anaconda3/envs/tl-env/lib/python3.6/site-packages/tensorflow/python/util/deprecation.py", line 507, in new_func
return func(*args, **kwargs)
"/Users/doyounggwak/anaconda3/envs/tl-env/lib/python3.6/site-packages/tensorflow/python/framework/importer.py", line 430, in import_graph_def
raise ValueError(str(e))
ValueError: Input 0 of node resnet50/bn_conv1/cond/ReadVariableOp/Switch was passed float from bn_conv1/gamma:0 incompatible with expected resource.
| 0.575338 |
Traceback (most recent call last):
"test.py", line 6, in <module>
class Doc(pydantic.BaseModel):
"pydantic/main.py", line 199, in pydantic.main.ModelMetaclass.__new__
"pydantic/fields.py", line 277, in pydantic.fields.ModelField.infer
"pydantic/fields.py", line 249, in pydantic.fields.ModelField.__init__
"pydantic/fields.py", line 335, in pydantic.fields.ModelField.prepare
"pydantic/fields.py", line 468, in pydantic.fields.ModelField.populate_validators
"pydantic/validators.py", line 569, in find_validators
RuntimeError: error checking inheritance of typing.List[int] (type: List[int])
| Traceback (most recent call last):
"C:\Users\Matthew\AppData\Local\Programs\Python\Python39\lib\asyncio\base_subprocess.py", line 126, in __del__
self.close()
"C:\Users\Matthew\AppData\Local\Programs\Python\Python39\lib\asyncio\base_subprocess.py", line 104, in close
proto.pipe.close()
"C:\Users\Matthew\AppData\Local\Programs\Python\Python39\lib\asyncio\proactor_events.py", line 108, in close
self._loop.call_soon(self._call_connection_lost, None)
"C:\Users\Matthew\AppData\Local\Programs\Python\Python39\lib\asyncio\base_events.py", line 746, in call_soon
self._check_closed()
"C:\Users\Matthew\AppData\Local\Programs\Python\Python39\lib\asyncio\base_events.py", line 510, in _check_closed
raise RuntimeError('Event loop is closed')
RuntimeError: Event loop is closed
| 0.507806 |
Traceback (most recent call last):
"/usr/local/lib/python3.5/dist-packages/knack/cli.py", line 206, in invoke
"/usr/local/lib/python3.5/dist-packages/azure/cli/core/commands/__init__.py", line 486, in execute
"/usr/local/lib/python3.5/dist-packages/knack/cli.py", line 162, in raise_event
"/usr/local/lib/python3.5/dist-packages/azure/cli/core/azlogging.py", line 80, in init_command_file_logging
"/usr/local/lib/python3.5/dist-packages/azure/cli/core/azlogging.py", line 101, in _init_command_logfile_handlers
"/usr/lib/python3.5/logging/__init__.py", line 1008, in __init__
"/usr/lib/python3.5/logging/__init__.py", line 1037, in _open
OSError: [Errno 24] Too many open files: '.azure/commands/2020-03-04.11-27-42.unknown_command.23182.log'
|
Traceback (most recent call last):
"/tmp/pip-install-MkrWxc/horovod/setup.py", line 193, in get_mpi_flags
shlex.split(show_command), universal_newlines=True).strip()
"/usr/lib64/python2.7/subprocess.py", line 568, in check_output
process = Popen(stdout=PIPE, *popenargs, **kwargs)
"/usr/lib64/python2.7/subprocess.py", line 711, in __init__
errread, errwrite)
"/usr/lib64/python2.7/subprocess.py", line 1327, in _execute_child
raise child_exception
OSError: [Errno 2] No such file or directory
| 0.653228 |
Traceback (most recent call last):
"/home/nvidia/Workspace/SCENARIO_3/tfl-car/main.py", line 57, in <module>
machine = stateMachine(new_video_FPS, weights)
"/home/nvidia/Workspace/SCENARIO_3/tfl-car/aux_func.py", line 584, in __init__
self.detector = Detector(weights,True)
"/home/nvidia/Workspace/SCENARIO_3/tfl-car/aux_func.py", line 460, in __init__
model_trt = torch2trt(modelz, [x])
"/usr/local/lib/python2.7/dist-packages/torch2trt-0.0.0-py2.7.egg/torch2trt/torch2trt.py", line 244, in torch2trt
builder.create_network() as network, ConversionContext(network) as ctx:
"/usr/local/lib/python2.7/dist-packages/torch2trt-0.0.0-py2.7.egg/torch2trt/torch2trt.py", line 138, in __init__
for method, converter in converters.items()
"/usr/local/lib/python2.7/dist-packages/torch2trt-0.0.0-py2.7.egg/torch2trt/torch2trt.py", line 116, in __init__
self.method_impl = copy(eval(method))
"/usr/lib/python2.7/copy.py", line 96, in copy
return _reconstruct(x, rv, 0)
"/usr/lib/python2.7/copy.py", line 329, in _reconstruct
y = callable(*args)
"/usr/lib/python2.7/copy_reg.py", line 93, in __newobj__
return cls.__new__(cls, *args)
TypeError: instancemethod expected at least 2 arguments, got 0
| Traceback (most recent call last):
"/usr/lib/python3.8/logging/__init__.py", line 1081, in emit
msg = self.format(record)
"/usr/lib/python3.8/logging/__init__.py", line 925, in format
return fmt.format(record)
"/usr/lib/python3.8/logging/__init__.py", line 664, in format
record.message = record.getMessage()
"/usr/lib/python3.8/logging/__init__.py", line 369, in getMessage
msg = msg % self.args
TypeError: not all arguments converted during string formatting
| 0.601513 |
Traceback (most recent call last):
"/srv/homeassistant/lib/python3.6/site-packages/homeassistant/setup.py", line 148, in _async_setup_component
component.setup, hass, processed_config)
# type: ignore
"/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/homeassistant/components/verisure.py", line 75, in setup
HUB = VerisureHub(config[DOMAIN], verisure)
"/srv/homeassistant/lib/python3.6/site-packages/homeassistant/components/verisure.py", line 121, in __init__
self.jsonpath = jsonpath.jsonpath
AttributeError: module 'jsonpath' has no attribute 'jsonpath'``
| Traceback (most recent call last):
"C:\Users\aditi\AppData\Roaming\Blender Foundation\Blender\2.79\scripts\addons\Blender-power-sequencer\operators\crossfade_add.py", line 38, in poll
active = bpy.context.scene.sequence_editor.active_strip
AttributeError: 'NoneType' object has no attribute 'active_strip'
| 0.546829 |
Traceback (most recent call last):
"/usr/local/lib/python3.4/site-packages/homeassistant/helpers/entity_component.py", line 146, in _async_setup_platform
entity_platform.async_add_entities, discovery_info
"/usr/local/lib/python3.4/site-packages/homeassistant/components/media_player/squeezebox.py", line 56, in async_setup_platform
host = discovery_info[0]
KeyError: 0
| Traceback (most recent call last):
"/usr/src/homeassistant/homeassistant/components/websocket_api/commands.py", line 130, in handle_call_service
connection.context(msg),
"/usr/src/homeassistant/homeassistant/core.py", line 1234, in async_call
await asyncio.shield(self._execute_service(handler, service_call))
"/usr/src/homeassistant/homeassistant/core.py", line 1259, in _execute_service
await handler.func(service_call)
"/usr/src/homeassistant/homeassistant/helpers/entity_component.py", line 213, in handle_service
self._platforms.values(), func, call, service_name, required_features
"/usr/src/homeassistant/homeassistant/helpers/service.py", line 349, in entity_service_call
future.result()
# pop exception if have
"/usr/src/homeassistant/homeassistant/helpers/service.py", line 373, in _handle_service_platform_call
await func(entity, data)
"/config/custom_components/alexa_media/helpers.py", line 159, in wrapper
['configurator'])):
KeyError: 'configurator'
| 0.611197 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
TypeError: 'encoding' is an invalid keyword argument for this function
| Traceback (most recent call last):
"/usr/local/bin/canconvert", line 11, in <module>
load_entry_point('canmatrix===0caf5fe.post11-gc6a24f3', 'console_scripts', 'canconvert')()
"/usr/local/lib/python3.8/site-packages/click/core.py", line 829, in __call__
return self.main(*args, **kwargs)
"/usr/local/lib/python3.8/site-packages/click/core.py", line 782, in main
rv = self.invoke(ctx)
"/usr/local/lib/python3.8/site-packages/click/core.py", line 1066, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/usr/local/lib/python3.8/site-packages/click/core.py", line 610, in invoke
return callback(*args, **kwargs)
"/usr/local/lib/python3.8/site-packages/canmatrix-0caf5fe.post11_gc6a24f3-py3.8.egg/canmatrix/cli/convert.py", line 135, in cli_convert
canmatrix.convert.convert(infile, outfile, **options)
"/usr/local/lib/python3.8/site-packages/canmatrix-0caf5fe.post11_gc6a24f3-py3.8.egg/canmatrix/convert.py", line 40, in convert
dbs = canmatrix.formats.loadp(infile, **options)
"/usr/local/lib/python3.8/site-packages/canmatrix-0caf5fe.post11_gc6a24f3-py3.8.egg/canmatrix/formats/__init__.py", line 77, in loadp
return load(fileObject, import_type, key, **options)
"/usr/local/lib/python3.8/site-packages/canmatrix-0caf5fe.post11_gc6a24f3-py3.8.egg/canmatrix/formats/__init__.py", line 94, in load
dbs = module_instance.load(file_object, **options)
# type: ignore
"/usr/local/lib/python3.8/site-packages/canmatrix-0caf5fe.post11_gc6a24f3-py3.8.egg/canmatrix/formats/arxml.py", line 1846, in load
result.update(decode_can_helper(ea, float_factory, ignore_cluster_info))
"/usr/local/lib/python3.8/site-packages/canmatrix-0caf5fe.post11_gc6a24f3-py3.8.egg/canmatrix/formats/arxml.py", line 1744, in decode_can_helper
frame = get_frame(frameTrig, ea, multiplex_translation, float_factory)
"/usr/local/lib/python3.8/site-packages/canmatrix-0caf5fe.post11_gc6a24f3-py3.8.egg/canmatrix/formats/arxml.py", line 1446, in get_frame
get_signals(pdu_sig_mapping, new_frame, ea, None, float_factory)
"/usr/local/lib/python3.8/site-packages/canmatrix-0caf5fe.post11_gc6a24f3-py3.8.egg/canmatrix/formats/arxml.py", line 1017, in get_signals
isignal_array = ea.find_children_by_path(isignal, "I-SIGNAL")
"/usr/local/lib/python3.8/site-packages/canmatrix-0caf5fe.post11_gc6a24f3-py3.8.egg/canmatrix/formats/arxml.py", line 175, in find_children_by_path
children = self.get_children(element, path_elements[-1])
"/usr/local/lib/python3.8/site-packages/canmatrix-0caf5fe.post11_gc6a24f3-py3.8.egg/canmatrix/formats/arxml.py", line 220, in get_children
raise "use follow_all_ref!"
TypeError: exceptions must derive from BaseException
| 0.546065 |
Traceback (most recent call last):
"/home/rami/Documents/Desktop/Development/scoutsuite-develop/ScoutSuite/ScoutSuite/core/processingengine.py", line 51, in run
cloud_provider.services[service][self.ruleset.rule_type][rule.key]['items'] = recurse(
"/home/rami/Documents/Desktop/Development/scoutsuite-develop/ScoutSuite/ScoutSuite/core/utils.py", line 54, in recurse
results = results + recurse(all_info, current_info[attribute], target_path, split_path, config, add_suffix)
"/home/rami/Documents/Desktop/Development/scoutsuite-develop/ScoutSuite/ScoutSuite/core/utils.py", line 54, in recurse
results = results + recurse(all_info, current_info[attribute], target_path, split_path, config, add_suffix)
"/home/rami/Documents/Desktop/Development/scoutsuite-develop/ScoutSuite/ScoutSuite/core/utils.py", line 61, in recurse
results = results + recurse(all_info, split_current_info, split_target_path, split_current_path,
"/home/rami/Documents/Desktop/Development/scoutsuite-develop/ScoutSuite/ScoutSuite/core/utils.py", line 54, in recurse
results = results + recurse(all_info, current_info[attribute], target_path, split_path, config, add_suffix)
"/home/rami/Documents/Desktop/Development/scoutsuite-develop/ScoutSuite/ScoutSuite/core/utils.py", line 61, in recurse
results = results + recurse(all_info, split_current_info, split_target_path, split_current_path,
"/home/rami/Documents/Desktop/Development/scoutsuite-develop/ScoutSuite/ScoutSuite/core/utils.py", line 54, in recurse
results = results + recurse(all_info, current_info[attribute], target_path, split_path, config, add_suffix)
"/home/rami/Documents/Desktop/Development/scoutsuite-develop/ScoutSuite/ScoutSuite/core/utils.py", line 61, in recurse
results = results + recurse(all_info, split_current_info, split_target_path, split_current_path,
"/home/rami/Documents/Desktop/Development/scoutsuite-develop/ScoutSuite/ScoutSuite/core/utils.py", line 54, in recurse
results = results + recurse(all_info, current_info[attribute], target_path, split_path, config, add_suffix)
"/home/rami/Documents/Desktop/Development/scoutsuite-develop/ScoutSuite/ScoutSuite/core/utils.py", line 61, in recurse
results = results + recurse(all_info, split_current_info, split_target_path, split_current_path,
"/home/rami/Documents/Desktop/Development/scoutsuite-develop/ScoutSuite/ScoutSuite/core/utils.py", line 39, in recurse
if pass_conditions(all_info, current_path, copy.deepcopy(config.conditions)):
"/home/rami/Documents/Desktop/Development/scoutsuite-develop/ScoutSuite/ScoutSuite/core/conditions.py", line 38, in pass_conditions
path_to_value = fix_path_string(all_info, current_path, path_to_value)
"/home/rami/Documents/Desktop/Development/scoutsuite-develop/ScoutSuite/ScoutSuite/core/conditions.py", line 274, in fix_path_string
path_to_value = path_to_value.replace('_GET_VALUE_AT_(%s)' % tmp, dv)
TypeError: replace() argument 2 must be str, not dict
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
TypeError: subscribe() takes at least 3 arguments (2 given)
| 0.512342 |
Traceback (most recent call last):
"/hummingbot/client/config/config_helpers.py", line 162, in load_yml_into_cm
raise ValueError(f"Cannot find corresponding config to key {key}.")
ValueError: Cannot find corresponding config to key limit_order_min_expiration.
| Traceback (most recent call last):
"/usr/local/bin/opensnitch", line 5, in <module>
pkg_resources.run_script('opensnitch==0.0.2', 'opensnitch')
"/usr/lib/python2.7/dist-packages/pkg_resources.py", line 528, in run_script
self.require(requires)[0].run_script(script_name, ns)
"/usr/lib/python2.7/dist-packages/pkg_resources.py", line 1394, in run_script
execfile(script_filename, namespace, namespace)
"/usr/local/lib/python2.7/dist-packages/opensnitch-0.0.2-py2.7.egg/EGG-INFO/scripts/opensnitch", line 43, in <module>
mpl.rcParams['backend'] = 'Qt5Agg'
"/usr/lib/pymodules/python2.7/matplotlib/__init__.py", line 808, in __setitem__
cval = self.validate[key](val)
"/usr/lib/pymodules/python2.7/matplotlib/rcsetup.py", line 146, in validate_backend
return _validate_standard_backends(s)
"/usr/lib/pymodules/python2.7/matplotlib/rcsetup.py", line 57, in __call__
% (self.key, s, self.valid.values()))
ValueError: Unrecognized backend string "qt5agg": valid strings are ['pdf', 'pgf', 'Qt4Agg', 'GTK', 'GTKAgg', 'ps', 'agg', 'cairo', 'MacOSX', 'GTKCairo', 'WXAgg', 'template', 'TkAgg', 'GTK3Cairo', 'GTK3Agg', 'svg', 'WebAgg', 'CocoaAgg', 'emf', 'gdk', 'WX']
| 0.540395 |
Traceback (most recent call last):
"h5py/_objects.pyx", line 193, in h5py._objects.ObjectID.__dealloc__
RuntimeError: Can't decrement id ref count (can't close file, there are objects still open)
| Traceback (most recent call last):
"/data/******/anaconda3/envs/CenterNet/lib/python3.6/threading.py", line 916, in _bootstrap_inner
self.run()
"/data/******/anaconda3/envs/CenterNet/lib/python3.6/threading.py", line 864, in run
self._target(*self._args, **self._kwargs)
"train.py", line 54, in pin_memory
data["xs"] = [x.pin_memory() for x in data["xs"]]
"train.py", line 54, in <listcomp>
data["xs"] = [x.pin_memory() for x in data["xs"]]
RuntimeError: cuda runtime error (2) : out of memory at /opt/conda/conda-bld/pytorch_1532581333611/work/aten/src/THC/THCCachingHostAllocator.cpp:271
| 0.547386 |
Traceback (most recent call last):
"/home/PokestarFan/PokestarBot/bot_data/extensions/updates.py", line 419, in mangadex_update
request.raise_for_status()
AttributeError: 'NoneType' object has no attribute 'raise_for_status'
| Traceback (most recent call last):
"/usr/lib/python3.7/runpy.py", line 193, in _run_module_as_main
"__main__", mod_spec)
"/usr/lib/python3.7/runpy.py", line 85, in _run_code
exec(code, run_globals)
"/home/alex/p4a/pythonforandroid/toolchain.py", line 1032, in <module>
main()
"/home/alex/p4a/pythonforandroid/toolchain.py", line 1028, in main
ToolchainCL()
"/home/alex/p4a/pythonforandroid/toolchain.py", line 550, in __init__
getattr(self, args.subparser_name.replace('-', '_'))(args)
"/home/alex/p4a/pythonforandroid/toolchain.py", line 149, in wrapper_func
build_dist_from_args(ctx, dist, args)
"/home/alex/p4a/pythonforandroid/toolchain.py", line 188, in build_dist_from_args
build_recipes(build_order, python_modules, ctx)
"/home/alex/p4a/pythonforandroid/build.py", line 625, in build_recipes
biglink(ctx, arch)
"/home/alex/p4a/pythonforandroid/build.py", line 704, in biglink
env = arch.get_env()
"/home/alex/p4a/pythonforandroid/archs.py", line 157, in get_env
env = super(ArchARMv7_a, self).get_env(with_flags_in_cc)
"/home/alex/p4a/pythonforandroid/archs.py", line 57, in get_env
self.ctx.python_recipe.version[0:3])
AttributeError: 'NoneType' object has no attribute 'version'
| 0.624977 |
Traceback (most recent call last):
"Scripts\bumpversion-script.py", line 11, in <module>
load_entry_point('bump2version', 'console_scripts', 'bumpversion')()
"bump2version\bumpversion\cli.py", line 104, in main
_replace_version_in_files(files, current_version, new_version, args.dry_run, context)
"bump2version\bumpversion\cli.py", line 582, in _replace_version_in_files
f.replace(current_version, new_version, context, dry_run)
"bump2version\bumpversion\utils.py", line 94, in replace
context["new_version"] = self._versionconfig.serialize(new_version, context)
"bump2version\bumpversion\version_part.py", line 278, in serialize
version, self._choose_serialize_format(version, context), context
"bump2version\bumpversion\version_part.py", line 258, in _choose_serialize_format
version, serialize_format, context, raise_if_incomplete=True
"bump2version\bumpversion\version_part.py", line 201, in _serialize
for k in version:
TypeError: 'NoneType' object is not iterable
| Traceback (most recent call last):
"infer.py", line 146, in <module>
main()
"infer.py", line 142, in main
infer()
"infer.py", line 88, in infer
infer_data = next(batch_reader())
"/home/ubuntu/DeepSpeech/data_utils/data.py", line 197, in batch_reader
for instance in instance_reader():
"/home/ubuntu/DeepSpeech/data_utils/data.py", line 276, in reader
instance["text"])
"/home/ubuntu/DeepSpeech/data_utils/data.py", line 118, in process_utterance
speech_segment, self._keep_transcription_text)
"/home/ubuntu/DeepSpeech/data_utils/featurizer/speech_featurizer.py", line 73, in featurize
audio_feature = self._audio_featurizer.featurize(speech_segment)
"/home/ubuntu/DeepSpeech/data_utils/featurizer/audio_featurizer.py", line 77, in featurize
audio_segment.resample(self._target_sample_rate)
"/home/ubuntu/DeepSpeech/data_utils/audio.py", line 397, in resample
self.samples, self.sample_rate, target_sample_rate, filter=filter)
"/usr/local/lib/python3.6/dist-packages/resampy/core.py", line 92, in resample
'Only floating-point types are supported.'.format(x.dtype))
TypeError: Unable to resample signals of dtype=float32. Only floating-point types are supported.
| 0.572787 |
Traceback (most recent call last):
"flow", line 6, in <module>
cliHandler(sys.argv)
"/home/ubuntu/My
s/darkflow/darkflow/cli.py", line 33, in cliHandler
print('Enter training ...'); tfnet.train()
"/home/ubuntu/My
s/darkflow/darkflow/net/flow.py", line 39, in train
for i, (x_batch, datum) in enumerate(batches):
"/home/ubuntu/My
s/darkflow/darkflow/net/yolo/data.py", line 114, in shuffle
inp, new_feed = self._batch(train_instance)
"/home/ubuntu/My
s/darkflow/darkflow/net/yolov2/data.py", line 27, in _batch
img = self.preprocess(path, allobj)
"/home/ubuntu/My
s/darkflow/darkflow/net/yolo/predict.py", line 62, in preprocess
result = imcv2_affine_trans(im)
"/home/ubuntu/My
s/darkflow/darkflow/utils/im_transform.py", line 20, in imcv2_affine_trans
h, w, c = im.shape
AttributeError: 'NoneType' object has no attribute 'shape' | Traceback (most recent call last):
"/usr/lib/python3.8/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
"/home/tkloczko/rpmbuild/BUILD/arrow-0.15.6/tests/test_formatter.py", line 24, in test_year
assert self.formatter._format_token(dt, "YYYY") == "2013"
AttributeError: 'TestDateTimeFormatterFormatToken' object has no attribute 'formatter'
| 0.512525 |
Traceback (most recent call last):
"C:\Users\000\faceswap\lib\gui\wrapper.py", line 318, in terminate
raise ValueError("Timeout reached sending Exit Signal")
ValueError: Timeout reached sending Exit Signal | Traceback (most recent call last):
"/afs/cern.ch/work/r/roneil/mconda3/envs/snakemake/lib/python3.9/site-packages/snakemake/__init__.py", line 687, in snakemake
success = workflow.execute(
"/afs/cern.ch/work/r/roneil/mconda3/envs/snakemake/lib/python3.9/site-packages/snakemake/workflow.py", line 882, in execute
dag.create_conda_envs(
"/afs/cern.ch/work/r/roneil/mconda3/envs/snakemake/lib/python3.9/site-packages/snakemake/dag.py", line 293, in create_conda_envs
env.create(dryrun)
"/afs/cern.ch/work/r/roneil/mconda3/envs/snakemake/lib/python3.9/site-packages/snakemake/deployment/conda.py", line 247, in create
conda = Conda(self._container_img)
"/afs/cern.ch/work/r/roneil/mconda3/envs/snakemake/lib/python3.9/site-packages/snakemake/deployment/conda.py", line 381, in __new__
inst.__init__(container_img=container_img)
"/afs/cern.ch/work/r/roneil/mconda3/envs/snakemake/lib/python3.9/site-packages/snakemake/deployment/conda.py", line 394, in __init__
self._check()
"/afs/cern.ch/work/r/roneil/mconda3/envs/snakemake/lib/python3.9/site-packages/snakemake/deployment/conda.py", line 449, in _check
if StrictVersion(version) < StrictVersion("4.2"):
"/afs/cern.ch/work/r/roneil/mconda3/envs/snakemake/lib/python3.9/distutils/version.py", line 40, in __init__
self.parse(vstring)
"/afs/cern.ch/work/r/roneil/mconda3/envs/snakemake/lib/python3.9/distutils/version.py", line 137, in parse
raise ValueError("invalid version number '%s'" % vstring)
ValueError: invalid version number 'Convert'
| 0.499429 |
Traceback (most recent call last):
"asm.py", line 946, in <module>
main(keychain, sw1, output_path, c1)
"asm.py", line 741, in main
keychain["linkedin_password"], answer2, 0)
"/mydir/AttackSurfaceMapper/modules/linkedinner.py", line 93, in get_emails_for_company_name
cookies['JSESSIONID'] = 'ajax:0397788525211216808'
TypeError: 'NoneType' object does not support item assignment
| Traceback (most recent call last):
"/usr/local/bin/bench", line 11, in <module>
load_entry_point('frappe-bench', 'console_scripts', 'bench')()
"/Users/narendra/Development/bench-repo/bench/cli.py", line 48, in cli
if sys.argv[1] in get_frappe_commands() + ["--site", "--verbose", "--force", "--profile"]:
TypeError: unsupported operand type(s) for +: 'NoneType' and 'list' | 0.599166 |
Traceback (most recent call last):
"/home/george.trojan/miniconda3/envs/python-3.7/lib/python3.7/contextlib.py", line 130, in __exit__
self.gen.throw(type, value, traceback)
"/home/george.trojan/miniconda3/envs/python-3.7/lib/python3.7/site-packages/distributed/utils.py", line 201, in ignoring
except exceptions as e:
TypeError: catching classes that do not inherit from BaseException is not allowed
| Traceback (most recent call last):
"c:\users\warre\appdata\local\programs\python\python36\lib\threading.py", line 916, in _bootstrap_inner
self.run()
"c:\users\warre\appdata\local\programs\python\python36\lib\threading.py", line 864, in run
self._target(*self._args, **self._kwargs)
"c:\SentinelMlTfLocal\lib\site-packages\apache_beam\runners\portability\local_job_service.py", line 214, in run
p = subprocess.Popen(self._worker_command_line, shell=True, env=env_dict)
"c:\users\warre\appdata\local\programs\python\python36\lib\subprocess.py", line 729, in __init__
restore_signals, start_new_session)
"c:\users\warre\appdata\local\programs\python\python36\lib\subprocess.py", line 991, in _execute_child
args = list2cmdline(args)
"c:\users\warre\appdata\local\programs\python\python36\lib\subprocess.py", line 481, in list2cmdline
needquote = (" " in arg) or ("\t" in arg) or not arg
TypeError: argument of type 'int' is not iterable
| 0.592561 |
Traceback (most recent call last):
"redata.py", line 180, in <module>
ffmpeg.concat(*videostream, v=1, a=1).output("playlist.mp4").run()
"/home/owen/.local/share/virtualenvs/redata-c2MOZ56k/lib/python3.8/site-packages/ffmpeg/_filters.py", line 399, in concat
return FilterNode(streams, concat.__name__, kwargs=kwargs, max_inputs=None).stream()
"/home/owen/.local/share/virtualenvs/redata-c2MOZ56k/lib/python3.8/site-packages/ffmpeg/nodes.py", line 266, in __init__
super(FilterNode, self).__init__(
"/home/owen/.local/share/virtualenvs/redata-c2MOZ56k/lib/python3.8/site-packages/ffmpeg/nodes.py", line 202, in __init__
self.__check_input_types(stream_map, incoming_stream_types)
"/home/owen/.local/share/virtualenvs/redata-c2MOZ56k/lib/python3.8/site-packages/ffmpeg/nodes.py", line 172, in __check_input_types
raise TypeError(
TypeError: Expected incoming stream(s) to be of one of the following types: ffmpeg.nodes.FilterableStream; got <class 'str'>
| Traceback (most recent call last):
"predict.py", line 36, in <module>
m = modelFN( n_classes , input_height=input_height, input_width=input_width
)
"C:\MyKeras\image-segmentation-keras-py3\Models\VGGSegnet.py", line 77, in VGGSegnet
o =
Conv2D( n_classes , (3, 3) , padding='same', data_format='channels_first' )( o )
"C:\Users\two\Anaconda3\envs\keras_segmentation\lib\site-packages\keras\engine\base_layer.py", line 431, in __call__
self.build(unpack_singleton(input_shapes))
"C:\Users\two\Anaconda3\envs\keras_segmentation\lib\site-packages\keras\layers\convolutional.py", line 138, in build
constraint=self.kernel_constraint)
"C:\Users\two\Anaconda3\envs\keras_segmentation\lib\site-packages\keras\legacy\interfaces.py", line 91, in wrapper
return func(*args, **kwargs)
"C:\Users\two\Anaconda3\envs\keras_segmentation\lib\site-packages\keras\engine\base_layer.py", line 249, in add_weight
weight = K.variable(initializer(shape),
"C:\Users\two\Anaconda3\envs\keras_segmentation\lib\site-packages\keras\initializers.py", line 202, in __call__
fan_in, fan_out = _compute_fans(shape)
"C:\Users\two\Anaconda3\envs\keras_segmentation\lib\site-packages\keras\initializers.py", line 473, in _compute_fans
fan_out = shape[-1] * receptive_field_size
TypeError: unsupported operand type(s) for *: 'NoneType' and 'int'`
| 0.582407 |
Traceback (most recent call last):
"/home/rorym/pysystemtrade/sysdata/data_blob.py", line 117, in _add_ib_class
resolved_instance = class_object(self.ib_conn, log = log)
"/home/rorym/pysystemtrade/sysdata/data_blob.py", line 244, in ib_conn
client_id = self.db_ib_broker_client_id.return_valid_client_id()
"/home/rorym/pysystemtrade/sysdata/production/broker_client_id.py", line 36, in return_valid_client_id
clientid_to_use = self._get_and_lock_next_clientid()
"/home/rorym/pysystemtrade/sysdata/production/broker_client_id.py", line 74, in _get_and_lock_next_clientid
self._lock_clientid(next_id)
"/home/rorym/pysystemtrade/sysdata/mongodb/mongo_IB_client_id.py", line 37, in _lock_clientid
self.log.msg("Locked IB client ID %d" % next_id)
"/home/rorym/pysystemtrade/syslogdiag/log.py", line 130, in msg
return self.log(text, msglevel=msg_level, **kwargs)
"/home/rorym/pysystemtrade/syslogdiag/log.py", line 163, in log
log_id = self.get_next_log_id()
"/home/rorym/pysystemtrade/sysdata/mongodb/mongo_log.py", line 46, in get_next_log_id
next_id = last_id + 1
TypeError: unsupported operand type(s) for +: 'NoneType' and 'int'
| Traceback (most recent call last):
"/srv/wechat/service/venv/lib/python3.6/site-packages/starlette/endpoints.py", line 68, in __call__
raise exc from None
"/srv/wechat/service/venv/lib/python3.6/site-packages/starlette/endpoints.py", line 59, in __call__
message = await websocket.receive()
"/srv/wechat/service/venv/lib/python3.6/site-packages/starlette/websockets.py", line 40, in receive
message = await self._receive()
"/srv/wechat/service/venv/lib/python3.6/site-packages/uvicorn/protocols/websockets/websockets_impl.py", line 226, in asgi_receive
data = await self.recv()
"/srv/wechat/service/venv/lib/python3.6/site-packages/websockets/protocol.py", line 419, in recv
return_when=asyncio.FIRST_COMPLETED,
"/usr/lib64/python3.6/asyncio/tasks.py", line 311, in wait
fs = {ensure_future(f, loop=loop) for f in set(fs)}
"/usr/lib64/python3.6/asyncio/tasks.py", line 311, in <setcomp>
fs = {ensure_future(f, loop=loop) for f in set(fs)}
"/usr/lib64/python3.6/asyncio/tasks.py", line 526, in ensure_future
raise TypeError('An asyncio.Future, a coroutine or an awaitable is '
TypeError: An asyncio.Future, a coroutine or an awaitable is required
| 0.55048 |
Traceback (most recent call last):
| 0/11290 [00:00<?, ?it/s]
"main.py", line 72, in <module>
tf.app.run()
"/anaconda3/lib/python3.7/site-packages/tensorflow/python/platform/app.py", line 125, in run
_sys.exit(main(argv))
"main.py", line 53, in main
model.train(sess, data)
"/Users/brian/Downloads/show-attend-and-tell-master/base_model.py", line 50, in train
images = self.image_loader.load_images(image_files)
"/Users/brian/Downloads/show-attend-and-tell-master/utils/misc.py", line 34, in load_images
images.append(self.load_image(image_file))
"/Users/brian/Downloads/show-attend-and-tell-master/utils/misc.py", line 18, in load_image
temp = image.swapaxes(0, 2)
AttributeError: 'NoneType' object has no attribute 'swapaxes'
| Traceback (most recent call last):
"manage.py", line 11, in <module>
execute_from_command_line(sys.argv)
"/venv/lib/python2.7/site-packages/django/core/management/__init__.py", line 363, in execute_from_command_line
utility.execute()
"/venv/lib/python2.7/site-packages/django/core/management/__init__.py", line 355, in execute
self.fetch_command(subcommand).run_from_argv(self.argv)
"/venv/lib/python2.7/site-packages/django/core/management/base.py", line 283, in run_from_argv
self.execute(*args, **cmd_options)
"/venv/lib/python2.7/site-packages/django/core/management/base.py", line 330, in execute
output = self.handle(*args, **options)
"/venv/lib/python2.7/site-packages/pinax_stripe-3.4.1-py2.7.egg/pinax/stripe/management/commands/sync_plans.py", line 11, in handle
plans.sync_plans()
"/venv/lib/python2.7/site-packages/pinax_stripe-3.4.1-py2.7.egg/pinax/stripe/actions/plans.py", line 29, in sync_plans
defaults=defaults
"/venv/lib/python2.7/site-packages/django/db/models/manager.py", line 85, in manager_method
return getattr(self.get_queryset(), name)(*args, **kwargs)
"/venv/lib/python2.7/site-packages/django/db/models/query.py", line 459, in get_or_create
lookup, params = self._extract_model_params(defaults, **kwargs)
"/venv/lib/python2.7/site-packages/django/db/models/query.py", line 521, in _extract_model_params
property_names = self.model._meta._property_names
"/venv/lib/python2.7/site-packages/django/utils/functional.py", line 35, in __get__
res = instance.__dict__[self.name] = self.func(instance)
"/venv/lib/python2.7/site-packages/django/db/models/options.py", line 887, in _property_names
dir(self.model) if isinstance(getattr(self.model, attr), property)
"/venv/lib/python2.7/site-packages/django/db/models/options.py", line 887, in <setcomp>
dir(self.model) if isinstance(getattr(self.model, attr), property)
"build/bdist.linux-x86_64/egg/jsonfield/subclassing.py", line 33, in __get__
AttributeError: Can only be accessed via an instance.
| 0.557365 |
Traceback (most recent call last):
"/usr/lib/python3.6/asyncio/tasks.py", line 179, in _step
result = coro.send(None)
"/usr/lib/python3.6/site-packages/homeassistant/helpers/entity_component.py", line 381, in async_process_entity
new_entity, self, update_before_add=update_before_add
"/usr/lib/python3.6/site-packages/homeassistant/helpers/entity_component.py", line 238, in async_add_entity
yield from entity.async_update_ha_state()
"/usr/lib/python3.6/site-packages/homeassistant/helpers/entity.py", line 256, in async_update_ha_state
self._attr_setter('entity_picture', str, ATTR_ENTITY_PICTURE, attr)
"/usr/lib/python3.6/site-packages/homeassistant/helpers/entity.py", line 323, in _attr_setter
value = getattr(self, name)
"/usr/lib/python3.6/site-packages/homeassistant/components/sensor/wunderground.py", line 712, in entity_picture
return re.sub(r'^http://', 'https://', url, flags=re.IGNORECASE)
"/usr/lib/python3.6/re.py", line 191, in sub
return _compile(pattern, flags).sub(repl, string, count)
TypeError: expected string or bytes-like object
| Traceback (most recent call last):
"/home/daniel/anaconda3/lib/python3.6/site-packages/prompt_toolkit/application/application.py", line 652, in _run_async2
result = yield f
"/home/daniel/anaconda3/lib/python3.6/site-packages/prompt_toolkit/eventloop/coroutine.py", line 86, in step_next
new_f = coroutine.send(None)
"/home/daniel/anaconda3/lib/python3.6/site-packages/prompt_toolkit/application/application.py", line 595, in _run_async
self._redraw()
"/home/daniel/anaconda3/lib/python3.6/site-packages/prompt_toolkit/application/application.py", line 444, in _redraw
self.renderer.render(self, self.layout)
"/home/daniel/anaconda3/lib/python3.6/site-packages/prompt_toolkit/renderer.py", line 557, in render
if (self.style.invalidation_hash() != self._last_style_hash or
"/home/daniel/anaconda3/lib/python3.6/site-packages/prompt_toolkit/styles/style.py", line 372, in invalidation_hash
return tuple(s.invalidation_hash() for s in self.styles)
"/home/daniel/anaconda3/lib/python3.6/site-packages/prompt_toolkit/styles/style.py", line 372, in <genexpr>
return tuple(s.invalidation_hash() for s in self.styles)
"/home/daniel/anaconda3/lib/python3.6/site-packages/prompt_toolkit/styles/base.py", line 140, in invalidation_hash
return (self.get_style() or self._dummy).invalidation_hash()
"/home/daniel/anaconda3/lib/python3.6/site-packages/prompt_toolkit/styles/base.py", line 140, in invalidation_hash
return (self.get_style() or self._dummy).invalidation_hash()
"/home/daniel/anaconda3/lib/python3.6/site-packages/prompt_toolkit/styles/base.py", line 140, in invalidation_hash
return (self.get_style() or self._dummy).invalidation_hash()
"/home/daniel/.local/lib/python3.6/site-packages/powerline/renderers/ipython/since_5.py", line 79, in invalidation_hash
return super(PowerlinePromptStyle, self).invalidation_hash() + 1
TypeError: can only concatenate tuple (not "int") to tuple
| 0.543865 |
Traceback (most recent call last):
"examples/seq2seq/run_summarization.py", line 595, in <module>
main()
"examples/seq2seq/run_summarization.py", line 533, in main
train_result = trainer.train(resume_from_checkpoint=checkpoint)
"/opt/anaconda3/envs/tensorflow2/lib/python3.6/site-packages/transformers/trainer.py", line 1082, in train
tr_loss += self.training_step(model, inputs)
"/opt/anaconda3/envs/tensorflow2/lib/python3.6/site-packages/transformers/trainer.py", line 1472, in training_step
loss = self.compute_loss(model, inputs)
"/opt/anaconda3/envs/tensorflow2/lib/python3.6/site-packages/transformers/trainer.py", line 1511, in compute_loss
loss = self.label_smoother(outputs, labels)
"/opt/anaconda3/envs/tensorflow2/lib/python3.6/site-packages/transformers/trainer_pt_utils.py", line 439, in __call__
smoothed_loss.masked_fill_(padding_mask, 0.0)
RuntimeError: The expanded size of the tensor (128) must match the existing size (64) at non-singleton dimension 1.
Target sizes: [4, 128, 1].
Tensor sizes: [4, 64, 1]
| Traceback (most recent call last):
"train.py", line 266, in <module>
var=opt.var,
"train.py", line 95, in train
load_weights(model, def_weight_file)
"E:\ObjectDetectionCode\Pytorch-yolov3-new\PyTorch-yolov3-master2\yolov3-tiny-master\models.py", line 384, in load_weights
conv_b = torch.from_numpy(weights[ptr:ptr + num_b]).view_as(conv_layer.bias)
RuntimeError: shape '[30]' is invalid for input of size 0
| 0.596253 |
Traceback (most recent call last):
"\sverchok\core\update_system.py", line 384, in do_update_general
node.process()
"\sverchok\nodes\list_struct\item_insert.py", line 99, in process
out = self.set_items(data, new_item, indexes[0])
"\sverchok\nodes\list_struct\item_insert.py", line 105, in set_items
data_out = data.copy()
AttributeError: 'tuple' object has no attribute 'copy'
| Traceback (most recent call last):
"/home/chovanec/anaconda3/lib/python3.6/site-packages/skbio/alignment/tests/test_tabular_msa.py", line 2595, in test_no_sequences
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'
| 0.625396 |
Traceback (most recent call last):
"scripts/run_goal_conditioned_policy.py", line 60, in <module>
simulate_policy(args)
"scripts/run_goal_conditioned_policy.py", line 15, in simulate_policy
policy = data['trainer/policy']
"/home/yunchuz/rlkit/rlkit/samplers/rollout_functions.py", line 41, in multitask_rollout
a, agent_info = agent.get_action(new_obs, **get_action_kwargs)
"/home/yunchuz/rlkit/rlkit/torch/sac/policies.py", line 63, in get_action
actions = self.get_actions(obs_np[None], deterministic=deterministic)
"/home/yunchuz/rlkit/rlkit/torch/sac/policies.py", line 67, in get_actions
return eval_np(self, obs_np, deterministic=deterministic)[0]
"/home/yunchuz/rlkit/rlkit/torch/core.py", line 18, in eval_np
outputs = module(*torch_args, **torch_kwargs)
"/home/yunchuz/miniconda3/envs/rlkit/lib/python3.6/site-packages/torch/nn/modules/module.py", line 532, in __call__
result = self.forward(*input, **kwargs)
"/home/yunchuz/rlkit/rlkit/torch/sac/policies.py", line 83, in forward
h = self.hidden_activation(fc(h))
"/home/yunchuz/miniconda3/envs/rlkit/lib/python3.6/site-packages/torch/nn/modules/module.py", line 532, in __call__
result = self.forward(*input, **kwargs)
"/home/yunchuz/miniconda3/envs/rlkit/lib/python3.6/site-packages/torch/nn/modules/linear.py", line 87, in forward
return F.linear(input, self.weight, self.bias)
"/home/yunchuz/miniconda3/envs/rlkit/lib/python3.6/site-packages/torch/nn/functional.py", line 1370, in linear
ret = torch.addmm(bias, input, weight.t())
RuntimeError: Expected object of device type cuda but got device type cpu for argument #2 'mat1' in call to _th_addmm
| Traceback (most recent call last):
"/media/ehsan/48BE4782BE476810/AA_GITHUP/forked_reid_baseline/tools/train.py", line 154, in <module>
main()
"/media/ehsan/48BE4782BE476810/AA_GITHUP/forked_reid_baseline/tools/train.py", line 150, in main
train(cfg)
"/media/ehsan/48BE4782BE476810/AA_GITHUP/forked_reid_baseline/tools/train.py", line 68, in train
start_epoch
# add for using self trained model
"/media/ehsan/48BE4782BE476810/AA_GITHUP/forked_reid_baseline/engine/trainer.py", line 208, in do_train
trainer.run(train_loader, max_epochs=epochs)
"/usr/local/lib/python3.5/dist-packages/ignite/engine/engine.py", line 326, in run
self._handle_exception(e)
"/usr/local/lib/python3.5/dist-packages/ignite/engine/engine.py", line 291, in _handle_exception
raise e
"/usr/local/lib/python3.5/dist-packages/ignite/engine/engine.py", line 313, in run
hours, mins, secs = self._run_once_on_dataset()
"/usr/local/lib/python3.5/dist-packages/ignite/engine/engine.py", line 280, in _run_once_on_dataset
self._handle_exception(e)
"/usr/local/lib/python3.5/dist-packages/ignite/engine/engine.py", line 291, in _handle_exception
raise e
"/usr/local/lib/python3.5/dist-packages/ignite/engine/engine.py", line 272, in _run_once_on_dataset
self.state.output = self._process_function(self, batch)
"/media/ehsan/48BE4782BE476810/AA_GITHUP/forked_reid_baseline/engine/trainer.py", line 47, in _update
loss = loss_fn(score, feat, target)
"/media/ehsan/48BE4782BE476810/AA_GITHUP/forked_reid_baseline/layers/__init__.py", line 35, in loss_func
return xent(score, target) + triplet(feat, target)[0]
"/usr/local/lib/python3.5/dist-packages/torch/nn/modules/module.py", line 541, in __call__
result = self.forward(*input, **kwargs)
"/media/ehsan/48BE4782BE476810/AA_GITHUP/forked_reid_baseline/layers/triplet_loss.py", line 154, in forward
targets = torch.zeros(log_probs.size()).scatter_(1, targets.unsqueeze(1).data.cpu(), 1)
RuntimeError: Invalid index in scatter at /pytorch/aten/src/TH/generic/THTensorEvenMoreMath.cpp:151
| 0.623456 |
Traceback (most recent call last):
"quickstart.py", line 18, in <module>
with smart_run(session):
"C:\Python38\lib\contextlib.py", line 115, in __enter__
raise RuntimeError("generator didn't yield") from None
RuntimeError: generator didn't yield
| Traceback (most recent call last):
"/usr/local/bin/telepresence/telepresence/cli.py", line 135, in crash_reporting
yield
"/usr/local/bin/telepresence/telepresence/main.py", line 77, in main
runner, remote_info, env, socks_port, ssh, mount_dir, pod_info
"/usr/local/bin/telepresence/telepresence/outbound/setup.py", line 50, in launch
return launch_inject(runner_, command, socks_port, env)
"/usr/local/bin/telepresence/telepresence/outbound/local.py", line 101, in launch_inject
torsocks_env = set_up_torsocks(runner, socks_port)
"/usr/local/bin/telepresence/telepresence/outbound/local.py", line 71, in set_up_torsocks
raise RuntimeError("SOCKS network proxying failed to start...")
RuntimeError: SOCKS network proxying failed to start...
| 0.528827 |
Traceback (most recent call last):
"/project/lib/python3.6/site-packages/flask/app.py", line 2292, in wsgi_app
response = self.full_dispatch_request()
"/project/lib/python3.6/site-packages/flask/app.py", line 1815, in full_dispatch_request
rv = self.handle_user_exception(e)
"/project/lib/python3.6/site-packages/flask/app.py", line 1718, in handle_user_exception
reraise(exc_type, exc_value, tb)
"/project/lib/python3.6/site-packages/flask/_compat.py", line 35, in reraise
raise value
"/project/lib/python3.6/site-packages/flask/app.py", line 1813, in full_dispatch_request
rv = self.dispatch_request()
"/project/lib/python3.6/site-packages/flask/app.py", line 1799, in dispatch_request
return self.view_functions[rule.endpoint](**req.view_args)
"/project/lib/python3.6/site-packages/connexion/decorators/decorator.py", line 73, in wrapper
response = function(request)
"/project/lib/python3.6/site-packages/connexion/decorators/uri_parsing.py", line 132, in wrapper
response = function(request)
"/project/lib/python3.6/site-packages/connexion/decorators/validation.py", line 339, in wrapper
return function(request)
"/project/lib/python3.6/site-packages/connexion/decorators/decorator.py", line 44, in wrapper
response = function(request)
"/project/lib/python3.6/site-packages/connexion/decorators/parameter.py", line 108, in wrapper
request.files, arguments, has_kwargs, sanitize)
"/project/lib/python3.6/site-packages/connexion/operations/abstract.py", line 268, in get_arguments
has_kwargs, sanitize))
"/project/lib/python3.6/site-packages/connexion/operations/openapi.py", line 284, in _get_query_arguments
arguments, has_kwargs, sanitize)
"/project/lib/python3.6/site-packages/connexion/operations/abstract.py", line 194, in _query_args_helper
res[key] = self._get_val_from_param(value, query_defn)
"/project/lib/python3.6/site-packages/connexion/operations/openapi.py", line 295, in _get_val_from_param
return make_type(value, query_schema["type"])
"/project/lib/python3.6/site-packages/connexion/utils.py", line 46, in make_type
return type_func(value)
ValueError: dictionary update sequence element #0 has length 1; 2 is required
| `[0;31mERROR:[0m Signature extraction failed: Traceback (most recent call last):
"/usr/local/lib/python3.5/site-packages/youtube_dl/extractor/youtube.py", line 1011, in _decrypt_signature
video_id, player_url, s
"/usr/local/lib/python3.5/site-packages/youtube_dl/extractor/youtube.py", line 925, in _extract_signature_function
errnote='Download of %s failed' % player_url)
"/usr/local/lib/python3.5/site-packages/youtube_dl/extractor/common.py", line 519, in _download_webpage
res = self._download_webpage_handle(url_or_request, video_id, note, errnote, fatal, encoding=encoding, data=data, headers=headers, query=query)
"/usr/local/lib/python3.5/site-packages/youtube_dl/extractor/common.py", line 426, in _download_webpage_handle
urlh = self._request_webpage(url_or_request, video_id, note, errnote, fatal, data=data, headers=headers, query=query)
"/usr/local/lib/python3.5/site-packages/youtube_dl/extractor/common.py", line 406, in _request_webpage
return self._downloader.urlopen(url_or_request)
"/usr/local/lib/python3.5/site-packages/youtube_dl/YoutubeDL.py", line 2000, in urlopen
req = sanitized_Request(req)
"/usr/local/lib/python3.5/site-packages/youtube_dl/utils.py", line 524, in sanitized_Request
return compat_urllib_request.Request(sanitize_url(url), *args, **kwargs)
"/usr/local/lib/python3.5/urllib/request.py", line 268, in __init__
self.full_url = url
"/usr/local/lib/python3.5/urllib/request.py", line 294, in full_url
self._parse()
"/usr/local/lib/python3.5/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-vflkk7pUE/base.js'
| 0.541981 |
Reading image shapes:
0%|
| 0/464 [00:00<?, ?it/s]Traceback (most recent call last):
"D:\Py_Program\yolov3-master\utils\datasets.py", line 290, in __init__
with open(sp, 'r') as f:
# read existing shapefile
NotFoundError: [Errno 2] No such file or directory: 'data\\test.shapes'
| Traceback (most recent call last):
"/home/melody/anaconda3/envs/parlai/bin/parlai", line 33, in <module>
sys.exit(load_entry_point('parlai', 'console_scripts', 'parlai')())
"/mnt/disks/disk-huge/melody/parlai/parlai/core/script.py", line 272, in superscript_main
SCRIPT_REGISTRY[cmd].klass._run_from_parser_and_opt(opt, parser)
"/mnt/disks/disk-huge/melody/parlai/parlai/core/script.py", line 88, in _run_from_parser_and_opt
return script.run()
"/mnt/disks/disk-huge/melody/parlai/parlai/scripts/interactive.py", line 117, in run
return interactive(self.opt)
"/mnt/disks/disk-huge/melody/parlai/parlai/scripts/interactive.py", line 88, in interactive
world = create_task(opt, [human_agent, agent])
"/mnt/disks/disk-huge/melody/parlai/parlai/core/worlds.py", line 1262, in create_task
world = create_task_world(opt, user_agents, default_world=default_world)
"/mnt/disks/disk-huge/melody/parlai/parlai/core/worlds.py", line 1235, in create_task_world
return world_class(opt, task_agents + user_agents)
"/mnt/disks/disk-huge/melody/parlai/parlai/tasks/wizard_of_wikipedia/worlds.py", line 53, in __init__
self._load_topics(opt)
"/mnt/disks/disk-huge/melody/parlai/parlai/tasks/wizard_of_wikipedia/worlds.py", line 82, in _load_topics
self.topic_list = json.load(open(topics_path, 'rb'))[datatype]
NotFoundError: [Errno 2] No such file or directory: '/mnt/disks/disk-huge/melody/parlai/data/wizard_of_wikipedia/topic_splits.json'
| 0.597562 |
Traceback (most recent call last):
"/pub38/kayussky/anaconda3/envs/ete/bin/ete3", line 11, in <module>
load_entry_point('ete3==3.1.1', 'console_scripts', 'ete3')()
"/pub38/kayussky/anaconda3/envs/ete/lib/python3.6/site-packages/ete3/tools/ete.py", line 95, in main
_main(sys.argv)
"/pub38/kayussky/anaconda3/envs/ete/lib/python3.6/site-packages/ete3/tools/ete.py", line 268, in _main
args.func(args)
"/pub38/kayussky/anaconda3/envs/ete/lib/python3.6/site-packages/ete3/tools/ete_evol.py", line 900, in run
models.update(run_all_models(tree, nodes, marks, args, **params))
"/pub38/kayussky/anaconda3/envs/ete/lib/python3.6/site-packages/ete3/tools/ete_evol.py", line 528, in run_all_models
print('
- processing model %s (%s)' % (model, name_model(tree, model)))
"/pub38/kayussky/anaconda3/envs/ete/lib/python3.6/site-packages/ete3/tools/ete_evol.py", line 457, in name_model
base_name).hexdigest()
TypeError: Unicode-objects must be encoded before hashing
| Traceback (most recent call last):
"fnsave.py", line 7, in <module>
st.step()
"/home/ed/Documents/angr-dev/angr/angr/sim_state.py", line 534, in step
return self.project.factory.successors(self, **kwargs)
"/home/ed/Documents/angr-dev/angr/angr/factory.py", line 58, in successors
return self.default_engine.process(*args, **kwargs)
"/home/ed/Documents/angr-dev/angr/angr/engines/vex/light/slicing.py", line 19, in process
return super().process(*args, **kwargs)
"/home/ed/Documents/angr-dev/angr/angr/engines/engine.py", line 143, in process
self.process_successors(self.successors, **kwargs)
"/home/ed/Documents/angr-dev/angr/angr/engines/failure.py", line 21, in process_successors
return super().process_successors(successors, **kwargs)
"/home/ed/Documents/angr-dev/angr/angr/engines/syscall.py", line 18, in process_successors
return super().process_successors(successors, **kwargs)
"/home/ed/Documents/angr-dev/angr/angr/engines/hook.py", line 54, in process_successors
return super().process_successors(successors, procedure=procedure, **kwargs)
"/home/ed/Documents/angr-dev/angr/angr/engines/unicorn.py", line 90, in process_successors
return super().process_successors(successors, **kwargs)
"/home/ed/Documents/angr-dev/angr/angr/engines/soot/engine.py", line 64, in process_successors
return super().process_successors(successors, **kwargs)
"/home/ed/Documents/angr-dev/angr/angr/engines/vex/heavy/heavy.py", line 135, in process_successors
self.handle_vex_block(irsb)
"/home/ed/Documents/angr-dev/angr/angr/engines/vex/heavy/super_fastpath.py", line 19, in handle_vex_block
super().handle_vex_block(irsb)
"/home/ed/Documents/angr-dev/angr/angr/engines/vex/light/slicing.py", line 26, in handle_vex_block
super().handle_vex_block(irsb)
"/home/ed/Documents/angr-dev/angr/angr/engines/vex/heavy/actions.py", line 18, in handle_vex_block
super().handle_vex_block(irsb)
"/home/ed/Documents/angr-dev/angr/angr/engines/vex/heavy/inspect.py", line 45, in handle_vex_block
super().handle_vex_block(irsb)
"/home/ed/Documents/angr-dev/angr/angr/engines/vex/light/light.py", line 406, in handle_vex_block
self._handle_vex_stmt(stmt)
"/home/ed/Documents/angr-dev/angr/angr/engines/vex/light/slicing.py", line 30, in _handle_vex_stmt
super()._handle_vex_stmt(stmt)
"/home/ed/Documents/angr-dev/angr/angr/engines/vex/heavy/inspect.py", line 40, in _handle_vex_stmt
super()._handle_vex_stmt(stmt)
"/home/ed/Documents/angr-dev/angr/angr/engines/vex/light/resilience.py", line 36, in inner
return getattr(super(VEXResilienceMixin, self), func)(*iargs, **ikwargs)
"/home/ed/Documents/angr-dev/angr/angr/engines/vex/heavy/heavy.py", line 199, in _handle_vex_stmt
super()._handle_vex_stmt(stmt)
"/home/ed/Documents/angr-dev/angr/angr/engines/vex/light/light.py", line 50, in _handle_vex_stmt
handler(stmt)
"/home/ed/Documents/angr-dev/angr/angr/engines/vex/light/light.py", line 219, in _handle_vex_stmt_Dirty
[self._analyze_vex_stmt_Dirty_arg(arg) for arg in stmt.args]
"/home/ed/Documents/angr-dev/angr/angr/engines/vex/light/light.py", line 223, in _perform_vex_stmt_Dirty
retval = self._perform_vex_stmt_Dirty_call(func_name, ty, args)
"/home/ed/Documents/angr-dev/angr/angr/engines/vex/heavy/actions.py", line 64, in _perform_vex_stmt_Dirty_call
result = super()._perform_vex_stmt_Dirty_call(func_name, ty, exprs, func=None)
"/home/ed/Documents/angr-dev/angr/angr/engines/vex/heavy/inspect.py", line 15, in _perform_vex_stmt_Dirty_call
retval = super()._perform_vex_stmt_Dirty_call(func_name, ty, args, func=func)
"/home/ed/Documents/angr-dev/angr/angr/engines/vex/light/resilience.py", line 40, in inner
v = getattr(self, handler)(*iargs, **ikwargs)
"/home/ed/Documents/angr-dev/angr/angr/engines/vex/heavy/resilience.py", line 29, in _check_unsupported_dirty
return self.__make_default(retty, o.UNSUPPORTED_BYPASS_ZERO_DEFAULT not in self.state.options, 'unsupported_' + func_name)
"/home/ed/Documents/angr-dev/angr/angr/engines/vex/heavy/resilience.py", line 10, in __make_default
return symbol(ty, name)
"/home/ed/Documents/angr-dev/angr/angr/engines/vex/claripy/datalayer.py", line 26, in symbol
return claripy.BVS(name, pyvex.get_type_size(ty))
"/home/ed/Documents/angr-dev/pyvex/pyvex/const.py", line 366, in get_type_size
m = type_str_re.match(ty)
TypeError: expected string or bytes-like object
| 0.609451 |
1/6 [====>.........................] - ETA: 0s - loss: 0.3922 - acc: 1.0000Traceback (most recent call last):
"graph_cnn.py", line 58, in <module>
model.fit(training_feature_maps, y_train, batch_size=batch_size, epochs=2, validation_data=(testing_feature_maps, y_test), shuffle=True)
"/home/sasse/.local/lib/python2.7/site-packages/keras/models.py", line 845, in fit
initial_epoch=initial_epoch)
"/home/sasse/.local/lib/python2.7/site-packages/keras/engine/training.py", line 1485, in fit
initial_epoch=initial_epoch)
"/home/sasse/.local/lib/python2.7/site-packages/keras/engine/training.py", line 1140, in _fit_loop
outs = f(ins_batch)
"/home/sasse/.local/lib/python2.7/site-packages/keras/backend/theano_backend.py", line 1096, in __call__
return self.function(*inputs)
"/home/sasse/.local/lib/python2.7/site-packages/theano/compile/function_module.py", line 898, in __call__
storage_map=getattr(self.fn, 'storage_map', None))
"/home/sasse/.local/lib/python2.7/site-packages/theano/gof/link.py", line 325, in raise_with_op
reraise(exc_type, exc_value, exc_trace)
"/home/sasse/.local/lib/python2.7/site-packages/theano/compile/function_module.py", line 884, in __call__
self.fn() if output_subset is None else\
RuntimeError: c_extract: Some CudaNdarray has dim 4 on broadcastable dimension 2
|
Traceback (most recent call last):
"/Users/jeffstewart/maroon-bells/venv/lib/python3.9/site-packages/pip/_vendor/pep517/_in_process.py", line 280, in <module>
main()
"/Users/jeffstewart/maroon-bells/venv/lib/python3.9/site-packages/pip/_vendor/pep517/_in_process.py", line 263, in main
json_out['return_val'] = hook(**hook_input['kwargs'])
"/Users/jeffstewart/maroon-bells/venv/lib/python3.9/site-packages/pip/_vendor/pep517/_in_process.py", line 133, in prepare_metadata_for_build_wheel
return hook(metadata_directory, config_settings)
"/private/var/folders/6q/jk0p94b12x713m1c02tyt1fc0000gn/T/pip-build-env-98_m8bsv/overlay/lib/python3.9/site-packages/setuptools/build_meta.py", line 157, in prepare_metadata_for_build_wheel
self.run_setup()
"/private/var/folders/6q/jk0p94b12x713m1c02tyt1fc0000gn/T/pip-build-env-98_m8bsv/overlay/lib/python3.9/site-packages/setuptools/build_meta.py", line 248, in run_setup
super(_BuildMetaLegacyBackend,
"/private/var/folders/6q/jk0p94b12x713m1c02tyt1fc0000gn/T/pip-build-env-98_m8bsv/overlay/lib/python3.9/site-packages/setuptools/build_meta.py", line 142, in run_setup
exec(compile(code, __file__, 'exec'), locals())
"setup.py", line 508, in <module>
setup_package()
"setup.py", line 500, in setup_package
setup(**metadata)
"/private/var/folders/6q/jk0p94b12x713m1c02tyt1fc0000gn/T/pip-install-cgcf8n0u/numpy_f7d15ee151114f0aa52d02ed62f75e3c/numpy/distutils/core.py", line 169, in setup
return old_setup(**new_attr)
"/private/var/folders/6q/jk0p94b12x713m1c02tyt1fc0000gn/T/pip-build-env-98_m8bsv/overlay/lib/python3.9/site-packages/setuptools/__init__.py", line 165, in setup
return distutils.core.setup(**attrs)
"/Users/jeffstewart/.pyenv/versions/3.9.1/lib/python3.9/distutils/core.py", line 148, in setup
dist.run_commands()
"/Users/jeffstewart/.pyenv/versions/3.9.1/lib/python3.9/distutils/dist.py", line 966, in run_commands
self.run_command(cmd)
"/Users/jeffstewart/.pyenv/versions/3.9.1/lib/python3.9/distutils/dist.py", line 985, in run_command
cmd_obj.run()
"/private/var/folders/6q/jk0p94b12x713m1c02tyt1fc0000gn/T/pip-build-env-98_m8bsv/overlay/lib/python3.9/site-packages/setuptools/command/dist_info.py", line 31, in run
egg_info.run()
"/private/var/folders/6q/jk0p94b12x713m1c02tyt1fc0000gn/T/pip-install-cgcf8n0u/numpy_f7d15ee151114f0aa52d02ed62f75e3c/numpy/distutils/command/egg_info.py", line 24, in run
self.run_command("build_src")
"/Users/jeffstewart/.pyenv/versions/3.9.1/lib/python3.9/distutils/cmd.py", line 313, in run_command
self.distribution.run_command(command)
"/Users/jeffstewart/.pyenv/versions/3.9.1/lib/python3.9/distutils/dist.py", line 985, in run_command
cmd_obj.run()
"/private/var/folders/6q/jk0p94b12x713m1c02tyt1fc0000gn/T/pip-install-cgcf8n0u/numpy_f7d15ee151114f0aa52d02ed62f75e3c/numpy/distutils/command/build_src.py", line 144, in run
self.build_sources()
"/private/var/folders/6q/jk0p94b12x713m1c02tyt1fc0000gn/T/pip-install-cgcf8n0u/numpy_f7d15ee151114f0aa52d02ed62f75e3c/numpy/distutils/command/build_src.py", line 155, in build_sources
self.build_library_sources(*libname_info)
"/private/var/folders/6q/jk0p94b12x713m1c02tyt1fc0000gn/T/pip-install-cgcf8n0u/numpy_f7d15ee151114f0aa52d02ed62f75e3c/numpy/distutils/command/build_src.py", line 288, in build_library_sources
sources = self.generate_sources(sources, (lib_name, build_info))
"/private/var/folders/6q/jk0p94b12x713m1c02tyt1fc0000gn/T/pip-install-cgcf8n0u/numpy_f7d15ee151114f0aa52d02ed62f75e3c/numpy/distutils/command/build_src.py", line 378, in generate_sources
source = func(extension, build_dir)
"numpy/core/setup.py", line 663, in get_mathlib_info
raise RuntimeError("Broken toolchain: cannot link a simple C program")
RuntimeError: Broken toolchain: cannot link a simple C program
| 0.530558 |
Traceback (most recent call last):
"bert.py", line 85, in <module>
epochs=10)
"/usr/local/lib/python3.5/dist-packages/keras/engine/training.py", line 952, in fit
batch_size=batch_size)
"/usr/local/lib/python3.5/dist-packages/keras/engine/training.py", line 751, in _standardize_user_data
exception_prefix='input')
"/usr/local/lib/python3.5/dist-packages/keras/engine/training_utils.py", line 102, in standardize_input_data
str(len(data)) + ' arrays: ' + str(data)[:200] + '...')
ValueError: Error when checking model input: the list of Numpy arrays that you are passing to your model is not the size the model expected. Expected to see 3 array(s), but instead got the following list of 2 arrays: [array([[
101,
3287,
2040, ...,
0,
0,
0],
| Traceback (most recent call last):
"hitomi_searcher", line 214, in download_json
"hitomi_searcher", line 375, in download_json_
ValueError: Expected object or value
| 0.483892 |
Traceback (most recent call last):
"/home/wli/.envs/project/lib/python3.6/site-packages/django/core/handlers/exception.py", line 35, in inner
response = get_response(request)
"/home/wli/.envs/project/lib/python3.6/site-packages/django/core/handlers/base.py", line 128, in _get_response
response = self.process_exception_by_middleware(e, request)
"/home/wli/.envs/project/lib/python3.6/site-packages/django/core/handlers/base.py", line 126, in _get_response
response = wrapped_callback(request, *callback_args, **callback_kwargs)
"/usr/lib/python3.6/contextlib.py", line 52, in inner
return func(*args, **kwds)
"/home/wli/.envs/project/lib/python3.6/site-packages/django/views/decorators/csrf.py", line 54, in wrapped_view
return view_func(*args, **kwargs)
"/home/wli/.envs/project/lib/python3.6/site-packages/rest_framework/viewsets.py", line 103, in view
return self.dispatch(request, *args, **kwargs)
"/home/wli/.envs/project/lib/python3.6/site-packages/rest_framework/views.py", line 483, in dispatch
response = self.handle_exception(exc)
"/home/wli/.envs/project/lib/python3.6/site-packages/rest_framework/views.py", line 443, in handle_exception
self.raise_uncaught_exception(exc)
"/home/wli/.envs/project/lib/python3.6/site-packages/rest_framework/views.py", line 480, in dispatch
response = handler(request, *args, **kwargs)
TypeError: 'bool' object is not callable
| Traceback (most recent call last):
"c:\salt\bin\lib\site-packages\salt\modules\reg.py", line 565, in set_value
local_vdata = _mbcs_to_unicode_wrap(vdata, local_vtype)
"c:\salt\bin\lib\site-packages\salt\modules\reg.py", line 120, in _mbcs_to_unicode_wrap
return _mbcs_to_unicode(obj)
"c:\salt\bin\lib\site-packages\salt\modules\reg.py", line 103, in _mbcs_to_unicode
return six.text_type(instr, 'mbcs')
TypeError: coercing to Unicode: need string or buffer, long found
| 0.537025 |
Traceback (most recent call last):
"C:\Users\User\projects\tuf\tests\test_key_revocation_integration.py", line 209, in test_timestamp_key_revocation
repository.writeall()
"c:\users\user\projects\tuf\tuf\repository_tool.py", line 261, in writeall
repository_name=self._repository_name)
"c:\users\user\projects\tuf\tuf\repository_lib.py", line 209, in _generate_and_write_metadata
metadata['version'], consistent_snapshot)
"c:\users\user\projects\tuf\tuf\repository_lib.py", line 1803, in write_metadata_file
os.link(written_consistent_filename, written_filename)
AttributeError: 'module' object has no attribute 'link'
| > Traceback (most recent call last):
"tensorflow_datasets/scripts/create_new_dataset.py", line 241, in <module>
app.run(main)
"C:\Users\eshan\Anaconda3\envs\keras-gpu\lib\site-packages\absl\app.py", line 299, in run
_run_main(main, args)
"C:\Users\eshan\Anaconda3\envs\keras-gpu\lib\site-packages\absl\app.py", line 250, in _run_main
sys.exit(main(argv))
"tensorflow_datasets/scripts/create_new_dataset.py", line 222, in main
dataset_cls=naming.snake_to_camelcase(dataset_name),
"C:\Users\eshan\Anaconda3\envs\keras-gpu\lib\site-packages\tensorflow_datasets\core\naming.py", line 37, in snake_to_camelcase
return "".join(n.capitalize() for n in name.split("_"))
AttributeError: 'NoneType' object has no attribute 'split'
| 0.64155 |
Traceback (most recent call last):
"thumt/scripts/checkpoint_averaging.py", line 121, in <module>
tf.app.run()
"/home/felix/miniconda3/envs/py37-trans/lib/python3.7/site-packages/tensorflow/python/platform/app.py", line 125, in run
_sys.exit(main(argv))
"thumt/scripts/checkpoint_averaging.py", line 103, in main
var_values.iteritems()):
AttributeError: 'dict' object has no attribute 'iteritems' | Traceback (most recent call last):
"train.py", line 267, in <module>
initial_weights=initial_weights)
"train.py", line 239, in train
for batch_idx, (batch_xs, batch_ys) in batch_iter:
"train.py", line 103, in wrapped
proc.start()
"C:\ProgramData\Anaconda3\lib\multiprocessing\process.py", line 105, in start
self._popen = self._Popen(self)
"C:\ProgramData\Anaconda3\lib\multiprocessing\context.py", line 212, in _Popen
return _default_context.get_context().Process._Popen(process_obj)
"C:\ProgramData\Anaconda3\lib\multiprocessing\context.py", line 313, in _Popen
return Popen(process_obj)
"C:\ProgramData\Anaconda3\lib\multiprocessing\popen_spawn_win32.py", line 66, in __init__
reduction.dump(process_obj, to_child)
"C:\ProgramData\Anaconda3\lib\multiprocessing\reduction.py", line 59, in dump
ForkingPickler(file, protocol).dump(obj)
AttributeError: Can't pickle local object 'mpgen.<locals>.main'
| 0.579697 |
Traceback (most recent call last):
"/usr/bin/st2-register-content", line 22, in <module>
sys.exit(content_loader.main(sys.argv[1:]))
"/opt/stackstorm/st2/lib/python2.7/site-packages/st2common/content/bootstrap.py", line 407, in main
register_content()
"/opt/stackstorm/st2/lib/python2.7/site-packages/st2common/content/bootstrap.py", line 390, in register_content
register_configs()
"/opt/stackstorm/st2/lib/python2.7/site-packages/st2common/content/bootstrap.py", line 345, in register_configs
raise e
ValueError: Failed to register config "/opt/stackstorm/configs/patching_roulette.yaml" for pack "patching_roulette": Failed validating attribute "assignments" in config for pack "patching_roulette" (/opt/stackstorm/configs/patching_roulette.yaml): '{{ st2kv.system.patching_roulette.assignments }}' is not of type u'array', 'null'
| Traceback (most recent call last):
"<ipython-input-2-2786152bf86a>", line 1, in <module>
(target_bounding_boxes, target_image, target_scores, _), _ = generator.next()
"/home/shantanu/kaggle/dsb/keras-rcnn/keras_rcnn/preprocessing/_object_detection.py", line 81, in next
[boxes, images, labels, self.metadata], got_one = self._get_batches_of_transformed_samples(selection)
"/home/shantanu/kaggle/dsb/keras-rcnn/keras_rcnn/preprocessing/_object_detection.py", line 154, in _get_batches_of_transformed_samples
boxes = numpy.append(boxes, [[box]], axis=1)
"/home/shantanu/anaconda3/lib/python3.6/site-packages/numpy/lib/function_base.py", line 5147, in append
return concatenate((arr, values), axis=axis)
ValueError: all the input array dimensions except for the concatenation axis must match exactly
| 0.573729 |
2020-05-07 13:58:05,577 CRITICAL friture.exceptionhandler: Unhandled exception: Traceback (most recent call last):
"/usr/lib64/python3.8/site-packages/numpy/core/function_base.py", line 117, in linspace
num = operator.index(num)
TypeError: 'float' object cannot be interpreted as an integer
| Traceback (most recent call last):
"/usr/lib/python2.7/site-packages/salt/minion.py", line 2484, in handle_beacons
beacons = self.process_beacons(self.functions)
"/usr/lib/python2.7/site-packages/salt/minion.py", line 444, in process_beacons
return self.beacons.process(b_conf, self.opts['grains'])
# pylint: disable=no-member
"/usr/lib/python2.7/site-packages/salt/beacons/__init__.py", line 104, in process
valid, vcomment = self.beacons[validate_str](b_config[mod])
TypeError: 'NoneType' object is not iterable
| 0.546494 |
Traceback (most recent call last):
"cam_eye_tracking.py", line 11, in <module>
face_landmarks_list = face_recognition.face_landmarks(image)
"C:\Program
s\Python36\lib\site-packages\face_recognition\api.py", line 173, in face_landmarks
landmarks = _raw_face_landmarks(face_image, face_locations)
"C:\Program
s\Python36\lib\site-packages\face_recognition\api.py", line 153, in _raw_face_landmarks
face_locations = _raw_face_locations(face_image)
"C:\Program
s\Python36\lib\site-packages\face_recognition\api.py", line 102, in _raw_face_locations
return face_detector(img, number_of_times_to_upsample)
TypeError: __call__(): incompatible function arguments. The following argument types are supported:
| Traceback (most recent call last):
"/usr/local/lib/python3.6/site-packages/homeassistant/helpers/entity.py", line 221, in async_update_ha_state
await self.async_device_update()
"/usr/local/lib/python3.6/site-packages/homeassistant/helpers/entity.py", line 349, in async_device_update
await self.hass.async_add_executor_job(self.update)
"/usr/local/lib/python3.6/concurrent/futures/thread.py", line 56, in run
result = self.fn(*self.args, **self.kwargs)
"/usr/local/lib/python3.6/site-packages/homeassistant/components/sensor/nmbs.py", line 132, in update
next_departure = liveboard['departures']['departure'][0]
TypeError: 'int' object is not subscriptable
| 0.521195 |
Traceback (most recent call last):
"/home/evilyach/dev/test-repo/venv/share/python-wheels/pkg_resources-0.0.0-py2.py3-none-any.whl/pkg_resources/__init__.py", line 3021, in _dep_map
return self.__dep_map
"/home/evilyach/dev/test-repo/venv/share/python-wheels/pkg_resources-0.0.0-py2.py3-none-any.whl/pkg_resources/__init__.py", line 2815, in __getattr__
raise AttributeError(attr)
AttributeError: _DistInfoDistribution__dep_map
| Traceback (most recent call last):
"./src/NeirbiLSTM-occupancy.py", line 52, in <module>
predict.run()
"/Users/jasonachonu/git/SeqHub_Summer2018/src/nblib/predict.py", line 51, in run
[rawdata, var_type,var_timing,var_use,key] = preprocess.preprocess(rawdata,checks=False)
"/Users/jasonachonu/git/SeqHub_Summer2018/src/nblib/preprocess.py", line 29, in preprocess
meta_data = np.core.defchararray.split(np.asarray(rawdata.columns).astype(str),sep="_")
"/anaconda3/lib/python3.6/site-packages/pandas/core/generic.py", line 4372, in __getattr__
return object.__getattribute__(self, name)
AttributeError: 'Series' object has no attribute 'columns' | 0.659473 |
Traceback (most recent call last):
"./scrape.py", line 15, in <module>
token = util.prompt_for_user_token(username, scope)
"/Users/steve/env/spotify-artist-scrape/lib/python3.5/site-packages/spotipy/util.py", line 86, in prompt_for_user_token
token_info = sp_oauth.get_access_token(code)
"/Users/steve/env/spotify-artist-scrape/lib/python3.5/site-packages/spotipy/oauth2.py", line 214, in get_access_token
headers=headers, verify=True, proxies=self.proxies)
AttributeError: 'SpotifyOAuth' object has no attribute 'proxies'
| Traceback (most recent call last):
"c:\users\name\appdata\local\programs\python\python38-32\lib\site-packages\gallery_dl\job.py", line 68, in run
self.dispatch(msg)
"c:\users\name\appdata\local\programs\python\python38-32\lib\site-packages\gallery_dl\job.py", line 102, in dispatch
self.handle_url(url, kwds)
"c:\users\name\appdata\local\programs\python\python38-32\lib\site-packages\gallery_dl\job.py", line 246, in handle_url
if not self.download(url):
"c:\users\name\appdata\local\programs\python\python38-32\lib\site-packages\gallery_dl\job.py", line 346, in download
scheme = url.partition(":")[0]
AttributeError: 'NoneType' object has no attribute 'partition'
| 0.600301 |
Traceback (most recent call last):
"/Users/liusitong/lstworkspace/wowo-server/services/crawler_py/venv/bin/ludwig", line 11, in <module>
sys.exit(main())
"/Users/liusitong/lstworkspace/wowo-server/services/crawler_py/venv/lib/python3.6/site-packages/ludwig/cli.py", line 86, in main
CLI()
"/Users/liusitong/lstworkspace/wowo-server/services/crawler_py/venv/lib/python3.6/site-packages/ludwig/cli.py", line 64, in __init__
getattr(self, args.command)()
"/Users/liusitong/lstworkspace/wowo-server/services/crawler_py/venv/lib/python3.6/site-packages/ludwig/cli.py", line 67, in experiment
experiment.cli(sys.argv[2:])
"/Users/liusitong/lstworkspace/wowo-server/services/crawler_py/venv/lib/python3.6/site-packages/ludwig/experiment.py", line 548, in cli
experiment(**vars(args))
"/Users/liusitong/lstworkspace/wowo-server/services/crawler_py/venv/lib/python3.6/site-packages/ludwig/experiment.py", line 258, in experiment
debug=debug
"/Users/liusitong/lstworkspace/wowo-server/services/crawler_py/venv/lib/python3.6/site-packages/ludwig/train.py", line 368, in train
debug=debug
"/Users/liusitong/lstworkspace/wowo-server/services/crawler_py/venv/lib/python3.6/site-packages/ludwig/models/model.py", line 110, in __init__
**kwargs
"/Users/liusitong/lstworkspace/wowo-server/services/crawler_py/venv/lib/python3.6/site-packages/ludwig/models/model.py", line 184, in __build
is_training=self.is_training
"/Users/liusitong/lstworkspace/wowo-server/services/crawler_py/venv/lib/python3.6/site-packages/ludwig/models/outputs.py", line 43, in build_outputs
**kwargs
"/Users/liusitong/lstworkspace/wowo-server/services/crawler_py/venv/lib/python3.6/site-packages/ludwig/models/outputs.py", line 93, in build_single_output
**kwargs
"/Users/liusitong/lstworkspace/wowo-server/services/crawler_py/venv/lib/python3.6/site-packages/ludwig/features/base_feature.py", line 314, in concat_dependencies_and_build_output
**kwargs
"/Users/liusitong/lstworkspace/wowo-server/services/crawler_py/venv/lib/python3.6/site-packages/ludwig/features/sequence_feature.py", line 250, in build_output
kwarg=kwargs
"/Users/liusitong/lstworkspace/wowo-server/services/crawler_py/venv/lib/python3.6/site-packages/ludwig/features/sequence_feature.py", line 320, in build_sequence_output
eval_loss
"/Users/liusitong/lstworkspace/wowo-server/services/crawler_py/venv/lib/python3.6/site-packages/ludwig/features/sequence_feature.py", line 445, in sequence_measures
self.name
"/Users/liusitong/lstworkspace/wowo-server/services/crawler_py/venv/lib/python3.6/site-packages/ludwig/models/modules/measure_modules.py", line 73, in masked_accuracy
maxlen=correct_predictions.shape[1], dtype=tf.int32)
"/Users/liusitong/lstworkspace/wowo-server/services/crawler_py/venv/lib/python3.6/site-packages/tensorflow/python/ops/array_ops.py", line 2504, in sequence_mask
maxlen = ops.convert_to_tensor(maxlen)
"/Users/liusitong/lstworkspace/wowo-server/services/crawler_py/venv/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 1050, in convert_to_tensor
as_ref=False)
"/Users/liusitong/lstworkspace/wowo-server/services/crawler_py/venv/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 1146, in internal_convert_to_tensor
ret = conversion_func(value, dtype=dtype, name=name, as_ref=as_ref)
"/Users/liusitong/lstworkspace/wowo-server/services/crawler_py/venv/lib/python3.6/site-packages/tensorflow/python/framework/constant_op.py", line 282, in _dimension_tensor_conversion_function
raise ValueError("Cannot convert an unknown Dimension to a Tensor: %s" % d)
ValueError: Cannot convert an unknown Dimension to a Tensor: ?
| Traceback (most recent call last):
"train.py", line 75, in <module>
monitored_metrics={'val_generator_PSNR_Y' : 'max'}
"D:\ProgramData\Anaconda3\envs\isr\lib\site-packages\ISR\train\trainer.py", line 308, in train
validation_feats = self.feature_extractor.model.predict(validation_set['hr'])
"D:\ProgramData\Anaconda3\envs\isr\lib\site-packages\keras\engine\training.py", line 1149, in predict
x, _, _ = self._standardize_user_data(x)
"D:\ProgramData\Anaconda3\envs\isr\lib\site-packages\keras\engine\training.py", line 751, in _standardize_user_data
exception_prefix='input')
"D:\ProgramData\Anaconda3\envs\isr\lib\site-packages\keras\engine\training_utils.py", line 128, in standardize_input_data
'with shape ' + str(data_shape))
ValueError: Error when checking input: expected input_2 to have 4 dimensions, but got array with shape (1024, 1)
| 0.620831 |
Traceback (most recent call last):
"run_sequence_labeling_parrallel.py", line 369, in <module>
main(args)
"run_sequence_labeling_parrallel.py", line 278, in main
train_ret["num_correct_chunks"],
"/home/work/huangdingbang/anaconda2/lib/python2.7/site-packages/paddle/fluid/parallel_executor.py", line 303, in run
self.executor.run(fetch_list, fetch_var_name)
TypeError: run(): incompatible function arguments. The following argument types are supported:
| "string, not %r" % s.__class__.__name__) from None Traceback (most recent call last):
"C:\repos\private\panel\.venv\lib\site-packages\bokeh\application\handlers\code_runner.py", line 179, in run
exec(self._code, module.__dict__)
"C:\repos\private\panel\examples\folium_issue.py", line 8, in <module>
pn.Column(in_map).servable()
"C:\repos\private\panel\panel\viewable.py", line 243, in servable
self.server_doc(title=title)
"C:\repos\private\panel\panel\viewable.py", line 600, in server_doc
model = self.get_root(doc)
"C:\repos\private\panel\panel\viewable.py", line 536, in get_root
root = self._get_model(doc, comm=comm)
"C:\repos\private\panel\panel\layout.py", line 136, in _get_model
objects = self._get_objects(model, [], doc, root, comm)
"C:\repos\private\panel\panel\layout.py", line 126, in _get_objects
child = pane._get_model(doc, root, model, comm)
"C:\repos\private\panel\panel\pane\markup.py", line 43, in _get_model
model = self._bokeh_model(**self._get_properties())
"C:\repos\private\panel\panel\pane\image.py", line 95, in _get_properties
data = base64.b64decode(data)
"C:\Users\masma\AppData\Local\Programs\Python\Python37\lib\base64.py", line 80, in b64decode
s = _bytes_from_decode_data(s)
"C:\Users\masma\AppData\Local\Programs\Python\Python37\lib\base64.py", line 46, in _bytes_from_decode_data
"string, not %r" % s.__class__.__name__) from None
TypeError: argument should be a bytes-like object or ASCII string, not 'NoneType'
| 0.55851 |
Traceback (most recent call last):
"E:/微博数据/爬虫工具/weiboSpider-master/用户爬虫/weiboSpider(315.py", line 251, in get_user
self.user['id'] = self.get_user_id(selector)
"E:/微博数据/爬虫工具/weiboSpider-master/用户爬虫/weiboSpider(315.py", line 238, in get_user_id
url_list = selector.xpath("//div[@class='u']//a")
AttributeError: 'NoneType' object has no attribute 'xpath'
| Traceback (most recent call last):
"/usr/local/lib/python3.6/dist-packages/elyra/pipeline/processor_kfp.py", line 134, in process
kfp_tekton.compiler.TektonCompiler().compile(pipeline_function, pipeline_path)
"/usr/local/lib/python3.6/dist-packages/kfp_tekton/compiler/compiler.py", line 740, in compile
super().compile(pipeline_func, package_path, type_check, pipeline_conf=pipeline_conf)
"/usr/local/lib/python3.6/dist-packages/kfp/compiler/compiler.py", line 951, in compile
package_path=package_path)
"/usr/local/lib/python3.6/dist-packages/kfp_tekton/compiler/compiler.py", line 839, in _create_and_write_workflow
TektonCompiler._write_workflow(workflow=workflow, package_path=package_path)
# Tekton change
"/usr/local/lib/python3.6/dist-packages/kfp_tekton/compiler/compiler.py", line 798, in _write_workflow
yaml_text = dump_yaml(_handle_tekton_pipeline_variables(yaml.load(yaml_text, Loader=yaml.FullLoader)))
AttributeError: module 'yaml' has no attribute 'FullLoader'
| 0.578937 |
Traceback (most recent call last):
"translate.py", line 171, in <module>
main()
"translate.py", line 120, in main
for i in predBatch[b][0]]) + '\n')
"translate.py", line 120, in <listcomp>
for i in predBatch[b][0]]) + '\n')
AttributeError: 'str' object has no attribute 'decode'
| Traceback (most recent call last):
"sqlalchemy\engine\base.py", line 1211, in _execute_context
"sqlalchemy\engine\default.py", line 803, in _init_compiled
"sqlalchemy\engine\default.py", line 1159, in create_cursor
"sqlalchemy\pool\base.py", line 1000, in cursor
AttributeError: 'NoneType' object has no attribute 'cursor'
| 0.606082 |
Traceback (most recent call last):
"test.py", line 18, in <module>
f(D)
"test.py", line 16, in f
return cls()
TypeError: Can't instantiate abstract class D with abstract methods f
| Traceback (most recent call last):
"/usr/lib64/python3.6/site-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
TypeError: test_save_settings() missing 1 required positional argument: 'tmpdir'
| 0.538503 |
Traceback (most recent call last):
"/usr/local/lib/python3.6/dist-packages/joblib/externals/loky/process_executor.py", line 418, in _process_worker
r = call_item()
"/usr/local/lib/python3.6/dist-packages/joblib/externals/loky/process_executor.py", line 272, in __call__
return self.fn(*self.args, **self.kwargs)
"/usr/local/lib/python3.6/dist-packages/joblib/_parallel_backends.py", line 608, in __call__
return self.func(*args, **kwargs)
"/usr/local/lib/python3.6/dist-packages/joblib/parallel.py", line 256, in __call__
for func, args, kwargs in self.items]
"/usr/local/lib/python3.6/dist-packages/joblib/parallel.py", line 256, in <listcomp>
for func, args, kwargs in self.items]
"/usr/local/lib/python3.6/dist-packages/mlbox/preprocessing/reader.py", line 34, in convert_list
if (serie.apply(lambda x: type(x) == list).sum() > 0):
"/usr/local/lib/python3.6/dist-packages/pandas/core/series.py", line 4014, in apply
if len(self) == 0:
"/usr/local/lib/python3.6/dist-packages/pandas/core/series.py", line 727, in __len__
return len(self._data)
TypeError: object of type 'NoneType' has no len()
| $ sudo cfn-lint -u
Traceback (most recent call last):
"/usr/local/bin/cfn-lint", line 10, in <module>
sys.exit(main())
"/usr/local/lib/python3.5/dist-packages/cfnlint/__main__.py", line 28, in main
(args, filenames, formatter) = cfnlint.core.get_args_filenames(sys.argv[1:])
"/usr/local/lib/python3.5/dist-packages/cfnlint/core.py", line 120, in get_args_filenames
cfnlint.maintenance.update_resource_specs()
"/usr/local/lib/python3.5/dist-packages/cfnlint/maintenance.py", line 63, in update_resource_specs
content = json.loads(req.content)
"/usr/lib/python3.5/json/__init__.py", line 312, in loads
s.__class__.__name__))
TypeError: the JSON object must be str, not 'bytes'
| 0.572163 |
Traceback (most recent call last):
"./rsf.py", line 26, in <module>
routersploit()
"./rsf.py", line 22, in routersploit
rsf.start()
"/Users/chuck/Public/gits/routersploit/routersploit/interpreter.py", line 115, in start
command_handler(args)
"/Users/chuck/Public/gits/routersploit/routersploit/core/exploit/utils.py", line 132, in wrapper
return fn(self, *args, **kwargs)
"/Users/chuck/Public/gits/routersploit/routersploit/interpreter.py", line 337, in command_run
print_error(traceback.format_exc(sys.exc_info()))
"/usr/local/Cellar/python/3.6.5/Frameworks/Python.framework/Versions/3.6/lib/python3.6/traceback.py", line 163, in format_exc
return "".join(format_exception(*sys.exc_info(), limit=limit, chain=chain))
"/usr/local/Cellar/python/3.6.5/Frameworks/Python.framework/Versions/3.6/lib/python3.6/traceback.py", line 117, in format_exception
type(value), value, tb, limit=limit).format(chain=chain))
"/usr/local/Cellar/python/3.6.5/Frameworks/Python.framework/Versions/3.6/lib/python3.6/traceback.py", line 486, in __init__
_seen=_seen)
"/usr/local/Cellar/python/3.6.5/Frameworks/Python.framework/Versions/3.6/lib/python3.6/traceback.py", line 497, in __init__
capture_locals=capture_locals)
"/usr/local/Cellar/python/3.6.5/Frameworks/Python.framework/Versions/3.6/lib/python3.6/traceback.py", line 332, in extract
if limit >= 0:
TypeError: '>=' not supported between instances of 'tuple' and 'int' | Traceback (most recent call last):
"/opt/code/localstack/localstack/services/plugins.py", line 96, in check_infra
check_service_health(api=name, print_error=print_error)
"/opt/code/localstack/localstack/services/plugins.py", line 115, in check_service_health
raise e
"/opt/code/localstack/localstack/services/plugins.py", line 111, in check_service_health
plugin.check(expect_shutdown=expect_shutdown, print_error=print_error)
"/opt/code/localstack/localstack/services/plugins.py", line 45, in check
return self.check_function(expect_shutdown=expect_shutdown, print_error=print_error)
"/opt/code/localstack/localstack/services/secretsmanager/secretsmanager_starter.py", line 129, in check_secretsmanager
assert isinstance(out['SecretList'], list)
TypeError: 'NoneType' object is not subscriptable
| 0.564018 |
Traceback (most recent call last):
"/home/jugmac00/.local/lib/python3.6/site-packages/tox/session/cmd/run/single.py", line 41, in _evaluate
tox_env.ensure_setup(recreate=recreate)
"/home/jugmac00/.local/lib/python3.6/site-packages/tox/tox_env/api.py", line 179, in ensure_setup
self.setup()
"/home/jugmac00/.local/lib/python3.6/site-packages/tox/tox_env/python/virtual_env/api.py", line 109, in setup
super().setup()
"/home/jugmac00/.local/lib/python3.6/site-packages/tox/tox_env/python/api.py", line 162, in setup
super().setup()
"/home/jugmac00/.local/lib/python3.6/site-packages/tox/tox_env/runner.py", line 81, in setup
self.before_package_install()
"/home/jugmac00/.local/lib/python3.6/site-packages/tox/tox_env/python/runner.py", line 49, in before_package_install
requirement_file_content = requirements_file.validate_and_expand()
"/home/jugmac00/.local/lib/python3.6/site-packages/tox/tox_env/python/req_file.py", line 115, in validate_and_expand
self._expand_non_flag(at, ini_dir, line, result)
"/home/jugmac00/.local/lib/python3.6/site-packages/tox/tox_env/python/req_file.py", line 136, in _expand_non_flag
raise ValueError(f"{at}: {line}") from exc
ValueError: 2: .[test]
| Traceback (most recent call last):
"/usr/lib/python3.4/multiprocessing/pool.py", line 119, in worker
result = (True, func(*args, **kwds))
"/usr/lib/python3.4/multiprocessing/pool.py", line 47, in starmapstar
return list(itertools.starmap(args[0], args[1]))
"./status_checks.py", line 344, in run_domain_checks_on_domain
check_primary_hostname_dns(domain, env, output, dns_domains, dns_zonefiles)
"./status_checks.py", line 396, in check_primary_hostname_dns
if ip == env['PUBLIC_IP'] and not (ipv6 and env['PUBLIC_IPV6'] and normalize_ip(ipv6) != normalize_ip(env['PUBLIC_IPV6'])):
"./status_checks.py", line 897, in normalize_ip
return str(ipaddress.ip_address(ip))
"/usr/lib/python3.4/ipaddress.py", line 54, in ip_address
address)
ValueError: '[Not Set]' does not appear to be an IPv4 or IPv6 address
| 0.573616 |
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'
| Epoch 0:
0%|
| 0/383 [00:00<?, ?it/s] Traceback (most recent call last):
"H:/Project/PycharmProject/FER_Long-tailed/train_SimCLR.py", line 236, in <module>
trainer.fit(model, dm)
"F:\Program\Anaconda3\envs\pytorch-lightning\lib\site-packages\pytorch_lightning\trainer\trainer.py", line 440, in fit
results = self.accelerator_backend.train()
"F:\Program\Anaconda3\envs\pytorch-lightning\lib\site-packages\pytorch_lightning\accelerators\gpu_accelerator.py", line 54, in train
results = self.train_or_test()
"F:\Program\Anaconda3\envs\pytorch-lightning\lib\site-packages\pytorch_lightning\accelerators\accelerator.py", line 66, in train_or_test
results = self.trainer.train()
"F:\Program\Anaconda3\envs\pytorch-lightning\lib\site-packages\pytorch_lightning\trainer\trainer.py", line 483, in train
self.train_loop.run_training_epoch()
"F:\Program\Anaconda3\envs\pytorch-lightning\lib\site-packages\pytorch_lightning\trainer\training_loop.py", line 557, in run_training_epoch
self.on_train_batch_end(epoch_output, epoch_end_outputs, batch, batch_idx, dataloader_idx)
"F:\Program\Anaconda3\envs\pytorch-lightning\lib\site-packages\pytorch_lightning\trainer\training_loop.py", line 249, in on_train_batch_end
self.trainer.call_hook('on_train_batch_end', epoch_end_outputs, batch, batch_idx, dataloader_idx)
"F:\Program\Anaconda3\envs\pytorch-lightning\lib\site-packages\pytorch_lightning\trainer\trainer.py", line 823, in call_hook
trainer_hook(*args, **kwargs)
"F:\Program\Anaconda3\envs\pytorch-lightning\lib\site-packages\pytorch_lightning\trainer\callback_hook.py", line 147, in on_train_batch_end
callback.on_train_batch_end(self, self.get_model(), outputs, batch, batch_idx, dataloader_idx)
TypeError: on_train_batch_end() takes 6 positional arguments but 7 were given
| 0.589857 |
Traceback (most recent call last):
"/usr/lib/python3.6/site-packages/homeassistant/components/sensor/qnap.py", line 205, in update
self.data["system_stats"] = self._api.get_system_stats()
"/usr/lib/python3.6/site-packages/qnapstats/qnap_stats.py", line 204, in get_system_stats
force_list=("DNS_LIST")
"/usr/lib/python3.6/site-packages/qnapstats/qnap_stats.py", line 69, in _get_url
result = self._execute_get_url(url, **kwargs)
"/usr/lib/python3.6/site-packages/qnapstats/qnap_stats.py", line 82, in _execute_get_url
self._debuglog("Appending access_token (SID: " + self._sid + ") to url")
TypeError: must be str, not NoneType
|
Traceback (most recent call last):
"C:\salt\bin\lib\site-packages\salt\loader.py", line 740, in grains
ret = funcs[key]()
TypeError: sub() missing 3 required positional arguments: 'pattern', 'repl', and 'string'
| 0.443934 |
Traceback (most recent call last):
"/usr/local/bin/arxiv_latex_cleaner", line 7, in <module>
from arxiv_latex_cleaner.__main__ import __main__
"/Library/Python/2.7/site-packages/arxiv_latex_cleaner/__main__.py", line 91, in <module>
run_arxiv_cleaner(ARGS)
"/Library/Python/2.7/site-packages/arxiv_latex_cleaner/arxiv_latex_cleaner.py", line 385, in run_arxiv_cleaner
splits['tex_in_root'] + splits['tex_not_in_root'], parameters)
"/Library/Python/2.7/site-packages/arxiv_latex_cleaner/arxiv_latex_cleaner.py", line 166, in _read_all_tex_contents
os.path.join(parameters['input_folder'], fn))
"/Library/Python/2.7/site-packages/arxiv_latex_cleaner/arxiv_latex_cleaner.py", line 158, in _read_file_content
with open(filename, 'r', encoding='utf-8') as fp:
TypeError: 'encoding' is an invalid keyword argument for this function
|
Traceback (most recent call last):
"/usr/lib64/python3.9/doctest.py", line 1329, in __run
exec(compile(example.source, filename, "single",
"<doctest always_allow_keywords_T295.A[2]>", line 1, in <module>
A().meth1(arg=None)
TypeError: A.meth1() takes no keyword arguments
| 0.527404 |
Traceback (most recent call last):
"test_filereader.py", line 508 in test_read_UR_implicit_little
ds = read_file(self.fp, force=True)
".../pydicom/filereader.py", line 753, in read_file
force=force)
".../pydicom/filreader.py", line 594, in read_partial
preamble = read_preamble(fileobj, force)
".../pydicom/filereader.py", line 542, in read_preamble
preamble = fp.read(0x80)
ValueError: I/O operation on closed file.
| Traceback (most recent call last):
"train.py", line 373, in <module>
main()
"train.py", line 370, in main
lr=args.lr, lr_step=args.lr_step)
"train.py", line 93, in train_net
sym = eval('get_' + args.network + '_train')(sym)
"/home/admin/tools/insightface-master/RetinaFace/rcnn/symbol/symbol_resnet.py", line 409, in get_resnet_train
return get_sym_train(sym)
"/home/admin/tools/insightface-master/RetinaFace/rcnn/symbol/symbol_common.py", line 526, in get_sym_train
conv_fpn_feat = get_sym_conv(data, sym)
"/home/admin/tools/insightface-master/RetinaFace/rcnn/symbol/symbol_common.py", line 207, in get_sym_conv
stride2layer[stride] = all_layers[name]
"/usr/lib/python2.7/site-packages/mxnet/symbol/symbol.py", line 518, in __getitem__
raise ValueError('There are multiple outputs with name \"%s\"' % index)
ValueError: There are multiple outputs with name "_plus0_output"
| 0.554449 |
Traceback (most recent call last):
"example_train_transe.py", line 26, in <module>
con.set_model(models.TransE)
"OpenKE/config/Config.py", line 271, in set_model
grads_and_vars = self.optimizer.compute_gradients(self.trainModel.loss)
".conda/envs/py36/lib/python3.6/site-packages/torch/nn/modules/module.py", line 366, in __getattr__
type(self).__name__, name))
AttributeError: 'TransE' object has no attribute 'loss'
| Traceback (most recent call last):
"<pyshell#33>", line 1, in <module>
pm.record()
AttributeError: module 'papermill' has no attribute 'record'
| 0.587673 |
Comment: An exception occurred in this state: Traceback (most recent call last):
"C:\salt\bin\lib\site-packages\salt\state.py", line 1703, in call
**cdata['kwargs'])
"C:\salt\bin\lib\site-packages\salt\loader.py", line 1649, in wrapper
return f(*args, **kwargs)
"C:\salt\bin\lib\site-packages\salt\states\win_certutil.py", line 65, in add_store
out = __salt__['certutil.add_store'](cert_file, store)
"C:\salt\bin\lib\site-packages\salt\modules\win_certutil.py", line 84, in add_store
cert_file = __salt__['cp.cache_file'](source, saltenv)
"C:\salt\bin\lib\site-packages\salt\modules\cp.py", line 393, in cache_file
result = _client().cache_file(path, saltenv)
"C:\salt\bin\lib\site-packages\salt\fileclient.py", line 178, in cache_file
return self.get_url(path, '', True, saltenv, cachedir=cachedir)
"C:\salt\bin\lib\site-packages\salt\fileclient.py", line 706, in get_url
**get_kwargs
"C:\salt\bin\lib\site-packages\salt\utils\http.py", line 482, in query
**req_kwargs
"C:\salt\bin\lib\site-packages\tornado\httpclient.py", line 102, in fetch
self._async_client.fetch, request, **kwargs))
"C:\salt\bin\lib\site-packages\tornado\ioloop.py", line 453, in run_sync
return future_cell[0].result()
"C:\salt\bin\lib\site-packages\tornado\concurrent.py", line 232, in result
raise_exc_info(self._exc_info)
"<string>", line 3, in raise_exc_info
ValueError: Unsupported url scheme: c:\salt\var\cache\salt\minion\files\base\workstation_files\steinberg_elicenser\Steinberg_Media_Technologies_GmbH.cer
Started: 17:11:00.521000 | Traceback (most recent call last):
"/usr/bin/sceptre", line 11, in <module>
sys.exit(cli())
"/usr/lib/python3.6/site-packages/click/core.py", line 722, in __call__
return self.main(*args, **kwargs)
"/usr/lib/python3.6/site-packages/click/core.py", line 697, in main
rv = self.invoke(ctx)
"/usr/lib/python3.6/site-packages/click/core.py", line 1066, in invoke
return _process_result(sub_ctx.command.invoke(sub_ctx))
"/usr/lib/python3.6/site-packages/click/core.py", line 895, in invoke
return ctx.invoke(self.callback, **ctx.params)
"/usr/lib/python3.6/site-packages/click/core.py", line 535, in invoke
return callback(*args, **kwargs)
"/usr/lib/python3.6/site-packages/click/decorators.py", line 17, in new_func
return f(get_current_context(), *args, **kwargs)
"/usr/lib/python3.6/site-packages/sceptre/cli/helpers.py", line 37, in decorated
return func(*args, **kwargs)
"/usr/lib/python3.6/site-packages/sceptre/cli/launch.py", line 39, in launch_command
responses = plan.launch()
"/usr/lib/python3.6/site-packages/sceptre/plan/plan.py", line 121, in launch
return self._execute(*args)
"/usr/lib/python3.6/site-packages/sceptre/plan/plan.py", line 36, in _execute
executor = SceptrePlanExecutor(self.command, self.launch_order)
"/usr/lib/python3.6/site-packages/sceptre/plan/executor.py", line 35, in __init__
self.num_threads = len(max(launch_order, key=len))
ValueError: max() arg is an empty sequence | 0.5503 |
Traceback (most recent call last):
"transformer_main.py", line 440, in <module>
tf.app.run(main=main, argv=[sys.argv[0]] + unparsed)
"/root/envs/ml_trans/lib/python3.6/site-packages/tensorflow/python/platform/app.py", line 40, in run
_run(main=main, argv=argv, flags_parser=_parse_flags_tolerate_undef)
"/root/envs/ml_trans/lib/python3.6/site-packages/absl/app.py", line 299, in run
_run_main(main, args)
"/root/envs/ml_trans/lib/python3.6/site-packages/absl/app.py", line 250, in _run_main
sys.exit(main(argv))
"transformer_main.py", line 350, in main
FLAGS.bleu_threshold)
"transformer_main.py", line 274, in train_schedule
estimator.train(dataset.train_input_fn, steps=single_iteration_train_steps)
"/root/envs/ml_trans/lib/python3.6/site-packages/tensorflow_estimator/python/estimator/estimator.py", line 367, in train
loss = self._train_model(input_fn, hooks, saving_listeners)
"/root/envs/ml_trans/lib/python3.6/site-packages/tensorflow_estimator/python/estimator/estimator.py", line 1158, in _train_model
return self._train_model_default(input_fn, hooks, saving_listeners)
"/root/envs/ml_trans/lib/python3.6/site-packages/tensorflow_estimator/python/estimator/estimator.py", line 1188, in _train_model_default
features, labels, ModeKeys.TRAIN, self.config)
"/root/envs/ml_trans/lib/python3.6/site-packages/tensorflow_estimator/python/estimator/estimator.py", line 1146, in _call_model_fn
model_fn_results = self._model_fn(features=features, **kwargs)
"transformer_main.py", line 70, in model_fn
logits, targets, params.label_smoothing, params.vocab_size)
"/root/training-0.5/translation/tensorflow/transformer/utils/metrics.py", line 64, in padded_cross_entropy_loss
with tf.name_scope("loss", [logits, labels]):
"/root/envs/ml_trans/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 6450, in __init__
"pass this into the `values` kwarg." % type(default_name))
TypeError: `default_name` type (<class 'list'>) is not a string type. You likely meant to pass this into the `values` kwarg.
| Traceback (most recent call last):
"VideoWidget_vlc.py", line 767, in stopDanmuMessage
TypeError: 'method' object is not connected
| 0.566273 |
Traceback (most recent call last):
"./weevely.py", line 99, in <module>
main(arguments)
"./weevely.py", line 39, in main
password = arguments.password
"/root/tools/weevely3/core/sessions.py", line 225, in __init__
saved_url = sessiondb.get('url')
AttributeError: 'NoneType' object has no attribute 'get'
| ```Traceback (most recent call last):
"test_pmml.py", line 14, in <module>
('model', clf)
"/home/maxnoe/Uni/FACT/aict-tools/venv/lib/python3.7/site-packages/sklearn2pmml/pipeline/__init__.py", line 48, in __init__
super(PMMLPipeline, self).__init__(steps = steps)
"/home/maxnoe/Uni/FACT/aict-tools/venv/lib/python3.7/site-packages/sklearn/utils/validation.py", line 63, in inner_f
return f(*args, **kwargs)
"/home/maxnoe/Uni/FACT/aict-tools/venv/lib/python3.7/site-packages/sklearn/pipeline.py", line 118, in __init__
self._validate_steps()
"/home/maxnoe/Uni/FACT/aict-tools/venv/lib/python3.7/site-packages/sklearn/pipeline.py", line 157, in _validate_steps
self._validate_names(names)
"/home/maxnoe/Uni/FACT/aict-tools/venv/lib/python3.7/site-packages/sklearn/utils/metaestimators.py", line 70, in _validate_names
invalid_names = set(names).intersection(self.get_params(deep=False))
"/home/maxnoe/Uni/FACT/aict-tools/venv/lib/python3.7/site-packages/sklearn/pipeline.py", line 137, in get_params
return self._get_params('steps', deep=deep)
"/home/maxnoe/Uni/FACT/aict-tools/venv/lib/python3.7/site-packages/sklearn/utils/metaestimators.py", line 29, in _get_params
out = super().get_params(deep=deep)
"/home/maxnoe/Uni/FACT/aict-tools/venv/lib/python3.7/site-packages/sklearn/base.py", line 195, in get_params
value = getattr(self, key)
AttributeError: 'PMMLPipeline' object has no attribute 'apply_transformer'
| 0.643701 |
Traceback (most recent call last):
"example/tune.py", line 188, in <module>
main()
"example/tune.py", line 171, in main
x = optimizer.ask(n_points=len(devices))
"/usr/local/lib/python3.5/dist-packages/skopt/optimizer/optimizer.py", line 336, in ask
opt.tell(x, y_lie)
# lie to the optimizer
"/usr/local/lib/python3.5/dist-packages/skopt/optimizer/optimizer.py", line 396, in tell
check_x_in_space(x, self.space)
"/usr/local/lib/python3.5/dist-packages/skopt/utils.py", line 192, in check_x_in_space
% (x, space.bounds))
ValueError: Point ([64, 2]) is not within the bounds of the space ([[64, 126, 252, 512], (4, 1)]).
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/Users/davidcorbin/Documents/hw-api/venv/lib/python3.6/site-packages/google/cloud/datastore/client.py", line 384, in put
self.put_multi(entities=[entity])
"/Users/davidcorbin/Documents/hw-api/venv/lib/python3.6/site-packages/google/cloud/datastore/client.py", line 408, in put_multi
current.put(entity)
"/Users/davidcorbin/Documents/hw-api/venv/lib/python3.6/site-packages/google/cloud/datastore/batch.py", line 199, in put
_assign_entity_to_pb(entity_pb, entity)
"/Users/davidcorbin/Documents/hw-api/venv/lib/python3.6/site-packages/google/cloud/datastore/batch.py", line 319, in _assign_entity_to_pb
bare_entity_pb = helpers.entity_to_protobuf(entity)
"/Users/davidcorbin/Documents/hw-api/venv/lib/python3.6/site-packages/google/cloud/datastore/helpers.py", line 219, in entity_to_protobuf
_set_protobuf_value(value_pb, value)
"/Users/davidcorbin/Documents/hw-api/venv/lib/python3.6/site-packages/google/cloud/datastore/helpers.py", line 408, in _set_protobuf_value
attr, val = _pb_attr_value(val)
"/Users/davidcorbin/Documents/hw-api/venv/lib/python3.6/site-packages/google/cloud/datastore/helpers.py", line 325, in _pb_attr_value
raise ValueError("Unknown protobuf attr type %s" % type(val))
ValueError: Unknown protobuf attr type <class 'datetime.time'>
| 0.528564 |
Traceback (most recent call last):
"/usr/lib/python3.8/threading.py", line 932, in _bootstrap_inner
self.run()
"/opt/frigate/frigate/video.py", line 180, in run
capture_frames(self.ffmpeg_process, self.name, self.frame_shape, self.frame_manager, self.frame_queue, self.take_frame,
"/opt/frigate/frigate/video.py", line 130, in capture_frames
frame_bytes = ffmpeg_process.stdout.read(frame_size)
ValueError: PyMemoryView_FromBuffer(): info->buf must not be NULL
| Traceback (most recent call last):
"snrm_trainer.py", line 128, in <module>
main(hparams)
"snrm_trainer.py", line 94, in main
trainer.fit(model)
"/home/kyoungrok/anaconda3/envs/sigir/lib/python3.7/site-packages/pytorch_lightning/trainer/trainer.py", line 343, in fit
mp.spawn(self.ddp_train, nprocs=self.num_gpus, args=(model,))
"/home/kyoungrok/anaconda3/envs/sigir/lib/python3.7/site-packages/torch/multiprocessing/spawn.py", line 162, in spawn
process.start()
"/home/kyoungrok/anaconda3/envs/sigir/lib/python3.7/multiprocessing/process.py", line 112, in start
self._popen = self._Popen(self)
"/home/kyoungrok/anaconda3/envs/sigir/lib/python3.7/multiprocessing/context.py", line 284, in _Popen
return Popen(process_obj)
"/home/kyoungrok/anaconda3/envs/sigir/lib/python3.7/multiprocessing/popen_spawn_posix.py", line 32, in __init__
super().__init__(process_obj)
"/home/kyoungrok/anaconda3/envs/sigir/lib/python3.7/multiprocessing/popen_fork.py", line 20, in __init__
self._launch(process_obj)
"/home/kyoungrok/anaconda3/envs/sigir/lib/python3.7/multiprocessing/popen_spawn_posix.py", line 59, in _launch
cmd, self._fds)
"/home/kyoungrok/anaconda3/envs/sigir/lib/python3.7/multiprocessing/util.py", line 432, in spawnv_passfds
False, False, None)
ValueError: bad value(s) in fds_to_keep
| 0.629288 |
Traceback (most recent call last):
"C:\Users\user\Anaconda3\envs\tf1.13\lib\site-packages\torch\utils\data\dataloader.py", line 138, in _worker_loop
samples = collate_fn([dataset[i] for i in batch_indices])
"C:\Users\user\Anaconda3\envs\tf1.13\lib\site-packages\torch\utils\data\dataloader.py", line 138, in <listcomp>
samples = collate_fn([dataset[i] for i in batch_indices])
"D:\workspace\PyTorch-YOLOv3\utils\datasets.py", line 86, in __getitem__
img = transforms.ToTensor()(Image.open(img_path).convert('RGB'))
"C:\Users\user\Anaconda3\envs\tf1.13\lib\site-packages\PIL\Image.py", line 2640, in open
fp = io.BytesIO(fp.read())
AttributeError: 'str' object has no attribute 'read' | Traceback (most recent call last):
"C:\Users\hidden\AppData\Local\Programs\Python\Python37-32\lib\site-packages\discord\client.py", line 312, in _run_event
await coro(*args, **kwargs)
"hidden", line 115, in on_message
await user.send('Hi!')
AttributeError: 'NoneType' object has no attribute 'send'
| 0.619917 |
Traceback (most recent call last):
"/freqtrade/freqtrade/main.py", line 43, in main
args.func(args)
"/freqtrade/freqtrade/optimize/__init__.py", line 57, in start_backtesting
backtesting.start()
"/freqtrade/freqtrade/optimize/backtesting.py", line 448, in start
'end_date': max_date,
"/freqtrade/freqtrade/optimize/backtesting.py", line 335, in backtest
ticker: Dict = self._get_ticker_list(processed)
"/freqtrade/freqtrade/optimize/backtesting.py", line 219, in _get_ticker_list
self.advise_buy(pair_data, {'pair': pair}), {'pair': pair})[headers].copy()
"/freqtrade/freqtrade/strategy/interface.py", line 430, in advise_sell
return self.populate_sell_trend(dataframe, metadata)
"/freqtrade/user_data/strategies/bbrsi.py", line 149, in populate_sell_trend
'sell'] = 1
TypeError: 'Series' object is not callable
| Traceback (most recent call last):
"/usr/local/lib/python3.6/dist-packages/organize/main.py", line 102, in main
execute_rules(config.rules, simulate=args['sim'])
"/usr/local/lib/python3.6/dist-packages/organize/config.py", line 134, in rules
rule_filters = list(self.instantiate_filters(rule_item))
"/usr/local/lib/python3.6/dist-packages/organize/config.py", line 95, in instantiate_filters
yield self._class_instance_with_args(filter_class, args)
"/usr/local/lib/python3.6/dist-packages/organize/config.py", line 71, in _class_instance_with_args
return Cls(*args)
"/usr/local/lib/python3.6/dist-packages/organize/filters/last_modified.py", line 83, in __init__
days=days, hours=hours, minutes=minutes, seconds=seconds)
TypeError: unsupported type for timedelta days component: dict
| 0.601014 |
Traceback (most recent call last):
"/usr/lib/python2.7/dist-packages/nose/case.py", line 197, in runTest
self.test(*self.arg)
"/build/skimage-0.12.3/debian/tmp/usr/lib/python2.7/dist-packages/skimage/transform/tests/test_integral.py", line 46, in test_vectorized_integrate
assert_equal(expected, integrate(s, r0, c0, r1, c1))
# test deprecated
"/build/skimage-0.12.3/debian/tmp/usr/lib/python2.7/dist-packages/skimage/transform/integral.py", line 86, in integrate
warn("The syntax 'integrate(ii, r0, c0, r1, c1)' is "
"/build/skimage-0.12.3/debian/tmp/usr/lib/python2.7/dist-packages/skimage/_shared/_warnings.py", line 16, in warn
warnings.warn(message, stacklevel=stacklevel)
"/usr/lib/python2.7/dist-packages/numpy/testing/utils.py", line 2199, in _showwarning
self._orig_show(message, category, filename, lineno,
AttributeError: 'suppress_warnings' object has no attribute '_orig_show'
| Traceback (most recent call last):
"/usr/lib/python3/dist-packages/lutris/gui/application.py", line 172, in do_activate
self.window = LutrisWindow(application=self)
"/usr/lib/python3/dist-packages/lutris/gui/lutriswindow.py", line 100, in __init__
self.game_store = self.get_store()
"/usr/lib/python3/dist-packages/lutris/gui/lutriswindow.py", line 287, in get_store
game_store = GameStore(
"/usr/lib/python3/dist-packages/lutris/gui/views/store.py", line 117, in __init__
self.modelsort = Gtk.TreeModelSort.sort_new_with_model(self.modelfilter)
AttributeError: type object 'TreeModelSort' has no attribute 'sort_new_with_model'
| 0.578924 |
Traceback (most recent call last):
"/usr/local/lib/python3.6/dist-packages/mesonbuild/mesonmain.py", line 122, in run
return options.run_func(options)
"/usr/local/lib/python3.6/dist-packages/mesonbuild/minstall.py", line 514, in run
installer.do_install(datafilename)
"/usr/local/lib/python3.6/dist-packages/mesonbuild/minstall.py", line 342, in do_install
self.install_subdirs(d) # Must be first, because it needs to delete the old subtree.
"/usr/local/lib/python3.6/dist-packages/mesonbuild/minstall.py", line 366, in install_subdirs
self.do_copydir(d, src_dir, full_dst_dir, exclude, mode)
"/usr/local/lib/python3.6/dist-packages/mesonbuild/minstall.py", line 289, in do_copydir
raise ValueError('dst_dir must be absolute, got %s' % dst_dir)
ValueError: dst_dir must be absolute, got reldir/usr/local/include/myproject
|
Traceback (most recent call last):
"/home/avijit/anaconda2/lib/python2.7/site-packages/conda/exceptions.py", line 591, in conda_exception_handler
return_value = func(*args, **kwargs)
"/home/avijit/anaconda2/lib/python2.7/site-packages/conda/cli/main.py", line 134, in _main
exit_code = args.func(args, p)
"/home/avijit/anaconda2/lib/python2.7/site-packages/conda/cli/main_install.py", line 80, in execute
install(args, parser, 'install')
"/home/avijit/anaconda2/lib/python2.7/site-packages/conda/cli/install.py", line 359, in install
execute_actions(actions, index, verbose=not context.quiet)
"/home/avijit/anaconda2/lib/python2.7/site-packages/conda/plan.py", line 823, in execute_actions
execute_instructions(plan, index, verbose)
"/home/avijit/anaconda2/lib/python2.7/site-packages/conda/instructions.py", line 247, in execute_instructions
cmd(state, arg)
"/home/avijit/anaconda2/lib/python2.7/site-packages/conda/instructions.py", line 107, in UNLINKLINKTRANSACTION_CMD
txn = UnlinkLinkTransaction.create_from_dists(index, prefix, unlink_dists, link_dists)
"/home/avijit/anaconda2/lib/python2.7/site-packages/conda/core/link.py", line 123, in create_from_dists
for dist, pkg_dir in zip(link_dists, pkg_dirs_to_link))
"/home/avijit/anaconda2/lib/python2.7/site-packages/conda/core/link.py", line 123, in <genexpr>
for dist, pkg_dir in zip(link_dists, pkg_dirs_to_link))
"/home/avijit/anaconda2/lib/python2.7/site-packages/conda/gateways/disk/read.py", line 86, in read_package_info
index_json_record = read_index_json(extracted_package_directory)
"/home/avijit/anaconda2/lib/python2.7/site-packages/conda/gateways/disk/read.py", line 106, in read_index_json
record = IndexRecord(**json.load(fi))
# TODO: change to LinkedPackageData
"/home/avijit/anaconda2/lib/python2.7/json/__init__.py", line 291, in load
**kw)
"/home/avijit/anaconda2/lib/python2.7/json/__init__.py", line 339, in loads
return _default_decoder.decode(s)
"/home/avijit/anaconda2/lib/python2.7/json/decoder.py", line 364, in decode
obj, end = self.raw_decode(s, idx=_w(s, 0).end())
"/home/avijit/anaconda2/lib/python2.7/json/decoder.py", line 382, in raw_decode
raise ValueError("No JSON object could be decoded")
ValueError: No JSON object could be decoded
| 0.581713 |
Traceback (most recent call last):
"C:\Users\VSSADM~1\AppData\Local\Temp\pip-install-yf22vmg2\msrest\msrest\serialization.py", line 1291, in _deserialize
"C:\Users\VSSADM~1\AppData\Local\Temp\pip-install-yf22vmg2\msrest\msrest\serialization.py", line 1081, in rest_key_case_insensitive_extractor
"C:\Users\VSSADM~1\AppData\Local\Temp\pip-install-yf22vmg2\msrest\msrest\serialization.py", line 1104, in attribute_key_case_insensitive_extractor
AttributeError: 'str' object has no attribute 'get'
| [autoreload of pandas.core.window 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/window.py", line 35, in <module>
import pandas.core.common as com
AttributeError: module 'pandas.core' has no attribute 'common'
| 0.603158 |
Traceback (most recent call last):
".. telepot/aio/helper.py", line 107, in compute_and_answer
await self._bot.answerInlineQuery(query_id, ans)
".. telepot/aio/__init__.py", line 296, in answerInlineQuery
return await self._api_request('answerInlineQuery', _rectify(p))
".. telepot/aio/__init__.py", line 68, in _api_request
return await api.request((self._token, method, params, files), **kwargs)
".. telepot/aio/api.py", line 110, in request
return await _parse(r)
".. telepot/aio/api.py", line 87, in _parse
if data['ok']:
TypeError: 'NoneType' object is not subscriptable
| Traceback (most recent call last):
"/usr/local/lib/python3.7/asyncio/runners.py", line 43, in run
return loop.run_until_complete(main)
"/usr/local/lib/python3.7/asyncio/base_events.py", line 584, in run_until_complete
return future.result()
"/srv/homeassistant/lib/python3.7/site-packages/homeassistant/__main__.py", line 249, in setup_and_run_hass
safe_mode=args.safe_mode,
"/srv/homeassistant/lib/python3.7/site-packages/homeassistant/bootstrap.py", line 89, in async_setup_hass
await async_from_config_dict(config_dict, hass)
"/srv/homeassistant/lib/python3.7/site-packages/homeassistant/bootstrap.py", line 132, in async_from_config_dict
await _async_set_up_integrations(hass, config)
"/srv/homeassistant/lib/python3.7/site-packages/homeassistant/bootstrap.py", line 377, in _async_set_up_integrations
*(async_setup_component(hass, domain, config) for domain in domains_to_load)
"/srv/homeassistant/lib/python3.7/site-packages/homeassistant/setup.py", line 49, in async_setup_component
return await task
# type: ignore
"/srv/homeassistant/lib/python3.7/site-packages/homeassistant/setup.py", line 145, in _async_setup_component
hass, config, integration
"/srv/homeassistant/lib/python3.7/site-packages/homeassistant/config.py", line 704, in async_process_component_config
return component.CONFIG_SCHEMA(config)
# type: ignore
"/srv/homeassistant/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 272, in __call__
return self._compiled([], data)
"/srv/homeassistant/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 594, in validate_dict
return base_validate(path, iteritems(data), out)
"/srv/homeassistant/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 386, in validate_mapping
cval = cvalue(key_path, value)
"/srv/homeassistant/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 817, in validate_callable
return schema(data)
"/srv/homeassistant/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 272, in __call__
return self._compiled([], data)
"/srv/homeassistant/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 594, in validate_dict
return base_validate(path, iteritems(data), out)
"/srv/homeassistant/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 373, in validate_mapping
new_key = ckey(key_path, key)
"/srv/homeassistant/lib/python3.7/site-packages/voluptuous/schema_builder.py", line 817, in validate_callable
return schema(data)
"/srv/homeassistant/lib/python3.7/site-packages/homeassistant/helpers/config_validation.py", line 659, in validator
value = config[key]
TypeError: string indices must be integers
| 0.577551 |
Traceback (most recent call last):
"C:\Python36\lib\threading.py", line 916, in _bootstrap_inner
self.run()
"C:\Python36\lib\threading.py", line 864, in run
self._target(*self._args, **self._kwargs)
"C:\Python36\lib\site-packages\keras\utils\data_utils.py", line 548, in _run
with closing(self.executor_fn(_SHARED_SEQUENCES)) as executor:
"C:\Python36\lib\site-packages\keras\utils\data_utils.py", line 522, in <lambda>
initargs=(seqs,))
"C:\Python36\lib\multiprocessing\context.py", line 119, in Pool
context=self.get_context())
"C:\Python36\lib\multiprocessing\pool.py", line 174, in __init__
self._repopulate_pool()
"C:\Python36\lib\multiprocessing\pool.py", line 239, in _repopulate_pool
w.start()
"C:\Python36\lib\multiprocessing\process.py", line 105, in start
self._popen = self._Popen(self)
"C:\Python36\lib\multiprocessing\context.py", line 322, in _Popen
return Popen(process_obj)
"C:\Python36\lib\multiprocessing\popen_spawn_win32.py", line 65, in __init__
reduction.dump(process_obj, to_child)
"C:\Python36\lib\multiprocessing\reduction.py", line 60, in dump
ForkingPickler(file, protocol).dump(obj)
AttributeError: Can't pickle local object 'get_noise_model.<locals>.gaussian_noise'
| Traceback (most recent call last):
"<stdin>", line 1, in <module>
AttributeError: 'list' object has no attribute 'dump'
| 0.539505 |
Traceback (most recent call last):
"/Users/crusaderky/miniconda3/envs/pint/lib/python3.6/site-packages/IPython/core/interactiveshell.py", line 3326, in run_code
exec(code_obj, self.user_global_ns, self.user_ns)
"<ipython-input-25-f57a4fd9ba92>", line 1, in <module>
pint.Quantity("1 kg").plus_minus(pint.Quantity([1, 2], "kg"))
"/Users/crusaderky/PycharmProjects/pint/pint/quantity.py", line 1718, in plus_minus
return self._REGISTRY.Measurement(copy.copy(self.magnitude), error, self._units)
"/Users/crusaderky/PycharmProjects/pint/pint/measurement.py", line 45, in __new__
elif error < 0:
ValueError: The truth value of an array with more than one element is ambiguous. Use a.any() or a.all()
| Traceback (most recent call last):
"/home/synapse/bridges/mautrix-telegram/env/lib/python3.8/site-packages/mautrix/bridge/commands/handler.py", line 405, in handle
await self._run_handler(handler, evt)
"/home/synapse/bridges/mautrix-telegram/mautrix_telegram/commands/handler.py", line 121, in _run_handler
return await handler(evt)
"/home/synapse/bridges/mautrix-telegram/env/lib/python3.8/site-packages/mautrix/bridge/commands/handler.py", line 290, in __call__
return await self._handler(evt)
"/home/synapse/bridges/mautrix-telegram/mautrix_telegram/commands/telegram/misc.py", line 154, in join
updates, _ = await _join(evt, arg.group(1))
"/home/synapse/bridges/mautrix-telegram/mautrix_telegram/commands/telegram/misc.py", line 136, in _join
channel = await evt.sender.client.get_entity(arg)
"/home/synapse/bridges/mautrix-telegram/env/lib/python3.8/site-packages/telethon/client/users.py", line 328, in get_entity
result.append(await self._get_entity_from_string(x))
"/home/synapse/bridges/mautrix-telegram/env/lib/python3.8/site-packages/telethon/client/users.py", line 567, in _get_entity_from_string
raise ValueError(
ValueError: Cannot find any entity corresponding to "s/someroom"
| 0.531656 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"C:\Users\hzhwcmhf\anaconda3\envs\mix\lib\site-packages\transformers\tokenization_utils_base.py", line 1362, in save_pretrained
f.write(json.dumps(tokenizer_config, ensure_ascii=False))
"C:\Users\hzhwcmhf\anaconda3\envs\mix\lib\json\__init__.py", line 238, in dumps
**kw).encode(obj)
"C:\Users\hzhwcmhf\anaconda3\envs\mix\lib\json\encoder.py", line 199, in encode
chunks = self.iterencode(o, _one_shot=True)
"C:\Users\hzhwcmhf\anaconda3\envs\mix\lib\json\encoder.py", line 257, in iterencode
return _iterencode(o, 0)
"C:\Users\hzhwcmhf\anaconda3\envs\mix\lib\json\encoder.py", line 179, in default
raise TypeError(f'Object of type {o.__class__.__name__} '
TypeError: Object of type AddedToken is not JSON serializable
| Traceback (most recent call last):
"/srv/homeassistant/lib/python3.5/site-packages/homeassistant/helpers/entity_platform.py", line 251, in _async_add_entity
await entity.async_device_update(warning=False)
"/srv/homeassistant/lib/python3.5/site-packages/homeassistant/helpers/entity.py", line 349, in async_device_update
await self.hass.async_add_executor_job(self.update)
"/usr/lib/python3.5/asyncio/futures.py", line 380, in __iter__
yield self
# This tells Task to wait for completion.
"/usr/lib/python3.5/asyncio/tasks.py", line 304, in _wakeup
future.result()
"/usr/lib/python3.5/asyncio/futures.py", line 293, in result
raise self._exception
"/usr/lib/python3.5/concurrent/futures/thread.py", line 55, in run
result = self.fn(*self.args, **self.kwargs)
"/srv/homeassistant/lib/python3.5/site-packages/homeassistant/components/media_player/onkyo.py", line 223, in update
self._attributes["video_out"] = ','.join(hdmi_out_raw[1])
TypeError: 'bool' object is not subscriptable
| 0.599832 |
Traceback (most recent call last):
"/usr/local/bin/subliminal", line 10, in <module>
sys.exit(subliminal())
"/usr/local/lib/python3.7/dist-packages/click/core.py", line 829, in __call__
return self.main(*args, **kwargs)
"/usr/local/lib/python3.7/dist-packages/click/core.py", line 782, in main
rv = self.invoke(ctx)
"/usr/local/lib/python3.7/dist-packages/click/core.py", line 1257, in invoke
sub_ctx = cmd.make_context(cmd_name, args, parent=ctx)
"/usr/local/lib/python3.7/dist-packages/click/core.py", line 700, in make_context
self.parse_args(ctx, args)
"/usr/local/lib/python3.7/dist-packages/click/core.py", line 1048, in parse_args
value, args = param.handle_parse_result(ctx, opts, args)
"/usr/local/lib/python3.7/dist-packages/click/core.py", line 1623, in handle_parse_result
value = self.full_process_value(ctx, value)
"/usr/local/lib/python3.7/dist-packages/click/core.py", line 1965, in full_process_value
return Parameter.full_process_value(self, ctx, value)
"/usr/local/lib/python3.7/dist-packages/click/core.py", line 1589, in full_process_value
value = self.process_value(ctx, value)
"/usr/local/lib/python3.7/dist-packages/click/core.py", line 1579, in process_value
return self.type_cast_value(ctx, value)
"/usr/local/lib/python3.7/dist-packages/click/core.py", line 1568, in type_cast_value
return _convert(value, (self.nargs != 1) + bool(self.multiple))
"/usr/local/lib/python3.7/dist-packages/click/core.py", line 1566, in _convert
return tuple(_convert(x, level - 1) for x in value or ())
"/usr/local/lib/python3.7/dist-packages/click/core.py", line 1566, in <genexpr>
return tuple(_convert(x, level - 1) for x in value or ())
"/usr/local/lib/python3.7/dist-packages/click/core.py", line 1565, in _convert
return self.type(value, self, ctx)
"/usr/local/lib/python3.7/dist-packages/click/types.py", line 46, in __call__
return self.convert(value, param, ctx)
"/usr/local/lib/python3.7/dist-packages/subliminal/cli.py", line 173, in convert
return Language.fromietf(value)
"/usr/local/lib/python3.7/dist-packages/babelfish/language.py", line 126, in fromietf
language = cls(language_subtag)
"/usr/local/lib/python3.7/dist-packages/babelfish/language.py", line 82, in __init__
raise ValueError('%r is not a valid language' % language)
ValueError: '=en' is not a valid language
| Traceback (most recent call last):
"/var/lib/galaxy/venv/lib/python2.7/site-packages/django/core/handlers/exception.py", line 41, in inner
response = get_response(request)
"/var/lib/galaxy/venv/lib/python2.7/site-packages/django/core/handlers/base.py", line 249, in _legacy_get_response
response = self._get_response(request)
"/var/lib/galaxy/venv/lib/python2.7/site-packages/django/core/handlers/base.py", line 187, in _get_response
response = self.process_exception_by_middleware(e, request)
"/var/lib/galaxy/venv/lib/python2.7/site-packages/django/core/handlers/base.py", line 185, in _get_response
response = wrapped_callback(request, *callback_args, **callback_kwargs)
"/var/lib/galaxy/venv/lib/python2.7/site-packages/django/views/decorators/csrf.py", line 58, in wrapped_view
return view_func(*args, **kwargs)
"/var/lib/galaxy/venv/lib/python2.7/site-packages/django/views/generic/base.py", line 68, in view
return self.dispatch(request, *args, **kwargs)
"/var/lib/galaxy/venv/lib/python2.7/site-packages/rest_framework/views.py", line 494, in dispatch
response = self.handle_exception(exc)
"/var/lib/galaxy/venv/lib/python2.7/site-packages/rest_framework/views.py", line 454, in handle_exception
self.raise_uncaught_exception(exc)
"/var/lib/galaxy/venv/lib/python2.7/site-packages/rest_framework/views.py", line 491, in dispatch
response = handler(request, *args, **kwargs)
"/var/lib/galaxy/venv/lib/python2.7/site-packages/rest_framework/generics.py", line 201, in get
return self.list(request, *args, **kwargs)
"/galaxy/galaxy/api/views/roles.py", line 54, in list
qs = qs.filter(**params)
"/var/lib/galaxy/venv/lib/python2.7/site-packages/django/db/models/query.py", line 784, in filter
return self._filter_or_exclude(False, *args, **kwargs)
"/var/lib/galaxy/venv/lib/python2.7/site-packages/django/db/models/query.py", line 802, in _filter_or_exclude
clone.query.add_q(Q(*args, **kwargs))
"/var/lib/galaxy/venv/lib/python2.7/site-packages/django/db/models/sql/query.py", line 1250, in add_q
clause, _ = self._add_q(q_object, self.used_aliases)
"/var/lib/galaxy/venv/lib/python2.7/site-packages/django/db/models/sql/query.py", line 1276, in _add_q
allow_joins=allow_joins, split_subq=split_subq,
"/var/lib/galaxy/venv/lib/python2.7/site-packages/django/db/models/sql/query.py", line 1206, in build_filter
condition = lookup_class(lhs, value)
"/var/lib/galaxy/venv/lib/python2.7/site-packages/django/db/models/lookups.py", line 24, in __init__
self.rhs = self.get_prep_lookup()
"/var/lib/galaxy/venv/lib/python2.7/site-packages/django/db/models/fields/related_lookups.py", line 112, in get_prep_lookup
self.rhs = target_field.get_prep_value(self.rhs)
"/var/lib/galaxy/venv/lib/python2.7/site-packages/django/db/models/fields/__init__.py", line 966, in get_prep_value
return int(value)
ValueError: invalid literal for int() with base 10: 'alikins'
| 0.628558 |
Traceback (most recent call last):
"main.py", line 16, in <module>
main(sys.argv[1:])
"/home/hl3236/jiant/jiant/__main__.py", line 550, in main
pretrain_tasks, target_tasks, vocab, word_embs = build_tasks(args, cuda_device)
"/home/hl3236/jiant/jiant/preprocess.py", line 404, in build_tasks
task, split, indexers, vocab, record_file, model_preprocessing_interface
"/home/hl3236/jiant/jiant/preprocess.py", line 142, in _index_split
split_text = task.get_split_text(split)
"/home/hl3236/jiant/jiant/tasks/qa.py", line 543, in get_split_text
return getattr(self, "%s_data" % split)
AttributeError: 'QASRLTask' object has no attribute 'train_data'
| ERROR (theano.gof.opt): Traceback (most recent call last):
"C:\Users\kawther\Anaconda3\envs\myTheanoEnv\lib\site-packages\theano\gof\opt.py", line 2034, in process_node
replacements = lopt.transform(node)
"C:\Users\kawther\Anaconda3\envs\myTheanoEnv\lib\site-packages\theano\tensor\opt.py", line 6516, in constant_folding
no_recycling=[], impl=impl)
"C:\Users\kawther\Anaconda3\envs\myTheanoEnv\lib\site-packages\theano\gof\op.py", line 955, in make_thunk
no_recycling)
"C:\Users\kawther\Anaconda3\envs\myTheanoEnv\lib\site-packages\theano\gof\op.py", line 858, in make_c_thunk
output_storage=node_output_storage)
"C:\Users\kawther\Anaconda3\envs\myTheanoEnv\lib\site-packages\theano\gof\cc.py", line 1217, in make_thunk
keep_lock=keep_lock)
"C:\Users\kawther\Anaconda3\envs\myTheanoEnv\lib\site-packages\theano\gof\cc.py", line 1157, in __compile__
keep_lock=keep_lock)
"C:\Users\kawther\Anaconda3\envs\myTheanoEnv\lib\site-packages\theano\gof\cc.py", line 1609, in cthunk_factory
key = self.cmodule_key()
"C:\Users\kawther\Anaconda3\envs\myTheanoEnv\lib\site-packages\theano\gof\cc.py", line 1300, in cmodule_key
c_compiler=self.c_compiler(),
"C:\Users\kawther\Anaconda3\envs\myTheanoEnv\lib\site-packages\theano\gof\cc.py", line 1379, in cmodule_key_
np.core.multiarray._get_ndarray_c_version())
AttributeError: 'module' object has no attribute '_get_ndarray_c_version'
| 0.593989 |
Traceback (most recent call last):
"c:\salt\bin\lib\site-packages\salt-3002.1-py3.7.egg\salt\state.py", line 2154, in call
*cdata["args"], **cdata["kwargs"]
"c:\salt\bin\lib\site-packages\salt-3002.1-py3.7.egg\salt\loader.py", line 2188, in wrapper
return f(*args, **kwargs)
"c:\salt\bin\lib\site-packages\salt-3002.1-py3.7.egg\salt\states\file.py", line 3739, in directory
win_perms_reset=win_perms_reset,
"c:\salt\bin\lib\site-packages\salt-3002.1-py3.7.egg\salt\states\file.py", line 951, in _check_directory_win
if user_name not in win_perms:
TypeError: argument of type 'NoneType' is not iterable
| 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.612051 |
Traceback (most recent call last):
"/home/afy/PycharmProjects/pymata-aio/pymata_aio/pymata_iot.py", line 716, in <module>
asyncio.get_event_loop().run_until_complete(start_server)
"/usr/local/lib/python3.7/asyncio/base_events.py", line 568, in run_until_complete
return future.result()
"/usr/local/lib/python3.7/asyncio/tasks.py", line 599, in _wrap_awaitable
return (yield from awaitable.__await__())
"/usr/local/lib/python3.7/site-packages/websockets/server.py", line 742, in __await__
server = yield from self._creating_server
TypeError: cannot 'yield from' a coroutine object in a non-coroutine generator
| Module custom_content raised an exception: Traceback (most recent call last):
"/Users/lecorguille/miniconda3/envs/multiqc/lib/python3.6/site-packages/multiqc-1.2-py3.6.egg/EGG-INFO/scripts/multiqc", line 411, in multiqc
output = mod()
"/Users/lecorguille/miniconda3/envs/multiqc/lib/python3.6/site-packages/multiqc-1.2-py3.6.egg/multiqc/modules/custom_content/custom_content.py", line 204, in custom_module_classes
parsed_modules.append( MultiqcModule(k, mod) )
"/Users/lecorguille/miniconda3/envs/multiqc/lib/python3.6/site-packages/multiqc-1.2-py3.6.egg/multiqc/modules/custom_content/custom_content.py", line 248, in __init__
self.add_section( plot = linegraph.plot(mod['data'], pconfig) )
"/Users/lecorguille/miniconda3/envs/multiqc/lib/python3.6/site-packages/multiqc-1.2-py3.6.egg/multiqc/plots/linegraph.py", line 79, in plot
for k in sorted(d[s].keys()):
TypeError: '<' not supported between instances of 'float' and 'str'
| 0.545208 |
Traceback (most recent call last):
"bloch_test.py", line 59, in <module>
ani.save('bloch_sphere.mp4', fps=20, clear_temp=True)
TypeError: save() got an unexpected keyword argument 'clear_temp'
| `Traceback (most recent call last):
"./python-twitterGraphDB.py", line 201, in <module>
mta = MyTwitterAPI(consumer_key, consumer_secret, access_token, access_token_secret)
"./python-twitterGraphDB.py", line 114, in __init__
self.api = twitter.Api(consumer_key, consumer_secret, access_token, access_token_secret, sleep_on_rate_limit=True, application_only_auth=True)
"/usr/local/lib/python3.5/dist-packages/twitter/api.py", line 273, in __init__
application_only_auth)
"/usr/local/lib/python3.5/dist-packages/twitter/api.py", line 336, in SetCredentials
self._bearer_token = self.GetAppOnlyAuthToken(consumer_key, consumer_secret)
"/usr/local/lib/python3.5/dist-packages/twitter/api.py", line 296, in GetAppOnlyAuthToken
bearer_token = base64.b64encode('{}:{}'.format(key, secret))
"/usr/lib/python3.5/base64.py", line 59, in b64encode
encoded = binascii.b2a_base64(s)[:-1]
TypeError: a bytes-like object is required, not 'str'`
| 0.545945 |
Traceback (most recent call last):
"C:\conda\lib\site-packages\conda\exceptions.py", line 1062, in __call__
return func(*args, **kwargs)
"C:\conda\lib\site-packages\conda\cli\main.py", line 84, in _main
exit_code = do_call(args, p)
"C:\conda\lib\site-packages\conda\cli\conda_argparse.py", line 80, in do_call
module = import_module(relative_mod, __name__.rsplit('.', 1)[0])
"C:\conda\lib\importlib\__init__.py", line 127, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
"<frozen importlib._bootstrap>", line 1006, in _gcd_import
"<frozen importlib._bootstrap>", line 983, in _find_and_load
"<frozen importlib._bootstrap>", line 967, in _find_and_load_unlocked
"<frozen importlib._bootstrap>", line 677, in _load_unlocked
"<frozen importlib._bootstrap_external>", line 728, in exec_module
"<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
"C:\conda\lib\site-packages\conda\cli\main_install.py", line 8, in <module>
from .install import install
"C:\conda\lib\site-packages\conda\cli\install.py", line 19, in <module>
from ..core.index import calculate_channel_urls, get_index
"C:\conda\lib\site-packages\conda\core\index.py", line 9, in <module>
from .package_cache_data import PackageCacheData
"C:\conda\lib\site-packages\conda\core\package_cache_data.py", line 15, in <module>
from conda_package_handling.api import InvalidArchiveError
"C:\conda\lib\site-packages\conda_package_handling\api.py", line 3, in <module>
from libarchive.exception import ArchiveError as _LibarchiveArchiveError
"C:\conda\lib\site-packages\libarchive\__init__.py", line 1, in <module>
from .entry import ArchiveEntry
"C:\conda\lib\site-packages\libarchive\entry.py", line 6, in <module>
from . import ffi
"C:\conda\lib\site-packages\libarchive\ffi.py", line 48, in <module>
libarchive = ctypes.cdll.LoadLibrary(libarchive_path)
"C:\conda\lib\ctypes\__init__.py", line 434, in LoadLibrary
return self._dlltype(name)
"C:\conda\lib\ctypes\__init__.py", line 356, in __init__
self._handle = _dlopen(self._name, mode)
TypeError: LoadLibrary() argument 1 must be str, not None
| Traceback (most recent call last):
"redis-rdb-tools-0.1.13/tests/memprofiler_tests.py", line 94, in test_rdb_with_stream
stats = get_stats('redis_50_with_streams.rdb')
"redis-rdb-tools-0.1.13/tests/memprofiler_tests.py", line 38, in get_stats
parser.parse(os.path.join(os.path.dirname(__file__), 'dumps', file_name))
"redis-rdb-tools-0.1.13/rdbtools/parser.py", line 394, in parse
self.parse_fd(open(filename, "rb"))
"redis-rdb-tools-0.1.13/rdbtools/parser.py", line 461, in parse_fd
self.read_object(f, data_type)
"redis-rdb-tools-0.1.13/rdbtools/parser.py", line 583, in read_object
self.read_list_from_quicklist(f)
"redis-rdb-tools-0.1.13/rdbtools/parser.py", line 710, in read_list_from_quicklist
self._callback.rpush(self._key, self.read_ziplist_entry(buff))
"redis-rdb-tools-0.1.13/rdbtools/memprofiler.py", line 285, in rpush
self._list_items_zipped_size += self.ziplist_entry_overhead(value)
"redis-rdb-tools-0.1.13/rdbtools/memprofiler.py", line 491, in ziplist_entry_overhead
size = len(value)
TypeError: object of type 'long' has no len()
| 0.558744 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
AttributeError: module 'tabula' has no attribute 'environment'
|
Traceback (most recent call last):
"./udemy-dl/udemy-dl.py", line 607, in <module>
main()
"./udemy-dl/udemy-dl.py", line 591, in main
skip_hls_stream=args.skip_hls_stream,
"./udemy-dl/udemy-dl.py", line 354, in course_download
quality,
"./udemy-dl/udemy-dl.py", line 81, in download_lecture
lecture = lecture.get_quality(quality)
AttributeError: 'NoneType' object has no attribute 'get_quality'
| 0.563903 |
Traceback (most recent call last):
"/usr/lib/python3.6/unittest/loader.py", line 428, in _find_test_path
module = self._get_module_from_name(name)
"/usr/lib/python3.6/unittest/loader.py", line 369, in _get_module_from_name
__import__(name)
"/content/bilm-tf/tests/test_elmo.py", line 7, in <module>
import tensorflow as tf
"/usr/local/lib/python3.6/dist-packages/tensorflow/__init__.py", line 24, in <module>
from tensorflow.python import *
"/usr/local/lib/python3.6/dist-packages/tensorflow/python/__init__.py", line 49, in <module>
from tensorflow.python import pywrap_tensorflow
"/usr/local/lib/python3.6/dist-packages/tensorflow/python/pywrap_tensorflow.py", line 52, in <module>
raise ImportError(msg)
ImportError: Traceback (most recent call last):
| Traceback (most recent call last):
"/home/cyan/Documents/test-pypy2/bin/pip", line 5, in <module>
from pip._internal.cli.main import main
"/home/cyan/Documents/test-pypy2/site-packages/pip/_internal/cli/main.py", line 10, in <module>
from pip._internal.cli.autocompletion import autocomplete
"/home/cyan/Documents/test-pypy2/site-packages/pip/_internal/cli/autocompletion.py", line 9, in <module>
from pip._internal.cli.main_parser import create_main_parser
"/home/cyan/Documents/test-pypy2/site-packages/pip/_internal/cli/main_parser.py", line 7, in <module>
from pip._internal.cli import cmdoptions
"/home/cyan/Documents/test-pypy2/site-packages/pip/_internal/cli/cmdoptions.py", line 24, in <module>
from pip._internal.cli.progress_bars import BAR_TYPES
"/home/cyan/Documents/test-pypy2/site-packages/pip/_internal/cli/progress_bars.py", line 7, in <module>
from pip._vendor import six
ImportError: cannot import name 'six'
| 0.657101 |
Traceback (most recent call last):
"tools/convert_pkl_to_pb.py", line 652, in <module>
main()
"tools/convert_pkl_to_pb.py", line 640, in main
[net, init_net] = convert_model_gpu(args, net, init_net)
"tools/convert_pkl_to_pb.py", line 347, in convert_model_gpu
cdo_cuda = mutils.get_device_option_cuda()
"/detectron/detectron/utils/model_convert_utils.py", line 346, in get_device_option_cuda
device_option.device_id = gpu_id
AttributeError: Assignment not allowed (no field "device_id" in protocol message object).
|
Traceback (most recent call last):
"L:\Anaconda3\lib\site-packages\conda\exceptions.py", line 632, in conda_exception_handler
return_value = func(*args, **kwargs)
"L:\Anaconda3\lib\site-packages\conda\cli\main.py", line 137, in _main
exit_code = args.func(args, p)
"L:\Anaconda3\lib\site-packages\conda\cli\main_install.py", line 80, in execute
install(args, parser, 'install')
"L:\Anaconda3\lib\site-packages\conda\cli\install.py", line 221, in install
unknown=index_args['unknown'], prefix=prefix)
"L:\Anaconda3\lib\site-packages\conda\core\index.py", line 93, in get_index
index = fetch_index(channel_priority_map, use_cache=use_cache)
"L:\Anaconda3\lib\site-packages\conda\core\index.py", line 112, in fetch_index
repodatas = collect_all_repodata(use_cache, tasks)
"L:\Anaconda3\lib\site-packages\conda\core\repodata.py", line 74, in collect_all_repodata
repodatas = _collect_repodatas_serial(use_cache, tasks)
"L:\Anaconda3\lib\site-packages\conda\core\repodata.py", line 481, in _collect_repodatas_serial
for url, schan, pri in tasks]
"L:\Anaconda3\lib\site-packages\conda\core\repodata.py", line 481, in <listcomp>
for url, schan, pri in tasks]
"L:\Anaconda3\lib\site-packages\conda\core\repodata.py", line 109, in func
res = f(*args, **kwargs)
"L:\Anaconda3\lib\site-packages\conda\core\repodata.py", line 460, in fetch_repodata
mod_etag_headers.get('_mod'))
"L:\Anaconda3\lib\site-packages\conda\core\repodata.py", line 138, in fetch_repodata_remote_request
timeout=timeout)
"L:\Anaconda3\lib\site-packages\requests\sessions.py", line 531, in get
return self.request('GET', url, **kwargs)
"L:\Anaconda3\lib\site-packages\requests\sessions.py", line 518, in request
resp = self.send(prep, **send_kwargs)
"L:\Anaconda3\lib\site-packages\requests\sessions.py", line 639, in send
r = adapter.send(request, **kwargs)
"L:\Anaconda3\lib\site-packages\requests\adapters.py", line 438, in send
timeout=timeout
"L:\Anaconda3\lib\site-packages\requests\packages\urllib3\connectionpool.py", line 594, in urlopen
self._prepare_proxy(conn)
"L:\Anaconda3\lib\site-packages\requests\packages\urllib3\connectionpool.py", line 810, in _prepare_proxy
conn.connect()
"L:\Anaconda3\lib\site-packages\requests\packages\urllib3\connection.py", line 284, in connect
conn = self._new_conn()
"L:\Anaconda3\lib\site-packages\requests\packages\urllib3\connection.py", line 141, in _new_conn
(self.host, self.port), self.timeout, **extra_kw)
"L:\Anaconda3\lib\site-packages\requests\packages\urllib3\util\connection.py", line 51, in create_connection
if host.startswith('['):
AttributeError: 'NoneType' object has no attribute 'startswith'
| 0.583259 |
_Traceback (most recent call last):
".virtualenvs/py360/lib/python3.6/site-packages/superset/views/core.py", line 107, in wraps
return f(self, *args, **kwargs)
".virtualenvs/py360/lib/python3.6/site-packages/flask_appbuilder/security/decorators.py", line 52, in wraps
return f(self, *args, **kwargs)
".virtualenvs/py360/lib/python3.6/site-packages/superset/views/core.py", line 1237, in checkbox
model_view_cls = getattr(views, model_view)
AttributeError: module 'superset.views.core' has no attribute 'TableColumnInlineView'_
| Original Traceback (most recent call last):
"/root/anaconda3/lib/python3.7/site-packages/torch/nn/parallel/parallel_apply.py", line 60, in _worker
output = module(*input, **kwargs)
"/root/anaconda3/lib/python3.7/site-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
"<ipython-input-6-8ddf6e9a8cf5>", line 27, in forward
v = v / (v.norm(p=2, dim=1, keepdim=True).expand_as(v) + 1e-8)
AttributeError: 'NoneType' object has no attribute 'norm'
| 0.532785 |
Traceback (most recent call last):
"/snap/beets/6/bin/beet", line 8, in <module>
sys.exit(main())
"/snap/beets/6/lib/python3.8/site-packages/beets/ui/__init__.py", line 1266, in main
_raw_main(args)
"/snap/beets/6/lib/python3.8/site-packages/beets/ui/__init__.py", line 1249, in _raw_main
subcommands, plugins, lib = _setup(options, lib)
"/snap/beets/6/lib/python3.8/site-packages/beets/ui/__init__.py", line 1144, in _setup
lib = _open_library(config)
"/snap/beets/6/lib/python3.8/site-packages/beets/ui/__init__.py", line 1201, in _open_library
get_path_formats(),
"/snap/beets/6/lib/python3.8/site-packages/beets/ui/__init__.py", line 619, in get_path_formats
path_formats.append((query, template(view.as_str())))
"/snap/beets/6/lib/python3.8/site-packages/beets/util/functemplate.py", line 571, in template
return Template(fmt)
"/snap/beets/6/lib/python3.8/site-packages/beets/util/functemplate.py", line 581, in __init__
self.compiled = self.translate()
"/snap/beets/6/lib/python3.8/site-packages/beets/util/functemplate.py", line 614, in translate
func = compile_func(
"/snap/beets/6/lib/python3.8/site-packages/beets/util/functemplate.py", line 155, in compile_func
prog = compile(mod, '<generated>', 'exec')
ValueError: Name node can't be used with 'None' constant
| Traceback (most recent call last):
"./tools/train.py", line 137, in <module>
main()
"./tools/train.py", line 132, in main
logger=logger,
"/home/ai/CenterPoint/det3d/torchie/apis/train.py", line 327, in train_detector
trainer.run(data_loaders, cfg.workflow, cfg.total_epochs, local_rank=cfg.local_rank)
"/home/ai/CenterPoint/det3d/torchie/trainer/trainer.py", line 543, in run
epoch_runner(data_loaders[i], self.epoch, **kwargs)
"/home/ai/CenterPoint/det3d/torchie/trainer/trainer.py", line 395, in train
for i, data_batch in enumerate(data_loader):
"/home/ai/anaconda3/envs/centerpoint/lib/python3.7/site-packages/torch/utils/data/dataloader.py", line 363, in __next__
data = self._next_data()
"/home/ai/anaconda3/envs/centerpoint/lib/python3.7/site-packages/torch/utils/data/dataloader.py", line 989, in _next_data
return self._process_data(data)
"/home/ai/anaconda3/envs/centerpoint/lib/python3.7/site-packages/torch/utils/data/dataloader.py", line 1014, in _process_data
data.reraise()
"/home/ai/anaconda3/envs/centerpoint/lib/python3.7/site-packages/torch/_utils.py", line 395, in reraise
raise self.exc_type(msg)
ValueError: Caught ValueError in DataLoader worker process 0.
| 0.560522 |
Traceback (most recent call last):
"setup.py", line 20, in <module>
from os.path import splitext, basename, join as pjoin, walk
ImportError: cannot import name 'walk' from 'posixpath' (/usr/lib/python3.8/posixpath.py)
|
Traceback (most recent call last):
"C:\Users\Hickman\AppData\Local\Programs\Python\Python35-32\lib\doctest.py", line 1320, in __run
compileflags, 1), test.globs)
"<doctest sympy.plotting.pygletplot.__init__.PygletPlot[11]>", line 1, in <module>
Plot(x**2, [], []) # [x,-1,1,40], [y,-1,1,40]
"C:\Users\Hickman\Documents\GitHub\sympy\sympy\plotting\pygletplot\__init__.py", line 139, in PygletPlot
import plot
ImportError: No module named 'plot' | 0.560627 |
Traceback (most recent call last):
"PixivUtil2.py", line 2334, in main
np_is_valid, op_is_valid, selection = main_loop(ewd, op_is_valid, selection, np_is_valid, args)
"PixivUtil2.py", line 2091, in main_loop
menu_fanbox_download_supported_artist(op_is_valid, args)
"PixivUtil2.py", line 1841, in menu_fanbox_download_supported_artist
processFanboxArtist(artist_id, end_page)
"PixivUtil2.py", line 1850, in processFanboxArtist
result_artist = __br__.fanboxGetPostsFromArtist(artist_id, next_url)
"/mnt/d/Pictures/PixivUtil2/PixivBrowserFactory.py", line 608, in fanboxGetPostsFromArtist
self.getMemberInfoWhitecube(artist_id, pixivArtist)
"/mnt/d/Pictures/PixivUtil2/PixivBrowserFactory.py", line 421, in getMemberInfoWhitecube
response = self._oauth_manager.get_user_info(member_id)
"/mnt/d/Pictures/PixivUtil2/PixivOAuth.py", line 123, in get_user_info
verify=self._validate_ssl)
TypeError: get() takes exactly 1 argument (5 given)
| Traceback (most recent call last):
"/home/rdemb/anaconda3/envs/py2/lib/python2.7/site-packages/ray/function_manager.py", line 408, in fetch_and_register_remote_function
function = pickle.loads(serialized_function)
"/home/rdemb/anaconda3/envs/py2/lib/python2.7/pickle.py", line 1388, in loads
return Unpickler(file).load()
"/home/rdemb/anaconda3/envs/py2/lib/python2.7/pickle.py", line 864, in load
dispatch[key](self)
"/home/rdemb/anaconda3/envs/py2/lib/python2.7/pickle.py", line 1089, in load_newobj
obj = cls.__new__(cls, *args)
TypeError: __new__() takes at least 3 arguments (1 given)
| 0.625236 |
Traceback (most recent call last):
"<stdin>", line 1, in <module>
"/Users/tos/Documents/chainer/chainer/serializers/npz.py", line 67, in save_npz
s.save(obj)
"/Users/tos/Documents/chainer/chainer/serializer.py", line 66, in save
obj.serialize(self)
"/Users/tos/Documents/chainer/chainer/optimizer.py", line 445, in serialize
self.t = serializer('t', self.t)
AttributeError: 'Adam' object has no attribute 't'
|
Traceback (most recent call last):
"c:\python38\lib\site.py", line 169, in addpackage
exec(line)
"<string>", line 1, in <module>
"<frozen importlib._bootstrap>", line 553, in module_from_spec
AttributeError: 'NoneType' object has no attribute 'loader
| 0.632407 |
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):
"/usr/local/lib/python3.7/site-packages/synapse/federation/federation_server.py", line 828, in on_edu
await handler(origin, content)
"/usr/local/lib/python3.7/site-packages/synapse/handlers/receipts.py", line 65, in _received_remote_receipt
await self._handle_new_receipts(receipts)
"/usr/local/lib/python3.7/site-packages/synapse/handlers/receipts.py", line 79, in _handle_new_receipts
receipt.data,
"/usr/local/lib/python3.7/site-packages/twisted/internet/defer.py", line 1416, in _inlineCallbacks
result = result.throwExceptionIntoGenerator(g)
"/usr/local/lib/python3.7/site-packages/twisted/python/failure.py", line 512, in throwExceptionIntoGenerator
return g.throw(self.type, self.value, self.tb)
"/usr/local/lib/python3.7/site-packages/synapse/storage/data_stores/main/receipts.py", line 473, in insert_receipt
stream_id=stream_id,
"/usr/local/lib/python3.7/site-packages/twisted/internet/defer.py", line 1418, in _inlineCallbacks
result = g.send(result)
"/usr/local/lib/python3.7/site-packages/synapse/storage/database.py", line 499, in runInteraction
after_callback(*after_args, **after_kwargs)
"/usr/local/lib/python3.7/site-packages/synapse/storage/data_stores/main/receipts.py", line 310, in _invalidate_get_users_with_receipts_in_room
if res and user_id in res:
TypeError: argument of type 'ObservableDeferred' is not iterable
| 0.653795 |
Traceback (most recent call last):
"/home/user/lib/python3.6/site-packages/youtube_dl/YoutubeDL.py", line 694, in extract_info
ie_result = ie.extract(url)
"/home/user/lib/python3.6/site-packages/youtube_dl/extractor/common.py", line 369, in extract
return self._real_extract(url)
"/home/user/lib/python3.6/site-packages/youtube_dl/extractor/youtube.py", line 1646, in _real_extract
encrypted_sig, video_id, player_url, age_gate)
"/home/user/lib/python3.6/site-packages/youtube_dl/extractor/youtube.py", line 1067, in _decrypt_signature
'Signature extraction failed: ' + tb, cause=e)
youtube_dl.utils.ExtractorError: Signature extraction failed: Traceback (most recent call last):
| Traceback (most recent call last):
"./youtube-dl/youtube_dl/YoutubeDL.py", line 796, in extract_info
ie_result = ie.extract(url)
"./youtube-dl/youtube_dl/extractor/common.py", line 529, in extract
ie_result = self._real_extract(url)
"./youtube-dl/youtube_dl/extractor/tbs.py", line 59, in _real_extract
'auth_required': video_data.get('authRequired') == '1',
"./youtube-dl/youtube_dl/extractor/turner.py", line 212, in _extract_ngtv_info
m3u8_url, media_id, ap_data or {}, tokenizer_query)
"./youtube-dl/youtube_dl/extractor/turner.py", line 40, in _add_akamai_spe_token
query['accessToken'] = self._extract_mvpd_auth(ap_data['url'], content_id, ap_data['site_name'], ap_data['site_name'])
"./youtube-dl/youtube_dl/extractor/adobepass.py", line 1409, in _extract_mvpd_auth
raise_mvpd_required()
"./youtube-dl/youtube_dl/extractor/adobepass.py", line 1374, in raise_mvpd_required
'and --ap-username and --ap-password or --netrc to provide account credentials.', expected=True)
youtube_dl.utils.ExtractorError: This video is only available for users of participating TV providers. Use --ap-mso to specify Adobe Pass Multiple-system operator Identifier and --ap-username and --ap-password or --netrc to provide account credentials.
| 0.610592 |
Traceback (most recent call last):
"C:/Users/GiYong KIM/Desktop/Deep learning/YOLO_Last/Yunyang/train.py", line 187, in <module>
if __name__ == '__main__': YoloTrain().train()
"C:/Users/GiYong KIM/Desktop/Deep learning/YOLO_Last/Yunyang/train.py", line 147, in train
for train_data in pbar:
"C:\Users\GiYong KIM\Anconda3\envs\YOLO_Last\lib\site-packages\tqdm\std.py", line 1119, in __iter__
for obj in iterable:
"C:\Users\GiYong KIM\Desktop\Deep learning\YOLO_Last\Yunyang\core\dataset.py", line 84, in __next__
label_sbbox, label_mbbox, label_lbbox, sbboxes, mbboxes, lbboxes = self.preprocess_true_boxes(bboxes)
"C:\Users\GiYong KIM\Desktop\Deep learning\YOLO_Last\Yunyang\core\dataset.py", line 207, in preprocess_true_boxes
onehot[bbox_class_ind] = 1.0
IndexError: index 5 is out of bounds for axis 0 with size 5
| Traceback (most recent call last):
"D:/workspace/pyclustering/pyclustering/cluster/examples/elbow_examples.py", line 77, in <module>
sample_simple_01()
"D:/workspace/pyclustering/pyclustering/cluster/examples/elbow_examples.py", line 65, in sample_simple_01
elbow_analysis(SIMPLE_SAMPLES.SAMPLE_SIMPLE1, 1, 10)
"D:/workspace/pyclustering/pyclustering/cluster/examples/elbow_examples.py", line 61, in elbow_analysis
kmeans_visualizer.show_clusters(sample, clusters, centers)
"D:\workspace\pyclustering\pyclustering\cluster\kmeans.py", line 170, in show_clusters
kmeans_visualizer.__draw_centers(figure, offset, visualizer, centers, initial_centers)
"D:\workspace\pyclustering\pyclustering\cluster\kmeans.py", line 216, in __draw_centers
ax = figure.get_axes()[offset]
IndexError: list index out of range
| 0.667244 |
Traceback (most recent call last):
"C:\Users\dst\AppData\Roaming\Build archive\youtube-dl\rg3\tmpa8aoq3sz\build\youtube_dl\extractor\common.py", line 877, in _parse_json
"C:\Python\Python34\lib\json\__init__.py", line 318, in loads
"C:\Python\Python34\lib\json\decoder.py", line 343, in decode
"C:\Python\Python34\lib\json\decoder.py", line 361, in raw_decode
ValueError: Expecting value: line 1 column 1 (char 0)
| Traceback (most recent call last):
"/opt/conda/envs/python35-paddle120-env/lib/python3.7/site-packages/paddlex/cv/datasets/dataset.py", line 158, in _read_into_queue
result = mapper(sample[0], sample[1], sample[2])
"/opt/conda/envs/python35-paddle120-env/lib/python3.7/multiprocessing/process.py", line 297, in _bootstrap
self.run()
"/opt/conda/envs/python35-paddle120-env/lib/python3.7/site-packages/paddlex/cv/transforms/seg_transforms.py", line 137, in __call__
im, label = self.decode_image(im, label)
"/opt/conda/envs/python35-paddle120-env/lib/python3.7/multiprocessing/process.py", line 99, in run
self._target(*self._args, **self._kwargs)
"/opt/conda/envs/python35-paddle120-env/lib/python3.7/site-packages/paddlex/cv/transforms/seg_transforms.py", line 118, in decode_image
label_height, label_width = label.shape
"/opt/conda/envs/python35-paddle120-env/lib/python3.7/site-packages/paddlex/cv/datasets/dataset.py", line 166, in _read_into_queue
six.reraise(*sys.exc_info())
ValueError: too many values to unpack (expected 2)
| 0.609295 |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.