text1
stringlengths
92
132k
text2
stringlengths
83
99.1k
score
float64
0.01
1
Traceback (most recent call last): "/usr/bin/beet", line 8, in <module> sys.exit(main()) "/usr/lib/python3.8/site-packages/beets/ui/__init__.py", line 1267, in main _raw_main(args) "/usr/lib/python3.8/site-packages/beets/ui/__init__.py", line 1250, in _raw_main subcommands, plugins, lib = _setup(options, lib) "/usr/lib/python3.8/site-packages/beets/ui/__init__.py", line 1136, in _setup plugins = _load_plugins(config) "/usr/lib/python3.8/site-packages/beets/ui/__init__.py", line 1115, in _load_plugins beetsplug.__path__ = paths + beetsplug.__path__ TypeError: can only concatenate list (not "_NamespacePath") to list
Traceback (most recent call last): "test.py", line 54, in <module> summary(autoencoder, (4396)) "/home/raqueld/.local/lib/python3.6/site-packages/torchsummary/torchsummary.py", line 60, in summary x = [torch.rand(2, *in_size).type(dtype) for in_size in input_size] TypeError: 'int' object is not iterable
0.482703
Traceback (most recent call last): "/usr/local/bin/hypergan", line 8, in <module> cli.CLI() "/usr/local/lib/python3.5/site-packages/hypergan/cli.py", line 22, in __init__ self.run() "/usr/local/lib/python3.5/site-packages/hypergan/cli.py", line 259, in run crop=crop "/usr/local/lib/python3.5/site-packages/hypergan/cli.py", line 191, in setup_input_graph channels=channels) "/usr/local/lib/python3.5/site-packages/hypergan/cli.py", line 220, in setup_input_loader height=height) "/usr/local/lib/python3.5/site-packages/hypergan/loaders/image_loader.py", line 55, in labelled_image_tensors_from_directory height, width, dynamic_shape=True) "/usr/local/lib/python3.5/site-packages/hypergan/loaders/resize_image_patch.py", line 163, in resize_image_with_crop_or_pad original_height, original_width, _ = _ImageDimensions(image, dynamic_shape=dynamic_shape) "/usr/local/lib/python3.5/site-packages/hypergan/loaders/resize_image_patch.py", line 222, in _ImageDimensions return array_ops.unpack(array_ops.shape(images)) AttributeError: module 'tensorflow.python.ops.array_ops' has no attribute 'unpack'
Traceback (most recent call last): "run_seq2seq.py", line 421, in <module> main() "run_seq2seq.py", line 417, in main train(args, training_features, model, tokenizer) "run_seq2seq.py", line 107, in train model, optimizer = prepare_for_training(args, model, checkpoint_state_dict, amp=amp) "run_seq2seq.py", line 58, in prepare_for_training model, optimizer = amp.initialize(model, optimizer, opt_level=args.fp16_opt_level) # old: initialize AttributeError: module 'apex.amp' has no attribute 'initialize'
0.572309
`Traceback (most recent call last): "C:\Python27\lib\site-packages\azure_devtools\scenario_tests\base.py", line 140, in setUp patch(self) "f:\projects\ecosystem\azure-cli-fork\src\azure-cli-testsdk\azure\cli\testsdk\patches.py", line 75, in patch_long_run_operation_delay _shortcut_long_run_operation) "C:\Python27\lib\site-packages\azure_devtools\scenario_tests\patches.py", line 36, in mock_in_unit_test mp.__enter__() "C:\Python27\lib\site-packages\mock\mock.py", line 1353, in __enter__ self.target = self.getter() "C:\Python27\lib\site-packages\mock\mock.py", line 1523, in <lambda> getter = lambda: _importer(target) "C:\Python27\lib\site-packages\mock\mock.py", line 1210, in _importer thing = _dot_lookup(thing, comp, import_path) "C:\Python27\lib\site-packages\mock\mock.py", line 1199, in _dot_lookup __import__(import_path) "C:\Python27\lib\site-packages\msrestazure\polling\arm_polling.py", line 34, in <module> from msrest.polling import PollingMethod ImportError: No module named polling`
Traceback (most recent call last): module = _import_module_from_path(module_name, plugin_path) module = spec.loader.load_module(module_name) "<frozen importlib._bootstrap_external>", line 396, in _check_name_wrapper "<frozen importlib._bootstrap_external>", line 817, in load_module "<frozen importlib._bootstrap_external>", line 676, in load_module "<frozen importlib._bootstrap>", line 265, in _load_module_shim "<frozen importlib._bootstrap>", line 626, in _exec "<frozen importlib._bootstrap_external>", line 673, in exec_module "<frozen importlib._bootstrap>", line 222, in _call_with_frames_removed from .pylint import Pylint as PLUGIN_CLASS from .widgets.pylintgui import (PYLINT_PATH, PylintWidget) import pylint ImportError: No module named 'pylint'
0.631474
Traceback (most recent call last): "/usr/lib/python3.6/multiprocessing/process.py", line 258, in _bootstrap self.run() "/usr/lib/python3.6/multiprocessing/process.py", line 93, in run self._target(*self._args, **self._kwargs) "/home/streaming/app/emitter_app/emitter.py", line 60, in start_emitter loop.run_until_complete(asyncio.gather(server.serve(), push_payload(queue))) "uvloop/loop.pyx", line 1454, in uvloop.loop.Loop.run_until_complete RuntimeError: Event loop stopped before Future completed.
Traceback (most recent call last): "/usr/local/lib/python3.6/dist-packages/salt/utils/process.py", line 777, in wrapped_run_func return run_func() "/usr/local/lib/python3.6/dist-packages/salt/utils/reactor.py", line 309, in run self.call_reactions(chunks) "/usr/local/lib/python3.6/dist-packages/salt/utils/reactor.py", line 232, in call_reactions self.wrap.run(chunk) "/usr/local/lib/python3.6/dist-packages/salt/utils/reactor.py", line 373, in run self.populate_client_cache(low) "/usr/local/lib/python3.6/dist-packages/salt/utils/reactor.py", line 366, in populate_client_cache self.opts["conf_file"] "/usr/local/lib/python3.6/dist-packages/salt/client/__init__.py", line 2117, in __init__ self.sminion = salt.minion.SMinion(self.opts) "/usr/local/lib/python3.6/dist-packages/salt/minion.py", line 921, in __init__ io_loop.run_sync(lambda: self.eval_master(self.opts, failed=True)) "/usr/local/lib/python3.6/dist-packages/salt/ext/tornado/ioloop.py", line 454, in run_sync self.start() "/usr/local/lib/python3.6/dist-packages/salt/ext/tornado/ioloop.py", line 757, in start raise RuntimeError("IOLoop is already running") RuntimeError: IOLoop is already running
0.552335
Traceback (most recent call last): "./tools/train_net.py", line 221, in <module> main() "./tools/train_net.py", line 217, in main max_iters=args.max_iters) "/home/xiewei/densecap-tensorflow/tools/../lib/dense_cap/train.py", line 485, in train_net sw.train_model(sess, max_iters) "/home/xiewei/densecap-tensorflow/tools/../lib/dense_cap/train.py", line 318, in train_model lr, train_op = self.construct_graph(sess) "/home/xiewei/densecap-tensorflow/tools/../lib/dense_cap/train.py", line 148, in construct_graph layers = self.net.create_architecture('TRAIN', num_classes=1, tag='default') "/home/xiewei/densecap-tensorflow/tools/../lib/nets/network.py", line 812, in create_architecture rois, cls_prob = self._build_network(training) "/home/xiewei/densecap-tensorflow/tools/../lib/nets/network.py", line 601, in _build_network fc7 = self._head_to_tail(pool5, is_training) "/home/xiewei/densecap-tensorflow/tools/../lib/nets/resnet_v2.py", line 131, in _head_to_tail scope=self._resnet_scope) "/usr/local/lib/python2.7/dist-packages/tensorflow/contrib/slim/python/slim/nets/resnet_v2.py", line 221, in resnet_v2 net, activation_fn=nn_ops.relu, scope='postnorm') "/usr/local/lib/python2.7/dist-packages/tensorflow/contrib/framework/python/ops/arg_scope.py", line 181, in func_with_args return func(*args, **current_args) "/usr/local/lib/python2.7/dist-packages/tensorflow/contrib/layers/python/layers/layers.py", line 643, in batch_norm outputs = layer.apply(inputs, training=is_training) "/usr/local/lib/python2.7/dist-packages/tensorflow/python/layers/base.py", line 671, in apply return self.__call__(inputs, *args, **kwargs) "/usr/local/lib/python2.7/dist-packages/tensorflow/python/layers/base.py", line 559, in __call__ self.build(input_shapes[0]) "/usr/local/lib/python2.7/dist-packages/tensorflow/python/layers/normalization.py", line 189, in build trainable=True) "/usr/local/lib/python2.7/dist-packages/tensorflow/python/layers/base.py", line 458, in add_variable trainable=trainable and self.trainable) "/usr/local/lib/python2.7/dist-packages/tensorflow/python/ops/variable_scope.py", line 1203, in get_variable constraint=constraint) "/usr/local/lib/python2.7/dist-packages/tensorflow/python/ops/variable_scope.py", line 1092, in get_variable constraint=constraint) "/usr/local/lib/python2.7/dist-packages/tensorflow/python/ops/variable_scope.py", line 417, in get_variable return custom_getter(**custom_getter_kwargs) "/usr/local/lib/python2.7/dist-packages/tensorflow/contrib/layers/python/layers/layers.py", line 1539, in layer_variable_getter return _model_variable_getter(getter, *args, **kwargs) "/usr/local/lib/python2.7/dist-packages/tensorflow/contrib/layers/python/layers/layers.py", line 1531, in _model_variable_getter custom_getter=getter, use_resource=use_resource) "/usr/local/lib/python2.7/dist-packages/tensorflow/contrib/framework/python/ops/arg_scope.py", line 181, in func_with_args return func(*args, **current_args) "/usr/local/lib/python2.7/dist-packages/tensorflow/contrib/framework/python/ops/variables.py", line 262, in model_variable use_resource=use_resource) "/usr/local/lib/python2.7/dist-packages/tensorflow/contrib/framework/python/ops/arg_scope.py", line 181, in func_with_args return func(*args, **current_args) "/usr/local/lib/python2.7/dist-packages/tensorflow/contrib/framework/python/ops/variables.py", line 217, in variable use_resource=use_resource) "/usr/local/lib/python2.7/dist-packages/tensorflow/python/ops/variable_scope.py", line 394, in _true_getter use_resource=use_resource, constraint=constraint) "/usr/local/lib/python2.7/dist-packages/tensorflow/python/ops/variable_scope.py", line 742, in _get_single_variable name, "".join(traceback.format_list(tb)))) ValueError: Variable resnet_v2_50/postnorm/gamma already exists, disallowed. Did you mean to set reuse=True or reuse=tf.AUTO_REUSE in VarScope? Originally defined at:
Traceback (most recent call last): "/usr/local/lib/python3.4/dist-packages/import_export/resources.py", line 374, in import_data self.import_obj(instance, row, real_dry_run) "/usr/local/lib/python3.4/dist-packages/import_export/resources.py", line 238, in import_obj self.import_field(field, obj, data) "/usr/local/lib/python3.4/dist-packages/import_export/resources.py", line 230, in import_field field.save(obj, data) "/usr/local/lib/python3.4/dist-packages/import_export/fields.py", line 108, in save setattr(obj, attrs[-1], self.clean(data)) "/opt/ralph/src/ralph/data_center/models/mixins.py", line 82, in management_ip # IP entry to not try to change it's value "/opt/ralph/src/ralph/data_center/models/mixins.py", line 65, in _get_or_create_management_ip ip.ethernet = self.ethernet_set.create() "/opt/ralph/src/ralph/data_center/models/mixins.py", line 34, in _create_new_ip eth = self.ethernet_set.create() "/usr/local/lib/python3.4/dist-packages/django/db/models/fields/related.py", line 756, in create return super(RelatedManager, self.db_manager(db)).create(**kwargs) "/usr/local/lib/python3.4/dist-packages/django/db/models/manager.py", line 127, in manager_method return getattr(self.get_queryset(), name)(*args, **kwargs) "/usr/local/lib/python3.4/dist-packages/django/db/models/query.py", line 348, in create obj.save(force_insert=True, using=self.db) "/usr/local/lib/python3.4/dist-packages/django/db/models/base.py", line 685, in save "unsaved related object '%s'." % field.name ValueError: save() prohibited to prevent data loss due to unsaved related object 'base_object'.
0.580876
Traceback (most recent call last): "C:\ProgramData\Anaconda3\lib\site-packages\conda\exceptions.py", line 1062, in __call__ return func(*args, **kwargs) "C:\ProgramData\Anaconda3\lib\site-packages\conda\cli\main.py", line 84, in _main exit_code = do_call(args, p) "C:\ProgramData\Anaconda3\lib\site-packages\conda\cli\conda_argparse.py", line 82, in do_call exit_code = getattr(module, func_name)(args, parser) "C:\ProgramData\Anaconda3\lib\site-packages\conda\cli\main_list.py", line 142, in execute show_channel_urls=context.show_channel_urls) "C:\ProgramData\Anaconda3\lib\site-packages\conda\cli\main_list.py", line 80, in print_packages show_channel_urls=show_channel_urls) "C:\ProgramData\Anaconda3\lib\site-packages\conda\cli\main_list.py", line 45, in list_packages installed = sorted(PrefixData(prefix, pip_interop_enabled=True).iter_records(), "C:\ProgramData\Anaconda3\lib\site-packages\conda\core\prefix_data.py", line 133, in iter_records return itervalues(self._prefix_records) "C:\ProgramData\Anaconda3\lib\site-packages\conda\core\prefix_data.py", line 162, in _prefix_records return self.__prefix_records or self.load() or self.__prefix_records "C:\ProgramData\Anaconda3\lib\site-packages\conda\common\io.py", line 88, in decorated return f(*args, **kwds) "C:\ProgramData\Anaconda3\lib\site-packages\conda\core\prefix_data.py", line 72, in load self._load_site_packages() "C:\ProgramData\Anaconda3\lib\site-packages\conda\core\prefix_data.py", line 277, in _load_site_packages python_record = read_python_record(self.prefix_path, af, python_pkg_record.version) "C:\ProgramData\Anaconda3\lib\site-packages\conda\gateways\disk\read.py", line 257, in read_python_record paths_tups = pydist.get_paths() "C:\ProgramData\Anaconda3\lib\site-packages\conda\common\pkg_formats\python.py", line 269, in get_paths records = sorted(concatv(records, ((pf, None, None) for pf in missing_pyc_files))) TypeError: '<' not supported between instances of 'NoneType' and 'str'
Traceback (most recent call last): "/app/backup/haupdater.py", line 40, in update self._requests.updateSnapshotsSensor(self._state(), self._cache) "/app/backup/harequests.py", line 169, in updateSnapshotsSensor last = max(snapshots, key=lambda s: s.date()).date().isoformat() TypeError: can't compare offset-naive and offset-aware datetimes
0.498354
2021-04-22T11:29:10.427 full_node chia.rpc.rpc_server : WARNING Error while handling message: Traceback (most recent call last): "/home/ME/Documents/chia-blockchain/chia/rpc/rpc_server.py", line 81, in inner res_object = await f(request_data) "/home/ME/Documents/chia-blockchain/chia/rpc/rpc_server.py", line 161, in open_connection raise ValueError("Start client failed, or server is not set") ValueError: Start client failed, or server is not set
Traceback (most recent call last): "/home/baptistemm/Code/venv/b33ts/bin/beet", line 8, in <module> sys.exit(main()) "/home/baptistemm/Code/venv/b33ts/lib/python3.9/site-packages/beets/ui/__init__.py", line 1266, in main _raw_main(args) "/home/baptistemm/Code/venv/b33ts/lib/python3.9/site-packages/beets/ui/__init__.py", line 1249, in _raw_main subcommands, plugins, lib = _setup(options, lib) "/home/baptistemm/Code/venv/b33ts/lib/python3.9/site-packages/beets/ui/__init__.py", line 1144, in _setup lib = _open_library(config) "/home/baptistemm/Code/venv/b33ts/lib/python3.9/site-packages/beets/ui/__init__.py", line 1201, in _open_library get_path_formats(), "/home/baptistemm/Code/venv/b33ts/lib/python3.9/site-packages/beets/ui/__init__.py", line 619, in get_path_formats path_formats.append((query, template(view.as_str()))) "/home/baptistemm/Code/venv/b33ts/lib/python3.9/site-packages/beets/util/functemplate.py", line 571, in template return Template(fmt) "/home/baptistemm/Code/venv/b33ts/lib/python3.9/site-packages/beets/util/functemplate.py", line 581, in __init__ self.compiled = self.translate() "/home/baptistemm/Code/venv/b33ts/lib/python3.9/site-packages/beets/util/functemplate.py", line 614, in translate func = compile_func( "/home/baptistemm/Code/venv/b33ts/lib/python3.9/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
0.574756
Traceback (most recent call last): "train.py", line 491, in <module> train(hyp, opt, device, tb_writer, wandb) "train.py", line 186, in train mlc = np.concatenate(dataset.labels, 0)[:, 0].max() # max label class "<__array_function__ internals>", line 6, in concatenate ValueError: all the input arrays must have same number of dimensions, but the array at index 0 has 2 dimension(s) and the array at index 114824 has 1 dimension(s)
Traceback (most recent call last): "/usr/src/homeassistant/homeassistant/helpers/entity_platform.py", line 126, in _async_setup_platform SLOW_SETUP_MAX_WAIT) "/usr/local/lib/python3.7/asyncio/tasks.py", line 416, in wait_for return fut.result() "/usr/src/homeassistant/homeassistant/components/rainmachine/sensor.py", line 29, in async_setup_entry name, icon, unit, device_class = SENSORS[sensor_type] ValueError: not enough values to unpack (expected 4, got 3)
0.553199
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)
Traceback (most recent call last): "/home/khaldon/anaconda3/envs/dj/lib/python3.7/site-packages/django_elasticsearch_dsl/fields.py", line 53, in get_value_from_instance instance = instance[attr] TypeError: 'CustomUser' object is not subscriptable
0.524
Traceback (most recent call last): "keras_retinanet/bin/train.py", line 441, in <module> main() "keras_retinanet/bin/train.py", line 366, in main args = parse_args(args) "keras_retinanet/bin/train.py", line 359, in parse_args return check_args(parser.parse_args(args)) "keras_retinanet/bin/train.py", line 295, in check_args from ..models.resnet import validate_backbone "keras_retinanet/bin/../../keras_retinanet/models/resnet.py", line 20, in <module> import keras_resnet ImportError: No module named keras_resnet
Traceback (most recent call last): "/usr/local/lib/python3.6/dist-packages/evo/entry_points.py", line 98, in launch main_module.run(args) "/usr/local/lib/python3.6/dist-packages/evo/main_traj.py", line 297, in run trajectories, ref_traj = load_trajectories(args) "/usr/local/lib/python3.6/dist-packages/evo/main_traj.py", line 229, in load_trajectories bag, topic) "/usr/local/lib/python3.6/dist-packages/evo/tools/file_interface.py", line 249, in read_bag_trajectory from evo.tools import tf_cache "/usr/local/lib/python3.6/dist-packages/evo/tools/tf_cache.py", line 27, in <module> import tf2_py "/opt/ros/melodic/lib/python2.7/dist-packages/tf2_py/__init__.py", line 38, in <module> from ._tf2 import * ImportError: dynamic module does not define module export function (PyInit__tf2)
0.632755
Traceback (most recent call last): "/usr/lib64/python3.5/threading.py", line 914, in _bootstrap_inner self.run() "/home/user/electrum-master/lib/python3.5/site-packages/electrum/daemon.py", line 272, in run wallet.stop_threads() "/home/user/electrum-master/lib/python3.5/site-packages/electrum/wallet.py", line 976, in stop_threads self.storage.write() "/home/user/electrum-master/lib/python3.5/site-packages/electrum/util.py", line 213, in <lambda> return lambda *args, **kw_args: do_profile(func, args, kw_args) "/home/user/electrum-master/lib/python3.5/site-packages/electrum/util.py", line 209, in do_profile o = func(*args, **kw_args) "/home/user/electrum-master/lib/python3.5/site-packages/electrum/storage.py", line 161, in write self._write() "/home/user/electrum-master/lib/python3.5/site-packages/electrum/storage.py", line 169, in _write s = json.dumps(self.data, indent=4, sort_keys=True) "/usr/lib64/python3.5/json/__init__.py", line 237, in dumps **kw).encode(obj) "/usr/lib64/python3.5/json/encoder.py", line 200, in encode chunks = list(chunks) "/usr/lib64/python3.5/json/encoder.py", line 429, in _iterencode yield from _iterencode_dict(o, _current_indent_level) "/usr/lib64/python3.5/json/encoder.py", line 403, in _iterencode_dict yield from chunks "/usr/lib64/python3.5/json/encoder.py", line 352, in _iterencode_dict items = sorted(dct.items(), key=lambda kv: kv[0]) TypeError: unorderable types: NoneType() < str()
Traceback (most recent call last): "/usr/local/lib/python3.8/runpy.py", line 193, in _run_module_as_main return _run_code(code, main_globals, None, "/usr/local/lib/python3.8/runpy.py", line 86, in _run_code exec(code, run_globals) "/src/consumer.py", line 32, in <module> from common.pubsub import Subscriber "/src/common/pubsub.py", line 15, in <module> from kafka import KafkaProducer, KafkaConsumer "/usr/local/lib/python3.8/site-packages/kafka/__init__.py", line 22, in <module> from kafka.consumer import KafkaConsumer "/usr/local/lib/python3.8/site-packages/kafka/consumer/__init__.py", line 5, in <module> from kafka.consumer.group import KafkaConsumer "/usr/local/lib/python3.8/site-packages/kafka/consumer/group.py", line 13, in <module> from kafka.consumer.fetcher import Fetcher "/usr/local/lib/python3.8/site-packages/kafka/consumer/fetcher.py", line 19, in <module> from kafka.record import MemoryRecords "/usr/local/lib/python3.8/site-packages/kafka/record/__init__.py", line 1, in <module> from kafka.record.memory_records import MemoryRecords, MemoryRecordsBuilder "/usr/local/lib/python3.8/site-packages/kafka/record/memory_records.py", line 27, in <module> from kafka.record.legacy_records import LegacyRecordBatch, LegacyRecordBatchBuilder "/usr/local/lib/python3.8/site-packages/kafka/record/legacy_records.py", line 48, in <module> from kafka.record.util import calc_crc32 "/usr/local/lib/python3.8/site-packages/kafka/record/util.py", line 5, in <module> from crc32c import crc32 as crc32c_c "/usr/local/lib/python3.8/site-packages/crc32c/__init__.py", line 29, in <module> warnings.warn(RuntimeWarning, "_SLOW_CRC32C_WARNING",) TypeError: category must be a Warning subclass, not 'str'
0.657073
Traceback (most recent call last): "E:/word_space/FCHD/FCHD-Fully-Convolutional-Head-Detector-master/train.py", line 140, in <module> train() "E:/word_space/FCHD/FCHD-Fully-Convolutional-Head-Detector-master/train.py", line 112, in train gt_img = visdom_bbox(ori_img_, at.tonumpy(bbox_[0])) "E:\word_space\FCHD\FCHD-Fully-Convolutional-Head-Detector-master\src\vis_tool.py", line 194, in visdom_bbox data = fig4vis(fig) "E:\word_space\FCHD\FCHD-Fully-Convolutional-Head-Detector-master\src\vis_tool.py", line 183, in fig4vis img_data = fig2data(ax).astype(np.int32) "E:\word_space\FCHD\FCHD-Fully-Convolutional-Head-Detector-master\src\vis_tool.py", line 165, in fig2data buf1 = fig.canvas.tostring_argb() "D:\Anaconda3\lib\site-packages\matplotlib\backends\backend_agg.py", line 479, in tostring_argb return self.renderer.tostring_argb() AttributeError: 'FigureCanvasInterAgg' object has no attribute 'renderer'
Traceback (most recent call last): "/usr/local/bin/ivre", line 84, in <module> main() "/usr/local/bin/ivre", line 56, in main tools.get_command(possible_commands[0])() "/usr/local/lib/python2.7/dist-packages/ivre/tools/__init__.py", line 59, in get_command return getattr(__import__("%s.%s" % (__name__, name)).tools, name).main "/usr/local/lib/python2.7/dist-packages/ivre/tools/ipdata.py", line 48, in <module> import ivre.geoiputils "/usr/local/lib/python2.7/dist-packages/ivre/geoiputils.py", line 263, in <module> os.path.join(config.GEOIP_PATH, 'GeoIPCountry.csv'), "/usr/lib/python2.7/posixpath.py", line 70, in join elif path == '' or path.endswith('/'): AttributeError: 'NoneType' object has no attribute 'endswith'
0.632748
> Traceback (most recent call last): "train_bottleneck.py", line 246, in bottleneck_generator b0[b] = bottlenecks[0][i] IndexError: index 224 is out of bounds for axis 0 with size 224
Traceback (most recent call last): "F:/pytorch-yolov3-master/test.py", line 154, in <module> n_cpus=opt.n_cpus, "F:/pytorch-yolov3-master/test.py", line 123, in test print('%15s: %-.4f' % (c, AP_accum[i] / AP_accum_count[i])) IndexError: index 1 is out of bounds for axis 0 with size 1
0.611157
Traceback (most recent call last): "/usr/local/lib/python3.7/site-packages/django/core/handlers/exception.py", line 34, in inner response = get_response(request) "/usr/local/lib/python3.7/site-packages/django/core/handlers/base.py", line 115, in _get_response response = self.process_exception_by_middleware(e, request) "/usr/local/lib/python3.7/site-packages/django/core/handlers/base.py", line 113, in _get_response response = wrapped_callback(request, *callback_args, **callback_kwargs) "/usr/local/lib/python3.7/site-packages/django/views/decorators/csrf.py", line 54, in wrapped_view return view_func(*args, **kwargs) "/usr/local/lib/python3.7/site-packages/rest_framework/viewsets.py", line 116, in view return self.dispatch(request, *args, **kwargs) "/opt/netbox/netbox/utilities/api.py", line 282, in dispatch return super().dispatch(request, *args, **kwargs) "/usr/local/lib/python3.7/site-packages/rest_framework/views.py", line 495, in dispatch response = self.handle_exception(exc) "/usr/local/lib/python3.7/site-packages/rest_framework/views.py", line 455, in handle_exception self.raise_uncaught_exception(exc) "/usr/local/lib/python3.7/site-packages/rest_framework/views.py", line 492, in dispatch response = handler(request, *args, **kwargs) "/opt/netbox/netbox/utilities/api.py", line 303, in retrieve return super().retrieve(*args, **kwargs) "/usr/local/lib/python3.7/site-packages/rest_framework/mixins.py", line 58, in retrieve return Response(serializer.data) "/usr/local/lib/python3.7/site-packages/rest_framework/serializers.py", line 563, in data ret = super(Serializer, self).data "/usr/local/lib/python3.7/site-packages/rest_framework/serializers.py", line 262, in data self._data = self.to_representation(self.instance) "/usr/local/lib/python3.7/site-packages/rest_framework/serializers.py", line 530, in to_representation ret[field.field_name] = field.to_representation(attribute) "/usr/local/lib/python3.7/site-packages/rest_framework/serializers.py", line 517, in to_representation attribute = field.get_attribute(instance) "/usr/local/lib/python3.7/site-packages/rest_framework/fields.py", line 453, in get_attribute return get_attribute(instance, self.source_attrs) "/usr/local/lib/python3.7/site-packages/rest_framework/fields.py", line 101, in get_attribute instance = getattr(instance, attr) "/opt/netbox/netbox/service/models.py", line 376, in display_name if self.instance.primary_ip: "/opt/netbox/netbox/dcim/models.py", line 3729, in primary_ip elif self.primary_ip4: "/usr/local/lib/python3.7/site-packages/django/db/models/fields/related_descriptors.py", line 178, in __get__ rel_obj = self.get_object(instance) "/usr/local/lib/python3.7/site-packages/django/db/models/fields/related_descriptors.py", line 298, in get_object return super().get_object(instance) "/usr/local/lib/python3.7/site-packages/django/db/models/fields/related_descriptors.py", line 145, in get_object return qs.get(self.field.get_reverse_related_filter(instance)) "/usr/local/lib/python3.7/site-packages/cacheops/query.py", line 356, in get return qs._no_monkey.get(qs, *args, **kwargs) "/usr/local/lib/python3.7/site-packages/django/db/models/query.py", line 402, in get num = len(clone) "/usr/local/lib/python3.7/site-packages/django/db/models/query.py", line 256, in __len__ self._fetch_all() "/usr/local/lib/python3.7/site-packages/cacheops/query.py", line 282, in _fetch_all with redis_client.getting(cache_key, lock=lock) as cache_data: "/usr/local/lib/python3.7/contextlib.py", line 112, in __enter__ return next(self.gen) "/usr/local/lib/python3.7/site-packages/cacheops/redis.py", line 37, in getting yield self.get(key) "/usr/local/lib/python3.7/site-packages/funcy/decorators.py", line 39, in wrapper return deco(call, *dargs, **dkwargs) "/usr/local/lib/python3.7/site-packages/cacheops/redis.py", line 19, in handle_connection_failure return call() "/usr/local/lib/python3.7/site-packages/funcy/decorators.py", line 60, in __call__ return self._func(*self._args, **self._kwargs) "/usr/local/lib/python3.7/site-packages/redis/client.py", line 1579, in get return self.execute_command('GET', name) "/usr/local/lib/python3.7/site-packages/redis/client.py", line 878, in execute_command return self.parse_response(conn, command_name, **options) "/usr/local/lib/python3.7/site-packages/redis/client.py", line 892, in parse_response response = connection.read_response() "/usr/local/lib/python3.7/site-packages/redis/sentinel.py", line 55, in read_response return super(SentinelManagedConnection, self).read_response() "/usr/local/lib/python3.7/site-packages/redis/connection.py", line 734, in read_response response = self._parser.read_response() "/usr/local/lib/python3.7/site-packages/redis/connection.py", line 316, in read_response response = self._buffer.readline() "/usr/local/lib/python3.7/site-packages/redis/connection.py", line 248, in readline self._read_from_socket() "/usr/local/lib/python3.7/site-packages/redis/connection.py", line 194, in _read_from_socket buf.write(data) ValueError: I/O operation on closed file.
Traceback (most recent call last): "/mnt/e/conda3/envs/superset/lib/python3.6/site-packages/pandas/core/arrays/datetimes.py", line 1861, in objects_to_datetime64ns values, tz_parsed = conversion.datetime_to_datetime64(data) "pandas/_libs/tslibs/conversion.pyx", line 185, in pandas._libs.tslibs.conversion.datetime_to_datetime64 ValueError: Array must be all same time zone
0.516469
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'
[!] Traceback (most recent call last): "lazagne\softwares\browsers\mozilla.py", line 398, in is_master_password_correct AttributeError: 'Sequence' object has no attribute 'asOctets'
0.552317
Traceback (most recent call last): "example.py", line 32, in complex_internal_function raise ValueError('Oh noes!') ValueError: Oh noes!
Traceback (most recent call last): ".venv/bin/hypothesis", line 8, in <module> sys.exit(main()) "/home/florian/tmp/.venv/lib/python3.8/site-packages/click/core.py", line 829, in __call__ return self.main(*args, **kwargs) "/home/florian/tmp/.venv/lib/python3.8/site-packages/click/core.py", line 782, in main rv = self.invoke(ctx) "/home/florian/tmp/.venv/lib/python3.8/site-packages/click/core.py", line 1259, in invoke return _process_result(sub_ctx.command.invoke(sub_ctx)) "/home/florian/tmp/.venv/lib/python3.8/site-packages/click/core.py", line 1066, in invoke return ctx.invoke(self.callback, **ctx.params) "/home/florian/tmp/.venv/lib/python3.8/site-packages/click/core.py", line 610, in invoke return callback(*args, **kwargs) "/home/florian/tmp/.venv/lib/python3.8/site-packages/hypothesis/extra/cli.py", line 149, in write print(getattr(ghostwriter, writer)(*func, except_=except_ or (), style=style)) "/home/florian/tmp/.venv/lib/python3.8/site-packages/hypothesis/extra/ghostwriter.py", line 559, in magic if len(hints) == len(_get_params(func)) == 2: "/home/florian/tmp/.venv/lib/python3.8/site-packages/hypothesis/extra/ghostwriter.py", line 168, in _get_params params = list(inspect.signature(func).parameters.values()) "/usr/lib/python3.8/inspect.py", line 3093, in signature return Signature.from_callable(obj, follow_wrapped=follow_wrapped) "/usr/lib/python3.8/inspect.py", line 2842, in from_callable return _signature_from_callable(obj, sigcls=cls, "/usr/lib/python3.8/inspect.py", line 2372, in _signature_from_callable raise ValueError( ValueError: no signature found for builtin type <class 'zip'>
0.561998
Traceback (most recent call last): "/usr/bin/whipper", line 11, in <module> load_entry_point('whipper==0.5.1', 'console_scripts', 'whipper')() "/usr/lib/python2.7/site-packages/whipper/command/main.py", line 32, in main ret = cmd.do() "/usr/lib/python2.7/site-packages/whipper/command/basecommand.py", line 124, in do return self.cmd.do() "/usr/lib/python2.7/site-packages/whipper/command/basecommand.py", line 124, in do return self.cmd.do() "/usr/lib/python2.7/site-packages/whipper/command/cd.py", line 190, in do self.doCommand() "/usr/lib/python2.7/site-packages/whipper/command/cd.py", line 488, in doCommand self.program.verifyImage(self.runner, self.ittoc) "/usr/lib/python2.7/site-packages/whipper/common/program.py", line 573, in verifyImage verifytask = image.ImageVerifyTask(cueImage) "/usr/lib/python2.7/site-packages/whipper/image/image.py", line 146, in __init__ path = image.getRealPath(index.path) "/usr/lib/python2.7/site-packages/whipper/image/image.py", line 67, in getRealPath return self.cue.getRealPath(path) "/usr/lib/python2.7/site-packages/whipper/image/cue.py", line 187, in getRealPath return common.getRealPath(self._path, path) "/usr/lib/python2.7/site-packages/whipper/common/common.py", line 240, in getRealPath raise KeyError("Cannot find file for %r" % filePath) KeyError: "Cannot find file for u'01. Sofia Jannok - \\xc1\\u0161\\u0161og\\xe1ttis'"
Traceback (most recent call last): "C:\hostedtoolcache\windows\Python\3.8.5\x64\lib\site-packages\cx_Freeze\initscripts\__startup__.py", line 40, in run "C:\hostedtoolcache\windows\Python\3.8.5\x64\lib\site-packages\cx_Freeze\initscripts\Console.py", line 33, in run "bin/svtplay-dl", line 7, in <module> "D:\a\svtplay-dl\svtplay-dl\lib/svtplay_dl\__init__.py", line 66, in main "D:\a\svtplay-dl\svtplay-dl\lib/svtplay_dl\utils\getmedia.py", line 59, in get_media "D:\a\svtplay-dl\svtplay-dl\lib/svtplay_dl\utils\getmedia.py", line 77, in get_all_episodes "D:\a\svtplay-dl\svtplay-dl\lib/svtplay_dl\service\dplay.py", line 154, in find_all_episodes KeyError: 'data'
0.53557
Traceback (most recent call last): "/var/task/handler.py", line 509, in lambda_handler return LambdaHandler.lambda_handler(event, context) "/var/task/handler.py", line 237, in lambda_handler handler = cls() "/var/task/handler.py", line 132, in __init__ wsgi_app_function = getattr(self.app_module, self.settings.APP_FUNCTION) AttributeError: module 'api' has no attribute 'app'
Traceback (most recent call last): "kohonen.py", line 156, in <module> NetworkWriter.writeTo (som, 'kohonen.xml') "/Library/Python/2.7/site-packages/PyBrain-0.3-py2.7.egg/pybrain/tools/xml/networkwriter.py", line 30, in writeTo w.writeNetwork(net, netroot) "/Library/Python/2.7/site-packages/PyBrain-0.3-py2.7.egg/pybrain/tools/xml/networkwriter.py", line 43, in writeNetwork for im in net.inmodules: AttributeError: 'KohonenMap' object has no attribute 'inmodules'
0.650669
Traceback (most recent call last): "/usr/bin/sshuttle", line 11, in <module> sys.exit(main()) "/usr/lib/python3.4/site-packages/sshuttle/cmdline.py", line 76, in main opt.daemon, opt.pidfile) "/usr/lib/python3.4/site-packages/sshuttle/client.py", line 744, in main seed_hosts, auto_hosts, auto_nets, daemon) "/usr/lib/python3.4/site-packages/sshuttle/client.py", line 437, in _main auto_hosts=auto_hosts)) "/usr/lib/python3.4/site-packages/sshuttle/ssh.py", line 96, in connect empackage(z, 'sshuttle.server') + "/usr/lib/python3.4/site-packages/sshuttle/ssh.py", line 60, in empackage return b'%s\n%d\n%s' % (name.encode("ASCII"), len(content), content) TypeError: unsupported operand type(s) for %: 'bytes' and 'tuple'
Traceback (most recent call last): "/home/frappe/benches/bench-2017-08-21/apps/frappe/frappe/app.py", line 56, in application response = frappe.handler.handle() "/home/frappe/benches/bench-2017-08-21/apps/frappe/frappe/handler.py", line 21, in handle data = execute_cmd(cmd) "/home/frappe/benches/bench-2017-08-21/apps/frappe/frappe/handler.py", line 52, in execute_cmd return frappe.call(method, **frappe.form_dict) "/home/frappe/benches/bench-2017-08-21/apps/frappe/frappe/__init__.py", line 922, in call return fn(*args, **newargs) "/home/frappe/benches/bench-2017-08-21/apps/frappe/frappe/desk/search.py", line 34, in search_widget searchfield, start, page_length, filters, as_dict=as_dict) "/home/frappe/benches/bench-2017-08-21/apps/frappe/frappe/__init__.py", line 922, in call return fn(*args, **newargs) "/home/frappe/benches/bench-2017-08-21/apps/erpnext/erpnext/controllers/queries.py", line 241, in get_delivery_notes_to_be_billed "fcond": get_filters_cond(doctype, filters, []), "/home/frappe/benches/bench-2017-08-21/apps/frappe/frappe/desk/reportview.py", line 365, in get_filters_cond query.build_filter_conditions(flt, conditions, ignore_permissions) "/home/frappe/benches/bench-2017-08-21/apps/frappe/frappe/model/db_query.py", line 270, in build_filter_conditions conditions.append(self.prepare_filter_condition(f)) "/home/frappe/benches/bench-2017-08-21/apps/frappe/frappe/model/db_query.py", line 323, in prepare_filter_condition value = getdate(f.value).strftime("%Y-%m-%d") "/home/frappe/benches/bench-2017-08-21/apps/frappe/frappe/utils/data.py", line 41, in getdate return parser.parse(string_date).date() "/home/frappe/benches/bench-2017-08-21/env/lib/python2.7/site-packages/dateutil/parser.py", line 1182, in parse return DEFAULTPARSER.parse(timestr, **kwargs) "/home/frappe/benches/bench-2017-08-21/env/lib/python2.7/site-packages/dateutil/parser.py", line 556, in parse res, skipped_tokens = self._parse(timestr, **kwargs) "/home/frappe/benches/bench-2017-08-21/env/lib/python2.7/site-packages/dateutil/parser.py", line 675, in _parse l = _timelex.split(timestr) # Splits the timestr into tokens "/home/frappe/benches/bench-2017-08-21/env/lib/python2.7/site-packages/dateutil/parser.py", line 192, in split return list(cls(s)) "/home/frappe/benches/bench-2017-08-21/env/lib/python2.7/site-packages/dateutil/parser.py", line 61, in __init__ '{itype}'.format(itype=instream.__class__.__name__)) TypeError: Parser must be a string or character stream, not list
0.602884
Traceback (most recent call last): "C:\Users\ZeroCool940711\Desktop\PyFlow\PyFlow\Core\PythonSyntax.py", line 137, in highlightBlock in_multiline = self.match_multiline(text, *self.tri_double) "C:\Users\ZeroCool940711\Desktop\PyFlow\PyFlow\Core\PythonSyntax.py", line 167, in match_multiline length = text.length() - start + add AttributeError: 'unicode' object has no attribute 'length'
Traceback (most recent call last): "/home/rjudge/ternenv/bin/tern", line 10, in <module> sys.exit(main()) "/home/rjudge/ternenv/tern/tern/__main__.py", line 201, in main do_main(args) "/home/rjudge/ternenv/tern/tern/__main__.py", line 113, in do_main run.execute_docker_image(args) "/home/rjudge/ternenv/tern/tern/analyze/docker/run.py", line 99, in execute_docker_image report.teardown() "/home/rjudge/ternenv/tern/tern/report/report.py", line 66, in teardown container.close_client() "/home/rjudge/ternenv/tern/tern/analyze/docker/container.py", line 190, in close_client client.close() AttributeError: 'NoneType' object has no attribute 'close'
0.591077
Traceback (most recent call last): "<string>", line 1, in <module> "C:/Users/Sam/AppData/Local/Temp/pip-install-m9w4eb1p/pycryptodome_93082b5711c64cf198f572fd212d35c5/setup.py", line 443, in <module> set_compiler_options(package_root, ext_modules) "C:/Users/Sam/AppData/Local/Temp/pip-install-m9w4eb1p/pycryptodome_93082b5711c64cf198f572fd212d35c5/compiler_opt.py", line 299, in set_compiler_options clang = compiler_is_clang() "C:/Users/Sam/AppData/Local/Temp/pip-install-m9w4eb1p/pycryptodome_93082b5711c64cf198f572fd212d35c5/compiler_opt.py", line 237, in compiler_is_clang return test_compilation(source, msg="clang") "C:/Users/Sam/AppData/Local/Temp/pip-install-m9w4eb1p/pycryptodome_93082b5711c64cf198f572fd212d35c5/compiler_opt.py", line 67, in test_compilation compiler = ccompiler.new_compiler() "C:/Users/Sam/Downloads/tartube-portable-64bit/tartube/mingw64/lib/python3.8/distutils/ccompiler.py", line 1034, in new_compiler return klass(None, dry_run, force) "C:/Users/Sam/Downloads/tartube-portable-64bit/tartube/mingw64/lib/python3.8/distutils/cygwinccompiler.py", line 310, in __init__ CygwinCCompiler.__init__ (self, verbose, dry_run, force) "C:/Users/Sam/Downloads/tartube-portable-64bit/tartube/mingw64/lib/python3.8/distutils/cygwinccompiler.py", line 127, in __init__ if self.ld_version >= "2.10.90": TypeError: '>=' not supported between instances of 'NoneType' and 'str'
Traceback (most recent call last): "bilibili_video_download_v2.py", line 209, in <module> video_list = get_play_list(aid, cid, quality) "bilibili_video_download_v2.py", line 36, in get_play_list for i in html['data']['durl']: TypeError: 'NoneType' object is not subscriptable
0.635456
Traceback (most recent call last): "/usr/local/bin/intelmqctl", line 11, in <module> load_entry_point('intelmq', 'console_scripts', 'intelmqctl')() "/home/sebastianw/dev/intelmq/intelmq/bin/intelmqctl.py", line 1899, in main return x.run() "/home/sebastianw/dev/intelmq/intelmq/bin/intelmqctl.py", line 1041, in run retval, results = args.func(**args_dict) "/home/sebastianw/dev/intelmq/intelmq/bin/intelmqctl.py", line 1224, in list return self.list_queues(non_zero=non_zero, count=count) "/home/sebastianw/dev/intelmq/intelmq/bin/intelmqctl.py", line 1290, in list_queues pipeline = PipelineFactory.create(self.parameters, logger=self.logger) TypeError: create() got multiple values for argument 'logger'
Traceback (most recent call last): in HTTP connection: TcpDisconnect('[Errno 104] Connection reset by peer',) "/usr/local/lib/python3.5/dist-packages/mitmproxy/tools/console/master.py", line 281, in run self.loop.run() "/usr/local/lib/python3.5/dist-packages/urwid/main_loop.py", line 278, in run self._run() "/usr/local/lib/python3.5/dist-packages/urwid/main_loop.py", line 376, in _run self.event_loop.run() "/usr/local/lib/python3.5/dist-packages/urwid/main_loop.py", line 682, in run self._loop() "/usr/local/lib/python3.5/dist-packages/urwid/main_loop.py", line 715, in _loop alarm_callback() "/usr/local/lib/python3.5/dist-packages/urwid/main_loop.py", line 164, in cb callback(self, user_data) "/usr/local/lib/python3.5/dist-packages/mitmproxy/tools/console/master.py", line 242, in ticker self.loop.set_alarm_in(0.01, self.ticker) "/usr/local/lib/python3.5/dist-packages/urwid/main_loop.py", line 165, in set_alarm_in return self.event_loop.alarm(sec, cb) "/usr/local/lib/python3.5/dist-packages/urwid/main_loop.py", line 604, in alarm heapq.heappush(self._alarms, (tm, callback)) TypeError: unorderable types: function() < function()
0.585118
Traceback (most recent call last): "result_update.py", line 38, in <module> contents = repo.get_contents("README.md", ref="baseline") AttributeError: 'Branch' object has no attribute 'get_contents'
The minion function caused an exception: Traceback (most recent call last): "/usr/lib/python2.7/dist-packages/salt/minion.py", line 1600, in _thread_return return_data = minion_instance.executors[fname](opts, data, func, args, kwargs) "/usr/lib/python2.7/dist-packages/salt/executors/direct_call.py", line 12, in execute return func(*args, **kwargs) "/usr/lib/python2.7/dist-packages/salt/utils/napalm.py", line 430, in func_wrapper return func(*args, **kwargs) "/usr/lib/python2.7/dist-packages/salt/modules/napalm_acl.py", line 446, in load_term_config **term_fields) "/usr/lib/python2.7/dist-packages/salt/modules/capirca_acl.py", line 869, in get_term_config revision_date_format=revision_date_format) "/usr/lib/python2.7/dist-packages/salt/modules/capirca_acl.py", line 1015, in get_filter_config revision_date_format=revision_date_format) "/usr/lib/python2.7/dist-packages/salt/modules/capirca_acl.py", line 1180, in get_policy_config merge_pillar=merge_pillar) "/usr/lib/python2.7/dist-packages/salt/modules/capirca_acl.py", line 538, in _get_policy_object **term_fields) "/usr/lib/python2.7/dist-packages/salt/modules/capirca_acl.py", line 493, in _get_term_object log.debug(six.text_type(term)) "/root/src/aclgen/lib/policy.py", line 747, in __str__ if self.ttl: AttributeError: '_Term' object has no attribute 'ttl'
0.640295
Traceback (most recent call last): "manage.py", line 21, in <module> main() "manage.py", line 17, in main execute_from_command_line(sys.argv) "C:\Users\tay\.virtualenvs\relog-XSTo8UAo\lib\site-packages\django\core\management\__init__.py", line 381, in execute_from_command_line utility.execute() "C:\Users\tay\.virtualenvs\relog-XSTo8UAo\lib\site-packages\django\core\management\__init__.py", line 375, in execute self.fetch_command(subcommand).run_from_argv(self.argv) "C:\Users\tay\.virtualenvs\relog-XSTo8UAo\lib\site-packages\django\core\management\commands\test.py", line 23, in run_from_argv super().run_from_argv(argv) "C:\Users\tay\.virtualenvs\relog-XSTo8UAo\lib\site-packages\django\core\management\base.py", line 323, in run_from_argv self.execute(*args, **cmd_options) "C:\Users\tay\.virtualenvs\relog-XSTo8UAo\lib\site-packages\django\core\management\base.py", line 364, in execute output = self.handle(*args, **options) "C:\Users\tay\.virtualenvs\relog-XSTo8UAo\lib\site-packages\django\core\management\commands\test.py", line 53, in handle failures = test_runner.run_tests(test_labels) "C:\Users\tay\.virtualenvs\relog-XSTo8UAo\lib\site-packages\django_nose\runner.py", line 308, in run_tests result = self.run_suite(nose_argv) "C:\Users\tay\.virtualenvs\relog-XSTo8UAo\lib\site-packages\django_nose\runner.py", line 245, in run_suite addplugins=plugins_to_add) "C:\Users\tay\.virtualenvs\relog-XSTo8UAo\lib\site-packages\nose\core.py", line 121, in __init__ **extra_args) "C:\Program s\Python37\Lib\unittest\main.py", line 101, in __init__ self.runTests() "C:\Users\tay\.virtualenvs\relog-XSTo8UAo\lib\site-packages\nose\core.py", line 207, in runTests result = self.testRunner.run(self.test) "C:\Users\tay\.virtualenvs\relog-XSTo8UAo\lib\site-packages\nose\core.py", line 66, in run result.printErrors() "C:\Users\tay\.virtualenvs\relog-XSTo8UAo\lib\site-packages\nose\plugins\manager.py", line 99, in __call__ return self.call(*arg, **kw) "C:\Users\tay\.virtualenvs\relog-XSTo8UAo\lib\site-packages\nose\plugins\manager.py", line 167, in simple result = meth(*arg, **kw) "C:\Users\tay\.virtualenvs\relog-XSTo8UAo\lib\site-packages\django_nose\plugin.py", line 89, in finalize self.runner.teardown_test_environment() "C:\Users\tay\.virtualenvs\relog-XSTo8UAo\lib\site-packages\django\test\runner.py", line 588, in teardown_test_environment teardown_test_environment() "C:\Users\tay\.virtualenvs\relog-XSTo8UAo\lib\site-packages\django\test\utils.py", line 144, in teardown_test_environment saved_data = _TestState.saved_data AttributeError: type object '_TestState' has no attribute 'saved_data'
Traceback (most recent call last): "C:/Program s/IDA 7.0/plugins/struct_typer_plugin.py", line 47, in run idaapi.require('flare.struct_typer') "C:\Program s\IDA 7.0\python\ida_idaapi.py", line 153, in require m = importlib.import_module(modulename, package) "C:\python27-x64\Lib\importlib\__init__.py", line 37, in import_module __import__(name) "C:\Program s\IDA 7.0\python\flare\struct_typer.py", line 70, in <module> print_type_to_one_line = g_dll.print_type_to_one_line "C:\python27-x64\Lib\ctypes\__init__.py", line 375, in __getattr__ func = self.__getitem__(name) "C:\python27-x64\Lib\ctypes\__init__.py", line 380, in __getitem__ func = self._FuncPtr((name_or_ordinal, self)) AttributeError: function 'print_type_to_one_line' not found
0.610231
Traceback (most recent call last): "<stdin>", line 1, in <module> "/root/.local/lib/python3.7/site-packages/google/cloud/storage/client.py", line 110, in __init__ project=project, credentials=credentials, _http=_http "/root/.local/lib/python3.7/site-packages/google/cloud/client.py", line 250, in __init__ Client.__init__(self, credentials=credentials, client_options=client_options, _http=_http) "/root/.local/lib/python3.7/site-packages/google/cloud/client.py", line 143, in __init__ scopes = client_options.scopes or self.SCOPE AttributeError: 'ClientOptions' object has no attribute 'scopes'
Traceback (most recent call last): "/usr/local/bin/pylint", line 10, in <module> sys.exit(run_pylint()) "/usr/local/lib/python3.7/site-packages/pylint/__init__.py", line 23, in run_pylint PylintRun(sys.argv[1:]) "/usr/local/lib/python3.7/site-packages/pylint/lint.py", line 1731, in __init__ linter.check(args) "/usr/local/lib/python3.7/site-packages/pylint/lint.py", line 1004, in check self._do_check(files_or_modules) "/usr/local/lib/python3.7/site-packages/pylint/lint.py", line 1165, in _do_check self.check_astroid_module(ast_node, walker, rawcheckers, tokencheckers) "/usr/local/lib/python3.7/site-packages/pylint/lint.py", line 1252, in check_astroid_module walker.walk(ast_node) "/usr/local/lib/python3.7/site-packages/pylint/utils/ast_walker.py", line 77, in walk self.walk(child) "/usr/local/lib/python3.7/site-packages/pylint/utils/ast_walker.py", line 77, in walk self.walk(child) "/usr/local/lib/python3.7/site-packages/pylint/utils/ast_walker.py", line 77, in walk self.walk(child) "/usr/local/lib/python3.7/site-packages/pylint/utils/ast_walker.py", line 74, in walk callback(astroid) "/usr/local/lib/python3.7/site-packages/pylint/checkers/base.py", line 2273, in visit_compare self._check_callable_comparison(node) "/usr/local/lib/python3.7/site-packages/pylint/checkers/base.py", line 2257, in _check_callable_comparison for operand in (left_operand, right_operand) "/usr/local/lib/python3.7/site-packages/pylint/checkers/base.py", line 2258, in <genexpr> if isinstance(utils.safe_infer(operand), bare_callables) "/usr/local/lib/python3.7/site-packages/pylint/checkers/utils.py", line 1084, in safe_infer value = next(inferit) "/usr/local/lib/python3.7/site-packages/astroid/decorators.py", line 131, in raise_if_nothing_inferred yield next(generator) "/usr/local/lib/python3.7/site-packages/astroid/decorators.py", line 95, in wrapped res = next(generator) "/usr/local/lib/python3.7/site-packages/astroid/inference.py", line 227, in infer_call yield from callee.infer_call_result(caller=self, context=callcontext) "/usr/local/lib/python3.7/site-packages/astroid/scoped_nodes.py", line 1677, in infer_call_result yield from returnnode.value.infer(context) "/usr/local/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/usr/local/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/usr/local/lib/python3.7/site-packages/astroid/decorators.py", line 131, in raise_if_nothing_inferred yield next(generator) "/usr/local/lib/python3.7/site-packages/astroid/decorators.py", line 95, in wrapped res = next(generator) "/usr/local/lib/python3.7/site-packages/astroid/inference.py", line 221, in infer_call for callee in self.func.infer(context): "/usr/local/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/usr/local/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/usr/local/lib/python3.7/site-packages/astroid/decorators.py", line 95, in wrapped res = next(generator) "/usr/local/lib/python3.7/site-packages/astroid/decorators.py", line 131, in raise_if_nothing_inferred yield next(generator) "/usr/local/lib/python3.7/site-packages/astroid/inference.py", line 362, in infer_subscript for index in self.slice.infer(context): "/usr/local/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/usr/local/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/usr/local/lib/python3.7/site-packages/astroid/decorators.py", line 131, in raise_if_nothing_inferred yield next(generator) "/usr/local/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/usr/local/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/usr/local/lib/python3.7/site-packages/astroid/decorators.py", line 131, in raise_if_nothing_inferred yield next(generator) "/usr/local/lib/python3.7/site-packages/astroid/decorators.py", line 95, in wrapped res = next(generator) "/usr/local/lib/python3.7/site-packages/astroid/bases.py", line 133, in _infer_stmts for inferred in stmt.infer(context=context): "/usr/local/lib/python3.7/site-packages/astroid/util.py", line 160, in limit_inference yield from islice(iterator, size) "/usr/local/lib/python3.7/site-packages/astroid/context.py", line 113, in cache_generator for result in generator: "/usr/local/lib/python3.7/site-packages/astroid/decorators.py", line 131, in raise_if_nothing_inferred yield next(generator) "/usr/local/lib/python3.7/site-packages/astroid/decorators.py", line 95, in wrapped res = next(generator) "/usr/local/lib/python3.7/site-packages/astroid/bases.py", line 131, in _infer_stmts context.lookupname = stmt._infer_name(frame, name) AttributeError: 'str' object has no attribute '_infer_name'
0.633569
Traceback (most recent call last): "convert.py", line 241, in <module> _main(parser.parse_args()) "convert.py", line 170, in _main padding=padding))(prev_layer) "build/bdist.linux-x86_64/egg/keras/engine/topology.py", line 560, in __call__ "build/bdist.linux-x86_64/egg/keras/layers/convolutional.py", line 134, in build "build/bdist.linux-x86_64/egg/keras/legacy/interfaces.py", line 87, in wrapper "build/bdist.linux-x86_64/egg/keras/engine/topology.py", line 384, in add_weight "build/bdist.linux-x86_64/egg/keras/backend/tensorflow_backend.py", line 323, in variable AttributeError: can't set attribute
Traceback (most recent call last): "apache_beam/runners/common.py", line 780, in apache_beam.runners.common.DoFnRunner.process "apache_beam/runners/common.py", line 587, in apache_beam.runners.common.PerWindowInvoker.invoke_process "apache_beam/runners/common.py", line 655, in apache_beam.runners.common.PerWindowInvoker._invoke_process_per_window "apache_beam/runners/common.py", line 880, in apache_beam.runners.common._OutputProcessor.process_outputs "apache_beam/runners/common.py", line 895, in apache_beam.runners.common._OutputProcessor.process_outputs "/Users/justingrace/.pyenv/versions/hlx36/lib/python3.6/site-packages/tensorflow_transform/beam/impl.py", line 338, in process lambda: self._make_graph_state(saved_model_dir)) "/Users/justingrace/.pyenv/versions/hlx36/lib/python3.6/site-packages/tfx_bsl/beam/shared.py", line 221, in acquire return _shared_map.acquire(self._key, constructor_fn) "/Users/justingrace/.pyenv/versions/hlx36/lib/python3.6/site-packages/tfx_bsl/beam/shared.py", line 184, in acquire result = control_block.acquire(constructor_fn) "/Users/justingrace/.pyenv/versions/hlx36/lib/python3.6/site-packages/tfx_bsl/beam/shared.py", line 87, in acquire result = constructor_fn() "/Users/justingrace/.pyenv/versions/hlx36/lib/python3.6/site-packages/tensorflow_transform/beam/impl.py", line 338, in <lambda> lambda: self._make_graph_state(saved_model_dir)) "/Users/justingrace/.pyenv/versions/hlx36/lib/python3.6/site-packages/tensorflow_transform/beam/impl.py", line 314, in _make_graph_state self._exclude_outputs, self._tf_config) "/Users/justingrace/.pyenv/versions/hlx36/lib/python3.6/site-packages/tensorflow_transform/beam/impl.py", line 232, in __init__ tensor_inputs = graph_tools.get_dependent_inputs(graph, inputs, fetches) "/Users/justingrace/.pyenv/versions/hlx36/lib/python3.6/site-packages/tensorflow_transform/graph_tools.py", line 690, in get_dependent_inputs sink_tensors_ready) "/Users/justingrace/.pyenv/versions/hlx36/lib/python3.6/site-packages/tensorflow_transform/graph_tools.py", line 503, in __init__ table_init_op, graph_analyzer_for_table_init, translate_path_fn) "/Users/justingrace/.pyenv/versions/hlx36/lib/python3.6/site-packages/tensorflow_transform/graph_tools.py", line 564, in _get_table_init_op_source_info if table_init_op.type not in _TABLE_INIT_OP_TYPES: AttributeError: 'Tensor' object has no attribute 'type'
0.653902
Traceback (most recent call last): "C:\Users\seb\AppData\Roaming\Blender Foundation\Blender\2.79\scripts\addons\animation_nodes\base_types\nodes\base_node.py", line 167, in draw_label return self.drawLabel() "C:\Users\seb\AppData\Roaming\Blender Foundation\Blender\2.79\scripts\addons\animation_nodes\nodes\list\create_list.py", line 56, in drawLabel return "Create " + toListDataType(self.assignedType) TypeError: Can't convert 'NoneType' object to str implicitly
Traceback (most recent call last): "/home/janluke/anaconda3/bin/spotify_dl", line 11, in <module> load_entry_point('spotify-dl', 'console_scripts', 'spotify_dl')() "/mnt/SanDiskData/Repo/spotify-dl/spotify_dl/spotify_dl.py", line 78, in spotify_dl url_match = playlist_url_pattern.match(args.url) TypeError: expected string or bytes-like object
0.529006
Traceback (most recent call last): "rpn_train.py", line 113, in <module> inference_on_dataset(trainer.model, val_loader, evaluator) "/home/samjith/anaconda3/envs/detectron2/lib/python3.8/site-packages/detectron2/evaluation/evaluator.py", line 159, in inference_on_dataset results = evaluator.evaluate() "/home/samjith/anaconda3/envs/detectron2/lib/python3.8/site-packages/detectron2/evaluation/coco_evaluation.py", line 136, in evaluate self._eval_box_proposals() "/home/samjith/anaconda3/envs/detectron2/lib/python3.8/site-packages/detectron2/evaluation/coco_evaluation.py", line 223, in _eval_box_proposals stats = _evaluate_box_proposals( "/home/samjith/anaconda3/envs/detectron2/lib/python3.8/site-packages/detectron2/evaluation/coco_evaluation.py", line 452, in _evaluate_box_proposals gt_overlaps = torch.cat(gt_overlaps, dim=0) RuntimeError: There were no tensor arguments to this function (e.g., you passed an empty list of Tensors), but no fallback function is registered for schema aten::_cat. This usually means that this function requires a non-empty list of Tensors. Available functions are [CUDATensorId, CPUTensorId, VariableTensorId]
Traceback (most recent call last): "C:\Program s\JetBrains\PyCharm Community Edition 2020.3.1\plugins\python-ce\helpers\pydev\pydevd.py", line 1477, in _exec pydev_imports.execfile(file, globals, locals) # execute the script "C:\Program s\JetBrains\PyCharm Community Edition 2020.3.1\plugins\python-ce\helpers\pydev\_pydev_imps\_pydev_execfile.py", line 18, in execfile exec(compile(contents+"\n", file, 'exec'), glob, loc) "D:/code_python/har_hailiang/ultralytics_yolov3_mine/train.py", line 445, in <module> train(hyp) # train normally "D:/code_python/har_hailiang/ultralytics_yolov3_mine/train.py", line 293, in train pred = model(imgs) "C:\ProgramData\Anaconda3\lib\site-packages\torch\nn\modules\module.py", line 727, in _call_impl result = self.forward(*input, **kwargs) "D:\code_python\har_hailiang\ultralytics_yolov3_mine\models.py", line 256, in forward return self.forward_once(x) "D:\code_python\har_hailiang\ultralytics_yolov3_mine\models.py", line 310, in forward_once x = module(x) "C:\ProgramData\Anaconda3\lib\site-packages\torch\nn\modules\module.py", line 727, in _call_impl result = self.forward(*input, **kwargs) "C:\ProgramData\Anaconda3\lib\site-packages\torch\nn\modules\container.py", line 117, in forward input = module(input) "C:\ProgramData\Anaconda3\lib\site-packages\torch\nn\modules\module.py", line 731, in _call_impl hook_result = hook(self, input, result) "C:\ProgramData\Anaconda3\lib\site-packages\thop\vision\basic_hooks.py", line 31, in count_convNd m.total_ops += torch.DoubleTensor([int(total_ops)]) RuntimeError: Expected all tensors to be on the same device, but found at least two devices, cuda:0 and cpu!
0.604874
Traceback (most recent call last): "/home/sk/PaddleDetection/ppdet/data/reader.py", line 46, in __call__ data = f(data, ctx) "/home/sk/PaddleDetection/ppdet/data/transform/operators.py", line 1753, in __call__ canvas[y:y + height, x:x + width, :] = img.astype(np.uint8) ValueError: could not broadcast input array from shape (608,608,3) into shape (4496,3000,3)
Traceback (most recent call last): "/usr/local/lib/python2.7/runpy.py", line 174, in _run_module_as_main "__main__", fname, loader, pkg_name) "/usr/local/lib/python2.7/runpy.py", line 72, in _run_code exec code in run_globals "/ml/kfp_component/launcher/__main__.py", line 45, in <module> main() "/ml/kfp_component/launcher/__main__.py", line 42, in main launch(args.file_or_module, args.args) "kfp_component/launcher/launcher.py", line 45, in launch return fire.Fire(module, command=args, name=module.__name__) "/usr/local/lib/python2.7/site-packages/fire/core.py", line 127, in Fire component_trace = _Fire(component, args, context, name) "/usr/local/lib/python2.7/site-packages/fire/core.py", line 366, in _Fire component, remaining_args) "/usr/local/lib/python2.7/site-packages/fire/core.py", line 542, in _CallCallable result = fn(*varargs, **kwargs) "kfp_component/google/ml_engine/_batch_predict.py", line 55, in batch_predict raise ValueError('model_path value is invalid.') ValueError: model_path value is invalid.
0.563917
Traceback (most recent call last): "synapse/git/synapse/http/server.py", line 81, in wrapped_request_handler yield h(self, request) "synapse/lib/python3.7/site-packages/twisted/internet/defer.py", line 1416, in _inlineCallbacks result = result.throwExceptionIntoGenerator(g) "synapse/lib/python3.7/site-packages/twisted/python/failure.py", line 512, in throwExceptionIntoGenerator return g.throw(self.type, self.value, self.tb) "synapse/git/synapse/rest/media/v1/upload_resource.py", line 95, in _async_render_POST content_length, requester.user "synapse/lib/python3.7/site-packages/twisted/internet/defer.py", line 1416, in _inlineCallbacks result = result.throwExceptionIntoGenerator(g) "synapse/lib/python3.7/site-packages/twisted/python/failure.py", line 512, in throwExceptionIntoGenerator return g.throw(self.type, self.value, self.tb) "synapse/git/synapse/rest/media/v1/media_repository.py", line 176, in create_content None, media_id, media_id, media_type, "synapse/lib/python3.7/site-packages/twisted/internet/defer.py", line 1416, in _inlineCallbacks result = result.throwExceptionIntoGenerator(g) "synapse/lib/python3.7/site-packages/twisted/python/failure.py", line 512, in throwExceptionIntoGenerator return g.throw(self.type, self.value, self.tb) "synapse/git/synapse/rest/media/v1/media_repository.py", line 615, in _generate_thumbnails t_width, t_height, t_type, "synapse/lib/python3.7/site-packages/twisted/python/threadpool.py", line 250, in inContext result = inContext.theWork() "synapse/lib/python3.7/site-packages/twisted/python/threadpool.py", line 266, in <lambda> inContext.theWork = lambda: context.call(ctx, func, *args, **kw) "synapse/lib/python3.7/site-packages/twisted/python/context.py", line 122, in callWithContext return self.currentContext().callWithContext(ctx, func, *args, **kw) "synapse/lib/python3.7/site-packages/twisted/python/context.py", line 85, in callWithContext return func(*args,**kw) "synapse/git/synapse/util/logcontext.py", line 636, in g return f(*args, **kwargs) "synapse/git/synapse/rest/media/v1/thumbnailer.py", line 94, in scale scaled = self.image.resize((width, height), Image.ANTIALIAS) "synapse/lib/python3.7/site-packages/PIL/Image.py", line 1814, in resize im = im.resize(size, resample, box) "synapse/lib/python3.7/site-packages/PIL/Image.py", line 1819, in resize return self._new(self.im.resize(size, resample, box)) ValueError: height and width must be > 0
Traceback (most recent call last): "C:\Users\thoma\Documents\lbry\venv-lbry\Scripts\lbrynet-script.py", line 11, in <module> load_entry_point('lbrynet', 'console_scripts', 'lbrynet')() "c:\users\thoma\documents\lbry\lbrynet\extras\cli.py", line 281, in main loop.run_until_complete(daemon.stop()) "C:\Users\thoma\AppData\Local\Programs\Python\Python37-32\lib\asyncio\base_events.py", line 571, in run_until_complete self.run_forever() "C:\Users\thoma\AppData\Local\Programs\Python\Python37-32\lib\asyncio\base_events.py", line 539, in run_forever self._run_once() "C:\Users\thoma\AppData\Local\Programs\Python\Python37-32\lib\asyncio\base_events.py", line 1739, in _run_once event_list = self._selector.select(timeout) "C:\Users\thoma\AppData\Local\Programs\Python\Python37-32\lib\selectors.py", line 323, in select r, w, _ = self._select(self._readers, self._writers, [], timeout) "C:\Users\thoma\AppData\Local\Programs\Python\Python37-32\lib\selectors.py", line 314, in _select r, w, x = select.select(r, w, w, timeout) ValueError: too many file descriptors in select()
0.547547
Traceback (most recent call last): "/fate/fate_flow/driver/task_executor.py", line 118, in run_task run_object.run(parameters, task_run_args) "/fate/federatedml/model_base.py", line 157, in run self._run_data(args["data"], stage) "/fate/federatedml/model_base.py", line 134, in _run_data self.data_output = self.transform(data) "/fate/federatedml/util/data_io.py", line 738, in transform return self.reader.read_data(data_inst, "transform") "/fate/federatedml/util/data_io.py", line 115, in read_data abnormal_detection.empty_table_detection(input_data) "/fate/federatedml/util/abnormal_detection.py", line 25, in empty_table_detection raise ValueError("Count of data_instance is 0") ValueError: Count of data_instance is 0
Traceback (most recent call last): "/builddir/build/BUILD/python-biopython-1.73/python3/Tests/common_BioSQL.py", line 964, in setUp load_database(gb_file) "/builddir/build/BUILD/python-biopython-1.73/python3/Tests/common_BioSQL.py", line 251, in load_database count = db.load(iterator) "/builddir/build/BUILD/python-biopython-1.73/python3/build/lib.linux-x86_64-3.8/BioSQL/BioSeqDatabase.py", line 920, in load db_loader.load_seqrecord(cur_record) "/builddir/build/BUILD/python-biopython-1.73/python3/build/lib.linux-x86_64-3.8/BioSQL/Loader.py", line 73, in load_seqrecord self._load_reference(reference, rank, bioentry_id) "/builddir/build/BUILD/python-biopython-1.73/python3/build/lib.linux-x86_64-3.8/BioSQL/Loader.py", line 836, in _load_reference start = 1 + int(str(reference.location[0].start)) ValueError: invalid literal for int() with base 10: 'ExactPosition(0)'
0.615981
Traceback (most recent call last): "/home/kzy816/.local/lib/python3.7/site-packages/distributed/comm/core.py", line 221, in connect _raise(error) "/home/kzy816/.local/lib/python3.7/site-packages/distributed/comm/core.py", line 204, in _raise raise IOError(msg) OSError: Timed out trying to connect to 'tcp://172.20.129.23:43394' after 10 s: connect() didn't finish in time
Traceback (most recent call last): "scripts/pipeline/interactive.py", line 70, in <module> tokenizer=args.tokenizer "/home/eric/repos/DrQA/drqa/pipeline/drqa.py", line 140, in __init__ initargs=(tok_class, tok_opts, db_class, db_opts, fixed_candidates) "/home/eric/anaconda3/envs/drqa/lib/python3.6/multiprocessing/context.py", line 119, in Pool context=self.get_context()) "/home/eric/anaconda3/envs/drqa/lib/python3.6/multiprocessing/pool.py", line 174, in __init__ self._repopulate_pool() "/home/eric/anaconda3/envs/drqa/lib/python3.6/multiprocessing/pool.py", line 239, in _repopulate_pool w.start() "/home/eric/anaconda3/envs/drqa/lib/python3.6/multiprocessing/process.py", line 105, in start self._popen = self._Popen(self) "/home/eric/anaconda3/envs/drqa/lib/python3.6/multiprocessing/context.py", line 277, in _Popen return Popen(process_obj) "/home/eric/anaconda3/envs/drqa/lib/python3.6/multiprocessing/popen_fork.py", line 19, in __init__ self._launch(process_obj) "/home/eric/anaconda3/envs/drqa/lib/python3.6/multiprocessing/popen_fork.py", line 66, in _launch self.pid = os.fork() OSError: [Errno 22] Invalid argument
0.525097
Traceback (most recent call last): "/usr/bin/isympy", line 11, in <module> load_entry_point('sympy==1.4', 'console_scripts', 'isympy')() "/usr/lib/python3.7/site-packages/isympy.py", line 339, in main init_session(ipython, **args) "/usr/lib/python3.7/site-packages/sympy/interactive/session.py", line 443, in init_session raise RuntimeError("automatic construction of symbols is possible only in IPython 0.11 or above") RuntimeError: automatic construction of symbols is possible only in IPython 0.11 or above
Traceback (most recent call last): "demo/demo.py", line 106, in <module> main() "demo/demo.py", line 80, in main predictor = Predictor(cfg, args.model, logger, device='cuda:0') "demo/demo.py", line 33, in __init__ self.model = model.to(device).eval() "/home/cuc/anaconda3/envs/nanodet/lib/python3.8/site-packages/torch/nn/modules/module.py", line 612, in to return self._apply(convert) "/home/cuc/anaconda3/envs/nanodet/lib/python3.8/site-packages/torch/nn/modules/module.py", line 359, in _apply module._apply(fn) "/home/cuc/anaconda3/envs/nanodet/lib/python3.8/site-packages/torch/nn/modules/module.py", line 359, in _apply module._apply(fn) "/home/cuc/anaconda3/envs/nanodet/lib/python3.8/site-packages/torch/nn/modules/module.py", line 359, in _apply module._apply(fn) "/home/cuc/anaconda3/envs/nanodet/lib/python3.8/site-packages/torch/nn/modules/module.py", line 381, in _apply param_applied = fn(param) "/home/cuc/anaconda3/envs/nanodet/lib/python3.8/site-packages/torch/nn/modules/module.py", line 610, in convert return t.to(device, dtype if t.is_floating_point() else None, non_blocking) "/home/cuc/anaconda3/envs/nanodet/lib/python3.8/site-packages/torch/cuda/__init__.py", line 172, in _lazy_init torch._C._cuda_init() RuntimeError: The NVIDIA driver on your system is too old (found version 10020). Please update your GPU driver by downloading and installing a new version from the URL: http://www.nvidia.com/Download/index.aspx Alternatively, go to: https://pytorch.org to install a PyTorch version that has been compiled with your version of the CUDA driver.
0.609642
Traceback (most recent call last): "/usr/local/lib/python3.6/site-packages/sphinx/cmdline.py", line 306, in main app.build(opts.force_all, filenames) "/usr/local/lib/python3.6/site-packages/sphinx/application.py", line 338, in build self.builder.build_update() "/usr/local/lib/python3.6/site-packages/sphinx/builders/__init__.py", line 328, in build_update 'out of date' % len(to_build)) "/usr/local/lib/python3.6/site-packages/sphinx/builders/__init__.py", line 341, in build updated_docnames = set(self.env.update(self.config, self.srcdir, self.doctreedir)) "/usr/local/lib/python3.6/site-packages/sphinx/environment/__init__.py", line 584, in update self._read_serial(docnames, self.app) "/usr/local/lib/python3.6/site-packages/sphinx/environment/__init__.py", line 602, in _read_serial self.clear_doc(docname) "/usr/local/lib/python3.6/site-packages/sphinx/environment/__init__.py", line 323, in clear_doc domain.clear_doc(docname) "/usr/local/lib/python3.6/site-packages/sphinx/domains/std.py", line 537, in clear_doc for key, docnames in list(self.data['citation_refs'].items()): KeyError: 'citation_refs'
Traceback (most recent call last): "run_predicate_classification.py", line 812, in <module> tf.app.run() "/home/anaconda/anaconda3/lib/python3.5/site-packages/tensorflow/python/platform/app.py", line 125, in run _sys.exit(main(argv)) "run_predicate_classification.py", line 690, in main train_examples, label_list, FLAGS.max_seq_length, tokenizer, train_file) "run_predicate_classification.py", line 381, in file_based_convert_examples_to_features max_seq_length, tokenizer) "run_predicate_classification.py", line 343, in convert_single_example label_ids = _predicate_label_to_id(label_list, label_map) "run_predicate_classification.py", line 367, in _predicate_label_to_id predicate_label_ids[predicate_label_map[label]] = 1 KeyError: ''
0.581964
Traceback (most recent call last): "/home/relskhan/anaconda3/envs/tesr/lib/python3.7/site-packages/pandas/core/indexes/base.py", line 2646, in get_loc return self._engine.get_loc(key) "pandas/_libs/index.pyx", line 111, in pandas._libs.index.IndexEngine.get_loc "pandas/_libs/index.pyx", line 138, in pandas._libs.index.IndexEngine.get_loc "pandas/_libs/hashtable_class_helper.pxi", line 1619, in pandas._libs.hashtable.PyObjectHashTable.get_item "pandas/_libs/hashtable_class_helper.pxi", line 1627, in pandas._libs.hashtable.PyObjectHashTable.get_item KeyError: 'close'
Traceback (most recent call last): "/usr/local/lib/python3.6/site-packages/drf_yasg/inspectors/base.py", line 50, in call_view_method return view_method() "/code/vitapio/candidates/views.py", line 165, in get_queryset candidate = Candidate.objects.get(id = self.kwargs['candidates_pk']) KeyError: 'candidates_pk'
0.494043
Traceback (most recent call last): "tools/eval.py", line 188, in <module> main() "tools/eval.py", line 108, in main checkpoint.load_params(exe, eval_prog, cfg.weights) "/home/aistudio/PaddleDetection/ppdet/utils/checkpoint.py", line 98, in load_params "exists.".format(path)) ValueError: Model pretrain path output/faster_rcnn_r50_1x/model_final does not exists.
Traceback (most recent call last): "C:\Python37\Lib\runpy.py", line 193, in _run_module_as_main "__main__", mod_spec) "C:\Python37\Lib\runpy.py", line 85, in _run_code exec(code, run_globals) "D:\workspace\.virtualenvs\conx\Scripts\wandb.exe\__main__.py", line 5, in <module> "d:\workspace\.virtualenvs\conx\lib\site-packages\wandb\__init__.py", line 66, in <module> GLOBAL_LOG_FNAME = os.path.relpath(GLOBAL_LOG_FNAME, os.getcwd()) "d:\workspace\.virtualenvs\conx\lib\ntpath.py", line 564, in relpath path_drive, start_drive)) ValueError: path is on mount 'C:', start on mount 'D:'
0.597873
Traceback (most recent call last): "/home/njs/.user-python3.5-64bit/local/lib/python3.5/site-packages/pip/_internal/basecommand.py", line 228, in main status = self.run(options, args) "/home/njs/.user-python3.5-64bit/local/lib/python3.5/site-packages/pip/_internal/commands/install.py", line 241, in run with self._build_session(options) as session: "/home/njs/.user-python3.5-64bit/local/lib/python3.5/site-packages/pip/_internal/basecommand.py", line 78, in _build_session if options.cache_dir else None "/home/njs/.user-python3.5-64bit/lib/python3.5/posixpath.py", line 89, in join genericpath._check_arg_types('join', a, *p) "/home/njs/.user-python3.5-64bit/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 'int'
Traceback (most recent call last): "salt/minion.py", line 359, in _thread_return "salt/modules/win_network.py", line 212, in interfaces "salt/modules/win_network.py", line 178, in _interfaces_ipconfig TypeError: search() takes at least 2 arguments (1 given)
0.594404
Traceback (most recent call last): "/Projects/golem/golemapp.py", line 124, in <module> "/Projects/golem/venv/lib/python3.5/site-packages/click/core.py", line 722, in __call__ "/Projects/golem/venv/lib/python3.5/site-packages/click/core.py", line 697, in main "/Projects/golem/venv/lib/python3.5/site-packages/click/core.py", line 895, in invoke "/Projects/golem/venv/lib/python3.5/site-packages/click/core.py", line 535, in invoke "/Projects/golem/golemapp.py", line 91, in start "/Projects/golem/golem/node.py", line 26, in __init__ "/Projects/golem/golem/client.py", line 155, in __init__ "/Projects/golem/golem/transactions/ethereum/ethereumtransactionsystem.py", line 36, in __init__ "/Projects/golem/golem/ethereum/client.py", line 19, in __init__ "/Projects/golem/golem/ethereum/node.py", line 93, in __init__ OSError: Incompatible geth version: 1.7. Expected >= 1.6.1 and <= 1.6.999
Traceback (most recent call last): "/anaconda/lib/python2.7/site-packages/conda/exceptions.py", line 640, in conda_exception_handler return_value = func(*args, **kwargs) "/anaconda/lib/python2.7/site-packages/conda/cli/main.py", line 140, in _main exit_code = args.func(args, p) "/anaconda/lib/python2.7/site-packages/conda/cli/main_search.py", line 126, in execute execute_search(args, parser) "/anaconda/lib/python2.7/site-packages/conda/cli/main_search.py", line 197, in execute_search unknown=args.unknown) "/anaconda/lib/python2.7/site-packages/conda/core/index.py", line 101, in get_index index = fetch_index(channel_priority_map, use_cache=use_cache) "/anaconda/lib/python2.7/site-packages/conda/core/index.py", line 120, in fetch_index repodatas = collect_all_repodata(use_cache, tasks) "/anaconda/lib/python2.7/site-packages/conda/core/repodata.py", line 75, in collect_all_repodata repodatas = _collect_repodatas_serial(use_cache, tasks) "/anaconda/lib/python2.7/site-packages/conda/core/repodata.py", line 485, in _collect_repodatas_serial for url, schan, pri in tasks] "/anaconda/lib/python2.7/site-packages/conda/core/repodata.py", line 115, in func res = f(*args, **kwargs) "/anaconda/lib/python2.7/site-packages/conda/core/repodata.py", line 467, in fetch_repodata touch(cache_path) "/anaconda/lib/python2.7/site-packages/conda/gateways/disk/update.py", line 64, in touch utime(path, None) OSError: [Errno 13] Permission denied: '/anaconda/pkgs/cache/d85a531e.json'
0.611709
Traceback (most recent call last): "/var/cache/salt/minion/extmods/modules/dockermod.py", line 378, in _get_docker_py_versioninfo return docker.version_info AttributeError: 'module' object has no attribute 'version_info'
Traceback (most recent call last): "./vlan.py", line 85, in <module> device.load_merge_candidate(filename="my_candidate_merge_file") "/usr/local/lib/python3.8/site-packages/napalm/ios/ios.py", line 316, in load_merge_candidate return_status, msg = self._load_candidate_wrapper( "/usr/local/lib/python3.8/site-packages/napalm/ios/ios.py", line 283, in _load_candidate_wrapper (return_status, msg) = self._scp_file( "/usr/local/lib/python3.8/site-packages/napalm/ios/ios.py", line 621, in _scp_file return self._xfer_file( "/usr/local/lib/python3.8/site-packages/napalm/ios/ios.py", line 677, in _xfer_file if not transfer.verify_space_available(): "/usr/local/lib/python3.8/site-packages/netmiko/scp_handler.py", line 192, in verify_space_available space_avail = self.remote_space_available(search_pattern=search_pattern) "/usr/local/lib/python3.8/site-packages/netmiko/scp_handler.py", line 136, in remote_space_available if "kbytes" in match.group(0) or "Kbytes" in match.group(0): AttributeError: 'NoneType' object has no attribute 'group'
0.628129
Traceback (most recent call last): "lbry\blob_exchange\server.py", line 103, in handle_request "asyncio\tasks.py", line 442, in wait_for "lbry\blob\blob_file.py", line 166, in sendfile "asyncio\base_events.py", line 1061, in sendfile "asyncio\base_events.py", line 1089, in _sendfile_fallback ValueError: seek of closed file
Traceback (most recent call last): "/golem/entrypoints/verifier_entrypoint.py", line 15, in <module> params['output_format'], "/golem/entrypoints/scripts/verifier_tools/verifier.py", line 221, in verify make_verdict(subtask_file_paths, crops, results) "/golem/entrypoints/scripts/verifier_tools/verifier.py", line 132, in make_verdict crop_data['crop']['outfilebasename'] + "metrics.txt") "/golem/entrypoints/scripts/verifier_tools/image_metrics_calculator.py", line 63, in calculate_metrics PROVIDER_RESULT_CROP_NAME_PREFIX + os.path.basename(reference_crop_path) "/usr/local/lib/python3.6/dist-packages/PIL/Image.py", line 1917, in save raise ValueError('unknown file extension: {}'.format(ext)) ValueError: unknown file extension: .exr
0.575526
Traceback (most recent call last): "./nvpy.py", line 37, in <module> from notes_db import NotesDB, SyncError, ReadError, WriteError "/home/***/nvpy-git/nvpy/nvpy/notes_db.py", line 15, in <module> import simplenote ImportError: No module named simplenote
Traceback (most recent call last): "/opt/tools/anaconda3/lib/python3.6/site-packages/googleapiclient/discovery_cache/__init__.py", line 41, in autodetect from . import file_cache "/opt/tools/anaconda3/lib/python3.6/site-packages/googleapiclient/discovery_cache/file_cache.py", line 41, in <module> 'file_cache is unavailable when using oauth2client >= 4.0.0') ImportError: file_cache is unavailable when using oauth2client >= 4.0.0
0.630807
Traceback (most recent call last): "evalpyt2.py", line 87, in <module> model.load_state_dict(saved_state_dict) "/usr/local/lib/python2.7/dist-packages/torch/nn/modules/module.py", line 335, in load_state_dict own_state[name].copy_(param) RuntimeError: sizes do not match at /b/wheel/pytorch-src/torch/lib/THC/THCTensorCopy.cu:31
Traceback (most recent call last): "<string>", line 1, in <module> "/home/zy/mmcv/setup.py", line 319, in <module> zip_safe=False) "/home/zy/anaconda3/envs/open-mmlab/lib/python3.7/site-packages/setuptools/__init__.py", line 153, in setup return distutils.core.setup(**attrs) "/home/zy/anaconda3/envs/open-mmlab/lib/python3.7/distutils/core.py", line 148, in setup dist.run_commands() "/home/zy/anaconda3/envs/open-mmlab/lib/python3.7/distutils/dist.py", line 966, in run_commands self.run_command(cmd) "/home/zy/anaconda3/envs/open-mmlab/lib/python3.7/distutils/dist.py", line 985, in run_command cmd_obj.run() "/home/zy/anaconda3/envs/open-mmlab/lib/python3.7/site-packages/setuptools/command/develop.py", line 34, in run self.install_for_development() "/home/zy/anaconda3/envs/open-mmlab/lib/python3.7/site-packages/setuptools/command/develop.py", line 136, in install_for_development self.run_command('build_ext') "/home/zy/anaconda3/envs/open-mmlab/lib/python3.7/distutils/cmd.py", line 313, in run_command self.distribution.run_command(command) "/home/zy/anaconda3/envs/open-mmlab/lib/python3.7/distutils/dist.py", line 985, in run_command cmd_obj.run() "/home/zy/anaconda3/envs/open-mmlab/lib/python3.7/site-packages/setuptools/command/build_ext.py", line 79, in run _build_ext.run(self) "/home/zy/anaconda3/envs/open-mmlab/lib/python3.7/site-packages/Cython/Distutils/old_build_ext.py", line 186, in run _build_ext.build_ext.run(self) "/home/zy/anaconda3/envs/open-mmlab/lib/python3.7/distutils/command/build_ext.py", line 340, in run self.build_extensions() "/home/zy/anaconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 649, in build_extensions build_ext.build_extensions(self) "/home/zy/anaconda3/envs/open-mmlab/lib/python3.7/site-packages/Cython/Distutils/old_build_ext.py", line 195, in build_extensions _build_ext.build_ext.build_extensions(self) "/home/zy/anaconda3/envs/open-mmlab/lib/python3.7/distutils/command/build_ext.py", line 449, in build_extensions self._build_extensions_serial() "/home/zy/anaconda3/envs/open-mmlab/lib/python3.7/distutils/command/build_ext.py", line 474, in _build_extensions_serial self.build_extension(ext) "/home/zy/anaconda3/envs/open-mmlab/lib/python3.7/site-packages/setuptools/command/build_ext.py", line 196, in build_extension _build_ext.build_extension(self, ext) "/home/zy/anaconda3/envs/open-mmlab/lib/python3.7/distutils/command/build_ext.py", line 534, in build_extension depends=ext.depends) "/home/zy/anaconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 478, in unix_wrap_ninja_compile with_cuda=with_cuda) "/home/zy/anaconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1233, in _write_ninja_file_and_compile_objects error_prefix='Error compiling objects for extension') "/home/zy/anaconda3/envs/open-mmlab/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1529, in _run_ninja_build raise RuntimeError(message) RuntimeError: Error compiling objects for extension
0.540171
Traceback (most recent call last): "/home/cosmin/.virtualenvs/raiden/bin/raiden", line 11, in <module> load_entry_point('raiden', 'console_scripts', 'raiden')() "/home/cosmin/Documents/WORK/GITHUB/raiden/raiden/__main__.py", line 11, in main run(auto_envvar_prefix='RAIDEN') # pylint: disable=no-value-for-parameter "/home/cosmin/.virtualenvs/raiden/lib/python3.6/site-packages/click/core.py", line 722, in __call__ return self.main(*args, **kwargs) "/home/cosmin/.virtualenvs/raiden/lib/python3.6/site-packages/click/core.py", line 697, in main rv = self.invoke(ctx) "/home/cosmin/.virtualenvs/raiden/lib/python3.6/site-packages/click/core.py", line 1043, in invoke return Command.invoke(self, ctx) "/home/cosmin/.virtualenvs/raiden/lib/python3.6/site-packages/click/core.py", line 895, in invoke return ctx.invoke(self.callback, **ctx.params) "/home/cosmin/.virtualenvs/raiden/lib/python3.6/site-packages/click/core.py", line 535, in invoke return callback(*args, **kwargs) "/home/cosmin/.virtualenvs/raiden/lib/python3.6/site-packages/click/decorators.py", line 17, in new_func return f(get_current_context(), *args, **kwargs) "/home/cosmin/Documents/WORK/GITHUB/raiden/raiden/ui/cli.py", line 1110, in run NodeRunner(kwargs, ctx).run() "/home/cosmin/Documents/WORK/GITHUB/raiden/raiden/ui/cli.py", line 943, in run app = self._run_app() "/home/cosmin/Documents/WORK/GITHUB/raiden/raiden/ui/cli.py", line 961, in _run_app app_ = run_app(**self._options) "/home/cosmin/Documents/WORK/GITHUB/raiden/raiden/ui/cli.py", line 780, in run_app raiden_app.start() "/home/cosmin/Documents/WORK/GITHUB/raiden/raiden/app.py", line 130, in start self.raiden.start() "/home/cosmin/Documents/WORK/GITHUB/raiden/raiden/raiden_service.py", line 221, in start storage, "/home/cosmin/Documents/WORK/GITHUB/raiden/raiden/storage/wal.py", line 9, in restore_from_latest_snapshot snapshot = storage.get_latest_state_snapshot() "/home/cosmin/Documents/WORK/GITHUB/raiden/raiden/storage/sqlite.py", line 135, in get_latest_state_snapshot snapshot_state = self.serializer.deserialize(serialized[0][1]) "/home/cosmin/Documents/WORK/GITHUB/raiden/raiden/storage/serialize.py", line 87, in deserialize return json.loads(data, cls=RaidenJSONDecoder) "/usr/lib/python3.6/json/__init__.py", line 367, in loads return cls(**kw).decode(s) "/usr/lib/python3.6/json/decoder.py", line 339, in decode obj, end = self.raw_decode(s, idx=_w(s, 0).end()) "/usr/lib/python3.6/json/decoder.py", line 355, in raw_decode obj, end = self.scan_once(s, idx) "/home/cosmin/Documents/WORK/GITHUB/raiden/raiden/storage/serialize.py", line 53, in object_hook obj = klass.from_dict(data) "/home/cosmin/Documents/WORK/GITHUB/raiden/raiden/transfer/state.py", line 317, in from_dict pseudo_random_generator = pseudo_random_generator_from_json(data) "/home/cosmin/Documents/WORK/GITHUB/raiden/raiden/transfer/utils.py", line 28, in pseudo_random_generator_from_json state = list(data['pseudo_random_generator']) # copy KeyError: 'pseudo_random_generator'
Traceback (most recent call last): "/usr/bin/electrum", line 80, in <module> check_imports() "/usr/bin/electrum", line 73, in check_imports from google.protobuf import descriptor_pb2 "/usr/lib/python3.6/site-packages/google/protobuf/descriptor_pb2.py", line 409, in <module> options=None), "/usr/lib/python3.6/site-packages/google/protobuf/descriptor.py", line 501, in __new__ return _message.default_pool.FindFieldByName(full_name) KeyError: "Couldn't find field google.protobuf.DescriptorProto.ExtensionRange.options"
0.552373
Traceback (most recent call last): "/usr/local/lib/python3.6/dist-packages/intelmq/lib/bot.py", line 267, in start self.process() "/usr/local/lib/python3.6/dist-packages/intelmq/lib/bot.py", line 942, in process for line in self.parse(report): "/usr/local/lib/python3.6/dist-packages/intelmq/bots/parsers/shadowserver/parser.py", line 65, in parse filename_search = self.__is_filename_regex.search(self.report_name) TypeError: expected string or bytes-like object
10:17:56 WARNING Traceback (most recent call last): "c:\users\volker\anaconda3\envs\stardist\lib\site-packages\OpenGL\latebind.py", line 43, in __call__ return self._finalCall( *args, **named ) TypeError: 'NoneType' object is not callable
0.56306
Traceback (most recent call last): "/usr/local/lib/python3.7/site-packages/radish/hookregistry.py", line 132, in call func(model, *args, **kwargs) "/usr/local/lib/python3.7/site-packages/terraform_compliance/steps/terrain.py", line 7, in load_terraform_data world.config.terraform = TerraformParser(world.config.user_data['plan_file']) "/usr/local/lib/python3.7/site-packages/terraform_compliance/extensions/terraform.py", line 34, in __init__ self.parse() "/usr/local/lib/python3.7/site-packages/terraform_compliance/extensions/terraform.py", line 225, in parse self._mount_references() "/usr/local/lib/python3.7/site-packages/terraform_compliance/extensions/terraform.py", line 200, in _mount_references self._mount_resources(source_resources, flatten_list(ref_list), ref_type) "/usr/local/lib/python3.7/site-packages/terraform_compliance/extensions/terraform.py", line 153, in _mount_resources self.resources[target_resource]['values'][ref_type].append(self.resources[source_resource]['values']) KeyError: 'values'
Traceback (most recent call last): "/usr/src/homeassistant/homeassistant/components/mqtt/debug_info.py", line 31, in wrapper _log_message(msg) "/usr/src/homeassistant/homeassistant/components/mqtt/debug_info.py", line 24, in _log_message messages = debug_info["entities"][entity_id]["topics"][msg.topic] KeyError: 'homie/Markise-Schalter/$homie'
0.522536
Traceback (most recent call last): "/spare/local/hflinner/venv-infra/bin/invoke", line 11, in <module> sys.exit(program.run()) "/spare/local/hflinner/venv-infra/lib/python2.7/site-packages/invoke/program.py", line 363, in run self.execute() "/spare/local/hflinner/venv-infra/lib/python2.7/site-packages/invoke/program.py", line 532, in execute executor.execute(*self.tasks) "/spare/local/hflinner/venv-infra/lib/python2.7/site-packages/invoke/executor.py", line 129, in execute result = call.task(*args, **call.kwargs) "/spare/local/hflinner/venv-infra/lib/python2.7/site-packages/invoke/tasks.py", line 128, in call result = self.body(*args, **kwargs) "/spare/local/hflinner/invoke/myproj/tools/tests/tasks.py", line 23, in build1 ctx.run(release_cmd) "/spare/local/hflinner/venv-infra/lib/python2.7/site-packages/invoke/context.py", line 94, in run return self._run(runner, command, **kwargs) "/spare/local/hflinner/venv-infra/lib/python2.7/site-packages/invoke/context.py", line 100, in _run command = self._prefix_commands(command)Had a script that was working, then stopped working after I poked around reading "/spare/local/hflinner/venv-infra/lib/python2.7/site-packages/invoke/context.py", line 242, in _prefix_commands current_directory = self.cwd "/spare/local/hflinner/venv-infra/lib/python2.7/site-packages/invoke/config.py", line 125, in getattr raise AttributeError(err) AttributeError: No attribute or config key found for 'cwd'
Traceback (most recent call last): "/opt/conda/bin/dask-scheduler", line 10, in <module> sys.exit(go()) "/opt/conda/lib/python3.7/site-packages/distributed/cli/dask_scheduler.py", line 241, in go main() "/opt/conda/lib/python3.7/site-packages/click/core.py", line 764, in __call__ return self.main(*args, **kwargs) "/opt/conda/lib/python3.7/site-packages/click/core.py", line 717, in main rv = self.invoke(ctx) "/opt/conda/lib/python3.7/site-packages/click/core.py", line 956, in invoke return ctx.invoke(self.callback, **ctx.params) "/opt/conda/lib/python3.7/site-packages/click/core.py", line 555, in invoke return callback(*args, **kwargs) "/opt/conda/lib/python3.7/site-packages/distributed/cli/dask_scheduler.py", line 218, in main **kwargs "/opt/conda/lib/python3.7/site-packages/distributed/scheduler.py", line 886, in __init__ self.bandwidth = parse_bytes(dask.config.get("distributed.scheduler.bandwidth")) "/opt/conda/lib/python3.7/site-packages/dask/utils.py", line 1164, in parse_bytes s = s.replace(" ", "") AttributeError: 'int' object has no attribute 'replace'
0.634891
Traceback (most recent call last): "<string>", line 1, in <module> "/tmp/pip-install-oqwfpcuq/walrus/setup.py", line 17, in <module> version=__import__('walrus').__version__, "/tmp/pip-install-oqwfpcuq/walrus/walrus/__init__.py", line 37, in <module> from walrus.database import Database "/tmp/pip-install-oqwfpcuq/walrus/walrus/database.py", line 68, in <module> class Database(Redis): "/tmp/pip-install-oqwfpcuq/walrus/walrus/database.py", line 72, in Database RESPONSE_CALLBACKS = Redis.RESPONSE_CALLBACKS AttributeError: type object 'object' has no attribute 'RESPONSE_CALLBACKS'
Traceback (most recent call last): "/usr/local/lib/python3.7/site-packages/dataflow_worker/batchworker.py", line 649, in do_work work_executor.execute() "/usr/local/lib/python3.7/site-packages/dataflow_worker/executor.py", line 179, in execute op.start() "apache_beam/runners/worker/operations.py", line 662, in apache_beam.runners.worker.operations.DoOperation.start "apache_beam/runners/worker/operations.py", line 664, in apache_beam.runners.worker.operations.DoOperation.start "apache_beam/runners/worker/operations.py", line 665, in apache_beam.runners.worker.operations.DoOperation.start "apache_beam/runners/worker/operations.py", line 284, in apache_beam.runners.worker.operations.Operation.start "apache_beam/runners/worker/operations.py", line 290, in apache_beam.runners.worker.operations.Operation.start "apache_beam/runners/worker/operations.py", line 611, in apache_beam.runners.worker.operations.DoOperation.setup "apache_beam/runners/worker/operations.py", line 616, in apache_beam.runners.worker.operations.DoOperation.setup "/usr/local/lib/python3.7/site-packages/apache_beam/internal/pickler.py", line 283, in loads return dill.loads(s) "/usr/local/lib/python3.7/site-packages/dill/_dill.py", line 275, in loads return load(file, ignore, **kwds) "/usr/local/lib/python3.7/site-packages/dill/_dill.py", line 270, in load return Unpickler(file, ignore=ignore, **kwds).load() "/usr/local/lib/python3.7/site-packages/dill/_dill.py", line 472, in load obj = StockUnpickler.load(self) "/usr/local/lib/python3.7/site-packages/dill/_dill.py", line 462, in find_class return StockUnpickler.find_class(self, module, name) AttributeError: Can't get attribute '_create_code' on <module 'dill._dill' from '/usr/local/lib/python3.7/site-packages/dill/_dill.py'>
0.549397
Traceback (most recent call last): "./scout.py", line 5, in <module> from ScoutSuite.__main__ import run_from_cli "/Users/username/WORK/audits/dev1/ScoutSuite/ScoutSuite/__main__.py", line 8, in <module> from asyncio_throttle import Throttler ModuleNotFoundError: No module named 'asyncio_throttle'
Traceback (most recent call last): "/Library/Frameworks/Python.framework/Versions/3.9/lib/python3.9/site-packages/pyglossary/ui/main.py", line 516, in main __import__(f"ui.ui_{ui_type2}"), "/Library/Frameworks/Python.framework/Versions/3.9/lib/python3.9/site-packages/pyglossary/ui/ui_gtk.py", line 47, in <module> import gi ModuleNotFoundError: No module named 'gi'
0.663946
In [14]: Traceback (most recent call last): "/usr/local/lib/python2.7/site-packages/matplotlib/artist.py", line 55, in draw_wrapper draw(artist, renderer, *args, **kwargs) "/usr/local/lib/python2.7/site-packages/matplotlib/figure.py", line 927, in draw func(*args) "/usr/local/lib/python2.7/site-packages/matplotlib/artist.py", line 55, in draw_wrapper draw(artist, renderer, *args, **kwargs) "/usr/local/lib/python2.7/site-packages/matplotlib/axes.py", line 1999, in draw a.draw(renderer) "/usr/local/lib/python2.7/site-packages/matplotlib/artist.py", line 55, in draw_wrapper draw(artist, renderer, *args, **kwargs) "/usr/local/lib/python2.7/site-packages/matplotlib/lines.py", line 494, in draw gc.set_foreground(self._color) "/usr/local/lib/python2.7/site-packages/matplotlib/backends/backend_macosx.py", line 189, in set_foreground GraphicsContextBase.set_foreground(self, fg, isRGB) "/usr/local/lib/python2.7/site-packages/matplotlib/backend_bases.py", line 878, in set_foreground self._rgb = colors.colorConverter.to_rgba(fg) "/usr/local/lib/python2.7/site-packages/matplotlib/colors.py", line 354, in to_rgba raise ValueError('to_rgba: Invalid rgba arg "%s"\n%s' % (str(arg), exc)) ValueError: to_rgba: Invalid rgba arg "['k']" need more than 1 value to unpack
Traceback (most recent call last): "/Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/multiprocessing/forkserver.py", line 261, in main self._keyboard_fd = sys.__stdin__.fileno() ValueError: I/O operation on closed file
0.508569
Traceback (most recent call last): "/home/frappe/frappe-bench/apps/frappe/frappe/app.py", line 62, in application response = frappe.handler.handle() "/home/frappe/frappe-bench/apps/frappe/frappe/handler.py", line 22, in handle data = execute_cmd(cmd) "/home/frappe/frappe-bench/apps/frappe/frappe/handler.py", line 53, in execute_cmd return frappe.call(method, **frappe.form_dict) "/home/frappe/frappe-bench/apps/frappe/frappe/__init__.py", line 939, in call return fn(*args, **newargs) "/home/frappe/frappe-bench/apps/frappe/frappe/desk/form/save.py", line 12, in savedocs doc = frappe.get_doc(json.loads(doc)) "/home/frappe/frappe-bench/apps/frappe/frappe/__init__.py", line 638, in get_doc return frappe.model.document.get_doc(*args, **kwargs) "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 68, in get_doc return controller(*args, **kwargs) "/home/frappe/frappe-bench/apps/erpnext/erpnext/accounts/doctype/purchase_invoice/purchase_invoice.py", line 27, in __init__ super(PurchaseInvoice, self).__init__(*args, **kwargs) "/home/frappe/frappe-bench/apps/erpnext/erpnext/controllers/accounts_controller.py", line 19, in __init__ super(AccountsController, self).__init__(*args, **kwargs) "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 112, in __init__ super(Document, self).__init__(kwargs) "/home/frappe/frappe-bench/apps/frappe/frappe/model/base_document.py", line 54, in __init__ self.update(d) "/home/frappe/frappe-bench/apps/frappe/frappe/model/base_document.py", line 77, in update self.set(key, value) "/home/frappe/frappe-bench/apps/frappe/frappe/model/base_document.py", line 124, in set self.extend(key, value) "/home/frappe/frappe-bench/apps/frappe/frappe/model/base_document.py", line 152, in extend self.append(key, v) "/home/frappe/frappe-bench/apps/frappe/frappe/model/base_document.py", line 146, in append "Document attached to child table must be a dict or BaseDocument, not " + str(type(value))[1:-1] ValueError: Document attached to child table must be a dict or BaseDocument, not type 'unicode'
Traceback (most recent call last): "/usr/bin/mpsyt", line 33, in <module> sys.exit(load_entry_point('mps-youtube==0.2.8', 'console_scripts', 'mpsyt')()) "/usr/lib/python3.9/site-packages/mps_youtube/main.py", line 148, in main if matchfunction(i.function, i.regex, userinput): "/usr/lib/python3.9/site-packages/mps_youtube/main.py", line 80, in matchfunction content.generate_songlist_display(zeromsg=g.message) "/usr/lib/python3.9/site-packages/mps_youtube/content.py", line 74, in generate_songlist_display return generate_playlist_display() "/usr/lib/python3.9/site-packages/mps_youtube/content.py", line 155, in generate_playlist_display updated = yt_datetime(x.get('updated'))[1] "/usr/lib/python3.9/site-packages/mps_youtube/util.py", line 315, in yt_datetime time_obj = time.strptime(yt_date_time, "%Y-%m-%dT%H:%M:%S.%fZ") "/usr/lib/python3.9/_strptime.py", line 562, in _strptime_time tt = _strptime(data_string, format)[0] "/usr/lib/python3.9/_strptime.py", line 349, in _strptime raise ValueError("time data %r does not match format %r" % ValueError: time data '2020-09-19T04:41:27Z' does not match format '%Y-%m-%dT%H:%M:%S.%fZ'
0.54371
Traceback (most recent call last): "get-topics.py", line 3, in <module> from sklearn.feature_extraction.text import CountVectorizer "/home/dima/scikit-learn/sklearn/feature_extraction/__init__.py", line 10, in <module> from . import text "/home/dima/scikit-learn/sklearn/feature_extraction/text.py", line 29, in <module> from ..preprocessing import normalize "/home/dima/scikit-learn/sklearn/preprocessing/__init__.py", line 8, in <module> from ._data import Binarizer "/home/dima/scikit-learn/sklearn/preprocessing/_data.py", line 24, in <module> from ..utils.extmath import row_norms "/home/dima/scikit-learn/sklearn/utils/extmath.py", line 21, in <module> from .sparsefuncs_fast import csr_row_norms TypeError: Shared Cython type cython_function_or_method has the wrong size, try recompiling
Traceback (most recent call last): \"/usr/local/lib/python3.6/site-packages/asyncssh/connection.py\", line 414, in _reap_task task.result() \"/usr/local/lib/python3.6/site-packages/asyncssh/sftp.py\", line 801, in recv_packets yield from self._cleanup(None) \"/usr/local/lib/python3.6/site-packages/asyncssh/sftp.py\", line 831, in _cleanup waiter.set_exception(exc) TypeError: invalid exception object
0.529624
Traceback (most recent call last): "/home/hummingbot/hummingbot/connector/connector/balancer/balancer_connector.py", line 156, in get_quote_price resp = await self._api_request("post", "/home/hummingbot/hummingbot/connector/connector/balancer/balancer_connector.py", line 477, in _api_request raise IOError(f"Error fetching data from {url}. HTTP status is {response.status}.{err_msg}") OSError: Error fetching data from https://localhost:5000/balancer/sell-price. HTTP status is 500. Message: Operation Error
Traceback (most recent call last): "/home/travis/virtualenv/python3.6.5/lib/python3.6/site-packages/manticore/core/smtlib/solver.py", line 185, in _start_proc self._proc = Popen(shlex.split(self._command), stdin=PIPE, stdout=PIPE, bufsize=0, universal_newlines=True) "/opt/python/3.6.5/lib/python3.6/subprocess.py", line 709, in __init__ restore_signals, start_new_session) "/opt/python/3.6.5/lib/python3.6/subprocess.py", line 1275, in _execute_child restore_signals, start_new_session, preexec_fn) OSError: [Errno 12] Cannot allocate memory
0.533736
Traceback (most recent call last): "C:\Anaconda\lib\site-packages\sphinx\ext\autodoc.py", line 658, in import_object __import__(self.modname) "G:\Geoff\Dropbox\Documents\School\PhD\Projects\Code\osmnx-repos\osmnx\osmnx\__init__.py", line 9, in <module> from .buildings import * "G:\Geoff\Dropbox\Documents\School\PhD\Projects\Code\osmnx-repos\osmnx\osmnx\buildings.py", line 9, in <module> import geopandas as gpd "C:\Anaconda\lib\site-packages\geopandas\__init__.py", line 1, in <module> from geopandas.geoseries import GeoSeries "C:\Anaconda\lib\site-packages\geopandas\geoseries.py", line 5, in <module> from pandas import Series "C:\Anaconda\lib\site-packages\pandas\__init__.py", line 35, in <module> "the C extensions first.".format(module)) ImportError: C extension: 'iNaT' not built. If you want to import pandas from the source directory, you may need to run 'python setup.py build_ext --inplace --force' to build the C extensions first.
Traceback (most recent call last): "/usr/local/bin/samsungctl", line 11, in <module> sys.exit(main()) "/usr/local/lib/python2.7/dist-packages/samsungctl/__main__.py", line 110, in main with Remote(config) as remote: "/usr/local/lib/python2.7/dist-packages/samsungctl/remote.py", line 11, in __init__ self.remote = RemoteWebsocket(config) "/usr/local/lib/python2.7/dist-packages/samsungctl/remote_websocket.py", line 17, in __init__ import websocket ImportError: No module named websocket
0.578818
Traceback (most recent call last): "/Users/yonatanalexander/.virtualenvs/vaex-plotly-extension/lib/python3.7/site-packages/vaex/dataframe.py", line 3578, in table_part values[name] = df.evaluate(name) "/Users/yonatanalexander/.virtualenvs/vaex-plotly-extension/lib/python3.7/site-packages/vaex/dataframe.py", line 2642, in evaluate return self._evaluate_implementation(expression, i1=i1, i2=i2, out=out, selection=selection, filtered=filtered, array_type=array_type, parallel=parallel, chunk_size=chunk_size) "/Users/yonatanalexander/.virtualenvs/vaex-plotly-extension/lib/python3.7/site-packages/vaex/dataframe.py", line 5625, in _evaluate_implementation arrays[expression] = arrays[expression][0:end-start] # materialize fancy columns (lazy, indexed) "/Users/yonatanalexander/.virtualenvs/vaex-plotly-extension/lib/python3.7/site-packages/vaex/dataset.py", line 430, in __getitem__ for chunk_start, chunk_end, chunks in ds.chunk_iterator([self.name]): "/Users/yonatanalexander/.virtualenvs/vaex-plotly-extension/lib/python3.7/site-packages/vaex/shift.py", line 33, in chunk_iterator yield from self._chunk_iterator(columns, chunk_size) "/Users/yonatanalexander/.virtualenvs/vaex-plotly-extension/lib/python3.7/site-packages/vaex/shift.py", line 68, in _chunk_iterator chunks_shifted = vaex.dataset._concat_chunk_list(chunks_current_list_shifted) "/Users/yonatanalexander/.virtualenvs/vaex-plotly-extension/lib/python3.7/site-packages/vaex/dataset.py", line 205, in _concat_chunk_list chunks = {name: vaex.array_types.concat(arrays) for name, arrays in dict_of_list_of_arrays.items()} "/Users/yonatanalexander/.virtualenvs/vaex-plotly-extension/lib/python3.7/site-packages/vaex/dataset.py", line 205, in <dictcomp> chunks = {name: vaex.array_types.concat(arrays) for name, arrays in dict_of_list_of_arrays.items()} "/Users/yonatanalexander/.virtualenvs/vaex-plotly-extension/lib/python3.7/site-packages/vaex/array_types.py", line 60, in concat return pa.chunked_array(flat_chunks, type=type) "pyarrow/table.pxi", line 471, in pyarrow.lib.chunked_array TypeError: All array chunks must have type null
Traceback (most recent call last): ".\Tools\lyricsDownloader.py", line 23, in <module> artist = genius.search_artist(sys.argv[1], max_songs=sys.argv[2]) "...\AppData\Local\Programs\Python\Python38\lib\site-packages\lyricsgenius\genius.py", line 585, in search_artist found_name = artist_info['artist']['name'] TypeError: 'NoneType' object is not subscriptable
0.549115
Traceback (most recent call last): "/System/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/threading.py", line 810, in __bootstrap_inner self.run() "/SNIP/watchdog-0.8.3-py2-none-any.whl/watchdog/observers/api.py", line 146, in run self.queue_events(self.timeout) "/SNIP/watchdog-0.8.3-py2-none-any.whl/watchdog/observers/kqueue.py", line 695, in queue_events new_snapshot) "/SNIP/watchdog-0.8.3-py2-none-any.whl/watchdog/observers/kqueue.py", line 630, in _queue_renamed new_snapshot.path_for_inode(ref_stat_info.st_ino)) AttributeError: 'DirectorySnapshot' object has no attribute 'path_for_inode'
Traceback (most recent call last): "/video2x/src/video2x.py", line 261, in <module> upscaler.run() "/video2x/src/upscaler.py", line 515, in run self._check_arguments() "/video2x/src/upscaler.py", line 251, in _check_arguments raise e "/video2x/src/upscaler.py", line 248, in _check_arguments DriverWrapperMain.parse_arguments(driver_arguments) "/video2x/src/wrappers/realsr_ncnn_vulkan.py", line 53, in parse_arguments return parser.parse_args(arguments) "/usr/lib/python3.8/argparse.py", line 1780, in parse_args args, argv = self.parse_known_args(args, namespace) "/usr/lib/python3.8/argparse.py", line 1819, in parse_known_args self.error(str(err)) "/video2x/src/wrappers/realsr_ncnn_vulkan.py", line 42, in <lambda> parser.error = lambda message: (_ for _ in ()).throw(AttributeError(message)) "/video2x/src/wrappers/realsr_ncnn_vulkan.py", line 42, in <genexpr> parser.error = lambda message: (_ for _ in ()).throw(AttributeError(message)) AttributeError: argument -s: invalid choice: 2 (choose from 4)
0.490565
Traceback (most recent call last): "/projecthome/venv/lib/python3.6/site-packages/remi/server.py", line 788, in do_GET self.client.root = self.main(*self.server.userdata) "widgetoverview.py", line 40, in main self.table.set_on_table_row_click_listener(self.on_table_row_click) AttributeError: 'Table' object has no attribute 'set_on_table_row_click_listener'
Original Traceback (most recent call last): "/home/ronan.thomas/anaconda3/envs/patchs_HN/lib/python3.6/site-packages/torch/utils/data/_utils/worker.py", line 178, in _worker_loop data = fetcher.fetch(index) "/home/ronan.thomas/anaconda3/envs/patchs_HN/lib/python3.6/site-packages/torch/utils/data/_utils/fetch.py", line 28, in fetch data.append(next(self.dataset_iter)) "/home/ronan.thomas/anaconda3/envs/patchs_HN/lib/python3.6/site-packages/monai/data/grid_dataset.py", line 65, in __iter__ yield from zip(*iters) "/home/ronan.thomas/anaconda3/envs/patchs_HN/lib/python3.6/site-packages/monai/data/utils.py", line 142, in iter_patch patch_size = get_valid_patch_size(arr.shape, patch_size) AttributeError: 'int' object has no attribute 'shape'
0.620072
Traceback (most recent call last): "export_inference_graph.py", line 150, in <module> tf.app.run() "D:\work\TensorFlow\envs\tensorflow\lib\site-packages\tensorflow\python\platform\app.py", line 125, in run _sys.exit(main(argv)) "export_inference_graph.py", line 146, in main FLAGS.write_inference_graph) "D:\work\TensorFlow\envs\tensorflow\lib\site-packages\object_detection-0.1-py3.6.egg\object_detection\exporter.py", line 474, in export_inference_graph write_inference_graph=write_inference_graph) "D:\work\TensorFlow\envs\tensorflow\lib\site-packages\object_detection-0.1-py3.6.egg\object_detection\exporter.py", line 409, in _export_inference_graph trained_checkpoint_prefix=checkpoint_to_use) "D:\work\TensorFlow\envs\tensorflow\lib\site-packages\object_detection-0.1-py3.6.egg\object_detection\exporter.py", line 322, in write_graph_and_checkpoint saver.save(sess, model_path) "D:\work\TensorFlow\envs\tensorflow\lib\site-packages\tensorflow\python\training\saver.py", line 1669, in save raise exc ValueError: Parent directory of model.ckpt doesn't exist, can't save.
Traceback (most recent call last): "/Users/k/.EverVim/bundle/YouCompleteMe/third_party/ycmd/ycmd/handlers.py", line 238, in DebugInfo request_data ).DebugInfo( request_data ) "/Users/k/.EverVim/bundle/YouCompleteMe/third_party/ycmd/ycmd/handlers.py", line 302, in _GetCompleterForRequestData return _server_state.Get typeCompleter( request_data[ 'filetypes' ] ) "/Users/k/.EverVim/bundle/YouCompleteMe/third_party/ycmd/ycmd/server_state.py", line 90, in Get typeCompleter current_filetypes ) ) ValueError: No semantic completer exists for filetypes: ['javascript']
0.590455
Traceback (most recent call last): "/nfs/software/ensembl/RHEL7-JUL2017-core2/pyenv/versions/2.7.12/lib/python2.7/threading.py", line 801, in __bootstrap_inner self.run() "/homes/waakanni/cactus_nw/cactus_env/lib/python2.7/site-packages/toil/batchSystems/lsf.py", line 138, in run lsfJobID = bsub(bsubline) "/homes/waakanni/cactus_nw/cactus_env/lib/python2.7/site-packages/toil/batchSystems/lsf.py", line 72, in bsub result = int(liney.strip().split()[1].strip('<>')) ValueError: invalid literal for int() with base 10: 'number'
Traceback (most recent call last): "verification.py", line 588, in <module> print('Max of [%s] is %1.5f' % (ver_name_list[i], np.max(results))) "<__array_function__ internals>", line 6, in amax "/home/dragon/.local/lib/python3.7/site-packages/numpy/core/fromnumeric.py", line 2621, in amax keepdims=keepdims, initial=initial, where=where) "/home/dragon/.local/lib/python3.7/site-packages/numpy/core/fromnumeric.py", line 90, in _wrapreduction return ufunc.reduce(obj, axis, dtype, out, **passkwargs) ValueError: zero-size array to reduction operation maximum which has no identity
0.555284
Traceback (most recent call last): "/usr/local/bin/isign", line 4, in <module> from isign import isign "/usr/local/lib/python2.7/dist-packages/isign/isign.py", line 37, in <module> if exists(join(os.environ['HOME'], 'isign-credentials')): "/usr/lib/python2.7/UserDict.py", line 23, in __getitem__ raise KeyError(key) KeyError: 'HOME'
Traceback (most recent call last): "/home/user_name/miniconda3/envs/AdelaiDet/lib/python3.6/site-packages/torch/multiprocessing/spawn.py", line 20, in _wrap fn(i, *args) "/home/user_name/git_projects/detectron2/detectron2/engine/launch.py", line 94, in _distributed_worker main_func(*args) "/home/user_name/git_projects/AdelaiDet/tools/train_net.py", line 225, in main trainer = Trainer(cfg) "/home/user_name/git_projects/AdelaiDet/tools/train_net.py", line 60, in __init__ model = self.build_model(cfg) "/home/user_name/git_projects/detectron2/detectron2/engine/defaults.py", line 415, in build_model model = build_model(cfg) "/home/user_name/git_projects/detectron2/detectron2/modeling/meta_arch/build.py", line 21, in build_model model = META_ARCH_REGISTRY.get(meta_arch)(cfg) "/home/user_name/git_projects/detectron2/detectron2/config/config.py", line 147, in wrapped explicit_args = _get_args_from_config(from_config_func, *args, **kwargs) "/home/user_name/git_projects/detectron2/detectron2/config/config.py", line 180, in _get_args_from_config ret = from_config_func(*args, **kwargs) "/home/user_name/git_projects/detectron2/detectron2/modeling/meta_arch/rcnn.py", line 75, in from_config backbone = build_backbone(cfg) "/home/user_name/git_projects/detectron2/detectron2/modeling/backbone/build.py", line 31, in build_backbone backbone = BACKBONE_REGISTRY.get(backbone_name)(cfg, input_shape) "/home/user_name/git_projects/AdelaiDet/adet/modeling/backbone/vovnet.py", line 343, in build_vovnet_fpn_backbone fuse_type=cfg.MODEL.FPN.FUSE_TYPE, "/home/user_name/git_projects/detectron2/detectron2/modeling/backbone/fpn.py", line 53, in __init__ in_strides = [input_shapes[f].stride for f in in_features] "/home/user_name/git_projects/detectron2/detectron2/modeling/backbone/fpn.py", line 53, in <listcomp> in_strides = [input_shapes[f].stride for f in in_features] KeyError: 'res2'
0.568796
Traceback (most recent call last): "test2.py", line 17, in <module> row[caso.c.id](caso.c.id) TypeError: expected string or Unicode object, Column found
Traceback (most recent call last): "//anaconda3/lib/python3.7/threading.py", line 917, in _bootstrap_inner self.run() "//anaconda3/lib/python3.7/threading.py", line 865, in run self._target(*self._args, **self._kwargs) "/Users/hzaws/git/AutoGluon/autogluon/scheduler/fifo.py", line 266, in _run_reporter reward=last_result[self._reward_attr], **last_result) "/Users/hzaws/git/AutoGluon/autogluon/searcher/skopt_searcher.py", line 172, in update -reward) # provide negative reward since skopt performs minimization "//anaconda3/lib/python3.7/site-packages/scikit_optimize-0.5.2-py3.7.egg/skopt/optimizer/optimizer.py", line 443, in tell return self._tell(x, y, fit=fit) "//anaconda3/lib/python3.7/site-packages/scikit_optimize-0.5.2-py3.7.egg/skopt/optimizer/optimizer.py", line 486, in _tell est.fit(self.space.transform(self.Xi), self.yi) "//anaconda3/lib/python3.7/site-packages/scikit_optimize-0.5.2-py3.7.egg/skopt/learning/gaussian_process/gpr.py", line 195, in fit super(GaussianProcessRegressor, self).fit(X, y) "//anaconda3/lib/python3.7/site-packages/sklearn/gaussian_process/gpr.py", line 221, in fit self.kernel_.bounds))] "//anaconda3/lib/python3.7/site-packages/sklearn/gaussian_process/gpr.py", line 465, in _constrained_optimization fmin_l_bfgs_b(obj_func, initial_theta, bounds=bounds) "//anaconda3/lib/python3.7/site-packages/scipy/optimize/lbfgsb.py", line 199, in fmin_l_bfgs_b **opts) "//anaconda3/lib/python3.7/site-packages/scipy/optimize/lbfgsb.py", line 335, in _minimize_lbfgsb f, g = func_and_grad(x) "//anaconda3/lib/python3.7/site-packages/scipy/optimize/lbfgsb.py", line 285, in func_and_grad f = fun(x, *args) "//anaconda3/lib/python3.7/site-packages/scipy/optimize/optimize.py", line 326, in function_wrapper return function(*(wrapper_args + args)) "//anaconda3/lib/python3.7/site-packages/scipy/optimize/optimize.py", line 64, in __call__ fg = self.fun(x, *args) "//anaconda3/lib/python3.7/site-packages/sklearn/gaussian_process/gpr.py", line 213, in obj_func theta, eval_gradient=True) "//anaconda3/lib/python3.7/site-packages/sklearn/gaussian_process/gpr.py", line 423, in log_marginal_likelihood K, K_gradient = kernel(self.X_train_, eval_gradient=True) "//anaconda3/lib/python3.7/site-packages/sklearn/gaussian_process/kernels.py", line 685, in __call__ K1, K1_gradient = self.k1(X, Y, eval_gradient=True) "//anaconda3/lib/python3.7/site-packages/sklearn/gaussian_process/kernels.py", line 760, in __call__ K2, K2_gradient = self.k2(X, Y, eval_gradient=True) "//anaconda3/lib/python3.7/site-packages/scikit_optimize-0.5.2-py3.7.egg/skopt/learning/gaussian_process/kernels.py", line 391, in __call__ (X.shape, len(length_scale))) TypeError: %d format: a number is required, not tuple
0.585779
Traceback (most recent call last): "../apps/manage.py", line 28, in <module> execute_from_command_line(sys.argv) "/usr/local/lib/python3.6/site-packages/django/core/management/__init__.py", line 371, in execute_from_command_line utility.execute() "/usr/local/lib/python3.6/site-packages/django/core/management/__init__.py", line 365, in execute self.fetch_command(subcommand).run_from_argv(self.argv) "/usr/local/lib/python3.6/site-packages/django/core/management/base.py", line 288, in run_from_argv self.execute(*args, **cmd_options) "/usr/local/lib/python3.6/site-packages/django/core/management/base.py", line 332, in execute self.check() "/usr/local/lib/python3.6/site-packages/django/core/management/base.py", line 364, in check include_deployment_checks=include_deployment_checks, "/usr/local/lib/python3.6/site-packages/django/core/management/commands/migrate.py", line 57, in _run_checks issues = run_checks(tags=[Tags.database]) "/usr/local/lib/python3.6/site-packages/django/core/checks/registry.py", line 73, in run_checks new_errors = check(app_configs=app_configs) "/usr/local/lib/python3.6/site-packages/django/core/checks/database.py", line 10, in check_database_backends issues.extend(conn.validation.check(**kwargs)) "/usr/local/lib/python3.6/site-packages/django/db/backends/mysql/validation.py", line 9, in check issues.extend(self._check_sql_mode(**kwargs)) "/usr/local/lib/python3.6/site-packages/django/db/backends/mysql/validation.py", line 13, in _check_sql_mode with self.connection.cursor() as cursor: "/usr/local/lib/python3.6/site-packages/django/db/backends/base/base.py", line 255, in cursor return self._cursor() "/usr/local/lib/python3.6/site-packages/django/db/backends/base/base.py", line 232, in _cursor self.ensure_connection() "/usr/local/lib/python3.6/site-packages/django/db/backends/base/base.py", line 216, in ensure_connection self.connect() "/usr/local/lib/python3.6/site-packages/django/db/utils.py", line 89, in __exit__ raise dj_exc_value.with_traceback(traceback) from exc_value "/usr/local/lib/python3.6/site-packages/django/db/backends/base/base.py", line 216, in ensure_connection self.connect() "/usr/local/lib/python3.6/site-packages/django/db/backends/base/base.py", line 194, in connect self.connection = self.get_new_connection(conn_params) "/usr/local/lib/python3.6/site-packages/django/db/backends/mysql/base.py", line 236, in get_new_connection return Database.connect(**conn_params) "/usr/local/lib/python3.6/site-packages/MySQLdb/__init__.py", line 86, in Connect return Connection(*args, **kwargs) "/usr/local/lib/python3.6/site-packages/MySQLdb/connections.py", line 204, in __init__ super(Connection, self).__init__(*args, **kwargs2) django.db.utils.OperationalError: (2003, "Can't connect to MySQL server on '172.23.143.232' (113)")
Traceback (most recent call last): "/home/vagrant/zoetis/apps/some_project/manage.py", line 11, in <module> execute_from_command_line(sys.argv) "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/core/management/__init__.py", line 385, in execute_from_command_line utility.execute() "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/core/management/__init__.py", line 377, in execute self.fetch_command(subcommand).run_from_argv(self.argv) "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/core/management/base.py", line 288, in run_from_argv self.execute(*args, **options.__dict__) "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/core/management/base.py", line 338, in execute output = self.handle(*args, **options) "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/core/management/base.py", line 533, in handle return self.handle_noargs(**options) "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/core/management/commands/syncdb.py", line 27, in handle_noargs call_command("migrate", **options) "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/core/management/__init__.py", line 115, in call_command return klass.execute(*args, **defaults) "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/core/management/base.py", line 338, in execute output = self.handle(*args, **options) "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/core/management/commands/migrate.py", line 161, in handle executor.migrate(targets, plan, fake=options.get("fake", False)) "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/db/migrations/executor.py", line 68, in migrate self.apply_migration(migration, fake=fake) "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/db/migrations/executor.py", line 102, in apply_migration migration.apply(project_state, schema_editor) "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/db/migrations/migration.py", line 108, in apply operation.database_forwards(self.app_label, schema_editor, project_state, new_state) "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/db/migrations/operations/fields.py", line 37, in database_forwards field, "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/contrib/gis/db/backends/mysql/schema.py", line 45, in add_field super(MySQLGISSchemaEditor, self).add_field(model, field) "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/db/backends/mysql/schema.py", line 42, in add_field super(DatabaseSchemaEditor, self).add_field(model, field) "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/db/backends/schema.py", line 380, in add_field self.execute(sql, params) "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/db/backends/schema.py", line 103, in execute cursor.execute(sql, params) "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/db/backends/utils.py", line 81, in execute return super(CursorDebugWrapper, self).execute(sql, params) [698/9157] "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/db/backends/utils.py", line 65, in execute return self.cursor.execute(sql, params) "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/db/utils.py", line 94, in __exit__ six.reraise(dj_exc_type, dj_exc_value, traceback) "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/db/backends/utils.py", line 65, in execute return self.cursor.execute(sql, params) "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/django/db/backends/mysql/base.py", line 129, in execute return self.cursor.execute(query, args) "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/MySQLdb/cursors.py", line 205, in execute self.errorhandler(self, exc, value) "/home/vagrant/.virtualenvs/some_project/local/lib/python2.7/site-packages/MySQLdb/connections.py", line 36, in defaulterrorhandler raise errorclass, errorvalue django.db.utils.OperationalError: (1060, "Duplicate column name 'skip_authorization'") stdout: Operations to perform: Synchronize unmigrated apps: corsheaders, gis, rest_framework Apply all migrations: oauth2_provider, default, user_preferences, admin, sessions, auth, sites, contenttypes Synchronizing apps without migrations: Creating tables... Installing custom SQL... Installing indexes... Running migrations: Applying oauth2_provider.0002_08_updates...```
0.659591
Comment: An exception occurred in this state: Traceback (most recent call last): "/usr/lib/python2.7/site-packages/salt/state.py", line 1933, in call **cdata['kwargs']) "/usr/lib/python2.7/site-packages/salt/loader.py", line 1939, in wrapper return f(*args, **kwargs) "/usr/lib/python2.7/site-packages/salt/states/ssh_auth.py", line 333, in present data = __salt__['ssh.set_auth_key']( "/usr/lib/python2.7/site-packages/salt/loader.py", line 1196, in __getitem__ func = super(LazyLoader, self).__getitem__(item) "/usr/lib/python2.7/site-packages/salt/utils/lazy.py", line 105, in __getitem__ return self._dict[key] KeyError: u'ssh.set_auth_key' Started: 09:07:02.777368
Traceback (most recent call last): "/home/travis/virtualenv/python3.6.3/lib/python3.6/site-packages/coveralls/cli.py", line 75, in main log.info(result['url']) KeyError: 'url'
0.553507
Traceback (most recent call last): "pandas\_libs\parsers.pyx", line 1141, in pandas._libs.parsers.TextReader._convert_tokens TypeError: Cannot cast array data from dtype('O') to dtype('float64') according to the rule 'safe'
Traceback (most recent call last): "main.py", line 94, in <module> main() "main.py", line 86, in main gan.train() "/home/aistudio/UGATIT.py", line 338, in train self.D_optim.clear_gradients() "</opt/conda/envs/python35-paddle120-env/lib/python3.7/site-packages/decorator.py:decorator-gen-59>", line 2, in clear_gradients "/opt/conda/envs/python35-paddle120-env/lib/python3.7/site-packages/paddle/fluid/wrapped_decorator.py", line 25, in __impl__ return wrapped_func(*args, **kwargs) "/opt/conda/envs/python35-paddle120-env/lib/python3.7/site-packages/paddle/fluid/framework.py", line 216, in __impl__ return func(*args, **kwargs) "/opt/conda/envs/python35-paddle120-env/lib/python3.7/site-packages/paddle/fluid/optimizer.py", line 791, in clear_gradients for p in self._parameter_list: TypeError: 'NoneType' object is not iterable
0.557443
Traceback (most recent call last): "jukebox/train.py", line 342, in <module> fire.Fire(run) "/home/btrude/Documents/workspace/jukebox/.venv/lib/python3.7/site-packages/fire/core.py", line 127, in Fire component_trace = _Fire(component, args, context, name) "/home/btrude/Documents/workspace/jukebox/.venv/lib/python3.7/site-packages/fire/core.py", line 366, in _Fire component, remaining_args) "/home/btrude/Documents/workspace/jukebox/.venv/lib/python3.7/site-packages/fire/core.py", line 542, in _CallCallable result = fn(*varargs, **kwargs) "jukebox/train.py", line 325, in run train_metrics = train(distributed_model, model, opt, shd, scalar, ema, logger, metrics, data_processor, hps) "jukebox/train.py", line 277, in train sample_prior(orig_model, ema, logger, x_in, y, hps) "jukebox/train.py", line 141, in sample_prior log_labels(logger, orig_model.labeller, f'sample_x_T1', allgather(y.cuda()), hps) "jukebox/train.py", line 36, in log_labels description = labeller.describe_label(y[item]) "/home/btrude/Documents/workspace/jukebox/jukebox/data/labels.py", line 92, in describe_label tokens = y[-self.n_tokens:] ValueError: not enough values to unpack (expected at least 4, got 0)
Original Traceback (most recent call last): "/content/detectron2_repo/detectron2/data/detection_utils.py", line 389, in annotations_to_instances masks = PolygonMasks(segms) "/content/detectron2_repo/detectron2/structures/masks.py", line 288, in __init__ process_polygons(polygons_per_instance) for polygons_per_instance in polygons "/content/detectron2_repo/detectron2/structures/masks.py", line 288, in <listcomp> process_polygons(polygons_per_instance) for polygons_per_instance in polygons "/content/detectron2_repo/detectron2/structures/masks.py", line 278, in process_polygons "Got '{}' instead.".format(type(polygons_per_instance)) ValueError: Cannot create polygons: Expect a list of polygons per instance. Got '<class 'numpy.ndarray'>' instead.
0.526393
Traceback (most recent call last): "C:\Users\dalao\AppData\Local\Programs\Python\Python36\lib\site-packages\weibo_spider\spider.py", line 215, in _get_filepath dir_name = self.user.nickname AttributeError: 'NoneType' object has no attribute 'nickname'
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_parser.py", line 311, in test_parse_pm assert self.parser.parse("1 pm", "H a") == self.expected AttributeError: 'TestDateTimeParserParse' object has no attribute 'parser'
0.601057
Traceback (most recent call last): "C:\Users\thomasonc\AppData\Local\Continuum\anaconda3\lib\site-packages\spyder\widgets\variableexplorer\dataframeeditor.py", line 295, in data value = self.get_value(row, column-1) "C:\Users\thomasonc\AppData\Local\Continuum\anaconda3\lib\site-packages\spyder\widgets\variableexplorer\dataframeeditor.py", line 270, in get_value value = self.df.iloc[row, column] "C:\Users\thomasonc\AppData\Local\Continuum\anaconda3\lib\site-packages\pandas\core\indexing.py", line 1491, in __getitem__ return self._getitem_scalar(key) "C:\Users\thomasonc\AppData\Local\Continuum\anaconda3\lib\site-packages\pandas\core\indexing.py", line 2113, in _getitem_scalar values = self.obj._get_value(*key, takeable=True) "C:\Users\thomasonc\AppData\Local\Continuum\anaconda3\lib\site-packages\pandas\core\frame.py", line 2765, in _get_value return com.maybe_box_datetimelike(series._values[index]) "C:\Users\thomasonc\AppData\Local\Continuum\anaconda3\lib\site-packages\pandas\core\arrays\sparse.py", line 1010, in __getitem__ return self._get_val_at(key) "C:\Users\thomasonc\AppData\Local\Continuum\anaconda3\lib\site-packages\pandas\core\arrays\sparse.py", line 1053, in _get_val_at return libindex.get_value_at(self.sp_values, sp_loc) TypeError: Argument 'arr' has incorrect type (expected numpy.ndarray, got IntegerArray)
Traceback (most recent call last): "/usr/lib/python3.5/threading.py", line 914, in _bootstrap_inner self.run() "/usr/lib/python3.5/threading.py", line 862, in run self._target(*self._args, **self._kwargs) "/root/Downloads/GreatSCT/fileOps.py", line 47, in generate return (self.genFromTemplate(template)) "/root/Downloads/GreatSCT/fileOps.py", line 92, in genFromTemplate shellcodex64 = generator.genShellcode(domain, port, "x64", extraProcessing) "/root/Downloads/GreatSCT/generator.py", line 39, in genShellcode shellcode = self.b64Encode(shellcode) "/root/Downloads/GreatSCT/generator.py", line 57, in b64Encode shellcode = str(base64.b64encode(code)) "/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.569057
Traceback (most recent call last): "/home/frappe/frappe-bench/apps/frappe/frappe/app.py", line 62, in application response = frappe.handler.handle() "/home/frappe/frappe-bench/apps/frappe/frappe/handler.py", line 22, in handle data = execute_cmd(cmd) "/home/frappe/frappe-bench/apps/frappe/frappe/handler.py", line 53, in execute_cmd return frappe.call(method, **frappe.form_dict) "/home/frappe/frappe-bench/apps/frappe/frappe/__init__.py", line 942, in call return fn(*args, **newargs) "/home/frappe/frappe-bench/apps/frappe/frappe/desk/form/save.py", line 22, in savedocs doc.save() "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 260, in save return self._save(*args, **kwargs) "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 283, in _save self.insert() "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 222, in insert self.run_before_save_methods() "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 869, in run_before_save_methods self.run_method("validate") "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 765, in run_method out = Document.hook(fn)(self, *args, **kwargs) "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 1040, in composer return composed(self, method, *args, **kwargs) "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 1023, in runner add_to_return_value(self, fn(self, *args, **kwargs)) "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 759, in <lambda> fn = lambda self, *args, **kwargs: getattr(self, method)(*args, **kwargs) "/home/frappe/frappe-bench/apps/frappe/frappe/website/doctype/website_slideshow/website_slideshow.py", line 14, in validate self.validate_images() "/home/frappe/frappe-bench/apps/frappe/frappe/website/doctype/website_slideshow/website_slideshow.py", line 25, in validate_images result = frappe.get_all(" ", filters={ "file_url":("in", files) }, fields="is_private") "/home/frappe/frappe-bench/apps/frappe/frappe/__init__.py", line 1180, in get_all return get_list(doctype, *args, **kwargs) "/home/frappe/frappe-bench/apps/frappe/frappe/__init__.py", line 1153, in get_list return frappe.model.db_query.DatabaseQuery(doctype).execute(None, *args, **kwargs) "/home/frappe/frappe-bench/apps/frappe/frappe/model/db_query.py", line 87, in execute result = self.build_and_run() "/home/frappe/frappe-bench/apps/frappe/frappe/model/db_query.py", line 99, in build_and_run args = self.prepare_args() "/home/frappe/frappe-bench/apps/frappe/frappe/model/db_query.py", line 118, in prepare_args self.build_conditions() "/home/frappe/frappe-bench/apps/frappe/frappe/model/db_query.py", line 280, in build_conditions self.build_filter_conditions(self.filters, self.conditions) "/home/frappe/frappe-bench/apps/frappe/frappe/model/db_query.py", line 301, in build_filter_conditions conditions.append(self.prepare_filter_condition(f)) "/home/frappe/frappe-bench/apps/frappe/frappe/model/db_query.py", line 327, in prepare_filter_condition values = values.split(",") AttributeError: 'map' object has no attribute 'split'
Traceback (most recent call last): "/venv/lib/python3.9/site-packages/telethon/network/mtprotosender.py", line 407, in _reconnect await self._disconnect(error=last_error.with_traceback(None)) AttributeError: 'NoneType' object has no attribute 'with_traceback'
0.570133
Traceback (most recent call last): "/home/wheatdog/miniconda3/envs/guild-test/bin/guild", line 10, in <module> sys.exit(main()) "/home/wheatdog/miniconda3/envs/guild-test/lib/python3.7/site-packages/guild/main_bootstrap.py", line 38, in main guild.main.main() "/home/wheatdog/miniconda3/envs/guild-test/lib/python3.7/site-packages/guild/main.py", line 32, in main _main() "/home/wheatdog/miniconda3/envs/guild-test/lib/python3.7/site-packages/guild/main.py", line 38, in _main main_cmd.main(standalone_mode=False) "/home/wheatdog/miniconda3/envs/guild-test/lib/python3.7/site-packages/guild/external/click/core.py", line 759, in __call__ return self.main(*args, **kwargs) "/home/wheatdog/miniconda3/envs/guild-test/lib/python3.7/site-packages/guild/external/click/core.py", line 714, in main rv = self.invoke(ctx) "/home/wheatdog/miniconda3/envs/guild-test/lib/python3.7/site-packages/guild/external/click/core.py", line 1132, in invoke return _process_result(sub_ctx.command.invoke(sub_ctx)) "/home/wheatdog/miniconda3/envs/guild-test/lib/python3.7/site-packages/guild/external/click/core.py", line 1132, in invoke return _process_result(sub_ctx.command.invoke(sub_ctx)) "/home/wheatdog/miniconda3/envs/guild-test/lib/python3.7/site-packages/guild/external/click/core.py", line 951, in invoke return ctx.invoke(self.callback, **ctx.params) "/home/wheatdog/miniconda3/envs/guild-test/lib/python3.7/site-packages/guild/external/click/core.py", line 552, in invoke return callback(*args, **kwargs) "/home/wheatdog/miniconda3/envs/guild-test/lib/python3.7/site-packages/guild/external/click/decorators.py", line 17, in new_func return f(get_current_context(), *args, **kwargs) "/home/wheatdog/miniconda3/envs/guild-test/lib/python3.7/site-packages/guild/click_util.py", line 146, in fn return fn0(*(args + (Args(**kw),))) "/home/wheatdog/miniconda3/envs/guild-test/lib/python3.7/site-packages/guild/commands/runs_pull.py", line 77, in pull_runs runs_impl.pull(args, ctx) "/home/wheatdog/miniconda3/envs/guild-test/lib/python3.7/site-packages/guild/commands/runs_impl.py", line 847, in pull filtered_runs_f) "/home/wheatdog/miniconda3/envs/guild-test/lib/python3.7/site-packages/guild/commands/runs_impl.py", line 432, in runs_op formatted = formatted = format_runs(selected) "/home/wheatdog/miniconda3/envs/guild-test/lib/python3.7/site-packages/guild/commands/runs_impl.py", line 357, in format_runs _apply_op_desc(formatted) "/home/wheatdog/miniconda3/envs/guild-test/lib/python3.7/site-packages/guild/commands/runs_impl.py", line 362, in _apply_op_desc op_desc = _op_desc_base(fmt_run) "/home/wheatdog/miniconda3/envs/guild-test/lib/python3.7/site-packages/guild/commands/runs_impl.py", line 368, in _op_desc_base op_dir = _run_op_dir(fmt_run["_run"]) "/home/wheatdog/miniconda3/envs/guild-test/lib/python3.7/site-packages/guild/commands/runs_impl.py", line 374, in _run_op_dir run = _batch_proto(run) or run "/home/wheatdog/miniconda3/envs/guild-test/lib/python3.7/site-packages/guild/commands/runs_impl.py", line 384, in _batch_proto proto_dir = run.guild_path("proto") "/home/wheatdog/miniconda3/envs/guild-test/lib/python3.7/site-packages/guild/remote.py", line 100, in guild_path raise TypeError("guild_path not supported by %s" % self) TypeError: guild_path not supported by <guild.remote.RunProxy '185d8027d2ca4ec78f3c461e52c4e3c4'>
Traceback (most recent call last): "/home//.local/lib/python3.6/site-packages/scapy/compat.py", line 117, in raw return bytes(x) "/home//.local/lib/python3.6/site-packages/scapy/packet.py", line 441, in __bytes__ return self.build() "/home//.local/lib/python3.6/site-packages/scapy/packet.py", line 556, in build p = self.do_build() "/home//.local/lib/python3.6/site-packages/scapy/packet.py", line 541, in do_build pay = self.do_build_payload() "/home//.local/lib/python3.6/site-packages/scapy/packet.py", line 528, in do_build_payload return self.payload.do_build() "/home//.local/lib/python3.6/site-packages/scapy/packet.py", line 538, in do_build pkt = self.self_build() "/home//.local/lib/python3.6/site-packages/scapy/packet.py", line 519, in self_build p = f.addfield(self, p, val) "/home//.local/lib/python3.6/site-packages/scapy/fields.py", line 905, in addfield return s + self.i2m(pkt, val) "/home//.local/lib/python3.6/site-packages/scapy/layers/dns.py", line 255, in i2m return raw(x) "/home//.local/lib/python3.6/site-packages/scapy/compat.py", line 119, in raw return bytes(x, encoding="utf8") TypeError: encoding without a string argument
0.555503
Traceback (most recent call last): "/usr/local/Cellar/azure-cli/2.0.67/libexec/lib/python3.7/site-packages/knack/cli.py", line 212, in invoke self.output.out(cmd_result, formatter=formatter, out_file=out_file) "/usr/local/Cellar/azure-cli/2.0.67/libexec/lib/python3.7/site-packages/knack/output.py", line 132, in out output = formatter(obj) "/usr/local/Cellar/azure-cli/2.0.67/libexec/lib/python3.7/site-packages/knack/output.py", line 38, in format_json input_dict = dict(result) if hasattr(result, '__dict__') else result TypeError: 'CommandResultItem' object is not iterable
Traceback (most recent call last): "/usr/local/bin/ansible-playbook", line 103, in <module> exit_code = cli.run() "/usr/local/Cellar/ansible/2.2.0.0_1/libexec/lib/python2.7/site-packages/ansible/cli/playbook.py", line 159, in run results = pbex.run() "/usr/local/Cellar/ansible/2.2.0.0_1/libexec/lib/python2.7/site-packages/ansible/executor/playbook_executor.py", line 154, in run result = self._tqm.run(play=play) "/usr/local/Cellar/ansible/2.2.0.0_1/libexec/lib/python2.7/site-packages/ansible/executor/task_queue_manager.py", line 282, in run play_return = strategy.run(iterator, play_context) "/usr/local/Cellar/ansible/2.2.0.0_1/libexec/lib/python2.7/site-packages/ansible/plugins/strategy/linear.py", line 304, in run all_role_blocks.extend(new_ir.get_block_list(play=iterator._play, variable_manager=self._variable_manager, loader=self._loader)) "/usr/local/Cellar/ansible/2.2.0.0_1/libexec/lib/python2.7/site-packages/ansible/playbook/role_include.py", line 76, in get_block_list actual_role = Role.load(ri, myplay, parent_role=self._parent_role, from_files=self._from_files) "/usr/local/Cellar/ansible/2.2.0.0_1/libexec/lib/python2.7/site-packages/ansible/playbook/role/__init__.py", line 118, in load hashed_params = hash_params(params) "/usr/local/Cellar/ansible/2.2.0.0_1/libexec/lib/python2.7/site-packages/ansible/playbook/role/__init__.py", line 54, in hash_params s.update((k, hash_params(v))) "/usr/local/Cellar/ansible/2.2.0.0_1/libexec/lib/python2.7/site-packages/ansible/playbook/role/__init__.py", line 61, in hash_params s.update((k, v)) TypeError: unhashable type: 'dict'
0.550964
Comment: An exception occurred in this state: Traceback (most recent call last): "/usr/lib/python2.7/dist-packages/salt/state.py", line 1531, in call **cdata['kwargs']) "/usr/lib/python2.7/dist-packages/salt/states/postgres_user.py", line 217, in present if password is not None and (refresh_password or user_attr['password'] != password): TypeError: 'bool' object has no attribute '__getitem__'```
Traceback (most recent call last): "/usr/lib/python2.7/dist-packages/salt/cloud/cli.py", line 281, in run self.config.get('names') "/usr/lib/python2.7/dist-packages/salt/cloud/__init__.py", line 1454, in run_profile ret[name] = self.create(vm_) "/usr/lib/python2.7/dist-packages/salt/cloud/__init__.py", line 1284, in create output = self.clouds[func](vm_) "/usr/lib/python2.7/dist-packages/salt/cloud/clouds/azurearm.py", line 1279, in create 'wait_for_ip_interval_multiplier', vm_, __opts__, default=1), "/usr/lib/python2.7/dist-packages/salt/utils/cloud.py", line 2389, in wait_for_ip data = update_callback(*update_args, **update_kwargs) "/usr/lib/python2.7/dist-packages/salt/cloud/clouds/azurearm.py", line 1254, in _query_ip_address data = request_instance(kwargs=vm_) "/usr/lib/python2.7/dist-packages/salt/cloud/clouds/azurearm.py", line 1052, in request_instance iface_data = create_interface(kwargs=vm_) "/usr/lib/python2.7/dist-packages/salt/cloud/clouds/azurearm.py", line 926, in create_interface six.text_type(pub_ip_data.id), # pylint: disable=no-member TypeError: __init__() takes exactly 1 argument (2 given)
0.551284
Traceback (most recent call last): "my_error.py", line 7, in <module> schema_string = avro.loads('''{ "/Users/lricls/projects/bi-hub/.venv/lib/python3.8/site-packages/confluent_kafka/avro/load.py", line 29, in loads return schema.Parse(schema_str) AttributeError: module 'avro.schema' has no attribute 'Parse'
Traceback (most recent call last): "/usr/local/lib/python3.7/site-packages/ray/actor.py", line 655, in __del__ AttributeError: 'NoneType' object has no attribute 'get_global_worker'
0.611455
Traceback (most recent call last): "./python3.3/threading.py", line 901, in _bootstrap_inner "./python3.3/threading.py", line 858, in run "D:\Dropbox\Portable\Sublime Text Build 3103 x64\Data\Packages\SublimeCodeIntel\SublimeCodeIntel.py", line 802, in _codeintel_scan mgr = codeintel_manager() "D:\Dropbox\Portable\Sublime Text Build 3103 x64\Data\Packages\SublimeCodeIntel\SublimeCodeIntel.py", line 753, in codeintel_manager codeintel_database_dir = os.path.expanduser(settings_manager.get("codeintel_database_dir")) "./python3.3/ntpath.py", line 311, in expanduser AttributeError: 'NoneType' object has no attribute 'startswith'
Traceback (most recent call last): "<stdin>", line 1, in <module> AttributeError: 'SortedKeysView' object has no attribute 'bisect_left'
0.544548
Traceback (most recent call last): "test_hdf5.py", line 280, in setUp __builtins__['__import__'] = no_h5py TypeError: 'module' object does not support item assignment
Traceback (most recent call last): "c:/Users/myUserName/Documents/GitHub/NSFWAskRedditBot/crosspost_nsfw.py", line 16, in <module> p.crosspost(subreddit_post, send_replies=False, nsfw=False, spoiler=False) TypeError: crosspost() got an unexpected keyword argument 'nsfw'
0.500685
Traceback (most recent call last): "unfollow.py", line 7, in <module> from instapy import InstaPy "C:\Users\Admin\InstaPy\instapy\__init__.py", line 2, in <module> from .instapy import InstaPy "C:\Users\Admin\InstaPy\instapy\instapy.py", line 44, in <module> from .unfollow_util import get_given_user_followers "C:\Users\Admin\InstaPy\instapy\unfollow_util.py", line 31, in <module> from .database_engine import get_database ImportError: cannot import name 'get_database' from 'instapy.database_engine' (C:\Users\Admin\InstaPy\instapy\database_engine.py)
Traceback (most recent call last): "/myworkspace/cloud-custodian-mailer/.venv/bin/c7n-mailer", line 9, in <module> load_entry_point('c7n-mailer==0.2', 'console_scripts', 'c7n-mailer')() "/myworkspace/cloud-custodian-mailer/tools/c7n_mailer/c7n_mailer/cli.py", line 133, in main deploy.provision(mailer_config, functools.partial(session_factory, mailer_config)) "/myworkspace/cloud-custodian-mailer/tools/c7n_mailer/c7n_mailer/deploy.py", line 80, in provision archive = get_archive(config) "/myworkspace/cloud-custodian-mailer/tools/c7n_mailer/c7n_mailer/deploy.py", line 44, in get_archive 'redis') "/myworkspace/cloud-custodian-mailer/.venv/local/lib/python2.7/site-packages/c7n/mu.py", line 72, in __init__ self.add_modules(*modules) "/myworkspace/cloud-custodian-mailer/.venv/local/lib/python2.7/site-packages/c7n/mu.py", line 91, in add_modules path = imp.find_module(module)[1] ImportError: No module named ruamel
0.594739
Traceback (most recent call last): "<string>", line 1, in <module> "/work/z01/z01/user/mdtestwork/lib/python2.7/site-packages/MDAnalysis/__init__.py", line 149, in <module> import logging "/work/z01/z01/user/mdtestwork/lib/python2.7/logging/__init__.py", line 26, in <module> import sys, os, time, cStringIO, traceback, warnings, weakref, collections "/work/z01/z01/aproeme/mdtestwork/lib/python2.7/weakref.py", line 14, in <module> from _weakref import ( ImportError: cannot import name _remove_dead_weakref
Traceback (most recent call last): "/www/XXXXX/venv/bin/celery", line 11, in <module> sys.exit(main()) "/www/XXXXX/venv/lib/python2.7/site-packages/celery/__main__.py", line 30, in main main() "/www/XXXXX/venv/lib/python2.7/site-packages/celery/bin/celery.py", line 81, in main cmd.execute_from_commandline(argv) "/www/XXXXX/venv/lib/python2.7/site-packages/celery/bin/celery.py", line 769, in execute_from_commandline super(CeleryCommand, self).execute_from_commandline(argv))) "/www/XXXXX/venv/lib/python2.7/site-packages/celery/bin/base.py", line 309, in execute_from_commandline argv = self.setup_app_from_commandline(argv) "/www/AXXXXX/venv/lib/python2.7/site-packages/celery/bin/base.py", line 469, in setup_app_from_commandline self.app = self.find_app(app) "/www/XXXXX/venv/lib/python2.7/site-packages/celery/bin/base.py", line 489, in find_app return find_app(app, symbol_by_name=self.symbol_by_name) "/www/XXXXX/venv/lib/python2.7/site-packages/celery/app/utils.py", line 229, in find_app sym = symbol_by_name(app, imp=imp) "/www/XXXXX/venv/lib/python2.7/site-packages/celery/bin/base.py", line 492, in symbol_by_name return symbol_by_name(name, imp=imp) "/www/XXXXX/venv/lib/python2.7/site-packages/kombu/utils/__init__.py", line 92, in symbol_by_name module = imp(module_name, package=package, **kwargs) "/www/XXXXX/venv/lib/python2.7/site-packages/celery/utils/imports.py", line 101, in import_from_cwd return imp(module, package=package) "/usr/lib64/python2.7/importlib/__init__.py", line 37, in import_module __import__(name) ImportError: No module named proj
0.639831
Traceback (most recent call last): "play.py", line 175, in <module> AI.run() "play.py", line 160, in run self.play() "play.py", line 139, in play self.state = self.get_current_state() "play.py", line 71, in get_current_state self.resolution = state.shape[:2] AttributeError: 'NoneType' object has no attribute 'shape'
Traceback (most recent call last): "/usr/local/lib/python3.5/dist-packages/OpenSSL/SSL.py", line 309, in wrapper _lib.X509_up_ref(x509) AttributeError: module 'lib' has no attribute 'X509_up_ref'
0.521794
Traceback (most recent call last): ".../PySyft/syft/workers/websocket_server.py", line 107, in _producer_handler response = self._recv_msg(message) ".../PySyft/syft/workers/websocket_server.py", line 118, in _recv_msg return self.recv_msg(message) ".../PySyft/syft/workers/base.py", line 257, in recv_msg bin_response = sy.serde.serialize(response) ".../PySyft/syft/serde/serde.py", line 216, in serialize binary = msgpack.dumps(simple_objects) ".../anaconda3/envs/PySyft/lib/python3.6/site-packages/msgpack/__init__.py", line 46, in packb return Packer(**kwargs).pack(o) "msgpack/_packer.pyx", line 282, in msgpack._cmsgpack.Packer.pack "msgpack/_packer.pyx", line 288, in msgpack._cmsgpack.Packer.pack "msgpack/_packer.pyx", line 285, in msgpack._cmsgpack.Packer.pack "msgpack/_packer.pyx", line 261, in msgpack._cmsgpack.Packer._pack "msgpack/_packer.pyx", line 261, in msgpack._cmsgpack.Packer._pack "msgpack/_packer.pyx", line 279, in msgpack._cmsgpack.Packer._pack TypeError: can not serialize 'Tensor' object
Traceback (most recent call last): "/home/wenjian/anaconda3/lib/python3.6/site-packages/smac/facade/smac_facade.py", line 400, in optimize incumbent = self.solver.run() "/home/wenjian/anaconda3/lib/python3.6/site-packages/smac/optimizer/smbo.py", line 196, in run output_directory=self.scenario.output_dir_for_this_run) "/home/wenjian/anaconda3/lib/python3.6/site-packages/smac/optimizer/pSMAC.py", line 83, in write run_history.save_json(temporary_filename, save_external=False) "/home/wenjian/anaconda3/lib/python3.6/site-packages/smac/runhistory/runhistory.py", line 333, in save_json "configs": configs}, fp, cls=EnumEncoder) "/home/wenjian/anaconda3/lib/python3.6/json/__init__.py", line 179, in dump for chunk in iterable: "/home/wenjian/anaconda3/lib/python3.6/json/encoder.py", line 430, in _iterencode yield from _iterencode_dict(o, _current_indent_level) "/home/wenjian/anaconda3/lib/python3.6/json/encoder.py", line 404, in _iterencode_dict yield from chunks "/home/wenjian/anaconda3/lib/python3.6/json/encoder.py", line 404, in _iterencode_dict yield from chunks "/home/wenjian/anaconda3/lib/python3.6/json/encoder.py", line 404, in _iterencode_dict yield from chunks "/home/wenjian/anaconda3/lib/python3.6/json/encoder.py", line 437, in _iterencode o = _default(o) "/home/wenjian/anaconda3/lib/python3.6/site-packages/smac/runhistory/runhistory.py", line 38, in default return json.JSONEncoder.default(self, obj) "/home/wenjian/anaconda3/lib/python3.6/json/encoder.py", line 180, in default o.__class__.__name__) TypeError: Object of type 'function' is not JSON serializable
0.63493
Traceback (most recent call last): "/usr/local/lib/python3.8/asyncio/events.py", line 81, in _run self._context.run(self._callback, *self._args) "/usr/local/lib/python3.8/site-packages/aiohttp/web_ws.py", line 102, in _send_heartbeat self._loop.create_task(self._writer.ping()) # type: ignore AttributeError: 'NoneType' object has no attribute 'ping'
Traceback (most recent call last): "/home/user1/venv/lib/python3.8/site-packages/ScoutSuite/providers/azure/facade/keyvault.py", line 21, in get_key_vaults client = self.get_client(subscription_id) "/home/user1/venv/lib/python3.8/site-packages/ScoutSuite/providers/azure/facade/keyvault.py", line 16, in get_client client._client.config.add_user_agent(get_user_agent()) AttributeError: 'ARMPipelineClient' object has no attribute 'config'
0.590906
Traceback (most recent call last): "/usr/bin/certbot", line 11, in <module> load_entry_point('certbot==0.21.1', 'console_scripts', 'certbot')() "/usr/lib/python3/dist-packages/pkg_resources/__init__.py", line 561, in load_entry_point return get_distribution(dist).load_entry_point(group, name) "/usr/lib/python3/dist-packages/pkg_resources/__init__.py", line 2631, in load_entry_point return ep.load() "/usr/lib/python3/dist-packages/pkg_resources/__init__.py", line 2291, in load return self.resolve() "/usr/lib/python3/dist-packages/pkg_resources/__init__.py", line 2297, in resolve module = __import__(self.module_name, fromlist=['__name__'], level=0) "/usr/lib/python3/dist-packages/certbot/main.py", line 10, in <module> import josepy as jose "/usr/lib/python3/dist-packages/josepy/__init__.py", line 41, in <module> from josepy.interfaces import JSONDeSerializable "/usr/lib/python3/dist-packages/josepy/interfaces.py", line 8, in <module> from josepy import errors, util "/usr/lib/python3/dist-packages/josepy/util.py", line 4, in <module> import OpenSSL "/usr/lib/python3/dist-packages/OpenSSL/__init__.py", line 8, in <module> from OpenSSL import crypto, SSL "/usr/lib/python3/dist-packages/OpenSSL/crypto.py", line 16, in <module> from OpenSSL._util import ( "/usr/lib/python3/dist-packages/OpenSSL/_util.py", line 6, in <module> from cryptography.hazmat.bindings.openssl.binding import Binding "/usr/lib/python3/dist-packages/cryptography/hazmat/bindings/openssl/binding.py", line 156, in <module> Binding.init_static_locks() "/usr/lib/python3/dist-packages/cryptography/hazmat/bindings/openssl/binding.py", line 137, in init_static_locks cls._ensure_ffi_initialized() "/usr/lib/python3/dist-packages/cryptography/hazmat/bindings/openssl/binding.py", line 124, in _ensure_ffi_initialized cls.lib = build_conditional_library(lib, CONDITIONAL_NAMES) "/usr/lib/python3/dist-packages/cryptography/hazmat/bindings/openssl/binding.py", line 84, in build_conditional_library if not getattr(lib, condition): AttributeError: cffi library '_openssl' has no function, constant or global variable named 'Cryptography_HAS_RSA_OAEP_MD'
Traceback (most recent call last): "/home/decentral1se/hacking/molecule/.venv/lib/python3.7/site-packages/pip/_vendor/pep517/_in_process.py", line 207, in <module> main() "/home/decentral1se/hacking/molecule/.venv/lib/python3.7/site-packages/pip/_vendor/pep517/_in_process.py", line 197, in main json_out['return_val'] = hook(**hook_input['kwargs']) "/home/decentral1se/hacking/molecule/.venv/lib/python3.7/site-packages/pip/_vendor/pep517/_in_process.py", line 69, in prepare_metadata_for_build_wheel return hook(metadata_directory, config_settings) "/tmp/pip-build-env-701d0led/overlay/lib/python3.7/site-packages/setuptools/build_meta.py", line 156, in prepare_metadata_for_build_wheel self.run_setup() "/tmp/pip-build-env-701d0led/overlay/lib/python3.7/site-packages/setuptools/build_meta.py", line 142, in run_setup exec(compile(code, __file__, 'exec'), locals()) "setup.py", line 350, in <module> __name__ == '__main__' and setuptools.setup(**setup_params) "/tmp/pip-build-env-701d0led/overlay/lib/python3.7/site-packages/setuptools/__init__.py", line 145, in setup return distutils.core.setup(**attrs) "/home/decentral1se/.pyenv/versions/3.7.2/lib/python3.7/distutils/core.py", line 108, in setup _setup_distribution = dist = klass(attrs) "/tmp/pip-build-env-701d0led/overlay/lib/python3.7/site-packages/setuptools/dist.py", line 447, in __init__ k: v for k, v in attrs.items() "/home/decentral1se/.pyenv/versions/3.7.2/lib/python3.7/distutils/dist.py", line 292, in __init__ self.finalize_options() "/tmp/pip-build-env-701d0led/overlay/lib/python3.7/site-packages/setuptools/dist.py", line 735, in finalize_options ep.load()(self, ep.name, value) "/tmp/pip-build-env-701d0led/overlay/lib/python3.7/site-packages/setuptools/dist.py", line 291, in check_specifier packaging.specifiers.SpecifierSet(value) "/tmp/pip-build-env-701d0led/overlay/lib/python3.7/site-packages/setuptools/_vendor/packaging/specifiers.py", line 594, in __init__ specifiers = [s.strip() for s in specifiers.split(",") if s.strip()] AttributeError: 'SpecifierSet' object has no attribute 'split'
0.641751
Traceback (most recent call last): "c:\Users\muniv\Downloads\pyload\module\lib\bottle.py", line 733, in _handle return route.call(**args) "c:\Users\muniv\Downloads\pyload\module\lib\bottle.py", line 1448, in wrapper rv = callback(*a, **ka) "c:\Users\muniv\Downloads\pyload\module\web\utils.py", line 112, in _view return func(*args, **kwargs) "c:\Users\muniv\Downloads\pyload\module\web\json_app.py", line 298, in update_accounts PYLOAD.updateAccount(plugin, user, options={"limitDL": [value]}) "c:\Users\muniv\Downloads\pyload\module\Api.py", line 895, in updateAccount self.core.accountManager.updateAccount(plugin, account, password, options) "c:\Users\muniv\Downloads\pyload\module\utils.py", line 169, in new return func(*args) "c:\Users\muniv\Downloads\pyload\module\plugins\AccountManager.py", line 153, in updateAccount updated = p.updateAccounts(user, password, options) "c:\Users\muniv\Downloads\pyload\module\plugins\internal\misc.py", line 228, in new return fn(*args, **kwargs) "c:\Users\muniv\Downloads\pyload\module\plugins\internal\Account.py", line 333, in updateAccounts u['plugin'].relogin() "c:\Users\muniv\Downloads\pyload\module\plugins\internal\Account.py", line 177, in relogin return self.login() KeyError: 'login'
Traceback (most recent call last): "./CascadeTabNet/Data Preparation/generateVOC2JSON.py", line 122, in <module> generateVOC2Json(rootDir, trainXML s) "./CascadeTabNet/Data Preparation/generateVOC2JSON.py", line 51, in generateVOC2Json image['file_name'] = str(doc['annotation']['filename']) KeyError: 'annotation'
0.487528
Traceback (most recent call last): "/usr/lib/python2.7/site-packages/powerline/bindings/zsh/__init__.py", line 97, in __str__ segment_info={'args': self.args, 'environ': environ} "/usr/lib/python2.7/site-packages/powerline/__init__.py", line 372, in render return self.renderer.render(*args, **kwargs) "/usr/lib/python2.7/site-packages/powerline/renderer.py", line 185, in render segments = theme.get_segments(side, self.get_segment_info(segment_info)) "/usr/lib/python2.7/site-packages/powerline/renderer.py", line 153, in get_segment_info if 'PWD' in r['environ']: "/usr/lib/python2.7/site-packages/powerline/bindings/zsh/__init__.py", line 68, in __getitem__ return string(zsh.getvalue(key)) TypeError: must be string, not int
Traceback (most recent call last): "/bot/bot/cogs/moderation/scheduler.py", line 415, in _scheduled_task expiry = dateutil.parser.isoparse(infraction["expires_at"]).replace(tzinfo=None) "/usr/local/lib/python3.7/site-packages/dateutil/parser/isoparser.py", line 37, in func return f(self, str_in, *args, **kwargs) "/usr/local/lib/python3.7/site-packages/dateutil/parser/isoparser.py", line 134, in isoparse components, pos = self._parse_isodate(dt_str) "/usr/local/lib/python3.7/site-packages/dateutil/parser/isoparser.py", line 208, in _parse_isodate return self._parse_isodate_common(dt_str) "/usr/local/lib/python3.7/site-packages/dateutil/parser/isoparser.py", line 213, in _parse_isodate_common len_str = len(dt_str) TypeError: object of type 'NoneType' has no len()
0.616987
Traceback (most recent call last): "lib/python3.5/site-packages/distributed-1.18.0.1+12.g665bcff8-py3.5.egg/distributed/scheduler.py", line 1167, in add_client "lib/python3.5/site-packages/tornado/gen.py", line 317, in wrapper "lib/python3.5/site-packages/tornado/concurrent.py", line 306, in set_exc_info TypeError: 'NoneType' object is not callable
Traceback (most recent call last): "launchables\world.py", line 437, in world "shared_modules\recorder.py", line 307, in recent_events "shared_modules\av_writer.py", line 144, in write_video_frame "ndsi\frame.pyx", line 205, in ndsi.frame.JPEGFrame.yuv422.__get__ TypeError: 'float' object cannot be interpreted as an integer
0.607544
Benchmark: connection_class=<class '__main__.StringJoiningConnection'>, value_size=10... Traceback (most recent call last): "command_packer_benchmark.py", line 104, in <module> CommandPackerBenchmark().run_benchmark() "/home/deslum/src/cgo/redis/redis-py/benchmarks/base.py", line 44, in run_benchmark t = timeit.timeit(stmt=run, setup=setup, number=1000) "/usr/lib/python3.5/timeit.py", line 213, in timeit return Timer(stmt, setup, timer, globals).timeit(number) "/usr/lib/python3.5/timeit.py", line 178, in timeit timing = self.inner(it, self.timer) "<timeit-src>", line 6, in inner "command_packer_benchmark.py", line 100, in run r.set('benchmark', x) "/usr/local/lib/python3.5/dist-packages/redis/client.py", line 1171, in set return self.execute_command('SET', *pieces) "/usr/local/lib/python3.5/dist-packages/redis/client.py", line 667, in execute_command connection.send_command(*args) "/usr/local/lib/python3.5/dist-packages/redis/connection.py", line 610, in send_command self.send_packed_command(self.pack_command(*args)) "command_packer_benchmark.py", line 33, in pack_command for k in imap(self.encode, args)]) AttributeError: 'StringJoiningConnection' object has no attribute 'encode'
Traceback (most recent call last): "examples/seq2seq/run_seq2seq.py", line 668, in <module> main() "examples/seq2seq/run_seq2seq.py", line 469, in main train_dataset = train_dataset.map( "/mnt/nvme1/code/huggingface/datasets-master/src/datasets/arrow_dataset.py", line 1120, in map update_data = does_function_return_dict(test_inputs, test_indices) "/mnt/nvme1/code/huggingface/datasets-master/src/datasets/arrow_dataset.py", line 1091, in does_function_return_dict function(*fn_args, indices, **fn_kwargs) if with_indices else function(*fn_args, **fn_kwargs) "examples/seq2seq/run_seq2seq.py", line 450, in preprocess_function with tokenizer.as_target_tokenizer(): "/home/stas/anaconda3/envs/main-38/lib/python3.8/contextlib.py", line 113, in __enter__ return next(self.gen) "/mnt/nvme1/code/huggingface/transformers-master/src/transformers/models/mbart/tokenization_mbart_fast.py", line 193, in as_target_tokenizer self.set_tgt_lang_special_tokens(self.tgt_lang) AttributeError: 'MBartTokenizerFast' object has no attribute 'tgt_lang'
0.624649
Traceback (most recent call last): "tools/test_lanenet.py", line 148, in <module> test_lanenet(args.image_path, args.weights_path) "tools/test_lanenet.py", line 85, in test_lanenet binary_seg_ret, instance_seg_ret = net.inference(input_tensor=input_tensor, name='lanenet_model') "/home/simge/lanenet-lane-detection-master/lanenet_model/lanenet.py", line 52, in inference reuse=self._reuse "/home/simge/lanenet-lane-detection-master/lanenet_model/lanenet_front_end.py", line 43, in build_model reuse=reuse "/home/simge/lanenet-lane-detection-master/semantic_segmentation_zoo/vgg16_based_fcn.py", line 357, in build_model self._vgg16_fcn_encode(input_tensor=input_tensor, name='vgg16_encode_module') "/home/simge/lanenet-lane-detection-master/semantic_segmentation_zoo/vgg16_based_fcn.py", line 137, in _vgg16_fcn_encode need_layer_norm=True "/home/simge/lanenet-lane-detection-master/semantic_segmentation_zoo/vgg16_based_fcn.py", line 59, in _vgg16_conv_stage with (name): AttributeError: _ _enter_ _
Traceback (most recent call last): "./cloudspeech_demo.py", line 22, in <module> from aiy.cloudspeech import CloudSpeechClient "/home/pi/AIY-projects-python/src/aiy/cloudspeech.py", line 40, in <module> END_OF_SINGLE_UTTERANCE = speech.types.StreamingRecognizeResponse.END_OF_SINGLE_UTTERANCE AttributeError: module 'google.cloud.speech' has no attribute 'types'
0.551657
Traceback (most recent call last): "/home/runner/miniconda3/envs/pandas-dev/lib/python3.8/site-packages/asv/benchmark.py", line 1184, in main_run_server main_run(run_args) "/home/runner/miniconda3/envs/pandas-dev/lib/python3.8/site-packages/asv/benchmark.py", line 1058, in main_run result = benchmark.do_run() "/home/runner/miniconda3/envs/pandas-dev/lib/python3.8/site-packages/asv/benchmark.py", line 537, in do_run return self.run(*self._current_params) "/home/runner/miniconda3/envs/pandas-dev/lib/python3.8/site-packages/asv/benchmark.py", line 627, in run samples, number = self.benchmark_timing(timer, min_repeat, max_repeat, "/home/runner/miniconda3/envs/pandas-dev/lib/python3.8/site-packages/asv/benchmark.py", line 694, in benchmark_timing timing = timer.timeit(number) "/home/runner/miniconda3/envs/pandas-dev/lib/python3.8/timeit.py", line 177, in timeit timing = self.inner(it, self.timer) "<timeit-src>", line 6, in inner "/home/runner/miniconda3/envs/pandas-dev/lib/python3.8/site-packages/asv/benchmark.py", line 599, in <lambda> func = lambda: self.func(*param) "/home/runner/work/pandas/pandas/asv_bench/benchmarks/arithmetic.py", line 469, in time_apply_index offset.apply_index(self.rng) "pandas/_libs/tslibs/offsets.pyx", line 87, in pandas._libs.tslibs.offsets.apply_index_wraps.wrapper "pandas/_libs/tslibs/offsets.pyx", line 2319, in pandas._libs.tslibs.offsets.SemiMonthOffset.apply_index AttributeError: 'PeriodIndex' object has no attribute '_addsub_int_array'
ctdet/pascal_dla_384Traceback (most recent call last): "main.py", line 102, in <module> main(opt) "main.py", line 70, in main log_dict_train, _ = trainer.train(epoch, train_loader) "/home/CenterNet/src/lib/trains/base_trainer.py", line 119, in train return self.run_epoch('train', epoch, data_loader) "/home/CenterNet/src/lib/trains/base_trainer.py", line 61, in run_epoch for iter_id, batch in enumerate(data_loader): "/home/anaconda3/envs/CenterNet/lib/python3.6/site-packages/torch/utils/data/dataloader.py", line 336, in __next__ return self._process_next_batch(batch) "/home/anaconda3/envs/CenterNet/lib/python3.6/site-packages/torch/utils/data/dataloader.py", line 357, in _process_next_batch raise batch.exc_type(batch.exc_msg) AttributeError: Traceback (most recent call last):
0.578314
Traceback (most recent call last): "/Users/alokbeniwal/dev/ray/python/ray/workers/default_worker.py", line 38, in <module> use_raylet=(args.raylet_name is not None)) TypeError: connect() got an unexpected keyword argument 'use_raylet'
Traceback (most recent call last): "VideoWidget_vlc.py", line 882, in setMedia TypeError: 'method' object is not connected
0.540661
Traceback (most recent call last): "/Users/rokas/.virtualenvs/virtualenv/bin/wdb.server.py", line 10, in <module> from wdb_server import server "/Users/rokas/.virtualenvs/virtualenv/lib/python3.7/site-packages/wdb_server/__init__.py", line 374, in <module> raise_error=False TypeError: fetch() got multiple values for argument 'raise_error'
Traceback (most recent call last): "/usr/bin/beet", line 11, in <module> load_entry_point('beets==1.4.7', 'console_scripts', 'beet')() "/usr/share/beets/beets/ui/__init__.py", line 1256, in main _raw_main(args) "/usr/share/beets/beets/ui/__init__.py", line 1243, in _raw_main subcommand.func(lib, suboptions, subargs) "/usr/share/beets/beets/ui/commands.py", line 943, in import_func import_files(lib, paths, query) "/usr/share/beets/beets/ui/commands.py", line 913, in import_files session.run() "/usr/share/beets/beets/importer.py", line 329, in run pl.run_parallel(QUEUE_SIZE) "/usr/share/beets/beets/util/pipeline.py", line 445, in run_parallel six.reraise(exc_info[0], exc_info[1], exc_info[2]) "/usr/lib/python3/dist-packages/six.py", line 693, in reraise raise value "/usr/share/beets/beets/util/pipeline.py", line 312, in run out = self.coro.send(msg) "/usr/share/beets/beets/util/pipeline.py", line 194, in coro func(*(args + (task,))) "/usr/share/beets/beets/importer.py", line 1511, in plugin_stage func(session, task) "/usr/share/beets/beets/plugins.py", line 140, in wrapper return func(*args, **kwargs) "/usr/share/beets/beetsplug/fetchart.py", line 807, in fetch_art candidate = self.art_for_album(task.album, task.paths, local) "/usr/share/beets/beetsplug/fetchart.py", line 873, in art_for_album for candidate in source.get(album, self, paths): "/usr/share/beets/beetsplug/fetchart.py", line 416, in get self.API_ALBUMS + album.mb_releasegroupid, TypeError: can only concatenate str (not "int") to str
0.516491
Traceback (most recent call last): "/usr/local/lib/python3.6/dist-packages/sanic/server.py", line 745, in serve http_server = loop.run_until_complete(server_coroutine) "uvloop/loop.pyx", line 1451, in uvloop.loop.Loop.run_until_complete "uvloop/loop.pyx", line 1684, in create_server "uvloop/loop.pyx", line 1116, in uvloop.loop.Loop._create_server OSError: [Errno 98] error while attempting to bind on address ('0.0.0.0', 5002): address already in use
Traceback (most recent call last): "/usr/local/lib/python3.6/site-packages/urllib3/connection.py", line 171, in _new_conn (self._dns_host, self.port), self.timeout, **extra_kw) "/usr/local/lib/python3.6/site-packages/urllib3/util/connection.py", line 79, in create_connection raise err "/usr/local/lib/python3.6/site-packages/urllib3/util/connection.py", line 69, in create_connection sock.connect(sa) OSError: [Errno 101] Network unreachable
0.629872
Traceback (most recent call last): "/home/frappe/frappe-bench/apps/frappe/frappe/app.py", line 56, in application response = frappe.handler.handle() "/home/frappe/frappe-bench/apps/frappe/frappe/handler.py", line 19, in handle execute_cmd(cmd) "/home/frappe/frappe-bench/apps/frappe/frappe/handler.py", line 42, in execute_cmd ret = frappe.call(method, **frappe.form_dict) "/home/frappe/frappe-bench/apps/frappe/frappe/__init__.py", line 900, in call return fn(*args, **newargs) "/home/frappe/frappe-bench/apps/frappe/frappe/desk/page/setup_wizard/setup_wizard.py", line 39, in setup_complete frappe.get_attr(method)(args) "/home/frappe/frappe-bench/apps/erpnext/erpnext/setup/setup_wizard/setup_wizard.py", line 23, in setup_complete install_fixtures.install(args.get("country")) "/home/frappe/frappe-bench/apps/erpnext/erpnext/setup/setup_wizard/install_fixtures.py", line 208, in install doc.insert(ignore_permissions=True) "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 212, in insert self.run_post_save_methods() "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 776, in run_post_save_methods self.run_method("on_update") "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 655, in run_method out = Document.hook(fn)(self, *args, **kwargs) "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 871, in composer return composed(self, method, *args, **kwargs) "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 854, in runner add_to_return_value(self, fn(self, *args, **kwargs)) "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 649, in fn = lambda self, *args, **kwargs: getattr(self, method)(*args, **kwargs) "/home/frappe/frappe-bench/apps/erpnext/erpnext/setup/doctype/item_group/item_group.py", line 31, in on_update WebsiteGenerator.on_update(self) AttributeError: type object 'WebsiteGenerator' has no attribute 'on_update'
Traceback (most recent call last): "/usr/lib/python3/dist-packages/pkg_resources.py", line 2482, in _dep_map return self.__dep_map "/usr/lib/python3/dist-packages/pkg_resources.py", line 2344, in __getattr__ raise AttributeError(attr) AttributeError: _DistInfoDistribution__dep_map
0.570085
Traceback (most recent call last): "/home/gb/Documents/Research/Projects/dvc/dvc/repo/experiments/executor/base.py", line 330, in _repro_dvc yield dvc "/home/gb/Documents/Research/Projects/dvc/dvc/repo/experiments/executor/base.py", line 268, in reproduce dvc_checkout(dvc, force=True, quiet=True, allow_missing=True) "/home/gb/Documents/Research/Projects/dvc/dvc/repo/__init__.py", line 49, in wrapper return f(repo, *args, **kwargs) "/home/gb/Documents/Research/Projects/dvc/dvc/repo/checkout.py", line 104, in checkout total = get_all_files_numbers(pairs) "/home/gb/Documents/Research/Projects/dvc/dvc/repo/checkout.py", line 41, in get_all_files_numbers return sum( "/home/gb/Documents/Research/Projects/dvc/dvc/repo/checkout.py", line 42, in <genexpr> stage.get_all_files_number(filter_info) for stage, filter_info in pairs "/home/gb/Documents/Research/Projects/dvc/dvc/stage/__init__.py", line 611, in get_all_files_number return sum( TypeError: unsupported operand type(s) for +: 'int' and 'NoneType'
Traceback (most recent call last): "/Library/Python/2.7/site-packages/instalooter/cli/__init__.py", line 173, in main dlpbar_cls=None if args['--quiet'] else TqdmProgressBar) "/Library/Python/2.7/site-packages/instalooter/looters.py", line 470, in download new_only, condition) "/Library/Python/2.7/site-packages/instalooter/looters.py", line 622, in _fill_media_queue if media['__typename'] == "GraphSidecar": TypeError: 'NoneType' object has no attribute '__getitem__'
0.584247
Traceback (most recent call last): "/nix/store/g90890h0d4xrzb8h6k6cqxdn1wdh5xcq-meson-0.52.0/lib/python3.7/site-packages/mesonbuild/mesonmain.py", line 129, in run return options.run_func(options) "/nix/store/g90890h0d4xrzb8h6k6cqxdn1wdh5xcq-meson-0.52.0/lib/python3.7/site-packages/mesonbuild/msetup.py", line 245, in run app.generate() "/nix/store/g90890h0d4xrzb8h6k6cqxdn1wdh5xcq-meson-0.52.0/lib/python3.7/site-packages/mesonbuild/msetup.py", line 159, in generate self._generate(env) "/nix/store/g90890h0d4xrzb8h6k6cqxdn1wdh5xcq-meson-0.52.0/lib/python3.7/site-packages/mesonbuild/msetup.py", line 192, in _generate intr.run() "/nix/store/g90890h0d4xrzb8h6k6cqxdn1wdh5xcq-meson-0.52.0/lib/python3.7/site-packages/mesonbuild/interpreter.py", line 4020, in run super().run() "/nix/store/g90890h0d4xrzb8h6k6cqxdn1wdh5xcq-meson-0.52.0/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 412, in run self.evaluate_codeblock(self.ast, start=1) "/nix/store/g90890h0d4xrzb8h6k6cqxdn1wdh5xcq-meson-0.52.0/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 436, in evaluate_codeblock raise e "/nix/store/g90890h0d4xrzb8h6k6cqxdn1wdh5xcq-meson-0.52.0/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 430, in evaluate_codeblock self.evaluate_statement(cur) "/nix/store/g90890h0d4xrzb8h6k6cqxdn1wdh5xcq-meson-0.52.0/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 451, in evaluate_statement return self.evaluate_if(cur) "/nix/store/g90890h0d4xrzb8h6k6cqxdn1wdh5xcq-meson-0.52.0/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 516, in evaluate_if self.evaluate_codeblock(i.block) "/nix/store/g90890h0d4xrzb8h6k6cqxdn1wdh5xcq-meson-0.52.0/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 436, in evaluate_codeblock raise e "/nix/store/g90890h0d4xrzb8h6k6cqxdn1wdh5xcq-meson-0.52.0/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 430, in evaluate_codeblock self.evaluate_statement(cur) "/nix/store/g90890h0d4xrzb8h6k6cqxdn1wdh5xcq-meson-0.52.0/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 443, in evaluate_statement return self.assignment(cur) "/nix/store/g90890h0d4xrzb8h6k6cqxdn1wdh5xcq-meson-0.52.0/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 1053, in assignment value = self.evaluate_statement(node.value) "/nix/store/g90890h0d4xrzb8h6k6cqxdn1wdh5xcq-meson-0.52.0/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 441, in evaluate_statement return self.function_call(cur) "/nix/store/g90890h0d4xrzb8h6k6cqxdn1wdh5xcq-meson-0.52.0/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 778, in function_call return func(node, posargs, kwargs) "/nix/store/g90890h0d4xrzb8h6k6cqxdn1wdh5xcq-meson-0.52.0/lib/python3.7/site-packages/mesonbuild/interpreterbase.py", line 174, in wrapped return f(*wrapped_args, **wrapped_kwargs) "/nix/store/g90890h0d4xrzb8h6k6cqxdn1wdh5xcq-meson-0.52.0/lib/python3.7/site-packages/mesonbuild/interpreter.py", line 3276, in func_vcs_tag vcs_cmd[0] = shutil.which(vcs_cmd[0]) or os.path.join(source_dir, vcs_cmd[0]) "/nix/store/drr8qcgiccfc5by09r5zc30flgwh1mbx-python3-3.7.5/lib/python3.7/shutil.py", line 1138, in which if os.path.dirname(cmd): "/nix/store/drr8qcgiccfc5by09r5zc30flgwh1mbx-python3-3.7.5/lib/python3.7/posixpath.py", line 156, in dirname p = os.fspath(p) TypeError: expected str, bytes or os.PathLike object, not ExternalProgramHolder
Traceback (most recent call last): "paddle_demo.py", line 75, in <module> patience=config['patience'] "/home/aistudio/work/train_VASC.py", line 282, in vasc decoded_x,z_mean = model([fluid.dygraph.base.to_variable(expr_train),tau]) "/opt/conda/envs/python35-paddle120-env/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py", line 461, in __call__ outputs = self.forward(*inputs, **kwargs) "/home/aistudio/work/train_VASC.py", line 86, in forward x = self.fc1(x) "/opt/conda/envs/python35-paddle120-env/lib/python3.7/site-packages/paddle/fluid/dygraph/layers.py", line 461, in __call__ outputs = self.forward(*inputs, **kwargs) "/opt/conda/envs/python35-paddle120-env/lib/python3.7/site-packages/paddle/fluid/dygraph/nn.py", line 943, in forward 'transpose_Y', False, "alpha", 1) TypeError: matmul(): incompatible function arguments. The following argument types are supported:
0.554724
Traceback (most recent call last): "/home/frappe/frappe-bench/apps/frappe/frappe/desk/form/save.py", line 22, in savedocs doc.save() "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 260, in save return self._save(*args, **kwargs) "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 283, in _save self.insert() "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 222, in insert self.run_before_save_methods() "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 869, in run_before_save_methods self.run_method("validate") "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 765, in run_method out = Document.hook(fn)(self, *args, **kwargs) "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 1040, in composer return composed(self, method, *args, **kwargs) "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 1023, in runner add_to_return_value(self, fn(self, *args, **kwargs)) "/home/frappe/frappe-bench/apps/frappe/frappe/model/document.py", line 759, in <lambda> fn = lambda self, *args, **kwargs: getattr(self, method)(*args, **kwargs) "/home/frappe/frappe-bench/apps/frappe/frappe/website/doctype/website_slideshow/website_slideshow.py", line 14, in validate self.validate_images() "/home/frappe/frappe-bench/apps/frappe/frappe/website/doctype/website_slideshow/website_slideshow.py", line 25, in validate_images result = frappe.get_all(" ", filters={ "file_url":("in", files) }, fields="is_private") "/home/frappe/frappe-bench/apps/frappe/frappe/__init__.py", line 1180, in get_all return get_list(doctype, *args, **kwargs) "/home/frappe/frappe-bench/apps/frappe/frappe/__init__.py", line 1153, in get_list return frappe.model.db_query.DatabaseQuery(doctype).execute(None, *args, **kwargs) "/home/frappe/frappe-bench/apps/frappe/frappe/model/db_query.py", line 87, in execute result = self.build_and_run() "/home/frappe/frappe-bench/apps/frappe/frappe/model/db_query.py", line 99, in build_and_run args = self.prepare_args() "/home/frappe/frappe-bench/apps/frappe/frappe/model/db_query.py", line 118, in prepare_args self.build_conditions() "/home/frappe/frappe-bench/apps/frappe/frappe/model/db_query.py", line 280, in build_conditions self.build_filter_conditions(self.filters, self.conditions) "/home/frappe/frappe-bench/apps/frappe/frappe/model/db_query.py", line 301, in build_filter_conditions conditions.append(self.prepare_filter_condition(f)) "/home/frappe/frappe-bench/apps/frappe/frappe/model/db_query.py", line 327, in prepare_filter_condition values = values.split(",") AttributeError: 'map' object has no attribute 'split'
Traceback (most recent call last): "example/tensorflow/tensorflow_mnist.py", line 160, in <module> tf.app.run() "/home/shuai/.conda/envs/byteps/lib/python2.7/site-packages/tensorflow/python/platform/app.py", line 125, in run _sys.exit(main(argv)) "example/tensorflow/tensorflow_mnist.py", line 152, in main config=config) as mon_sess: "/home/shuai/.conda/envs/byteps/lib/python2.7/site-packages/tensorflow/python/training/monitored_session.py", line 421, in MonitoredTrainingSession stop_grace_period_secs=stop_grace_period_secs) "/home/shuai/.conda/envs/byteps/lib/python2.7/site-packages/tensorflow/python/training/monitored_session.py", line 832, in __init__ stop_grace_period_secs=stop_grace_period_secs) "/home/shuai/.conda/envs/byteps/lib/python2.7/site-packages/tensorflow/python/training/monitored_session.py", line 548, in __init__ h.begin() "/home/shuai/.conda/envs/byteps/lib/python2.7/site-packages/byteps-0.1.0-py2.7-linux-x86_64.egg/byteps/tensorflow/__init__.py", line 107, in begin self.bcast_op = broadcast_global_variables(self.root_rank) "/home/shuai/.conda/envs/byteps/lib/python2.7/site-packages/byteps-0.1.0-py2.7-linux-x86_64.egg/byteps/tensorflow/__init__.py", line 66, in broadcast_global_variables return broadcast_variables(tf.global_variables(), root_rank, scope) "/home/shuai/.conda/envs/byteps/lib/python2.7/site-packages/byteps-0.1.0-py2.7-linux-x86_64.egg/byteps/tensorflow/__init__.py", line 78, in broadcast_variables for var in variables]) "/home/shuai/.conda/envs/byteps/lib/python2.7/site-packages/byteps-0.1.0-py2.7-linux-x86_64.egg/byteps/tensorflow/ops.py", line 116, in broadcast scope = tf.compat.v1.get_default_graph().get_name_scope() AttributeError: 'module' object has no attribute 'v1'
0.637468
Traceback (most recent call last): "D:\long\Desktop\tes.py", line 13, in <module> res=scraper.get(url) "C:\Users\long\AppData\Local\Programs\Python\Python36\lib\site-packages\requests\sessions.py", line 546, in get return self.request('GET', url, **kwargs) "C:\Users\long\AppData\Local\Programs\Python\Python36\lib\site-packages\cfscrape\__init__.py", line 129, in request resp = self.solve_cf_challenge(resp, **kwargs) "C:\Users\long\AppData\Local\Programs\Python\Python36\lib\site-packages\cfscrape\__init__.py", line 204, in solve_cf_challenge answer, delay = self.solve_challenge(body, domain) "C:\Users\long\AppData\Local\Programs\Python\Python36\lib\site-packages\cfscrape\__init__.py", line 292, in solve_challenge % BUG_REPORT ValueError: Unable to identify Cloudflare IUAM Javascript on website. Cloudflare may have changed their technique, or there may be a bug in the script.
Traceback (most recent call last): "/opt/Hardcode-Tray/script.py", line 75, in <module> "svgtopng", "%s/database/scripts/svgtopng.py" % absolute_path) "/usr/lib/python3.5/imp.py", line 172, in load_source module = _load(spec) "<frozen importlib._bootstrap>", line 693, in _load "<frozen importlib._bootstrap>", line 673, in _load_unlocked "<frozen importlib._bootstrap_external>", line 673, in exec_module "<frozen importlib._bootstrap>", line 222, in _call_with_frames_removed "/opt/Hardcode-Tray//database/scripts/svgtopng.py", line 11, in <module> require_version('Rsvg', '2.0') "/usr/lib/python3/dist-packages/gi/__init__.py", line 118, in require_version raise ValueError('Namespace %s not available' % namespace) ValueError: Namespace Rsvg not available
0.564042
[0;31mERROR: Signature extraction failed: Traceback (most recent call last): "/usr/local/lib/python3.5/dist-packages/youtube_dl/extractor/youtube.py", line 1005, in _decrypt_signature video_id, player_url, s "/usr/local/lib/python3.5/dist-packages/youtube_dl/extractor/youtube.py", line 919, in _extract_signature_function errnote='Download of %s failed' % player_url) "/usr/local/lib/python3.5/dist-packages/youtube_dl/extractor/common.py", line 517, 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/dist-packages/youtube_dl/extractor/common.py", line 424, 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/dist-packages/youtube_dl/extractor/common.py", line 404, in _request_webpage return self._downloader.urlopen(url_or_request) "/usr/local/lib/python3.5/dist-packages/youtube_dl/YoutubeDL.py", line 2000, in urlopen req = sanitized_Request(req) "/usr/local/lib/python3.5/dist-packages/youtube_dl/utils.py", line 513, in sanitized_Request return compat_urllib_request.Request(sanitize_url(url), *args, **kwargs) "/usr/lib/python3.5/urllib/request.py", line 268, in __init__ self.full_url = url "/usr/lib/python3.5/urllib/request.py", line 294, in full_url self._parse() "/usr/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-vfl8LqiZp/base.js'
```Traceback (most recent call last): "train.py", line 91, in <module> log_dir=FLAGS.log_dir, "/usr/local/lib/python3.6/dist-packages/neuralgym/train/multigpu_trainer.py", line 24, in __init__ self._train_op, self._loss = self.train_ops_and_losses() "/usr/local/lib/python3.6/dist-packages/neuralgym/train/multigpu_trainer.py", line 75, in train_ops_and_losses gpu_id=gpu, **graph_def_kwargs) "train.py", line 15, in multigpu_graph_def FLAGS, images, FLAGS, summary=True, reuse=True) "/content/generative_inpainting/inpaint_model.py", line 181, in build_graph_with_losses tf.concat(viz_img, axis=2), "/tensorflow-1.15.2/python3.6/tensorflow_core/python/util/dispatch.py", line 180, in wrapper return target(*args, **kwargs) "/tensorflow-1.15.2/python3.6/tensorflow_core/python/ops/array_ops.py", line 1420, in concat return gen_array_ops.concat_v2(values=values, axis=axis, name=name) "/tensorflow-1.15.2/python3.6/tensorflow_core/python/ops/gen_array_ops.py", line 1257, in concat_v2 "ConcatV2", values=values, axis=axis, name=name) "/tensorflow-1.15.2/python3.6/tensorflow_core/python/framework/op_def_library.py", line 794, in _apply_op_helper op_def=op_def) "/tensorflow-1.15.2/python3.6/tensorflow_core/python/util/deprecation.py", line 507, in new_func return func(*args, **kwargs) "/tensorflow-1.15.2/python3.6/tensorflow_core/python/framework/ops.py", line 3357, in create_op attrs, op_def, compute_device) "/tensorflow-1.15.2/python3.6/tensorflow_core/python/framework/ops.py", line 3426, in _create_op_internal op_def=op_def) "/tensorflow-1.15.2/python3.6/tensorflow_core/python/framework/ops.py", line 1770, in __init__ control_input_ops) "/tensorflow-1.15.2/python3.6/tensorflow_core/python/framework/ops.py", line 1610, in _create_c_op raise ValueError(str(e)) ValueError: Dimension 1 in both shapes must be equal, but are 28 and 24. Shapes are [16,28] and [16,24]. for 'concat_10' (op: 'ConcatV2') with input shapes: [16,28,28,3], [16,28,28,3], [16,28,28,3], [16,24,24,3], [] and with computed input tensors: input[4] = <2>.
0.549112
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_arrow.py", line 352, in test_radd result = self.arrow.__radd__(timedelta(days=1)) AttributeError: 'TestArrowMath' object has no attribute 'arrow'
> Traceback (most recent call last): "../convai_evaluation.py", line 239, in <module> eval_fct(opt) "/home/wang/PycharmProjects/transfer-learning-conv-ai/ParlAI/projects/convai2/eval_f1.py", line 27, in eval_f1 report = eval_model(opt, print_parser) "/home/wang/PycharmProjects/transfer-learning-conv-ai/ParlAI/parlai/scripts/eval_model.py", line 84, in eval_model world.parley() "/home/wang/PycharmProjects/transfer-learning-conv-ai/ParlAI/parlai/core/worlds.py", line 275, in parley acts[1] = agents[1].act() "/home/wang/PycharmProjects/transfer-learning-conv-ai/convai_evaluation.py", line 156, in act out_ids, _ = sample_sequence(self.persona, self.history, self.tokenizer, self.model_checkpoint, self.args) "/home/wang/PycharmProjects/transfer-learning-conv-ai/interact.py", line 74, in sample_sequence logits = top_filtering(logits, top_k=args.top_k, top_p=args.top_p) AttributeError: 'AttrDict' object has no attribute 'top_p'
0.625115
Traceback (most recent call last): "train.py", line 11, in <module> for (images, label) in train_loader: "/path/to/home/dir/.conda/envs/contrastive/lib/python3.7/site-packages/torch/utils/data/dataloader.py", line 400, in __next__ data = self._next_data() "/path/to/home/dir/.conda/envs/contrastive/lib/python3.7/site-packages/torch/utils/data/dataloader.py", line 1032, in _next_data return self._process_data(data) "/path/to/home/dir/.conda/envs/contrastive/lib/python3.7/site-packages/torch/utils/data/dataloader.py", line 1058, in _process_data data.reraise() "/path/to/home/dir/.conda/envs/contrastive/lib/python3.7/site-packages/torch/_utils.py", line 420, in reraise raise self.exc_type(msg) TypeError: Caught TypeError in DataLoader worker process 0.
WARNING:traitlets:kernel died: 2.9993999004364014Traceback (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.487124
Traceback (most recent call last): "tools/train.py", line 232, in <module> main() "tools/train.py", line 226, in main train() "tools/train.py", line 175, in train loss_pre = criteria_pre(logits, lb) "/home/liyanzhou/anaconda3/envs/py36_torch16/lib/python3.6/site-packages/torch/nn/modules/module.py", line 889, in _call_impl result = self.forward(*input, **kwargs) "./lib/ohem_ce_loss.py", line 43, in forward loss_hard = loss[loss > self.thresh] RuntimeError: CUDA error: an illegal memory access was encountered
Traceback (most recent call last): "<ipython-input-8-d7e328037dc8>", line 396, in obtain_option_chain self.connection.req_underlying() "<ipython-input-1-8babd49f3586>", line 82, in req_underlying self.sess.qualifyContracts(self.underlying) # fills in the missing fields, inplace "/anaconda3/envs/others/lib/python3.6/site-packages/ib_insync/ib.py", line 457, in qualifyContracts return self._run(self.qualifyContractsAsync(*contracts)) "/anaconda3/envs/others/lib/python3.6/site-packages/ib_insync/ib.py", line 236, in _run return util.run(*awaitables, timeout=self.RequestTimeout) "/anaconda3/envs/others/lib/python3.6/site-packages/ib_insync/util.py", line 229, in run loop = asyncio.get_event_loop() "/anaconda3/envs/others/lib/python3.6/asyncio/events.py", line 694, in get_event_loop return get_event_loop_policy().get_event_loop() "/anaconda3/envs/others/lib/python3.6/asyncio/events.py", line 602, in get_event_loop % threading.current_thread().name) RuntimeError: There is no current event loop in thread 'Thread-5'.
0.530399
Traceback (most recent call last): "example.py", line 15, in <module> preds = model.predict(x) "/tmp/lib/python3.5/site-packages/keras/engine/training.py", line 1573, in predict batch_size=batch_size, verbose=verbose) "/tmp/lib/python3.5/site-packages/keras/engine/training.py", line 1203, in _predict_loop batch_outs = f(ins_batch) "/tmp/lib/python3.5/site-packages/keras/backend/theano_backend.py", line 1122, in __call__ return self.function(*inputs) "/tmp/lib/python3.5/site-packages/theano/compile/function_module.py", line 898, in __call__ storage_map=getattr(self.fn, 'storage_map', None)) "/tmp/lib/python3.5/site-packages/theano/gof/link.py", line 325, in raise_with_op reraise(exc_type, exc_value, exc_trace) "/tmp/lib/python3.5/site-packages/six.py", line 685, in reraise raise value.with_traceback(tb) "/tmp/lib/python3.5/site-packages/theano/compile/function_module.py", line 884, in __call__ self.fn() if output_subset is None else\ ValueError: CorrMM images and kernel must have the same stack size
Traceback (most recent call last): "/usr/lib/python3.6/site-packages/ranger/core/main.py", line 177, in main fm.initialize() "/usr/lib/python3.6/site-packages/ranger/core/fm.py", line 100, in initialize self.rifle.reload_config() "/usr/lib/python3.6/site-packages/ranger/ext/rifle.py", line 172, in reload_config raise ValueError("Line without delimiter") ValueError: Line without delimiter
0.490017
Traceback (most recent call last): "/usr/lib/python3.6/threading.py", line 1294, in _shutdown t.join() "/usr/lib/python3.6/threading.py", line 1056, in join self._wait_for_tstate_lock() "/usr/lib/python3.6/threading.py", line 1074, in _wait_for_tstate_lock self._stop() TypeError: 'Event' object is not callable
Traceback (most recent call last): "/home/patate/ida-7.1/plugins/idarling/shared/sockets.py", line 262, in event self._dispatch() "/home/patate/ida-7.1/plugins/idarling/shared/sockets.py", line 280, in _dispatch elif not self.recv_packet(packet): "/home/patate/ida-7.1/plugins/idarling/network/client.py", line 60, in recv_packet self._handlers[packet.__class__](packet) "/home/patate/ida-7.1/plugins/idarling/network/client.py", line 90, in _handle_subscribe packet.name, packet.color, packet.ea "/home/patate/ida-7.1/plugins/idarling/interface/painter.py", line 125, in paint self.paint_database(name, color, address) "/home/patate/ida-7.1/plugins/idarling/interface/painter.py", line 248, in paint_database self.paint_function(name, color, address) "/home/patate/ida-7.1/plugins/idarling/interface/painter.py", line 193, in paint_function self._set_paint_function(new_func, color) "/home/patate/ida-7.1/plugins/idarling/interface/painter.py", line 64, in _set_paint_function function.color = color TypeError: in method 'func_t_color_set', argument 2 of type 'bgcolor_t'
0.579222
Traceback (most recent call last): "D:/codedevelop/tce/ai/paddle/ShuffleNetV2-YOLOv3/train.py", line 526, in <module> train() "D:/codedevelop/tce/ai/paddle/ShuffleNetV2-YOLOv3/train.py", line 456, in train load_pretrained_params(exe, train_program) "D:/codedevelop/tce/ai/paddle/ShuffleNetV2-YOLOv3/train.py", line 424, in load_pretrained_params predicate=if_exist) "D:\softinstal\deeplearn\anaconda\envs\paddle\lib\site-packages\paddle\fluid\io.py", line 682, in load_vars filename=filename) "D:\softinstal\deeplearn\anaconda\envs\paddle\lib\site-packages\paddle\fluid\io.py", line 741, in load_vars format(orig_shape, each_var.name, new_shape)) RuntimeError: Shape not matching: the Program requires a parameter with a shape of ((78, 512, 1, 1)), while the loaded parameter (namely [ conv2d_61.w_0 ]) has a shape of ((75, 512, 1, 1)).
Traceback (most recent call last): "/home/debian/PycharmProjects/AES/src/aes/core/loop.py", line 109, in _finalize_new_loop _cancel_all_tasks(loop) "/home/debian/PycharmProjects/AES/src/aes/core/loop.py", line 126, in _cancel_all_tasks loop.run_until_complete( "uvloop/loop.pyx", line 1450, in uvloop.loop.Loop.run_until_complete "uvloop/loop.pyx", line 1443, in uvloop.loop.Loop.run_until_complete "uvloop/loop.pyx", line 1351, in uvloop.loop.Loop.run_forever "uvloop/loop.pyx", line 480, in uvloop.loop.Loop._run RuntimeError: this event loop is already running.
0.544212