text1
stringlengths
92
132k
text2
stringlengths
83
99.1k
score
float64
0.01
1
Traceback (most recent call last): "/usr/local/sbin/dockutil", line 686, in <module> main() "/usr/local/sbin/dockutil", line 386, in main if addItem(pl, real_add_path, replace_label, position, before_item, after_item, section, displayas, showas, arrangement, tile_type, label_name): "/usr/local/sbin/dockutil", line 547, in addItem label_name = label_name.decode('utf-8') AttributeError: 'NoneType' object has no attribute 'decode'
`Traceback (most recent call last): "./app.py", line 5, in <module> from schema import schema "/home/examples/flask_sqlalchemy/schema.py", line 28, in <module> class Query(graphene.ObjectType): "/home/examples/flask_sqlalchemy/schema.py", line 32, in Query Employee, sort=Employee.sort_argument()) AttributeError: type object 'Employee' has no attribute 'sort_argument'`
0.631718
Traceback (most recent call last): "Script_v01.py", line 261, in <module> gpr_BCV.fit(X,y) "C:\Optimization\OptimEnv\env369\lib\site-packages\skopt\searchcv.py", line 694, in fit groups=groups, n_points=n_points_adjusted "C:\Optimization\OptimEnv\env369\lib\site-packages\skopt\searchcv.py", line 579, in _step self._fit(X, y, groups, params_dict) "C:\Optimization\OptimEnv\env369\lib\site-packages\skopt\searchcv.py", line 423, in _fit for parameters in parameter_iterable "C:\Optimization\OptimEnv\env369\lib\site-packages\joblib\parallel.py", line 1054, in __call__ self.retrieve() "C:\Optimization\OptimEnv\env369\lib\site-packages\joblib\parallel.py", line 933, in retrieve self._output.extend(job.get(timeout=self.timeout)) "C:\Optimization\OptimEnv\env369\lib\site-packages\joblib\_parallel_backends.py", line 542, in wrap_future_result return future.result(timeout=timeout) "C:\Users\Nuno\AppData\Local\Programs\Python\Python37\lib\concurrent\futures\_base.py", line 428, in result return self.__get_result() "C:\Users\Nuno\AppData\Local\Programs\Python\Python37\lib\concurrent\futures\_base.py", line 384, in __get_result raise self._exception AttributeError: 'str' object has no attribute 'decode'
Traceback (most recent call last): "<string>", line 545, in invoke "<string>", line 293, in redisplay "<string>", line 327, in render AttributeError: 'dict' object has no attribute 'iteritems' Error occurred in Python command: 'dict' object has no attribute 'iteritems'
0.592031
Traceback (most recent call last): "<input>", line 1, in <module> "/home/ubuntu/pycharm-community-2019.2.3/helpers/pydev/_pydev_bundle/pydev_umd.py", line 197, in runfile pydev_imports.execfile(filename, global_vars, local_vars) # execute the script "/home/ubuntu/pycharm-community-2019.2.3/helpers/pydev/_pydev_imps/_pydev_execfile.py", line 18, in execfile exec(compile(contents+"\n", file, 'exec'), glob, loc) "/home/ubuntu/workspace/pyspace/holo_det/projects/keypoints/convert_pytorch_to_caffe/example_resnet_pytorch_to_caffe.py", line 18, in <module> pytorch_to_caffe.trans_net(resnet18, input, name) "./pytorch_to_caffe.py", line 663, in trans_net out = net.forward(input_var) "/home/ubuntu/anaconda3/envs/det2/lib/python3.6/site-packages/torchvision/models/resnet.py", line 208, in forward x = self.fc(x) "/home/ubuntu/anaconda3/envs/det2/lib/python3.6/site-packages/torch/nn/modules/module.py", line 541, in __call__ result = self.forward(*input, **kwargs) "/home/ubuntu/anaconda3/envs/det2/lib/python3.6/site-packages/torch/nn/modules/linear.py", line 87, in forward return F.linear(input, self.weight, self.bias) "./pytorch_to_caffe.py", line 582, in __call__ out=self.obj(self.raw,*args,**kwargs) "./pytorch_to_caffe.py", line 135, in _linear bottom=[log.blobs(input)],top=top_blobs) "./pytorch_to_caffe.py", line 88, in blobs print("{}:{} getting".format(var, self._blobs[var])) "./pytorch_to_caffe.py", line 31, in __getitem__ return self.data[key] KeyError: 139990017089112
Traceback (most recent call last): "/usr/local/lib/python3.6/site-packages/superset/views/core.py", line 1149, in generate_json payload = viz_obj.get_payload() "/usr/local/lib/python3.6/site-packages/superset/viz.py", line 371, in get_payload payload['data'] = self.get_data(df) "/usr/local/lib/python3.6/site-packages/superset/viz.py", line 1212, in get_data df = self.process_data(df) "/usr/local/lib/python3.6/site-packages/superset/viz.py", line 1132, in process_data values=self.metric_labels) "/usr/local/lib/python3.6/site-packages/pandas/core/frame.py", line 5303, in pivot_table margins_name=margins_name) "/usr/local/lib/python3.6/site-packages/pandas/core/reshape/pivot.py", line 86, in pivot_table grouped = data.groupby(keys, observed=False) "/usr/local/lib/python3.6/site-packages/pandas/core/generic.py", line 6665, in groupby observed=observed, **kwargs) "/usr/local/lib/python3.6/site-packages/pandas/core/groupby/groupby.py", line 2152, in groupby return klass(obj, by, **kwds) "/usr/local/lib/python3.6/site-packages/pandas/core/groupby/groupby.py", line 599, in __init__ mutated=self.mutated) "/usr/local/lib/python3.6/site-packages/pandas/core/groupby/groupby.py", line 3291, in _get_grouper raise KeyError(gpr) KeyError: '__timestamp'
0.559714
Traceback (most recent call last): "/home/lbalhar/Software/cloudpickle/tests/cloudpickle_file_test.py", line 96, in test_temp_file newfile = pickle.loads(cloudpickle.dumps(f)) "/home/lbalhar/Software/cloudpickle/cloudpickle/cloudpickle.py", line 900, in dumps cp.dump(obj) "/home/lbalhar/Software/cloudpickle/cloudpickle/cloudpickle.py", line 234, in dump return Pickler.dump(self, obj) "/usr/lib64/python3.5/pickle.py", line 408, in dump self.save(obj) "/usr/lib64/python3.5/pickle.py", line 495, in save rv = reduce(self.proto) TypeError: cannot serialize '_io.BufferedRandom' object
Traceback (most recent call last): "<stdin>", line 1, in <module> "C:\Users\LiRui\Desktop\3d-unet\3DUnetCNN-master\brats\preprocess.py", line 120, in convert_brats_data convert_brats_folder(subject_folder, new_subject_folder, background_mask) "C:\Users\LiRui\Desktop\3d-unet\3DUnetCNN-master\brats\preprocess.py", line 105, in convert_brats_folder normalize_image(image_file, out_file, background_mask) "C:\Users\LiRui\Desktop\3d-unet\3DUnetCNN-master\brats\preprocess.py", line 89, in normalize_image corrected = correct_bias(windowed, append_basename(out_file, "_corrected")) "C:\Users\LiRui\Desktop\3d-unet\3DUnetCNN-master\brats\preprocess.py", line 56, in correct_bias done = correct.run() "C:\my_software\Anaconda\lib\site-packages\nipype\interfaces\base.py", line 1081, in run runtime = self._run_wrapper(runtime) "C:\my_software\Anaconda\lib\site-packages\nipype\interfaces\base.py", line 1724, in _run_wrapper runtime = self._run_interface(runtime) "C:\my_software\Anaconda\lib\site-packages\nipype\interfaces\base.py", line 1755, in _run_interface redirect_x=self._redirect_x) "C:\my_software\Anaconda\lib\site-packages\nipype\interfaces\base.py", line 1487, in run_command _process() "C:\my_software\Anaconda\lib\site-packages\nipype\interfaces\base.py", line 1475, in _process if e[0] == errno.EINTR: TypeError: 'OSError' object is not subscriptable
0.559288
Traceback (most recent call last): "/projects/rdocking_prj/software/bcbio-nextgen/data/anaconda/lib/python3.6/site-packages/bcbio/provenance/system.py", line 48, in _get_machine_info return sched_info_dict[parallel["scheduler"].lower()](parallel.get("queue", "")) "/projects/rdocking_prj/software/bcbio-nextgen/data/anaconda/lib/python3.6/site-packages/bcbio/provenance/system.py", line 67, in _slurm_info mem = float(mem.replace('+', '')) TypeError: a bytes-like object is required, not 'str'
Traceback (most recent call last): "/usr/local/google/home/dberth/jax3/lib/python3.8/site-packages/IPython/core/interactiveshell.py", line 3417, in run_code exec(code_obj, self.user_global_ns, self.user_ns) "<ipython-input-24-d48e201250f2>", line 1, in <module> jax.eval_shape(m, d) "/usr/local/google/home/dberth/jax3/lib/python3.8/site-packages/jax/api.py", line 2283, in eval_shape *map(abstractify, args_flat)) "/usr/local/google/home/dberth/jax3/lib/python3.8/site-packages/jax/util.py", line 36, in safe_map return list(map(f, *args)) "/usr/local/google/home/dberth/jax3/lib/python3.8/site-packages/jax/api.py", line 2279, in abstractify return ShapedArray(np.shape(x), dtypes.result_type(x)) "/usr/local/google/home/dberth/jax3/lib/python3.8/site-packages/jax/dtypes.py", line 294, in result_type return canonicalize_dtype(dtype(args[0])) "/usr/local/google/home/dberth/jax3/lib/python3.8/site-packages/jax/dtypes.py", line 288, in dtype return np.result_type(x) "<__array_function__ internals>", line 5, in result_type "/usr/local/google/home/dberth/jax3/lib/python3.8/site-packages/numpy/core/_internal.py", line 64, in _usefields names, formats, offsets, titles = _makenames_list(adict, align) "/usr/local/google/home/dberth/jax3/lib/python3.8/site-packages/numpy/core/_internal.py", line 40, in _makenames_list format = dtype(obj[0], align=align) TypeError: data type not understood
0.626464
ERROR: ERROR in syncfolder for nicolasbock.gmail folder [Gmail]/Trash: Traceback (most recent call last): "/usr/lib64/python2.7/site-packages/offlineimap/accounts.py", line 652, in syncfolder localfolder.syncmessagesto(remotefolder, statusfolder) "/usr/lib64/python2.7/site-packages/offlineimap/folder/Base.py", line 1116, in syncmessagesto action(dstfolder, statusfolder) "/usr/lib64/python2.7/site-packages/offlineimap/folder/Base.py", line 944, in __syncmessagesto_copy self.copymessageto(uid, dstfolder, statusfolder, register=0) "/usr/lib64/python2.7/site-packages/offlineimap/folder/GmailMaildir.py", line 227, in copymessageto labels = dstfolder.getmessagelabels(uid) "/usr/lib64/python2.7/site-packages/offlineimap/folder/Gmail.py", line 105, in getmessagelabels if 'labels' in self.messagelist[uid]: KeyError: 690815
Traceback (most recent call last): "/apps/sickrage/sickbeard/webapi.py", line 129, in get out_dict = _call_dispatcher(args, kwargs) "/apps/sickrage/sickbeard/webapi.py", line 201, in call_dispatcher cur_out_dict = to_call.run() # call function and get response "/apps/sickrage/sickbeard/webapi.py", line 2641, in run episode_qualities_counts_download[int(row[b"status"])] += 1 KeyError: 6
0.556257
Traceback (most recent call last): "/Users/eborgstrom/.pex/pip.pex/6bd62cbe8c9f1ae82b35f976967538908799cbd6/.bootstrap/pex/pex.py", line 401, in execute exit_code = self._wrap_coverage(self._wrap_profiling, self._execute) "/Users/eborgstrom/.pex/pip.pex/6bd62cbe8c9f1ae82b35f976967538908799cbd6/.bootstrap/pex/pex.py", line 333, in _wrap_coverage return runner(*args) "/Users/eborgstrom/.pex/pip.pex/6bd62cbe8c9f1ae82b35f976967538908799cbd6/.bootstrap/pex/pex.py", line 364, in _wrap_profiling return runner(*args) "/Users/eborgstrom/.pex/pip.pex/6bd62cbe8c9f1ae82b35f976967538908799cbd6/.bootstrap/pex/pex.py", line 452, in _execute return self.execute_entry(self._pex_info.entry_point) "/Users/eborgstrom/.pex/pip.pex/6bd62cbe8c9f1ae82b35f976967538908799cbd6/.bootstrap/pex/pex.py", line 549, in execute_entry return runner(entry_point) "/Users/eborgstrom/.pex/pip.pex/6bd62cbe8c9f1ae82b35f976967538908799cbd6/.bootstrap/pex/pex.py", line 553, in execute_module cls.demote_bootstrap() "/Users/eborgstrom/.pex/pip.pex/6bd62cbe8c9f1ae82b35f976967538908799cbd6/.bootstrap/pex/pex.py", line 474, in demote_bootstrap for module in bootstrap.demote(): "/Users/eborgstrom/.pex/pip.pex/6bd62cbe8c9f1ae82b35f976967538908799cbd6/.bootstrap/pex/bootstrap.py", line 42, in demote import sys # Grab a hold of `sys` early since we'll be un-importing our module in this process. "/Users/eborgstrom/scratch/pex-repro/venv/lib/python2.7/site-packages/_virtualenv.py", line 97, in find_module if fullname in _DISTUTILS_PATCH: TypeError: argument of type 'NoneType' is not iterable
Traceback (most recent call last): "C:/Users/neilpei/PycharmProjects/neil-test/sql-port.py", line 22, in <module> db.create_all() "D:\Tools\Anaconda2\lib\site-packages\flask_sqlalchemy\__init__.py", line 963, in create_all self._execute_for_all_tables(app, bind, 'create_all') "D:\Tools\Anaconda2\lib\site-packages\flask_sqlalchemy\__init__.py", line 955, in _execute_for_all_tables op(bind=self.get_engine(app, bind), **extra) "D:\Tools\Anaconda2\lib\site-packages\sqlalchemy\sql\schema.py", line 3949, in create_all tables=tables) "D:\Tools\Anaconda2\lib\site-packages\sqlalchemy\engine\base.py", line 1928, in _run_visitor with self._optional_conn_ctx_manager(connection) as conn: "D:\Tools\Anaconda2\lib\contextlib.py", line 17, in __enter__ return self.gen.next() "D:\Tools\Anaconda2\lib\site-packages\sqlalchemy\engine\base.py", line 1921, in _optional_conn_ctx_manager with self.contextual_connect() as conn: "D:\Tools\Anaconda2\lib\site-packages\sqlalchemy\engine\base.py", line 2112, in contextual_connect self._wrap_pool_connect(self.pool.connect, None), "D:\Tools\Anaconda2\lib\site-packages\sqlalchemy\engine\base.py", line 2147, in _wrap_pool_connect return fn() "D:\Tools\Anaconda2\lib\site-packages\sqlalchemy\pool.py", line 387, in connect return _ConnectionFairy._checkout(self) "D:\Tools\Anaconda2\lib\site-packages\sqlalchemy\pool.py", line 766, in _checkout fairy = _ConnectionRecord.checkout(pool) "D:\Tools\Anaconda2\lib\site-packages\sqlalchemy\pool.py", line 516, in checkout rec = pool._do_get() "D:\Tools\Anaconda2\lib\site-packages\sqlalchemy\pool.py", line 1138, in _do_get self._dec_overflow() "D:\Tools\Anaconda2\lib\site-packages\sqlalchemy\util\langhelpers.py", line 66, in __exit__ compat.reraise(exc_type, exc_value, exc_tb) "D:\Tools\Anaconda2\lib\site-packages\sqlalchemy\pool.py", line 1135, in _do_get return self._create_connection() "D:\Tools\Anaconda2\lib\site-packages\sqlalchemy\pool.py", line 333, in _create_connection return _ConnectionRecord(self) "D:\Tools\Anaconda2\lib\site-packages\sqlalchemy\pool.py", line 461, in __init__ self.__connect(first_connect_check=True) "D:\Tools\Anaconda2\lib\site-packages\sqlalchemy\pool.py", line 651, in __connect connection = pool._invoke_creator(self) "D:\Tools\Anaconda2\lib\site-packages\sqlalchemy\engine\strategies.py", line 105, in connect return dialect.connect(*cargs, **cparams) "D:\Tools\Anaconda2\lib\site-packages\sqlalchemy\engine\default.py", line 393, in connect return self.dbapi.connect(*cargs, **cparams) "D:\Tools\Anaconda2\lib\site-packages\MySQLdb\__init__.py", line 81, in Connect return Connection(*args, **kwargs) "D:\Tools\Anaconda2\lib\site-packages\MySQLdb\connections.py", line 193, in __init__ super(Connection, self).__init__(*args, **kwargs2) TypeError: an integer is required
0.583568
Traceback (most recent call last): "detect.py", line 161, in <module> detect() "detect.py", line 52, in detect _ = model(img.half() if half else img) if device.type != 'cpu' else None # run once "C:\Users\10783\Anaconda3\lib\site-packages\torch\nn\modules\module.py", line 550, in __call__ result = self.forward(*input, **kwargs) "C:\Users\10783\PycharmProjects\pythonProject\Smart_Construction-master\models\yolo.py", line 99, in forward return self.forward_once(x, profile) # single-scale inference, train "C:\Users\10783\PycharmProjects\pythonProject\Smart_Construction-master\models\yolo.py", line 119, in forward_once x = m(x) # run "C:\Users\10783\Anaconda3\lib\site-packages\torch\nn\modules\module.py", line 550, in __call__ result = self.forward(*input, **kwargs) "C:\Users\10783\PycharmProjects\pythonProject\Smart_Construction-master\models\yolo.py", line 27, in forward x[i] = self.m[i](x[i]) # conv "C:\Users\10783\Anaconda3\lib\site-packages\torch\nn\modules\module.py", line 593, in __getattr__ raise AttributeError("'{}' object has no attribute '{}'".format( AttributeError: 'Detect' object has no attribute 'm'
Traceback (most recent call last): "/home/cjk/repos/github/eventlet/eventlet/queue.py", line 118, in switch self.greenlet.switch(value) "/home/cjk/repos/github/eventlet/eventlet/greenthread.py", line 218, in main result = function(*args, **kwargs) "/home/cjk/repos/github/nameko/nameko/runners.py", line 96, in wait SpawningProxy(self.containers, abort_on_error=True).wait() "/home/cjk/repos/github/nameko/nameko/utils/__init__.py", line 184, in spawning_method return list(fail_fast_imap(pool, call, self._items)) "/home/cjk/repos/github/nameko/nameko/utils/__init__.py", line 153, in fail_fast_imap eventlet.getcurrent().throw(*exc_info) "/home/cjk/repos/github/nameko/nameko/utils/__init__.py", line 132, in handle_result thread_result = finished_thread.wait() "/home/cjk/repos/github/eventlet/eventlet/greenthread.py", line 179, in wait return self._exit_event.wait() "/home/cjk/repos/github/eventlet/eventlet/event.py", line 125, in wait current.throw(*self._exc) "/home/cjk/repos/github/eventlet/eventlet/greenthread.py", line 218, in main result = function(*args, **kwargs) "/home/cjk/repos/github/nameko/nameko/utils/__init__.py", line 181, in call return getattr(item, name)(*args, **kwargs) "/home/cjk/repos/github/nameko/nameko/containers.py", line 312, in wait return self._died.wait() "/home/cjk/repos/github/eventlet/eventlet/event.py", line 121, in wait return hubs.get_hub().switch() "/home/cjk/repos/github/eventlet/eventlet/hubs/hub.py", line 295, in switch return self.greenlet.switch() "/home/cjk/repos/github/nameko/nameko/containers.py", line 466, in _handle_thread_exited gt.wait() "/home/cjk/repos/github/eventlet/eventlet/greenthread.py", line 179, in wait return self._exit_event.wait() "/home/cjk/repos/github/eventlet/eventlet/event.py", line 125, in wait current.throw(*self._exc) "/home/cjk/repos/github/eventlet/eventlet/greenthread.py", line 218, in main result = function(*args, **kwargs) "/home/cjk/repos/github/nameko/nameko/web/server.py", line 86, in process_request self._serv.process_request((sock, address)) "/home/cjk/repos/github/eventlet/eventlet/wsgi.py", line 776, in process_request proto.__init__(conn_state, self) "/home/cjk/repos/github/eventlet/eventlet/wsgi.py", line 333, in __init__ self.setup() "/home/cjk/repos/github/eventlet/eventlet/wsgi.py", line 347, in setup conn.setsockopt(socket.IPPROTO_TCP, socket.TCP_QUICKACK, True) AttributeError: 'tuple' object has no attribute 'setsockopt'
0.642747
Traceback (most recent call last): "train.py", line 271, in <module> train() "train.py", line 175, in train train_loader, val_loader, train_sampler, valid_sampler = get_data_loaders(args, tokenizer) "train.py", line 77, in get_data_loaders personachat = get_dataset(tokenizer, args.dataset_path, args.dataset_cache) "/dev/ccn/generation/transfer-learning-conv-ai/utils.py", line 52, in get_dataset dataset = tokenize(dataset) "/dev/ccn/generation/transfer-learning-conv-ai/utils.py", line 50, in tokenize return dict((n, tokenize(o)) for n, o in obj.items()) "/dev/ccn/generation/transfer-learning-conv-ai/utils.py", line 50, in <genexpr> return dict((n, tokenize(o)) for n, o in obj.items()) "/dev/ccn/generation/transfer-learning-conv-ai/utils.py", line 51, in tokenize return list(tokenize(o) for o in obj) "/dev/ccn/generation/transfer-learning-conv-ai/utils.py", line 51, in <genexpr> return list(tokenize(o) for o in obj) "/dev/ccn/generation/transfer-learning-conv-ai/utils.py", line 50, in tokenize return dict((n, tokenize(o)) for n, o in obj.items()) "/dev/ccn/generation/transfer-learning-conv-ai/utils.py", line 50, in <genexpr> return dict((n, tokenize(o)) for n, o in obj.items()) "/dev/ccn/generation/transfer-learning-conv-ai/utils.py", line 51, in tokenize return list(tokenize(o) for o in obj) "/dev/ccn/generation/transfer-learning-conv-ai/utils.py", line 51, in <genexpr> return list(tokenize(o) for o in obj) "/dev/ccn/generation/transfer-learning-conv-ai/utils.py", line 48, in tokenize return tokenizer.convert_tokens_to_ids(tokenizer.tokenize(obj)) "/libs/anaconda3/envs/transformer36/lib/python3.6/site-packages/pytorch_transformers/tokenization_utils.py", line 490, in tokenize added_tokens = list(self.added_tokens_encoder.keys()) + self.all_special_tokens "/libs/anaconda3/envs/transformer36/lib/python3.6/site-packages/pytorch_transformers/tokenization_utils.py", line 635, in all_special_tokens all_toks = all_toks + (attr_value if isinstance(attr_value, (list, tuple)) else [attr_value]) TypeError: can only concatenate list (not "tuple") to list
Traceback (most recent call last): "/usr/lib/python2.7/site-packages/awx/conf/settings.py", line 372, in _get_local return field.run_validation(value) "/var/lib/awx/venv/awx/lib/python2.7/site-packages/rest_framework/fields.py", line 523, in run_validation value = self.to_internal_value(data) "/usr/lib/python2.7/site-packages/awx/sso/fields.py", line 401, in to_internal_value return cls(**params_sanitized) TypeError: __init__() takes at least 2 arguments (2 given)
0.578604
Traceback (most recent call last): "bot.py", line 511, in <module> Modmail.init() "bot.py", line 107, in init raise e "bot.py", line 105, in init bot.run(to_use, activity=discord.Game(os.getenv('STATUS')), reconnect=True) TypeError: __init__() takes 1 positional argument but 2 were given
Traceback (most recent call last): "/usr/lib/python2.7/dist-packages/spyder/widgets/helperwidgets.py", line 127, in paint textRect = style.subElementRect(QStyle.SE_ItemViewItemText, options) TypeError: subElementRect(self, QStyle.SubElement, QStyleOption, QWidget): not enough arguments
0.554822
Traceback (most recent call last): "C:\Users\Patrik\AppData\Local\Programs\Python\Python38\lib\site-packages\pyglet\__init__.py", line 351, in __getattr__ return getattr(self._module, name) AttributeError: 'NoneType' object has no attribute 'get_default'
Traceback (most recent call last): "./train-atari.py", line 303, in <module> train() "./train-atari.py", line 262, in train trainer = SimpleTrainer() if config.nr_tower == 1 else AsyncMultiGPUTrainer(train_tower) AttributeError: 'TrainConfig' object has no attribute 'nr_tower'`
0.522008
Traceback (most recent call last): "/Users/crwilcox/workspace/google-cloud-python/pubsub/tests/unit/pubsub_v1/subscriber/test_scheduler.py", line 51, in test_schedule scheduler_.shutdown() "/Users/crwilcox/workspace/google-cloud-python/pubsub/google/cloud/pubsub_v1/subscriber/scheduler.py", line 121, in shutdown self._executor._work_queue. AttributeError: '_queue.SimpleQueue' object has no attribute 'queue'
Traceback (most recent call last): "/usr/local/google/home/schsam/.local/lib/python2.7/site-packages/absl/third_party/unittest3_backport/case.py", line 37, in testPartExecutor yield "/usr/local/google/home/schsam/.local/lib/python2.7/site-packages/absl/third_party/unittest3_backport/case.py", line 162, in run testMethod() "/usr/local/google/home/schsam/.local/lib/python2.7/site-packages/absl/testing/parameterized.py", line 262, in bound_param_test test_method(self, **testcase_params) "simulate_test.py", line 164, in test_grad_through_nvt assert grad(do_sim)(1.0) > 0.0 "/usr/local/google/home/schsam/Source/jax/jax/api.py", line 235, in grad_f _, g = value_and_grad_f(*args, **kwargs) "/usr/local/google/home/schsam/Source/jax/jax/api.py", line 289, in value_and_grad_f g = vjp_py(onp.ones((), dtype=dtype)) "/usr/local/google/home/schsam/Source/jax/jax/api_util.py", line 62, in apply_jaxtree_fun ans = fun(*args) "/usr/local/google/home/schsam/Source/jax/jax/api.py", line 822, in out_vjp_packed return out_vjp(cotangent_in) "/usr/local/google/home/schsam/Source/jax/jax/interpreters/ad.py", line 112, in vjp_ _, arg_cts = backward_pass(jaxpr, consts, (), dummy_args, dummy_primal_and_ct) "/usr/local/google/home/schsam/Source/jax/jax/interpreters/ad.py", line 180, in backward_pass eqn.params, subjaxprs, sub_consts, sub_freevar_vals, invals, ct_in) "/usr/local/google/home/schsam/Source/jax/jax/interpreters/ad.py", line 536, in call_transpose ans = primitive.bind(fun, all_args, **params) "/usr/local/google/home/schsam/Source/jax/jax/core.py", line 636, in call_bind ans = primitive.impl(f, *args, **params) "/usr/local/google/home/schsam/Source/jax/jax/interpreters/xla.py", line 591, in xla_call_impl compiled_fun = xla_callable(fun, device_values, *map(abstractify, args)) "/usr/local/google/home/schsam/Source/jax/jax/linear_util.py", line 208, in memoized_fun ans = call(f, *args) "/usr/local/google/home/schsam/Source/jax/jax/interpreters/xla.py", line 604, in xla_callable jaxpr, (pval, consts, env) = pe.trace_to_subjaxpr(fun, master, False).call_wrapped(pvals) "/usr/local/google/home/schsam/Source/jax/jax/linear_util.py", line 147, in call_wrapped ans = self.f(*args, **dict(self.params, **kwargs)) "/usr/local/google/home/schsam/Source/jax/jax/interpreters/ad.py", line 186, in backward_pass cts_out = get_primitive_transpose(eqn.primitive)(ct_in, *invals, **eqn.params) "/usr/local/google/home/schsam/Source/jax/jax/lax/lax.py", line 2818, in _scatter_add_transpose_rule for i in xrange(len(t.shape)): AttributeError: 'Zero' object has no attribute 'shape'
0.551669
Traceback (most recent call last): "<ipython-input-1-f36a8d41893c>", line 1, in <module> get_ipython().magic('load_ext Cython') "C:\Users\Jakes\Anaconda3\lib\site-packages\IPython\core\interactiveshell.py", line 2163, in magic return self.run_line_magic(magic_name, magic_arg_s) "C:\Users\Jakes\Anaconda3\lib\site-packages\IPython\core\interactiveshell.py", line 2084, in run_line_magic result = fn(*args,**kwargs) "<decorator-gen-65>", line 2, in load_ext "C:\Users\Jakes\Anaconda3\lib\site-packages\IPython\core\magic.py", line 193, in <lambda> call = lambda f, *a, **k: f(*a, **k) "C:\Users\Jakes\Anaconda3\lib\site-packages\IPython\core\magics\extension.py", line 66, in load_ext res = self.shell.extension_manager.load_extension(module_str) "C:\Users\Jakes\Anaconda3\lib\site-packages\IPython\core\extensions.py", line 86, in load_extension if self._call_load_ipython_extension(mod): "C:\Users\Jakes\Anaconda3\lib\site-packages\IPython\core\extensions.py", line 133, in _call_load_ipython_extension mod.load_ipython_extension(self.shell) "C:\Users\Jakes\Anaconda3\lib\site-packages\Cython\__init__.py", line 11, in load_ipython_extension from .Build.IpythonMagic import CythonMagics # pylint: disable=cyclic-import "C:\Users\Jakes\Anaconda3\lib\site-packages\Cython\Build\IpythonMagic.py", line 82, in <module> from .Inline import cython_inline "C:\Users\Jakes\Anaconda3\lib\site-packages\Cython\Build\Inline.py", line 17, in <module> from ..Compiler.ParseTreeTransforms import (CythonTransform, "C:\Users\Jakes\Anaconda3\lib\site-packages\Cython\Compiler\ParseTreeTransforms.py", line 1506, in <module> class AnalyseDeclarationsTransform(EnvTransform): "C:\Users\Jakes\Anaconda3\lib\site-packages\Cython\Compiler\ParseTreeTransforms.py", line 1514, in AnalyseDeclarationsTransform """, level='c_class', pipeline=[NormalizeTree(None)]) "C:\Users\Jakes\Anaconda3\lib\site-packages\Cython\Compiler\TreeFragment.py", line 235, in __init__ mod = t = parse_from_strings(name, fmt_code, fmt_pxds, level=level, initial_pos=initial_pos) "C:\Users\Jakes\Anaconda3\lib\site-packages\Cython\Compiler\TreeFragment.py", line 58, in parse_from_strings context = StringParseContext(name) "C:\Users\Jakes\Anaconda3\lib\site-packages\Cython\Compiler\TreeFragment.py", line 33, in __init__ create_testscope=False) "C:\Users\Jakes\Anaconda3\lib\site-packages\Cython\Compiler\Main.py", line 75, in __init__ from . import Builtin, CythonScope "C:\Users\Jakes\Anaconda3\lib\site-packages\Cython\Compiler\CythonScope.py", line 8, in <module> from . import MemoryView "C:\Users\Jakes\Anaconda3\lib\site-packages\Cython\Compiler\MemoryView.py", line 9, in <module> from . import Buffer "C:\Users\Jakes\Anaconda3\lib\site-packages\Cython\Compiler\Buffer.py", line 4, in <module> from .ModuleNode import ModuleNode "C:\Users\Jakes\Anaconda3\lib\site-packages\Cython\Compiler\ModuleNode.py", line 2913, in <module> capsule_utility_code = UtilityCode.load("Capsule") "Cython\Compiler\Code.py", line 254, in Cython.Compiler.Code.UtilityCodeBase.load ValueError: More than one filename match found for utility code Capsule
Traceback (most recent call last): "/usr/lib/python3.6/asyncio/tasks.py", line 181, in _step result = coro.throw(exc) "/usr/lib/python3.6/site-packages/homeassistant/helpers/entity_component.py", line 398, in async_process_entity new_entity, self, update_before_add=update_before_add "/usr/lib/python3.6/site-packages/homeassistant/helpers/entity_component.py", line 244, in async_add_entity yield from entity.async_added_to_hass() "/usr/lib/python3.6/site-packages/homeassistant/components/input_select.py", line 209, in async_added_to_hass state = yield from async_get_last_state(self.hass, self.entity_id) "/usr/lib/python3.6/site-packages/homeassistant/helpers/restore_state.py", line 82, in async_get_last_state _load_restore_cache, hass) "/usr/lib/python3.6/asyncio/futures.py", line 331, in __iter__ yield self # This tells Task to wait for completion. "/usr/lib/python3.6/asyncio/tasks.py", line 244, in _wakeup future.result() "/usr/lib/python3.6/asyncio/futures.py", line 244, in result raise self._exception "/usr/lib/python3.6/concurrent/futures/thread.py", line 55, in run result = self.fn(*self.args, **self.kwargs) "/usr/lib/python3.6/site-packages/homeassistant/helpers/restore_state.py", line 31, in _load_restore_cache last_run = last_recorder_run(hass) "/usr/lib/python3.6/site-packages/homeassistant/components/history.py", line 45, in last_recorder_run .order_by(RecorderRuns.end.desc()).first()) "/usr/lib/python3.6/site-packages/sqlalchemy/orm/query.py", line 2755, in first ret = list(self[0:1]) "/usr/lib/python3.6/site-packages/sqlalchemy/orm/query.py", line 2547, in __getitem__ return list(res) "/usr/lib/python3.6/site-packages/sqlalchemy/orm/loading.py", line 90, in instances util.raise_from_cause(err) "/usr/lib/python3.6/site-packages/sqlalchemy/util/compat.py", line 203, in raise_from_cause reraise(type(exception), exception, tb=exc_tb, cause=cause) "/usr/lib/python3.6/site-packages/sqlalchemy/util/compat.py", line 187, in reraise raise value "/usr/lib/python3.6/site-packages/sqlalchemy/orm/loading.py", line 75, in instances rows = [proc(row) for row in fetch] "/usr/lib/python3.6/site-packages/sqlalchemy/orm/loading.py", line 75, in <listcomp> rows = [proc(row) for row in fetch] "/usr/lib/python3.6/site-packages/sqlalchemy/orm/loading.py", line 452, in _instance loaded_instance, populate_existing, populators) "/usr/lib/python3.6/site-packages/sqlalchemy/orm/loading.py", line 513, in _populate_full dict_[key] = getter(row) ValueError: Couldn't parse datetime string: 'state_changed'
0.59177
Traceback (most recent call last): "/home/matrix/.synapse/local/lib/python2.7/site-packages/synapse/federation/federation_server.py", line 639, in on_edu yield handler(origin, content) "/home/matrix/.synapse/local/lib/python2.7/site-packages/twisted/internet/defer.py", line 1384, in _inlineCallbacks result = result.throwExceptionIntoGenerator(g) "/home/matrix/.synapse/local/lib/python2.7/site-packages/twisted/python/failure.py", line 422, in throwExceptionIntoGenerator return g.throw(self.type, self.value, self.tb) "/home/matrix/.synapse/local/lib/python2.7/site-packages/synapse/handlers/receipts.py", line 84, in _received_remote_receipt yield self._handle_new_receipts(receipts) "/home/matrix/.synapse/local/lib/python2.7/site-packages/twisted/internet/defer.py", line 1384, in _inlineCallbacks result = result.throwExceptionIntoGenerator(g) "/home/matrix/.synapse/local/lib/python2.7/site-packages/twisted/python/failure.py", line 422, in throwExceptionIntoGenerator return g.throw(self.type, self.value, self.tb) "/home/matrix/.synapse/local/lib/python2.7/site-packages/synapse/handlers/receipts.py", line 101, in _handle_new_receipts room_id, receipt_type, user_id, event_ids, data "/home/matrix/.synapse/local/lib/python2.7/site-packages/twisted/internet/defer.py", line 1384, in _inlineCallbacks result = result.throwExceptionIntoGenerator(g) "/home/matrix/.synapse/local/lib/python2.7/site-packages/twisted/python/failure.py", line 422, in throwExceptionIntoGenerator return g.throw(self.type, self.value, self.tb) "/home/matrix/.synapse/local/lib/python2.7/site-packages/synapse/storage/receipts.py", line 456, in insert_receipt stream_id=stream_id, "/home/matrix/.synapse/local/lib/python2.7/site-packages/twisted/internet/defer.py", line 1386, in _inlineCallbacks result = g.send(result) "/home/matrix/.synapse/local/lib/python2.7/site-packages/synapse/storage/_base.py", line 323, in runInteraction after_callback(*after_args, **after_kwargs) "/home/matrix/.synapse/local/lib/python2.7/site-packages/synapse/storage/receipts.py", line 308, in _invalidate_get_users_with_receipts_in_room if user_id in res: TypeError: argument of type 'ObservableDeferred' is not iterable
Traceback (most recent call last): "/usr/local/lib/python3.7/dist-packages/flask/app.py", line 1950, in full_dispatch_request rv = self.dispatch_request() "/usr/local/lib/python3.7/dist-packages/flask/app.py", line 1936, in dispatch_request return self.view_functions[rule.endpoint](**req.view_args) "/usr/local/lib/python3.7/dist-packages/flask_monitoringdashboard/core/auth.py", line 39, in wrapper return func(*args, **kwargs) "/usr/local/lib/python3.7/dist-packages/flask_monitoringdashboard/views/version.py", line 108, in version_ip data = json.loads(request.data)['data'] "/usr/local/lib/python3.7/dist-packages/flask/json/__init__.py", line 253, in loads return _json.loads(s, **kwargs) "/usr/lib/python3.7/json/__init__.py", line 341, in loads raise TypeError(f'the JSON object must be str, bytes or bytearray, ' TypeError: the JSON object must be str, bytes or bytearray, not dict
0.608267
Traceback (most recent call last): "/usr/local/lib/python3.6/dist-packages/thingsboard_gateway/gateway/tb_gateway_service.py", line 159, in __init__ new_rpc_request_in_progress = {key: value for key, value in self.__rpc_requests_in_progress.items() if value != 'del'} "/usr/local/lib/python3.6/dist-packages/thingsboard_gateway/gateway/tb_gateway_service.py", line 159, in <dictcomp> new_rpc_request_in_progress = {key: value for key, value in self.__rpc_requests_in_progress.items() if value != 'del'} RuntimeError: dictionary changed size during iteration
`============================PREPARED DATAFRAME=========================== DataFrame[DER_deltaeta_jet_jet: double, DER_deltar_tau_lep: double, DER_lep_eta_centrality: double, DER_mass_MMC: double, DER_mass_jet_jet: double, DER_mass_transverse_met_lep: double, DER_mass_vis: double, DER_met_phi_centrality: double, DER_prodeta_jet_jet: double, DER_pt_h: double, DER_pt_ratio_lep_tau: double, DER_pt_tot: double, DER_sum_pt: double, EventId: double, PRI_jet_all_pt: double, PRI_jet_leading_eta: double, PRI_jet_leading_phi: double, PRI_jet_leading_pt: double, PRI_jet_num: double, PRI_jet_subleading_eta: double, PRI_jet_subleading_phi: double, PRI_jet_subleading_pt: double, PRI_lep_eta: double, PRI_lep_phi: double, PRI_lep_pt: double, PRI_met: double, PRI_met_phi: double, PRI_met_sumet: double, PRI_tau_eta: double, PRI_tau_phi: double, PRI_tau_pt: double, features: vector, features_normalized: vector] 18/03/01 15:04:51 WARN RandomBlockReplicationPolicy: Expecting 1 replicas with only 0 peer/s. 18/03/01 15:04:51 WARN BlockManager: Block input-0-1519896890400 replicated to only 0 peer(s) instead of 1 peers 18/03/01 15:04:51 WARN RandomBlockReplicationPolicy: Expecting 1 replicas with only 0 peer/s. 18/03/01 15:04:51 WARN BlockManager: Block input-0-1519896890600 replicated to only 0 peer(s) instead of 1 peers 18/03/01 15:04:51 WARN RandomBlockReplicationPolicy: Expecting 1 replicas with only 0 peer/s. 18/03/01 15:04:51 WARN BlockManager: Block input-0-1519896890800 replicated to only 0 peer(s) instead of 1 peers 2018-03-01 15:04:51.914911: W c:\l\tensorflow_1501918863922\work\tensorflow-1.2.1\tensorflow\core\platform\cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use SSE instructions, but these are available on your machine and could speed up CPU computations. 18/03/01 15:04:51 WARN RandomBlockReplicationPolicy: Expecting 1 replicas with only 0 peer/s. 18/03/01 15:04:51 WARN BlockManager: Block input-0-1519896891600 replicated to only 0 peer(s) instead of 1 peers 2018-03-01 15:04:51.923321: W c:\l\tensorflow_1501918863922\work\tensorflow-1.2.1\tensorflow\core\platform\cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use SSE2 instructions, but these are available on your machine and could speed up CPU computations. 2018-03-01 15:04:51.940857: W c:\l\tensorflow_1501918863922\work\tensorflow-1.2.1\tensorflow\core\platform\cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use SSE3 instructions, but these are available on your machine and could speed up CPU computations. 2018-03-01 15:04:51.949033: W c:\l\tensorflow_1501918863922\work\tensorflow-1.2.1\tensorflow\core\platform\cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use SSE4.1 instructions, but these are available on your machine and could speed up CPU computations. 2018-03-01 15:04:51.959770: W c:\l\tensorflow_1501918863922\work\tensorflow-1.2.1\tensorflow\core\platform\cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use SSE4.2 instructions, but these are available on your machine and could speed up CPU computations. 2018-03-01 15:04:51.970355: W c:\l\tensorflow_1501918863922\work\tensorflow-1.2.1\tensorflow\core\platform\cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use AVX instructions, but these are available on your machine and could speed up CPU computations. 2018-03-01 15:04:51.979551: W c:\l\tensorflow_1501918863922\work\tensorflow-1.2.1\tensorflow\core\platform\cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use AVX2 instructions, but these are available on your machine and could speed up CPU computations. 2018-03-01 15:04:51.989807: W c:\l\tensorflow_1501918863922\work\tensorflow-1.2.1\tensorflow\core\platform\cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use FMA instructions, but these are available on your machine and could speed up CPU computations. 18/03/01 15:04:52 WARN RandomBlockReplicationPolicy: Expecting 1 replicas with only 0 peer/s. 18/03/01 15:04:52 WARN BlockManager: Block input-0-1519896891800 replicated to only 0 peer(s) instead of 1 peers 18/03/01 15:04:52 WARN RandomBlockReplicationPolicy: Expecting 1 replicas with only 0 peer/s. 18/03/01 15:04:52 WARN BlockManager: Block input-0-1519896892000 replicated to only 0 peer(s) instead of 1 peers 18/03/01 15:04:52 ERROR JobScheduler: Error running job streaming job 1519896870000 ms.0 org.apache.spark.SparkException: An exception was raised by Python: Traceback (most recent call last): "d:\Anaconda3\lib\site-packages\pyspark\streaming\util.py", line 65, in call r = self.func(t, *rdds) "d:\Anaconda3\lib\site-packages\pyspark\streaming\dstream.py", line 159, in <lambda> func = lambda t, rdd: old_func(rdd) "ml_pipeline.py", line 132, in process_instances df = predict(df) # Add the raw Neural Network predictions. "ml_pipeline.py", line 91, in predict predictor = ModelPredictor(keras_model=model, features_col="features_normalized", output_col="prediction") "d:\dist-keras\distkeras\predictors.py", line 45, in __init__ super(ModelPredictor, self).__init__(keras_model) "d:\dist-keras\distkeras\predictors.py", line 23, in __init__ self.model = serialize_keras_model(keras_model) "d:\dist-keras\distkeras\utils.py", line 84, in serialize_keras_model dictionary['weights'] = model.get_weights() "d:\Anaconda3\lib\site-packages\keras\models.py", line 699, in get_weights return self.model.get_weights() "d:\Anaconda3\lib\site-packages\keras\engine\topology.py", line 2008, in get_weights return K.batch_get_value(weights) "d:\Anaconda3\lib\site-packages\keras\backend\tensorflow_backend.py", line 2320, in batch_get_value return get_session().run(ops) "d:\Anaconda3\lib\site-packages\tensorflow\python\client\session.py", line 789, in run run_metadata_ptr) "d:\Anaconda3\lib\site-packages\tensorflow\python\client\session.py", line 927, in _run raise RuntimeError('The Session graph is empty. Add operations to the ' RuntimeError: The Session graph is empty. Add operations to the graph before calling run(). `
0.50881
KeyError: 'Traceback (most recent call last):\n "C:\Program s\Anaconda3\lib\site-packages\torch\utils\data\dataloader.py", line 138, in _worker_loop\n samples = collate_fn([dataset[i] for i in batch_indices])\n "C:\Program s\Anaconda3\lib\site-packages\torch\utils\data\dataloader.py", line 138, in \n samples = collate_fn([dataset[i] for i in batch_indices])\n "F:\pychqarmtestdemo\ssd.pytorch-master\data\voc0712.py", line 126, in getitem\n im, gt, h, w = self.pull_item(index)\n "F:\pychqarmtestdemo\ssd.pytorch-master\data\voc0712.py", line 141, in pull_item\n target = self.target_transform(target, width, height)\n "F:\pychqarmtestdemo\ssd.pytorch-master\data\voc0712.py", line 83, in call\n label_idx = self.class_to_ind[name]\nKeyError: 'feng'\n feng is the lable name
Traceback (most recent call last): "/home/pi/AIY-projects-python/checkpoints/check_audio.py", line 158, in <module> main() "/home/pi/AIY-projects-python/checkpoints/check_audio.py", line 153, in main do_checks() "/home/pi/AIY-projects-python/checkpoints/check_audio.py", line 111, in do_checks if not check_voicehat_present(): "/home/pi/AIY-projects-python/checkpoints/check_audio.py", line 70, in check_voicehat_present card_id = CARDS_ID[get_aiy_device_name()] KeyError: None
0.534392
Traceback (most recent call last): "gui\builtinShipBrowser\sfBrowserItem.py", line 363, in OnEnterWindow "gui\builtinShipBrowser\fitItem.py", line 559, in Refresh "service\fit.py", line 348, in getFit "service\fit.py", line 529, in recalc "eos\saveddata\fit.py", line 522, in clear "eos\saveddata\module.py", line 891, in clear "eos\saveddata\module.py", line 400, in itemModifiedAttributes AttributeError: 'Module' object has no attribute '_Module__itemModifiedAttributes'
[2017-02-16 16:44:04,832] [ERROR] ko StatusService: Ko StatusService thread exception Traceback (most recent call last): "C:\mozbuilds\IDE-10.10\moz3500-ko10.10\mozilla\ko-rel\dist\bin\components\ko StatusService.py", line 590, in _process reason): "C:\mozbuilds\IDE-10.10\moz3500-ko10.10\mozilla\ko-rel\dist\bin\extensions\[email protected]\components\koPublishingStatus.py", line 164, in needsToReCheck Status uri_cache_key = self._norm_uri_cache_key(ko .URI) "C:\mozbuilds\IDE-10.10\moz3500-ko10.10\mozilla\ko-rel\dist\bin\python\komodo\fileStatusUtils.py", line 107, in _norm_uri_cache_key uri = unescapeURL(uri).strip("/") "C:\mozbuilds\IDE-10.10\moz3500-ko10.10\mozilla\ko-rel\dist\python\lib\urllib.py", line 1217, in unquote bits = s.split('%') AttributeError: 'NoneType' object has no attribute 'split'
0.611372
Traceback (most recent call last): "<stdin>", line 1, in <module> "/home/jugs/anaconda3/envs/asr/lib/python3.6/site-packages/tensorflow/python/estimator/estimator.py", line 363, in train loss = self._train_model(input_fn, hooks, saving_listeners) "/home/jugs/anaconda3/envs/asr/lib/python3.6/site-packages/tensorflow/python/estimator/estimator.py", line 843, in _train_model return self._train_model_default(input_fn, hooks, saving_listeners) "/home/jugs/anaconda3/envs/asr/lib/python3.6/site-packages/tensorflow/python/estimator/estimator.py", line 853, in _train_model_default input_fn, model_fn_lib.ModeKeys.TRAIN)) "/home/jugs/anaconda3/envs/asr/lib/python3.6/site-packages/tensorflow/python/estimator/estimator.py", line 691, in _get_features_and_labels_from_input_fn result = self._call_input_fn(input_fn, mode) "/home/jugs/anaconda3/envs/asr/lib/python3.6/site-packages/tensorflow/python/estimator/estimator.py", line 798, in _call_input_fn return input_fn(**kwargs) "/home/jugs/anaconda3/envs/asr/lib/python3.6/site-packages/bert/run_classifier.py", line 759, in input_fn d = d.batch(batch_size=batch_size, drop_remainder=drop_remainder) TypeError: batch() got an unexpected keyword argument 'drop_remainder'
Traceback (most recent call last): "/srv/homeassistant/lib/python3.7/site-packages/homeassistant/helpers/entity_platform.py", line 150, in _async_setup_platform await asyncio.wait_for(asyncio.shield(task), SLOW_SETUP_MAX_WAIT) "/usr/lib/python3.7/asyncio/tasks.py", line 416, in wait_for return fut.result() "/srv/homeassistant/lib/python3.7/site-packages/homeassistant/components/miflora/sensor.py", line 75, in async_setup_platform backend=backend, "/srv/homeassistant/lib/python3.7/site-packages/miflora/miflora_poller.py", line 37, in __init__ self._bt_interface = BluetoothInterface(backend, adapter) TypeError: __init__() takes 2 positional arguments but 3 were given`
0.569539
Traceback (most recent call last): "/srv/homeassistant/lib/python3.5/site-packages/homeassistant/setup.py", line 148, in _async_setup_component component.setup, hass, processed_config) "/usr/lib/python3.5/asyncio/futures.py", line 380, in __iter__ yield self # This tells Task to wait for completion. "/usr/lib/python3.5/asyncio/tasks.py", line 304, in _wakeup future.result() "/usr/lib/python3.5/asyncio/futures.py", line 293, in result raise self._exception "/usr/lib/python3.5/concurrent/futures/thread.py", line 55, in run result = self.fn(*self.args, **self.kwargs) "/srv/homeassistant/lib/python3.5/site-packages/homeassistant/components/usps.py", line 49, in setup import myusps "/srv/homeassistant/lib/python3.5/site-packages/myusps/__init__.py", line 12, in <module> import requests_cache "/srv/homeassistant/lib/python3.5/site-packages/requests_cache/__init__.py", line 28, in <module> from .core import( "/srv/homeassistant/lib/python3.5/site-packages/requests_cache/core.py", line 21, in <module> ver = tuple(map(int, requests.__version__.split("."))) AttributeError: module 'pip._vendor.requests.__version__' has no attribute 'split'
Traceback (most recent call last): "c:\users\juan\appdata\local\programs\python\python38-32\lib\site-packages\pkg_resources\__init__.py", line 2867, in get_entry_map ep_map = self._ep_map "c:\users\juan\appdata\local\programs\python\python38-32\lib\site-packages\pkg_resources\__init__.py", line 2825, in __getattr__ raise AttributeError(attr) AttributeError: _ep_map
0.582482
Traceback (most recent call last): "/home/ubuntu/anaconda3/envs/PaddleDetection/lib/python3.7/runpy.py", line 193, in _run_module_as_main "__main__", mod_spec) "/home/ubuntu/anaconda3/envs/PaddleDetection/lib/python3.7/runpy.py", line 85, in _run_code exec(code, run_globals) "/home/ubuntu/anaconda3/envs/PaddleDetection/lib/python3.7/site-packages/paddle/distributed/launch.py", line 240, in <module> launch(args) "/home/ubuntu/anaconda3/envs/PaddleDetection/lib/python3.7/site-packages/paddle/distributed/launch.py", line 223, in launch alive = watch_local_trainers(procs, cluster.trainers_nranks()) "/home/ubuntu/anaconda3/envs/PaddleDetection/lib/python3.7/site-packages/paddle/distributed/utils.py", line 425, in watch_local_trainers terminate_local_procs(procs) "/home/ubuntu/anaconda3/envs/PaddleDetection/lib/python3.7/site-packages/paddle/distributed/utils.py", line 261, in terminate_local_procs p.log_fn.close() AttributeError: 'NoneType' object has no attribute 'close'
Traceback (most recent call last): "C:\Users\gaby0\AppData\Roaming\Blender Foundation\Blender\2.80\scripts\addons\animation_nodes\execution\main_execution_unit.py", line 38, in executeUnit exec(self.executeCodeObject, self.executionData, self.executionData) "execution: 'NodeTree.001'", line 4, in <module> "C:\Users\gaby0\AppData\Roaming\Blender Foundation\Blender\2.80\scripts\addons\animation_nodes\utils\depsgraph.py", line 4, in getActiveDepsgraph return bpy.context.depsgraph AttributeError: 'Context' object has no attribute 'depsgraph'
0.653142
Traceback (most recent call last): "/home/ubuntu/workspace/automlbenchmark/amlb/benchmark.py", line 391, in run meta_result = framework.run(self._dataset, task_config) "/home/ubuntu/workspace/automlbenchmark/frameworks/autogluon_nobag/__init__.py", line 4, in run return run(*args, **kwargs) "/home/ubuntu/workspace/automlbenchmark/frameworks/autogluon_nobag/exec.py", line 16, in run return exec_template.run(dataset=dataset, config=config, parameters=parameters) "/home/ubuntu/workspace/automlbenchmark/frameworks/autogluon/exec_template.py", line 82, in run **fit_params "/home/ubuntu/workspace/autogluon/autogluon/task/tabular_prediction/tabular_prediction.py", line 425, in fit hyperparameters=hyperparameters, time_limit=time_limits_orig, save_data=cache_data, verbosity=verbosity) "/home/ubuntu/workspace/autogluon/autogluon/utils/tabular/ml/learner/default_learner.py", line 99, in fit hyperparameters=hyperparameters) "/home/ubuntu/workspace/autogluon/autogluon/utils/tabular/ml/trainer/auto_trainer.py", line 39, in train self.train_multi_and_ensemble(X_train, y_train, X_test, y_test, models, hyperparameter_tune=hyperparameter_tune, feature_prune=feature_prune) "/home/ubuntu/workspace/autogluon/autogluon/utils/tabular/ml/trainer/abstract_trainer.py", line 507, in train_multi_and_ensemble self.train_multi_levels(X_train, y_train, X_test, y_test, models=models, hyperparameter_tune=hyperparameter_tune, feature_prune=feature_prune, level_start=0, level_end=self.stack_ensemble_levels) "/home/ubuntu/workspace/autogluon/autogluon/utils/tabular/ml/trainer/abstract_trainer.py", line 522, in train_multi_levels self.stack_new_level(X=X_train, y=y_train, X_test=X_test, y_test=y_test, models=models, level=level, hyperparameter_tune=hyperparameter_tune, feature_prune=feature_prune, time_limit_core=time_limit_core, time_limit_aux=time_limit_aux) "/home/ubuntu/workspace/autogluon/autogluon/utils/tabular/ml/trainer/abstract_trainer.py", line 533, in stack_new_level aux_models = self.stack_new_level_aux(X=X_test, y=y_test, fit=False, level=level+1, time_limit=time_limit_aux) "/home/ubuntu/workspace/autogluon/autogluon/utils/tabular/ml/trainer/abstract_trainer.py", line 568, in stack_new_level_aux X_train_stack_preds = self.get_inputs_to_stacker(X, level_start=0, level_end=level, fit=fit) "/home/ubuntu/workspace/autogluon/autogluon/utils/tabular/ml/trainer/abstract_trainer.py", line 797, in get_inputs_to_stacker X = dummy_stackers[level+1].preprocess(X=X, preprocess=False, fit=False, compute_base_preds=True) "/home/ubuntu/workspace/autogluon/autogluon/utils/tabular/ml/models/ensemble/stacker_ensemble_model.py", line 92, in preprocess y_pred_proba = base_model.predict_proba(X) "/home/ubuntu/workspace/autogluon/autogluon/utils/tabular/ml/models/tabular_nn/tabular_nn_model.py", line 384, in predict_proba return self._predict_tabular_data(new_data=X, process=True, predict_proba=True) "/home/ubuntu/workspace/autogluon/autogluon/utils/tabular/ml/models/tabular_nn/tabular_nn_model.py", line 398, in _predict_tabular_data new_data = self.process_test_data(new_data, batch_size=self.batch_size, num_dataloading_workers=self.num_dataloading_workers, labels=None) "/home/ubuntu/workspace/autogluon/autogluon/utils/tabular/ml/models/tabular_nn/tabular_nn_model.py", line 486, in process_test_data problem_type=self.problem_type, labels=labels, is_test=True) "/home/ubuntu/workspace/autogluon/autogluon/utils/tabular/ml/models/tabular_nn/tabular_nn_dataset.py", line 150, in __init__ self.generate_dataset_and_dataloader(data_list=data_list) "/home/ubuntu/workspace/autogluon/autogluon/utils/tabular/ml/models/tabular_nn/tabular_nn_dataset.py", line 158, in generate_dataset_and_dataloader num_workers=self.num_dataloading_workers) # no need to shuffle test data "/home/ubuntu/virtual/automlbenchmark/lib/python3.6/site-packages/mxnet/gluon/data/dataloader.py", line 642, in __init__ initargs=[self._dataset, is_np_shape(), is_np_array()]) "/home/ubuntu/anaconda3/lib/python3.6/multiprocessing/context.py", line 119, in Pool context=self.get_context()) "/home/ubuntu/anaconda3/lib/python3.6/multiprocessing/pool.py", line 174, in __init__ self._repopulate_pool() "/home/ubuntu/anaconda3/lib/python3.6/multiprocessing/pool.py", line 239, in _repopulate_pool w.start() "/home/ubuntu/anaconda3/lib/python3.6/multiprocessing/process.py", line 105, in start self._popen = self._Popen(self) "/home/ubuntu/anaconda3/lib/python3.6/multiprocessing/context.py", line 277, in _Popen return Popen(process_obj) "/home/ubuntu/anaconda3/lib/python3.6/multiprocessing/popen_fork.py", line 19, in __init__ self._launch(process_obj) "/home/ubuntu/anaconda3/lib/python3.6/multiprocessing/popen_fork.py", line 66, in _launch self.pid = os.fork() OSError: [Errno 12] Cannot allocate memory
Traceback (most recent call last): "ocrdection.py", line 44, in <module> print pytesseract.image_to_string(Image.open('test.png')) "/Users/padalingam/anaconda2/lib/python2.7/site-packages/pytesseract/pytesseract.py", line 193, in image_to_string return run_and_get_output(image, 'txt', lang, config, nice) "/Users/padalingam/anaconda2/lib/python2.7/site-packages/pytesseract/pytesseract.py", line 140, in run_and_get_output run_tesseract(**kwargs) "/Users/padalingam/anaconda2/lib/python2.7/site-packages/pytesseract/pytesseract.py", line 111, in run_tesseract proc = subprocess.Popen(command, stderr=subprocess.PIPE) "/Users/padalingam/anaconda2/lib/python2.7/subprocess.py", line 390, in __init__ errread, errwrite) "/Users/padalingam/anaconda2/lib/python2.7/subprocess.py", line 1025, in _execute_child raise child_exception OSError: [Errno 2] No such file or directory
0.661879
Traceback (most recent call last): "/home/alan/anaconda/lib/python3.5/site-packages/conda/exceptions.py", line 515, in conda_exception_handler return_value = func(*args, **kwargs) "/home/alan/anaconda/lib/python3.5/site-packages/conda_env/cli/main_export.py", line 94, in execute ignore_channels=args.ignore_channels) "/home/alan/anaconda/lib/python3.5/site-packages/conda_env/env.py", line 62, in from_environment for dist in installed: AttributeError: 'str' object has no attribute 'channel'
Traceback (most recent call last): "/usr/home/indicoadm/indicov2/.indicov2/lib/python2.7/site-packages/indico/legacy/webinterface/rh/base.py", line 493, in process profile_name, res = self._do_process(profile) "/usr/home/indicoadm/indicov2/.indicov2/lib/python2.7/site-packages/indico/legacy/webinterface/rh/base.py", line 464, in _do_process res = self._process() "/usr/home/indicoadm/indicov2/.indicov2/lib/python2.7/site-packages/indico/modules/oauth/controllers.py", line 132, in _process form = ApplicationForm(obj=FormDefaults(is_enabled=True)) "/usr/home/indicoadm/indicov2/.indicov2/lib/python2.7/site-packages/indico/web/forms/base.py", line 70, in __call__ return super(IndicoFormMeta, cls).__call__(*args, **kwargs) "/usr/home/indicoadm/indicov2/.indicov2/lib/python2.7/site-packages/wtforms/form.py", line 212, in __call__ return type.__call__(cls, *args, **kwargs) "/usr/home/indicoadm/indicov2/.indicov2/lib/python2.7/site-packages/indico/modules/oauth/forms.py", line 63, in __init__ for field in self.application.system_app_type.enforced_data: AttributeError: 'NoneType' object has no attribute 'system_app_type'
0.639354
Traceback (most recent call last): "shapely\speedups\_speedups.pyx", line 234, in shapely.speedups._speedups.geos_linearring_from_py AttributeError: 'list' object has no attribute '__array_interface__'
[DEBUG ] Sending event: tag = salt/job/20190425181128214477/ret/raspberrypi; data = {'fun_args': ['pillar={"bay-name":"bay29"}'], 'jid': '20190425181128214477', 'return': 'The minion function caused an exception: Traceback (most recent call last): "/usr/lib/python2.7/dist-packages/salt/minion.py", line 1607, in _thread_return fp_.write(minion_instance.serial.dumps(sdata)) "/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/modules/state.py", line 1068, in highstate errors = _get_pillar_errors(kwargs, st_.opts[\'pillar\']) "/usr/lib/python2.7/dist-packages/salt/state.py", line 3940, in call_highstate if \'__exclude__\' in high: "/usr/lib/python2.7/dist-packages/salt/state.py", line 2764, in call_high "/usr/lib/python2.7/dist-packages/salt/state.py", line 2129, in call_chunks pat, "/usr/lib/python2.7/dist-packages/salt/state.py", line 2664, in call_chunk \'result\': True, "/usr/lib/python2.7/dist-packages/salt/state.py", line 2436, in event chunk is evaluated an event will be set up to the master with the "/usr/lib/python2.7/dist-packages/salt/modules/event.py", line 97, in fire_master channel.close() "/usr/lib/python2.7/dist-packages/salt/utils/asynchronous.py", line 57, in __getattribute__ attr = getattr(self.asynchronous, key) AttributeError: \'AsyncZeroMQReqChannel\' object has no attribute \'close\'
0.586026
Traceback (most recent call last): "C:\Users\Laggron\AppData\Local\Programs\Python\Python37\lib\site-packages\discord\ext\commands\core.py", line 79, in wrapped ret = await coro(*args, **kwargs) "<string>", line 7, in readconf "C:\Users\Laggron\AppData\Local\Programs\Python\Python37\lib\site-packages\redbot\core\config.py", line 477, in get_raw raw = await self.driver.get(identifier_data) "C:\Users\Laggron\AppData\Local\Programs\Python\Python37\lib\site-packages\redbot\core\drivers\json.py", line 132, in get partial = partial[i] KeyError: 'embed_description_user'
Traceback (most recent call last): "./main/dist_train_sat.py", line 152, in <module> root_cfg.merge_from_file(exp_cfg_path) "/home/yanyi/miniconda3/envs/touch-env/lib/python3.6/site-packages/yacs/config.py", line 213, in merge_from_file self.merge_from_other_cfg(cfg) "/home/yanyi/miniconda3/envs/touch-env/lib/python3.6/site-packages/yacs/config.py", line 217, in merge_from_other_cfg _merge_a_into_b(cfg_other, self, self, []) "/home/yanyi/miniconda3/envs/touch-env/lib/python3.6/site-packages/yacs/config.py", line 460, in _merge_a_into_b _merge_a_into_b(v, b[k], root, key_list + [k]) "/home/yanyi/miniconda3/envs/touch-env/lib/python3.6/site-packages/yacs/config.py", line 460, in _merge_a_into_b _merge_a_into_b(v, b[k], root, key_list + [k]) "/home/yanyi/miniconda3/envs/touch-env/lib/python3.6/site-packages/yacs/config.py", line 473, in _merge_a_into_b raise KeyError("Non-existent config key: {}".format(full_key)) KeyError: 'Non-existent config key: train.vos.tracker'
0.520145
Traceback (most recent call last): "<stdin>", line 1, in <module> AttributeError: module 'GPUtil' has no attribute '__version__'
Traceback (most recent call last): "/usr/local/bin/x2paddle", line 11, in <module> load_entry_point('x2paddle==1.0.0rc1', 'console_scripts', 'x2paddle')() "/usr/local/lib/python3.6/dist-packages/x2paddle-1.0.0rc1-py3.6.egg/x2paddle/convert.py", line 273, in main "/usr/local/lib/python3.6/dist-packages/x2paddle-1.0.0rc1-py3.6.egg/x2paddle/convert.py", line 138, in tf2paddle "/usr/local/lib/python3.6/dist-packages/x2paddle-1.0.0rc1-py3.6.egg/x2paddle/core/program.py", line 243, in gen_model "/usr/local/lib/python3.6/dist-packages/x2paddle-1.0.0rc1-py3.6.egg/x2paddle/core/program.py", line 291, in gen_dygraph_model "/usr/local/lib/python3.6/dist-packages/x2paddle-1.0.0rc1-py3.6.egg/x2paddle/core/program.py", line 551, in gen_dygraph_code "/usr/local/lib/python3.6/dist-packages/x2paddle-1.0.0rc1-py3.6.egg/x2paddle/core/util.py", line 62, in remove_default_attrs AttributeError: module 'paddle.nn' has no attribute 'Pad4D'
0.544139
Traceback (most recent call last): "/usr/local/bin/miiocli", line 8, in <module> sys.exit(create_cli()) "/usr/local/lib/python3.8/site-packages/miio/cli.py", line 45, in create_cli return cli(auto_envvar_prefix="MIIO") "/usr/local/lib/python3.8/site-packages/miio/click_common.py", line 59, in __call__ return self.main(*args, **kwargs) "/usr/local/lib/python3.8/site-packages/click/core.py", line 782, in main rv = self.invoke(ctx) "/usr/local/lib/python3.8/site-packages/click/core.py", line 1259, in invoke return _process_result(sub_ctx.command.invoke(sub_ctx)) "/usr/local/lib/python3.8/site-packages/click/core.py", line 1259, in invoke return _process_result(sub_ctx.command.invoke(sub_ctx)) "/usr/local/lib/python3.8/site-packages/click/core.py", line 1066, in invoke return ctx.invoke(self.callback, **ctx.params) "/usr/local/lib/python3.8/site-packages/click/core.py", line 610, in invoke return callback(*args, **kwargs) "/usr/local/lib/python3.8/site-packages/miio/click_common.py", line 285, in wrap result_msg = result_msg_fmt.format(**kwargs) "/usr/local/lib/python3.8/site-packages/miio/viomivacuum.py", line 336, in fanspeed return ViomiVacuumSpeed(self.data["suction_grade"]) "/usr/local/lib/python3.8/enum.py", line 339, in __call__ return cls.__new__(cls, value) "/usr/local/lib/python3.8/enum.py", line 662, in __new__ raise ve_exc ValueError: None is not a valid ViomiVacuumSpeed
Traceback (most recent call last): "C:\Users\ionel_000\Projects\sandbox\.ve\lib\site-packages\pip\basecommand.py", line 215, in main status = self.run(options, args) "C:\Users\ionel_000\Projects\sandbox\.ve\lib\site-packages\pip\commands\install.py", line 339, in run requirement_set.prepare_files(finder) "C:\Users\ionel_000\Projects\sandbox\.ve\lib\site-packages\pip\req\req_set.py", line 333, in prepare_files upgrade=self.upgrade, "C:\Users\ionel_000\Projects\sandbox\.ve\lib\site-packages\pip\index.py", line 341, in find_requirement self._validate_secure_origin(logger, location) "C:\Users\ionel_000\Projects\sandbox\.ve\lib\site-packages\pip\index.py", line 216, in _validate_secure_origin origin = (parsed.scheme, parsed.hostname, parsed.port) "C:\Python27\Lib\urlparse.py", line 115, in port port = int(port, 10) ValueError: invalid literal for int() with base 10: '\\Users\\ionel_000\\pip\\wheels'
0.555681
Traceback (most recent call last): "/usr/lib/python3.6/runpy.py", line 193, in _run_module_as_main "__main__", mod_spec) "/usr/lib/python3.6/runpy.py", line 85, in _run_code exec(code, run_globals) "/usr/local/lib/python3.6/dist-packages/torch2trt-0.0.0-py3.6.egg/torch2trt/test.py", line 100, in <module> max_error, fps, fps_trt, ms, ms_trt = run(test) "/usr/local/lib/python3.6/dist-packages/torch2trt-0.0.0-py3.6.egg/torch2trt/test.py", line 25, in run module_trt = torch2trt(module, inputs, **self.torch2trt_kwargs) "/usr/local/lib/python3.6/dist-packages/torch2trt-0.0.0-py3.6.egg/torch2trt/torch2trt.py", line 252, in torch2trt outputs = module(*inputs) "/usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py", line 545, in __call__ result = self.forward(*input, **kwargs) "/usr/local/lib/python3.6/dist-packages/torchvision/models/densenet.py", line 222, in forward out = F.avg_pool2d(out, kernel_size=7, stride=1).view(features.size(0), -1) "/usr/local/lib/python3.6/dist-packages/torch2trt-0.0.0-py3.6.egg/torch2trt/torch2trt.py", line 97, in wrapper converter(ctx) "/usr/local/lib/python3.6/dist-packages/torch2trt-0.0.0-py3.6.egg/torch2trt/converters/view.py", line 11, in convert_view layer = ctx.network.add_shuffle(input._trt) AttributeError: 'Tensor' object has no attribute '_trt'
Error: Traceback (most recent call last): "c:\users\john\.platformio\penv\lib\site-packages\platformio\__main__.py", line 120, in main cli(None, None, None) "c:\users\john\.platformio\penv\lib\site-packages\click\core.py", line 700, in __call__ return self.main(*args, **kwargs) "c:\users\john\.platformio\penv\lib\site-packages\click\core.py", line 680, in main rv = self.invoke(ctx) "c:\users\john\.platformio\penv\lib\site-packages\click\core.py", line 1027, in invoke return _process_result(sub_ctx.command.invoke(sub_ctx)) "c:\users\john\.platformio\penv\lib\site-packages\click\core.py", line 873, in invoke return ctx.invoke(self.callback, **ctx.params) "c:\users\john\.platformio\penv\lib\site-packages\click\core.py", line 508, in invoke return callback(*args, **kwargs) "c:\users\john\.platformio\penv\lib\site-packages\click\decorators.py", line 16, in new_func return f(get_current_context(), *args, **kwargs) "c:\users\john\.platformio\penv\lib\site-packages\platformio\commands\init.py", line 102, in cli pg = ProjectGenerator(project_dir, ide, env_name) "c:\users\john\.platformio\penv\lib\site-packages\platformio\ide\projectgenerator.py", line 35, in __init__ self._gather_tplvars() "c:\users\john\.platformio\penv\lib\site-packages\platformio\ide\projectgenerator.py", line 152, in _gather_tplvars self._tplvars.update(self.get_project_build_data()) "c:\users\john\.platformio\penv\lib\site-packages\platformio\util.py", line 134, in __call__ value = self.func(*args) "c:\users\john\.platformio\penv\lib\site-packages\platformio\ide\projectgenerator.py", line 76, in get_project_build_data raise result.exception AttributeError: 'module' object has no attribute 'get_cache_dir'
0.642114
Traceback (most recent call last): "/home/tabbott/zulip/zerver/lib/test_runner.py", line 462, in run_tests suite = self.build_suite(test_labels, extra_tests) "/srv/zulip-venv/local/lib/python2.7/site-packages/django/test/runner.py", line 437, in build_suite tests = self.test_loader.loadTestsFromName(label) "/usr/lib/python2.7/unittest/loader.py", line 100, in loadTestsFromName parent, obj = obj, getattr(obj, part) AttributeError: 'module' object has no attribute 'AvatarTest'
Traceback (most recent call last): "/usr/lib/python3.6/wsgiref/handlers.py", line 137, in run self.result = application(self.environ, self.start_response) "/path/to/prometheus_client_python/prometheus_client/exposition.py", line 52, in prometheus_app status, header, output = _bake_output(registry, accept_header, params) "/path/to/prometheus_client_python/prometheus_client/exposition.py", line 40, in _bake_output output = encoder(registry) "/path/to/prometheus_client_python/prometheus_client/exposition.py", line 137, in generate_latest output.append(sample_line(s)) "/path/to/prometheus_client_python/prometheus_client/exposition.py", line 95, in sample_line for k, v in sorted(line.labels.items())])) "/path/to/prometheus_client_python/prometheus_client/exposition.py", line 95, in <listcomp> for k, v in sorted(line.labels.items())])) AttributeError: ("'list' object has no attribute 'replace'", Metric(ede, dfe, info, , [Sample(name='ede_info', labels={'key': ['str1', 'str2']}, value=1.0, timestamp=None, exemplar=None)]))
0.569965
Traceback (most recent call last): "/home/vader/src/TRIBLER/Tribler/TriblerGUI/event_request_manager.py", line 136, in on_read_data raise RuntimeError(json_dict["event"]["text"]) RuntimeError: Unhandled Error
Traceback (most recent call last): "/opt/anaconda3/envs/maskrcnn/lib/python3.6/site-packages/mask_rcnn-2.1-py3.6.egg/mrcnn/model.py", line 1695, in data_generator use_mini_mask=config.USE_MINI_MASK) "/opt/anaconda3/envs/maskrcnn/lib/python3.6/site-packages/mask_rcnn-2.1-py3.6.egg/mrcnn/model.py", line 1218, in load_image_gt mask = utils.resize_mask(mask, scale, padding, crop) "/opt/anaconda3/envs/maskrcnn/lib/python3.6/site-packages/mask_rcnn-2.1-py3.6.egg/mrcnn/utils.py", line 513, in resize_mask mask = scipy.ndimage.zoom(mask, zoom=[scale, scale, 1], order=0) "/opt/anaconda3/envs/maskrcnn/lib/python3.6/site-packages/scipy/ndimage/interpolation.py", line 606, in zoom zoom = _ni_support._normalize_sequence(zoom, input.ndim) "/opt/anaconda3/envs/maskrcnn/lib/python3.6/site-packages/scipy/ndimage/_ni_support.py", line 65, in _normalize_sequence raise RuntimeError(err) RuntimeError: sequence argument must have length equal to input rank
0.539041
Traceback (most recent call last): "/usr/lib/python2.7/dist-packages/salt/utils/templates.py", line 413, in render_jinja_tmpl output = template.render(**decoded_context) "/usr/lib/python2.7/dist-packages/jinja2/environment.py", line 969, in render return self.environment.handle_exception(exc_info, True) "/usr/lib/python2.7/dist-packages/jinja2/environment.py", line 742, in handle_exception reraise(exc_type, exc_value, tb) "<template>", line 7, in top-level template code TypeError: get() takes exactly 3 arguments (2 given)
Traceback (most recent call last): "/usr/lib64/python3.6/site-packages/nose/case.py", line 197, in runTest self.test(*self.arg) TypeError: test_startstop_ssl() missing 1 required positional argument: 'not_after_connect'
0.427533
Traceback (most recent call last): "../wukong.py", line 2, in <module> from snowboy import snowboydecoder "/home/pi/wukong-robot/snowboy/snowboydecoder.py", line 5, in <module> from . import snowboydetect "/home/pi/wukong-robot/snowboy/snowboydetect.py", line 150, in <module> SnowboyDetect_swigregister = _snowboydetect.SnowboyDetect_swigregister AttributeError: module 'snowboy.snowboydetect' has no attribute 'SnowboyDetect_swigregister'
Traceback (most recent call last): "/usr/lib/python2.7/SocketServer.py", line 593, in process_request_thread self.finish_request(request, client_address) "/home/XXX/code/Mailpile/mailpile/httpd.py", line 561, in finish_request SimpleXMLRPCServer.finish_request(self, request, client_address) "/usr/lib/python2.7/SocketServer.py", line 334, in finish_request self.RequestHandlerClass(request, client_address, self) "/usr/lib/python2.7/SocketServer.py", line 651, in __init__ self.finish() "/usr/lib/python2.7/SocketServer.py", line 703, in finish if not self.wfile.closed: "/home/XXX/code/Mailpile/mailpile/util.py", line 1026, in __getattribute__ self.dbg.write('==(%d.%s)\n' % (self.fd.fileno(), name)) "/home/XXX/code/Mailpile/mailpile/util.py", line 1027, in __getattribute__ return object.__getattribute__(self.fd, name) AttributeError: 'Debug Wrapper' object has no attribute 'fileno'
0.535354
Traceback (most recent call last): "/usr/local/bin/buildozer", line 11, in <module> sys.exit(main()) "/usr/local/lib/python2.7/dist-packages/buildozer/scripts/client.py", line 13, in main Buildozer().run_command(sys.argv[1:]) "/usr/local/lib/python2.7/dist-packages/buildozer/__init__.py", line 1027, in run_command self.target.run_commands(args) "/usr/local/lib/python2.7/dist-packages/buildozer/target.py", line 90, in run_commands func(args) "/usr/local/lib/python2.7/dist-packages/buildozer/target.py", line 102, in cmd_debug self.buildozer.build() "/usr/local/lib/python2.7/dist-packages/buildozer/__init__.py", line 210, in build self.target.build_package() "/usr/local/lib/python2.7/dist-packages/buildozer/targets/android.py", line 637, in build_package for fn in self.buildozer.file_matches(patterns): TypeError: 'NoneType' object is not iterable
Traceback (most recent call last): "iaa_tools.py", line 103, in <module> update(**arguments) "iaa_tools.py", line 76, in update update_status=update_status) "/usr/src/app/iaa/main.py", line 82, in update data = conn.get_data(BEGIN, END, employees, stale_status) "/usr/src/app/iaa/connectors/exchange.py", line 65, in get_data for item in items: "/usr/local/lib/python3.6/site-packages/exchangelib/queryset.py", line 286, in __iter__ for val in self._format_items(items=self._query(), return_format=self.return_format): "/usr/local/lib/python3.6/site-packages/exchangelib/queryset.py", line 371, in _item_yielder for i in iterable: "/usr/local/lib/python3.6/site-packages/exchangelib/account.py", line 574, in fetch item = validation_folder.item_model_from_tag(i.tag).from_xml(elem=i, account=self) "/usr/local/lib/python3.6/site-packages/exchangelib/items/calendar_item.py", line 220, in from_xml setattr(item, field_name, val.astimezone(tz).date()) "/usr/local/lib/python3.6/site-packages/exchangelib/ewsdatetime.py", line 127, in astimezone return self.from_datetime(t) # We want to return EWSDateTime objects "/usr/local/lib/python3.6/site-packages/exchangelib/ewsdatetime.py", line 120, in from_datetime tz = EWSTimeZone.from_pytz(d.tzinfo) "/usr/local/lib/python3.6/site-packages/exchangelib/ewsdatetime.py", line 242, in from_pytz self_cls = type(cls.__name__, base_classes, dict(tz.__class__.__dict__)) TypeError: type 'datetime.timezone' is not an acceptable base type
0.572903
Traceback (most recent call last): "main_amp.py", line 542, in <module> main() "main_amp.py", line 147, in main model = model.cuda().to(memory_format=memory_format) "/usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py", line 422, in to device, dtype, non_blocking = torch._C._nn._parse_to(*args, **kwargs) TypeError: to() received an invalid combination of arguments - got (memory_format=torch.memory_format, ), but expected one of:
Traceback (most recent call last): "app.py", line 46, in <module> main() "app.py", line 41, in main behaviour.run(settings['market_pairs'], settings['output_mode']) "/app/behaviour.py", line 56, in run self.__test_strategies(market_data, output_mode) "/app/behaviour.py", line 144, in __test_strategies output = self.__get_cli_output(analyzed_data, market_pair) "/app/behaviour.py", line 214, in __get_cli_output if indicator['is_hot']: TypeError: list indices must be integers or slices, not str
0.537139
Traceback (most recent call last): "/usr/lib/python3.8/site-packages/feeluown/containers/table.py", line 34, in fetch_album_cover await asyncio.sleep(random.randrange(100) / 100) "/usr/lib/python3.8/asyncio/tasks.py", line 637, in sleep loop = events.get_running_loop() RuntimeError: no running event loop
Traceback (most recent call last): "run.py", line 79, in <module> for j,(HR,LR) in enumerate(model(ref_im,**kwargs)): "/home/ubuntu/pulse/PULSE.py", line 149, in forward loss, loss_dict = loss_builder(latent_in, gen_im) "/home/ubuntu/miniconda3/envs/pulse/lib/python3.8/site-packages/torch/nn/modules/module.py", line 550, in __call__ result = self.forward(*input, **kwargs) "/home/ubuntu/pulse/loss.py", line 54, in forward tmp_loss = loss_fun_dict[loss_type](**var_dict) "/home/ubuntu/pulse/loss.py", line 23, in _loss_l2 return ((gen_im_lr - ref_im).pow(2).mean((1, 2, 3)).clamp(min=self.eps).sum()) RuntimeError: The size of tensor a (3) must match the size of tensor b (4) at non-singleton dimension 1
0.487566
Traceback (most recent call last): "multiprocessing/process.py", line 249, in _bootstrap "multiprocessing/process.py", line 93, in run "world.py", line 453, in world "calibration_routines/screen_marker_calibration.py", line 286, in recent_events "calibration_routines/screen_marker_calibration.py", line 225, in stop "calibration_routines/finish_calibration.py", line 39, in finish_calibration "calibration_routines/camera_intrinsics_estimation.py", line 75, in load_camera_calibration KeyError: 'camera_name'
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/crm/views.py", line 178, in get_queryset return Position.objects.filter(opportunity=self.kwargs['opportunities_pk']) KeyError: 'opportunities_pk'
0.50028
Traceback (most recent call last): "X:\Users\userName\.platformio\penv\lib\site-packages\platformio\__main__.py", line 88, in main cli(None, None, None) "X:\Users\userName\.platformio\penv\lib\site-packages\click\core.py", line 764, in __call__ return self.main(*args, **kwargs) "X:\Users\userName\.platformio\penv\lib\site-packages\click\core.py", line 717, in main rv = self.invoke(ctx) "X:\Users\userName\.platformio\penv\lib\site-packages\platformio\commands\__init__.py", line 37, in invoke return super(PlatformioCLI, self).invoke(ctx) "X:\Users\userName\.platformio\penv\lib\site-packages\click\core.py", line 1137, in invoke return _process_result(sub_ctx.command.invoke(sub_ctx)) "X:\Users\userName\.platformio\penv\lib\site-packages\click\core.py", line 1137, in invoke return _process_result(sub_ctx.command.invoke(sub_ctx)) "X:\Users\userName\.platformio\penv\lib\site-packages\click\core.py", line 956, in invoke return ctx.invoke(self.callback, **ctx.params) "X:\Users\userName\.platformio\penv\lib\site-packages\click\core.py", line 555, in invoke return callback(*args, **kwargs) "X:\Users\userName\.platformio\penv\lib\site-packages\click\decorators.py", line 17, in new_func return f(get_current_context(), *args, **kwargs) "X:\Users\userName\.platformio\penv\lib\site-packages\platformio\commands\lib.py", line 149, in lib_install force=force) "X:\Users\userName\.platformio\penv\lib\site-packages\platformio\managers\lib.py", line 353, in install force=force) "X:\Users\userName\.platformio\penv\lib\site-packages\platformio\managers\package.py", line 724, in install track=True) "X:\Users\userName\.platformio\penv\lib\site-packages\platformio\managers\package.py", line 523, in _install_from_url return self._install_from_tmp_dir(_tmp_dir, requirements) "X:\Users\userName\.platformio\penv\lib\site-packages\platformio\managers\package.py", line 606, in _install_from_tmp_dir shutil.move(tmp_dir, pkg_dir) "X:\Users\userName\.platformio\penv\lib\shutil.py", line 569, in move rmtree(src) "X:\Users\userName\.platformio\penv\lib\shutil.py", line 507, in rmtree return _rmtree_unsafe(path, onerror) "X:\Users\userName\.platformio\penv\lib\shutil.py", line 386, in _rmtree_unsafe _rmtree_unsafe(fullname, onerror) "X:\Users\userName\.platformio\penv\lib\shutil.py", line 386, in _rmtree_unsafe _rmtree_unsafe(fullname, onerror) "X:\Users\userName\.platformio\penv\lib\shutil.py", line 386, in _rmtree_unsafe _rmtree_unsafe(fullname, onerror) "X:\Users\userName\.platformio\penv\lib\shutil.py", line 391, in _rmtree_unsafe onerror(os.unlink, fullname, sys.exc_info()) "X:\Users\userName\.platformio\penv\lib\shutil.py", line 389, in _rmtree_unsafe os.unlink(fullname) PermissionError: [WinError 5] Access is denied: 'X:\\Users\\userName\\Documents\\PlatformIO\\Projects\\pio-test-lib2\\.pio\\libdeps\\esp32doit-devkit-v1\\_tmp_installing-syxlieim-package\\.git\\objects\\06\\3bd79ae35475237188c6fcfed3b97aa076600f'
Traceback (most recent call last): "/srv/homeassistant_3.7/lib/python3.7/site-packages/homeassistant/helpers/entity_platform.py", line 150, in _async_setup_platform await asyncio.wait_for(asyncio.shield(task), SLOW_SETUP_MAX_WAIT) "/usr/local/lib/python3.7/asyncio/tasks.py", line 442, in wait_for return fut.result() "/usr/local/lib/python3.7/concurrent/futures/thread.py", line 57, in run result = self.fn(*self.args, **self.kwargs) "/srv/homeassistant_3.7/lib/python3.7/site-packages/homeassistant/components/flume/sensor.py", line 44, in setup_platform flume_devices = FlumeDeviceList(username, password, client_id, client_secret) "/srv/homeassistant_3.7/lib/python3.7/site-packages/pyflume/__init__.py", line 152, in __init__ client_secret "/srv/homeassistant_3.7/lib/python3.7/site-packages/pyflume/__init__.py", line 50, in __init__ self.read_token_file() "/srv/homeassistant_3.7/lib/python3.7/site-packages/pyflume/__init__.py", line 134, in read_token_file self.fetch_token() "/srv/homeassistant_3.7/lib/python3.7/site-packages/pyflume/__init__.py", line 77, in fetch_token self.write_token_file() "/srv/homeassistant_3.7/lib/python3.7/site-packages/pyflume/__init__.py", line 122, in write_token_file with open(TOKEN_FILE, 'w') as token_file: PermissionError: [Errno 13] Permission denied: 'flume_token'
0.61659
`Traceback (most recent call last): "main.py", line 32, in <module> main() "main.py", line 9, in main AI = ChatBot( "C:\Users\lloye\AppData\Local\Programs\Python\Python38-32\lib\site-packages\chatterbot\chatterbot.py", line 34, in __init__ self.storage = utils.initialize_class(storage_adapter, **kwargs) "C:\Users\lloye\AppData\Local\Programs\Python\Python38-32\lib\site-packages\chatterbot\utils.py", line 54, in initialize_class return Class(*args, **kwargs) "C:\Users\lloye\AppData\Local\Programs\Python\Python38-32\lib\site-packages\chatterbot\storage\sql_storage.py", line 22, in __init__ from sqlalchemy import create_engine "C:\Users\lloye\AppData\Local\Programs\Python\Python38-32\lib\site-packages\sqlalchemy\__init__.py", line 8, in <module> from . import util as _util # noqa "C:\Users\lloye\AppData\Local\Programs\Python\Python38-32\lib\site-packages\sqlalchemy\util\__init__.py", line 14, in <module> from ._collections import coerce_generator_arg # noqa "C:\Users\lloye\AppData\Local\Programs\Python\Python38-32\lib\site-packages\sqlalchemy\util\_collections.py", line 16, in <module> from .compat import binary_types "C:\Users\lloye\AppData\Local\Programs\Python\Python38-32\lib\site-packages\sqlalchemy\util\compat.py", line 264, in <module> time_func = time.clock AttributeError: module 'time' has no attribute 'clock'`
Traceback (most recent call last): "/home/max/bot_project/Bots_Django/TelegramBot/TelegramBot/simple_soap_client.py", line 47, in <module> client.service.getAllLpusInfo(returnBranches=True, externalSystemId='MPGU') "/home/max/bot_project/Bots_Django/venv/local/lib/python2.7/site-packages/zeep/client.py", line 41, in __call__ self._op_name, args, kwargs) "/home/max/bot_project/Bots_Django/venv/local/lib/python2.7/site-packages/zeep/wsdl/bindings/soap.py", line 115, in send return self.process_reply(client, operation_obj, response) "/home/max/bot_project/Bots_Django/venv/local/lib/python2.7/site-packages/zeep/wsdl/bindings/soap.py", line 155, in process_reply client.wsse.verify(doc) "/home/max/bot_project/Bots_Django/venv/local/lib/python2.7/site-packages/zeep/wsse/signature.py", line 43, in verify verify_envelope(envelope, self.certfile) "/home/max/bot_project/Bots_Django/venv/local/lib/python2.7/site-packages/zeep/wsse/signature.py", line 199, in verify_envelope security = header.find(QName(ns.WSSE, 'Security')) AttributeError: 'NoneType' object has no attribute 'find'
0.601028
Traceback (most recent call last): | 0/130.0 [00:00<?, ?it/s] "main.py", line 429, in <module> train_loss, iterations = train(args=args, epoch=epoch, start_iteration=global_iteration, data_loader=train_loader, model=model_and_loss, optimizer=optimizer, logger=train_logger, offset=offset) "main.py", line 295, in train loss_val.backward() "/home/hazhang/.conda/envs/virt_optflow/lib/python3.6/site-packages/torch/tensor.py", line 102, in backward torch.autograd.backward(self, gradient, retain_graph, create_graph) "/home/hazhang/.conda/envs/virt_optflow/lib/python3.6/site-packages/torch/autograd/__init__.py", line 91, in backward allow_unreachable=True) # allow_unreachable flag RuntimeError: Function MulBackward0 returned an invalid gradient at index 1 - expected type torch.cuda.FloatTensor but got torch.FloatTensor
Traceback (most recent call last): "<stdin>", line 1, in <module> "/usr/local/lib/python3.7/site-packages/torchsummary/torchsummary.py", line 68, in summary model.apply(register_hook) "/usr/local/lib/python3.7/site-packages/torch/nn/modules/module.py", line 287, in apply module.apply(fn) "/usr/local/lib/python3.7/site-packages/torch/nn/modules/module.py", line 287, in apply module.apply(fn) "/usr/local/lib/python3.7/site-packages/torch/nn/modules/module.py", line 287, in apply module.apply(fn) "/usr/local/lib/python3.7/site-packages/torch/nn/modules/module.py", line 288, in apply fn(self) "/usr/local/lib/python3.7/site-packages/torchsummary/torchsummary.py", line 42, in register_hook hooks.append(module.register_forward_hook(hook)) "/usr/local/lib/python3.7/site-packages/torch/jit/__init__.py", line 1689, in fail raise RuntimeError(name + " is not supported on ScriptModules") RuntimeError: register_forward_hook is not supported on ScriptModules
0.602639
Traceback (most recent call last): "/home/maria/job/venvs/optoVE/lib/python3.5/site-packages/grab/spider/base.py", line 779, in process_network_result handler_result = handler(result['grab'], result['task']) "/home/maria/job/optostack/optostack/autoru/new.py", line 7, in task_initial grab.doc.submit() "/home/maria/job/venvs/optoVE/lib/python3.5/site-packages/grab/document.py", line 983, in submit return self.grab.request() "/home/maria/job/venvs/optoVE/lib/python3.5/site-packages/grab/base.py", line 454, in request self.prepare_request(**kwargs) "/home/maria/job/venvs/optoVE/lib/python3.5/site-packages/grab/base.py", line 403, in prepare_request self.reset() "/home/maria/job/venvs/optoVE/lib/python3.5/site-packages/grab/base.py", line 295, in reset self.transport.reset() "/home/maria/job/venvs/optoVE/lib/python3.5/site-packages/grab/transport/curl.py", line 122, in reset self.curl.grab_callback_interrupted = False AttributeError: 'NoneType' object has no attribute 'grab_callback_interrupted'
Traceback (most recent call last): "/usr/lib/python2.7/dist-packages/salt/state.py", line 3456, in render_state rendered_sls=mods "/usr/lib/python2.7/dist-packages/salt/template.py", line 93, in compile_template ret = render(input_data, saltenv, sls, **render_kwargs) "/usr/lib/python2.7/dist-packages/salt/renderers/jinja.py", line 70, in render **kws) "/usr/lib/python2.7/dist-packages/salt/utils/templates.py", line 167, in render_tmpl tmplstr = tmplsrc.read() AttributeError: 'OrderedDict' object has no attribute 'read'
0.605698
Traceback (most recent call last):mpt [u]Login [o]Open [c]Post [a/z]Vote "/usr/bin/rtv", line 11, in <module> load_entry_point('rtv==1.14.1', 'console_scripts', 'rtv')() "/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/rtv/__main__.py", line 169, in <module> sys.exit(main()) "/usr/lib/python3/dist-packages/rtv/__main__.py", line 152, in main page.loop() "/usr/lib/python3/dist-packages/rtv/page.py", line 78, in loop self.controller.trigger(ch) "/usr/lib/python3/dist-packages/rtv/objects.py", line 595, in trigger return func(self.instance, *args, **kwargs) "/usr/lib/python3/dist-packages/rtv/subreddit_page.py", line 107, in open_submission self.reddit, self.term, self.config, self.oauth, url=url) "/usr/lib/python3/dist-packages/rtv/submission_page.py", line 30, in __init__ max_comment_cols=config['max_comment_cols']) "/usr/lib/python3/dist-packages/rtv/content.py", line 321, in from_url submission = reddit.get_submission(url, comment_sort=order) "/usr/lib/python3/dist-packages/praw/__init__.py", line 1042, in get_submission params=params) "<decorator-gen-191>", line 2, in from_url "/usr/lib/python3/dist-packages/praw/decorators.py", line 268, in wrap return function(*args, **kwargs) "/usr/lib/python3/dist-packages/praw/objects.py", line 1111, in from_url response = reddit_session.request_json(url, params=params) "<decorator-gen-8>", line 2, in request_json "/usr/lib/python3/dist-packages/praw/decorators.py", line 113, in raise_api_exceptions return_value = function(*args, **kwargs) "/usr/lib/python3/dist-packages/praw/__init__.py", line 621, in request_json data = json.loads(response, object_hook=hook) "/usr/lib/python3.5/json/__init__.py", line 332, in loads return cls(**kw).decode(s) "/usr/lib/python3.5/json/decoder.py", line 339, in decode obj, end = self.raw_decode(s, idx=_w(s, 0).end()) "/usr/lib/python3.5/json/decoder.py", line 355, in raw_decode obj, end = self.scan_once(s, idx) "/usr/lib/python3/dist-packages/praw/__init__.py", line 479, in _json_reddit_objecter return object_class.from_api_response(self, json_data['data']) "/usr/lib/python3/dist-packages/praw/objects.py", line 56, in from_api_response return cls(reddit_session, json_dict=json_dict) "/usr/lib/python3/dist-packages/praw/objects.py", line 613, in __init__ underscore_names=['replies']) "/usr/lib/python3/dist-packages/praw/objects.py", line 71, in __init__ self._has_fetched = self._populate(json_dict, fetch) "/usr/lib/python3/dist-packages/praw/objects.py", line 171, in _populate setattr(self, name, value) "/usr/lib/python3/dist-packages/praw/objects.py", line 119, in __setattr__ object.__setattr__(self, name, value) AttributeError: can't set attribute
Traceback (most recent call last): "/home/ivan/release/test/gensim/gensim/test/test_varembed_wrapper.py", line 56, in testAddMorphemesToEmbeddings vectors=varembed_model_vector_file, morfessor_model=varembed_model_morfessor_file) "/home/ivan/release/test/gensim/gensim/models/wrappers/varembed.py", line 69, in load_varembed_format morfessor_model = morfessor.MorfessorIO().read_binary_model_file(morfessor_model) "/home/ivan/.virtualenvs/clean-2.7/local/lib/python2.7/site-packages/morfessor/io.py", line 179, in read_binary_model_file model = pickle.load(fobj) AttributeError: 'module' object has no attribute 'FixedCorpusWeight'
0.6533
Traceback (most recent call last): "<string>", line 1, in <module> "<string>", line 578, in start "<string>", line 465, in load_modules "<string>", line 702, in __init__ "<string>", line 728, in add_subcommands "<string>", line 2124, in commands AttributeError: 'module' object has no attribute 'COMPLETE_EXPRESSION'
2020-04-19 22:38:27,569 CRITICAL friture.exceptionhandler: Unhandled exception: Traceback (most recent call last): "/usr/lib64/python3.8/site-packages/friture/audiobackend.py", line 428, in fetchAudioData input_time = self.get_stream_time() "/usr/lib64/python3.8/site-packages/friture/audiobackend.py", line 450, in get_stream_time return self.stream.time AttributeError: 'NoneType' object has no attribute 'time'
0.537939
Traceback (most recent call last): "/usr/lib/python2.7/SocketServer.py", line 290, in _handle_request_noblock self.process_request(request, client_address) "/usr/lib/python2.7/SocketServer.py", line 318, in process_request self.finish_request(request, client_address) "/usr/lib/python2.7/SocketServer.py", line 331, in finish_request self.RequestHandlerClass(request, client_address, self) "/usr/lib/python2.7/SocketServer.py", line 652, in __init__ self.handle() "/opt/py-kms/py2-kms/server.py", line 158, in handle res = str(handler.populate()) "/opt/py-kms/py2-kms/rpcBase.py", line 42, in populate return self.generateResponse(self.parseRequest()) "/opt/py-kms/py2-kms/rpcRequest.py", line 21, in generateResponse responseData = kmsBase.generateKmsResponseData(request['pduData'], self.config) "/opt/py-kms/py2-kms/kmsBase.py", line 329, in generateKmsResponseData return messagehandler.executeRequestLogic() "/opt/py-kms/py2-kms/kmsRequestV5.py", line 71, in executeRequestLogic responseBuffer = self.serverLogic(decrypted['request']) "/opt/py-kms/py2-kms/kmsBase.py", line 177, in serverLogic count = int(kmsitem['NCountPolicy']) ValueError: invalid literal for int() with base 10: ''
Traceback (most recent call last): "drive.py", line 61, in <module> model = aitorNet.getModel(weights_path=args.weights) "/home/mona/computer_vision/VPilot/model.py", line 106, in getModel model.load_weights(weights_path) "/usr/local/lib/python2.7/dist-packages/keras/engine/topology.py", line 2701, in load_weights self.load_weights_from_hdf5_group(f) "/usr/local/lib/python2.7/dist-packages/keras/engine/topology.py", line 2787, in load_weights_from_hdf5_group K.batch_set_value(weight_value_tuples) "/usr/local/lib/python2.7/dist-packages/keras/backend/tensorflow_backend.py", line 1544, in batch_set_value assign_op = x.assign(assign_placeholder) "/home/mona/tensorflow/_python_build/tensorflow/python/ops/variables.py", line 505, in assign return state_ops.assign(self._variable, value, use_locking=use_locking) "/home/mona/tensorflow/_python_build/tensorflow/python/ops/gen_state_ops.py", line 45, in assign use_locking=use_locking, name=name) "/home/mona/tensorflow/_python_build/tensorflow/python/framework/op_def_library.py", line 749, in apply_op op_def=op_def) "/home/mona/tensorflow/_python_build/tensorflow/python/framework/ops.py", line 2390, in create_op set_shapes_for_outputs(ret) "/home/mona/tensorflow/_python_build/tensorflow/python/framework/ops.py", line 1785, in set_shapes_for_outputs shapes = shape_func(op) "/home/mona/tensorflow/_python_build/tensorflow/python/framework/common_shapes.py", line 596, in call_cpp_shape_fn raise ValueError(err.message) ValueError: Dimension 1 in both shapes must be equal, but are 3 and 2
0.575012
Traceback (most recent call last): "/opt/conda/bin/quantaxis", line 8, in <module> sys.exit(QA_cmd()) "/opt/conda/lib/python3.8/site-packages/QUANTAXIS/QACmd/__init__.py", line 735, in QA_cmd cli.cmdloop() "/opt/conda/lib/python3.8/cmd.py", line 138, in cmdloop stop = self.onecmd(line) "/opt/conda/lib/python3.8/cmd.py", line 217, in onecmd return func(arg) "/opt/conda/lib/python3.8/site-packages/QUANTAXIS/QACmd/__init__.py", line 380, in do_save QA_SU_save_stock_day("tdx") "/opt/conda/lib/python3.8/site-packages/QUANTAXIS/QAUtil/__init__.py", line 169, in wrapper func(*args, **kwargs) "/opt/conda/lib/python3.8/site-packages/QUANTAXIS/QASU/main.py", line 222, in QA_SU_save_stock_day engine.QA_SU_save_stock_day(client=client) "/opt/conda/lib/python3.8/site-packages/QUANTAXIS/QASU/save_tdx.py", line 196, in QA_SU_save_stock_day stock_list = QA_fetch_get_stock_list().code.unique().tolist() "/opt/conda/lib/python3.8/site-packages/retrying.py", line 49, in wrapped_f return Retrying(*dargs, **dkw).call(f, *args, **kw) "/opt/conda/lib/python3.8/site-packages/retrying.py", line 212, in call raise attempt.get() "/opt/conda/lib/python3.8/site-packages/retrying.py", line 247, in get six.reraise(self.value[0], self.value[1], self.value[2]) "/opt/conda/lib/python3.8/site-packages/six.py", line 703, in reraise raise value "/opt/conda/lib/python3.8/site-packages/retrying.py", line 200, in call attempt = Attempt(fn(*args, **kwargs), attempt_number, False) "/opt/conda/lib/python3.8/site-packages/QUANTAXIS/QAFetch/QATdx.py", line 704, in QA_fetch_get_stock_list with api.connect(ip, port): AttributeError: __enter__
Traceback (most recent call last): "/home/tj/.virtualenvs/omnio3/lib/python3.8/site-packages/django/core/handlers/exception.py", line 34, in inner response = get_response(request) "/home/tj/.virtualenvs/omnio3/lib/python3.8/site-packages/django/utils/deprecation.py", line 94, in __call__ response = response or self.get_response(request) "/home/tj/.virtualenvs/omnio3/lib/python3.8/site-packages/django/core/handlers/exception.py", line 36, in inner response = response_for_exception(request, exc) "/home/tj/.virtualenvs/omnio3/lib/python3.8/site-packages/django/core/handlers/exception.py", line 90, in response_for_exception response = handle_uncaught_exception(request, get_resolver(get_urlconf()), sys.exc_info()) "/home/tj/.virtualenvs/omnio3/lib/python3.8/site-packages/django/core/handlers/exception.py", line 125, in handle_uncaught_exception return debug.technical_500_response(request, *exc_info) "/home/tj/.virtualenvs/omnio3/lib/python3.8/site-packages/django/views/debug.py", line 94, in technical_500_response html = reporter.get_traceback_html() "/home/tj/.virtualenvs/omnio3/lib/python3.8/site-packages/django/views/debug.py", line 333, in get_traceback_html c = Context(self.get_traceback_data(), use_l10n=False) "/home/tj/.virtualenvs/omnio3/lib/python3.8/site-packages/django/views/debug.py", line 305, in get_traceback_data 'filtered_POST_items': list(self.filter.get_post_parameters(self.request).items()), AttributeError: 'list' object has no attribute 'items'
0.536434
Traceback (most recent call last): "/home/moses/pytorchwork/OpenNMT-py/onmt/tests/test_models.py", line 242, in test_method getattr(self, methodname)(opt) "/home/moses/pytorchwork/OpenNMT-py/onmt/tests/test_models.py", line 144, in nmtmodel_forward outputs, attn = model(test_src, test_tgt, test_length) "/usr/local/lib/python3.5/dist-packages/torch/nn/modules/module.py", line 477, in __call__ result = self.forward(*input, **kwargs) "/home/moses/pytorchwork/OpenNMT-py/onmt/models/model.py", line 43, in forward enc_state, memory_bank, lengths = self.encoder(src, lengths) "/usr/local/lib/python3.5/dist-packages/torch/nn/modules/module.py", line 477, in __call__ result = self.forward(*input, **kwargs) "/home/moses/pytorchwork/OpenNMT-py/onmt/encoders/rnn_encoder.py", line 66, in forward memory_bank, encoder_final = self.rnn(packed_emb) "/usr/local/lib/python3.5/dist-packages/torch/nn/modules/module.py", line 477, in __call__ result = self.forward(*input, **kwargs) "/usr/local/lib/python3.5/dist-packages/torch/nn/modules/rnn.py", line 182, in forward self.num_layers, self.dropout, self.training, self.bidirectional) TypeError: lstm() received an invalid combination of arguments - got (Tensor, Tensor, tuple, list, bool, int, float, bool, NoneType), but expected one of:
Traceback (most recent call last): "D:\Medusa\Medusa\ext\knowit\api.py", line 64, in know result = provider.describe(video_path, context) "D:\Medusa\Medusa\ext\knowit\providers\enzyme.py", line 135, in describe video_path=video_path, version=enzyme.__version__, data=json.dumps(data)) "D:\Medusa\Python\lib\json\__init__.py", line 244, in dumps return _default_encoder.encode(obj) "D:\Medusa\Python\lib\json\encoder.py", line 207, in encode chunks = self.iterencode(o, _one_shot=True) "D:\Medusa\Python\lib\json\encoder.py", line 270, in iterencode return _iterencode(o, 0) "D:\Medusa\Python\lib\json\encoder.py", line 184, in default raise TypeError(repr(o) + " is not JSON serializable") TypeError: datetime.timedelta(0, 2539, 662000) is not JSON serializable`
0.56738
Traceback (most recent call last): "test_linalg.py", line 27, in tearDown linalg.shutdown() AttributeError: module 'skcuda.linalg' has no attribute 'shutdown'
Traceback (most recent call last): "/usr/lib/python2.7/runpy.py", line 174, in _run_module_as_main "__main__", fname, loader, pkg_name) "/usr/lib/python2.7/runpy.py", line 72, in _run_code exec code in run_globals "/usr/local/bin/youtube-dl/__main__.py", line 19, in <module> "/usr/local/bin/youtube-dl/youtube_dl/__init__.py", line 475, in main "/usr/local/bin/youtube-dl/youtube_dl/__init__.py", line 465, in _real_main "/usr/local/bin/youtube-dl/youtube_dl/YoutubeDL.py", line 2060, in download "/usr/local/bin/youtube-dl/youtube_dl/YoutubeDL.py", line 799, in extract_info "/usr/local/bin/youtube-dl/youtube_dl/YoutubeDL.py", line 806, in wrapper "/usr/local/bin/youtube-dl/youtube_dl/YoutubeDL.py", line 827, in __extract_info "/usr/local/bin/youtube-dl/youtube_dl/extractor/common.py", line 533, in extract "/usr/local/bin/youtube-dl/youtube_dl/extractor/common.py", line 437, in initialize "/usr/local/bin/youtube-dl/youtube_dl/extractor/youtube.py", line 268, in _real_initialize "/usr/local/bin/youtube-dl/youtube_dl/extractor/youtube.py", line 253, in _initialize_consent "/usr/local/bin/youtube-dl/youtube_dl/extractor/common.py", line 2902, in _get_cookies "/usr/lib/python2.7/Cookie.py", line 583, in __init__ if input: self.load(input) "/usr/lib/python2.7/Cookie.py", line 643, in load for k, v in rawdata.items(): AttributeError: 'unicode' object has no attribute 'items'
0.510291
Traceback (most recent call last): "/home/intra/OST/ost3/lib/python3.5/site-packages/sanic/app.py", line 559, in run serve(**server_settings) "/home/intra/OST/ost3/lib/python3.5/site-packages/sanic/server.py", line 467, in serve loop.run_until_complete(asyncio.sleep(0.1)) "uvloop/loop.pyx", line 1201, in uvloop.loop.Loop.run_until_complete (uvloop/loop.c:25597) RuntimeError: Event loop stopped before Future completed.
Traceback (most recent call last): "/usr/local/lib/python3.6/site-packages/homeassistant/setup.py", line 142, in _async_setup_component result = await component.async_setup(hass, processed_config) "/usr/local/lib/python3.6/site-packages/homeassistant/components/spc.py", line 64, in async_setup areas = yield from api.get_areas() "/usr/local/lib/python3.6/site-packages/homeassistant/components/spc.py", line 180, in get_areas return (yield from self._get_data('area')) "/usr/local/lib/python3.6/site-packages/homeassistant/components/spc.py", line 205, in _get_data data = yield from self._call_web_gateway(resource) "/usr/local/lib/python3.6/site-packages/homeassistant/components/spc.py", line 226, in _call_web_gateway response = yield from action(url) "/usr/local/lib/python3.6/site-packages/aiohttp/client.py", line 207, in _request raise RuntimeError('Session is closed') RuntimeError: Session is closed
0.56476
Traceback (most recent call last): "/usr/lib/python3/dist-packages/exabgp/application/control.py", line 245, in run self.loop() "/usr/lib/python3/dist-packages/exabgp/application/control.py", line 218, in loop ready = self.read_on(reading) "/usr/lib/python3/dist-packages/exabgp/application/control.py", line 104, in read_on poller.register(io, select.POLLIN | select.POLLPRI | select.POLLHUP | select.POLLNVAL | select.POLLERR) TypeError: argument must be an int, or have a fileno() method.
Traceback (most recent call last): "<stdin>", line 1, in <module> "C:\Users\elie\AppData\Local\Continuum\Anaconda3\lib\site-packages\igraph\__init__.py", line 3949, in result layout = func(*args, **kwds) "C:\Users\****\AppData\Local\Continuum\Anaconda3\lib\site-packages\igraph\__init__.py", line 1505, in layout_grid_fruchterman_reingold return self.layout_fruchterman_reingold(*args, **kwds) "C:\Users\****\AppData\Local\Continuum\Anaconda3\lib\site-packages\igraph\__init__.py", line 3949, in result layout = func(*args, **kwds) TypeError: 'grid' is an invalid keyword argument for this function
0.531661
Traceback (most recent call last): "InteractiveHtmlBom/InteractiveHtmlBom/generate_interactive_bom.py", line 509, in <module> main(pcbnew.LoadBoard(os.path.abspath(args.file)), not args.nobrowser) "InteractiveHtmlBom/InteractiveHtmlBom/generate_interactive_bom.py", line 441, in main "miny": bbox.GetTop() * 1e-6, "/usr/lib/python2.7/dist-packages/pcbnew.py", line 1415, in <lambda> __getattr__ = lambda self, name: _swig_getattr(self, EDA_RECT, name) "/usr/lib/python2.7/dist-packages/pcbnew.py", line 80, in _swig_getattr raise AttributeError("'%s' object has no attribute '%s'" % (class_type.__name__, name)) AttributeError: 'EDA_RECT' object has no attribute 'GetTop'
Traceback (most recent call last): "app.py", line 33, in <module> out=career.preseason_career_totals() #this line doesn't AttributeError: 'PlayerCareer' object has no attribute 'preseason_career_totals'
0.61692
Traceback (most recent call last): "test_numpy14.py", line 12, in <module> print (data2[1:] == data2[:-1]) "XXX/lib/python2.7/site-packages/numpy/ma/core.py", line 4033, in __eq__ return self._comparison(other, operator.eq) "XXX/lib/python2.7/site-packages/numpy/ma/core.py", line 3993, in _comparison sdata = sbroadcast.filled(odata) "XXX/lib/python2.7/site-packages/numpy/ma/core.py", line 3709, in filled fill_value = _check_fill_value(fill_value, self.dtype) "XXX/lib/python2.7/site-packages/numpy/ma/core.py", line 459, in _check_fill_value raise ValueError(err_msg % (fill_value, fdtype)) ValueError: Unable to transform [('Mon', 30) ('Tue', 28) ('Wed', 25) ('Thu', 29)] to dtype [('day', '|S3'), ('', '|V10'), ('high', '<i4'), ('', '|V4')]
Traceback (most recent call last): "ALL.py", line 97, in <module> plac.call(main) "D:\Anaconda\envs\spacy\lib\site-packages\plac_core.py", line 328, in call cmd, result = parser.consume(arglist) "D:\Anaconda\envs\spacy\lib\site-packages\plac_core.py", line 207, in consume return cmd, self.func(*(args + varargs + extraopts), **kwargs) "ALL.py", line 70, in main losses=losses) "D:\Anaconda\envs\spacy\lib\site-packages\spacy\language.py", line 452, in update proc.update(docs, golds, sgd=get_grads, losses=losses, **kwargs) "nn_parser.pyx", line 413, in spacy.syntax.nn_parser.Parser.update "nn_parser.pyx", line 519, in spacy.syntax.nn_parser.Parser._init_gold_batch "transition_system.pyx", line 86, in spacy.syntax.transition_system.TransitionSystem.get_oracle_sequence "transition_system.pyx", line 148, in spacy.syntax.transition_system.TransitionSystem.set_costs ValueError: [E024] Could not find an optimal move to supervise the parser. Usually, this means the GoldParse was not correct. For example, are all labels added to the model?
0.577862
Traceback (most recent call last): "/usr/lib64/python3.4/socketserver.py", line 617, in process_request_thread self.finish_request(request, client_address) "/usr/lib64/python3.4/socketserver.py", line 344, in finish_request self.RequestHandlerClass(request, client_address, self) "/home/meh/devel/sandbox/python-language-server/pyls/python_ls.py", line 33, in __init__ super(PythonLanguageServer, self).__init__(*args, **kwargs) TypeError: __init__() takes 3 positional arguments but 4 were given
Traceback (most recent call last): "/usr/lib/python3.7/runpy.py", line 193, in _run_module_as_main "__main__", mod_spec) "/usr/lib/python3.7/runpy.py", line 85, in _run_code exec(code, run_globals) "/home/srw/projects/pyarcade_lab/venv/lib/python3.7/site-packages/arcade/examples/asteroid_smasher.py", line 394, in <module> main() "/home/srw/projects/pyarcade_lab/venv/lib/python3.7/site-packages/arcade/examples/asteroid_smasher.py", line 390, in main arcade.run() "/home/srw/projects/pyarcade_lab/venv/lib/python3.7/site-packages/arcade/window_commands.py", line 245, in run pyglet.app.run() "/home/srw/projects/pyarcade_lab/venv/lib/python3.7/site-packages/pyglet/app/__init__.py", line 142, in run event_loop.run() "/home/srw/projects/pyarcade_lab/venv/lib/python3.7/site-packages/pyglet/app/base.py", line 175, in run self._run() "/home/srw/projects/pyarcade_lab/venv/lib/python3.7/site-packages/pyglet/app/base.py", line 187, in _run timeout = self.idle() "/home/srw/projects/pyarcade_lab/venv/lib/python3.7/site-packages/pyglet/app/base.py", line 308, in idle redraw_all = self.clock.call_scheduled_functions(dt) "/home/srw/projects/pyarcade_lab/venv/lib/python3.7/site-packages/pyglet/clock.py", line 314, in call_scheduled_functions item.func(now - item.last_ts, *item.args, **item.kwargs) "/home/srw/projects/pyarcade_lab/venv/lib/python3.7/site-packages/arcade/examples/asteroid_smasher.py", line 355, in update self.all_sprites_list.update() "/home/srw/projects/pyarcade_lab/venv/lib/python3.7/site-packages/arcade/sprite_list.py", line 299, in update sprite.update() "/home/srw/projects/pyarcade_lab/venv/lib/python3.7/site-packages/arcade/examples/asteroid_smasher.py", line 103, in update super().update() "/home/srw/projects/pyarcade_lab/venv/lib/python3.7/site-packages/arcade/sprite.py", line 547, in update self.set_position(self.center_x + self.change_x, self.center_y + self.change_y) "/home/srw/projects/pyarcade_lab/venv/lib/python3.7/site-packages/arcade/sprite.py", line 202, in set_position self._set_position(self, (center_x, center_y)) TypeError: _set_position() takes 2 positional arguments but 3 were given
0.663219
Traceback (most recent call last): "/usr/lib/python3.4/concurrent/futures/thread.py", line 54, in run result = self.fn(*self.args, **self.kwargs) "/usr/local/lib/python3.4/dist-packages/homeassistant/components/device_tracker/icloud.py", line 315, in keep_alive self.update_device(devicename) "/usr/local/lib/python3.4/dist-packages/homeassistant/components/device_tracker/icloud.py", line 368, in update_device for device in self.api.devices: "/usr/local/lib/python3.4/dist-packages/pyicloud/base.py", line 270, in devices self.params "/usr/local/lib/python3.4/dist-packages/pyicloud/services/findmyiphone.py", line 28, in __init__ self.refresh_client() "/usr/local/lib/python3.4/dist-packages/pyicloud/services/findmyiphone.py", line 49, in refresh_client self.response = req.json() "/usr/local/lib/python3.4/dist-packages/requests/models.py", line 866, in json return complexjson.loads(self.text, **kwargs) "/usr/lib/python3.4/json/__init__.py", line 318, in loads return _default_decoder.decode(s) "/usr/lib/python3.4/json/decoder.py", line 343, in decode obj, end = self.raw_decode(s, idx=_w(s, 0).end()) "/usr/lib/python3.4/json/decoder.py", line 361, in raw_decode raise ValueError(errmsg("Expecting value", s, err.value)) from None ValueError: Expecting value: line 1 column 1 (char 0)
Traceback (most recent call last): "test.py", line 48, in <module> model, loss, accuracy = devol.run(dataset, num_generations, population_size, num_epochs) "/home/<user>/projects/devol/devol.py", line 107, in run return self.genome_handler.decode_best(self.datafile) "/home/<user>/projects/devol/genome_handler.py", line 217, in decode_best return self.decode(self.best_genome(csv_path, metric, False)) "/home/<user>/projects/devol/genome_handler.py", line 209, in best_genome row = list(data[:, col]).index(best(data[:, col])) ValueError: nan is not in list
0.591715
Traceback (most recent call last): "/Users/ryoppippi/.local/share/virtualenvs/enviroment/bin/ntfy", line 11, in <module> sys.exit(main()) "/Users/ryoppippi/.local/share/virtualenvs/enviroment/lib/python3.5/site-packages/ntfy/cli.py", line 367, in main **dict(args.option.get(None, []))) "/Users/ryoppippi/.local/share/virtualenvs/enviroment/lib/python3.5/site-packages/ntfy/__init__.py", line 32, in notify backend_config.update(kwargs) AttributeError: 'list' object has no attribute 'update'
Traceback (most recent call last): "<console>", line 1, in <module> "/usr/local/lib/python2.7/dist-packages/photologue/models.py", line 555, in save super(Photo, self).save(*args, **kwargs) "/usr/local/lib/python2.7/dist-packages/photologue/models.py", line 506, in save self.pre_cache() "/usr/local/lib/python2.7/dist-packages/photologue/models.py", line 474, in pre_cache self.create_size(photosize) "/usr/local/lib/python2.7/dist-packages/photologue/models.py", line 413, in create_size if self.size_exists(photosize): "/usr/local/lib/python2.7/dist-packages/photologue/models.py", line 366, in size_exists if self.image.storage.exists(func()): "/usr/local/lib/python2.7/dist-packages/django/utils/functional.py", line 13, in _curried return _curried_func(*(args + moreargs), **dict(kwargs, **morekwargs)) "/usr/local/lib/python2.7/dist-packages/photologue/models.py", line 344, in _get_SIZE_filename return smart_str(os.path.join(self.cache_path(), "/usr/local/lib/python2.7/dist-packages/photologue/models.py", line 309, in cache_path return os.path.join(os.path.dirname(self.image.name), "cache") "/usr/lib/python2.7/posixpath.py", line 129, in dirname i = p.rfind('/') + 1 AttributeError: 'NoneType' object has no attribute 'rfind'
0.622199
`Traceback (most recent call last): "/usr/local/lib/python3.5/dist-packages/flask/app.py", line 1997, in __call__ return self.wsgi_app(environ, start_response) "/usr/local/lib/python3.5/dist-packages/flask/app.py", line 1985, in wsgi_app response = self.handle_exception(e) "/usr/local/lib/python3.5/dist-packages/flask_cors/extension.py", line 161, in wrapped_function return cors_after_request(app.make_response(f(*args, **kwargs))) "/usr/local/lib/python3.5/dist-packages/flask/app.py", line 1540, in handle_exception reraise(exc_type, exc_value, tb) "/usr/local/lib/python3.5/dist-packages/flask/_compat.py", line 33, in reraise raise value "/usr/local/lib/python3.5/dist-packages/flask/app.py", line 1982, in wsgi_app response = self.full_dispatch_request() "/usr/local/lib/python3.5/dist-packages/flask/app.py", line 1614, in full_dispatch_request rv = self.handle_user_exception(e) "/usr/local/lib/python3.5/dist-packages/flask_cors/extension.py", line 161, in wrapped_function return cors_after_request(app.make_response(f(*args, **kwargs))) "/usr/local/lib/python3.5/dist-packages/flask/app.py", line 1517, in handle_user_exception reraise(exc_type, exc_value, tb) "/usr/local/lib/python3.5/dist-packages/flask/_compat.py", line 33, in reraise raise value "/usr/local/lib/python3.5/dist-packages/flask/app.py", line 1612, in full_dispatch_request rv = self.dispatch_request() "/usr/local/lib/python3.5/dist-packages/flask/app.py", line 1598, in dispatch_request return self.view_functions[rule.endpoint](**req.view_args) "/mnt/c/Users/Alejandro/Desktop/ai-chatbot-framework-master/app/core/controllers.py", line 16, in buildModel IntentClassifier().train() "/mnt/c/Users/Alejandro/Desktop/ai-chatbot-framework-master/app/core/intentClassifier.py", line 40, in train outpath=self.PATH, verbose=False) "/mnt/c/Users/Alejandro/Desktop/ai-chatbot-framework-master/app/core/sentenceClassifer.py", line 37, in train model = build(X, y) "/mnt/c/Users/Alejandro/Desktop/ai-chatbot-framework-master/app/core/sentenceClassifer.py", line 30, in build model.fit(X, y) "/usr/local/lib/python3.5/dist-packages/sklearn/pipeline.py", line 165, in fit self.steps[-1][-1].fit(Xt, y, **fit_params) "/usr/local/lib/python3.5/dist-packages/sklearn/multiclass.py", line 278, in fit Y = Y.tocsc() AttributeError: 'numpy.ndarray' object has no attribute 'tocsc'`
Traceback (most recent call last): "cluster.py", line 232, in <module> main() "cluster.py", line 58, in main resnet = models.resnet152(True, num_classes=4) AttributeError: module 'models' has no attribute 'resnet152'
0.565301
Traceback (most recent call last): "/srv/hass/hass_venv/lib/python3.4/site-packages/homeassistant/components/sensor/tellstick.py", line 70, in setup_platform tellcore_lib = telldus.TelldusCore() "/home/hass/.homeassistant/deps/tellcore/telldus.py", line 107, in __init__ self.lib = Library(library_path, callback_dispatcher) "/home/hass/.homeassistant/deps/tellcore/library.py", line 312, in __init__ lib = DllLoader.LoadLibrary(name) "/usr/lib/python3.4/ctypes/__init__.py", line 429, in LoadLibrary return self._dlltype(name) "/usr/lib/python3.4/ctypes/__init__.py", line 351, in __init__ self._handle = _dlopen(self._name, mode) OSError: libtelldus-core.so.2: cannot open shared object file: No such file or directory
Traceback (most recent call last): "main.py", line 11, in <module> imageio.plugins.ffmpeg.download() "C:\Users\ilya\Desktop\ins\.venv\lib\site-packages\imageio\plugins\ffmpeg.py", line 55, in download get_remote_file('ffmpeg/' + FNAME_PER_PLATFORM[plat]) "C:\Users\ilya\Desktop\telegram-insta-bot\.venv\lib\site-packages\imageio\core\fetching.py", line 121, in get_remote_file _fetch_file(url, filename) "C:\Users\ilya\Desktop\ins\.venv\lib\site-packages\imageio\core\fetching.py", line 177, in _fetch_file os.path.basename(file_name)) OSError: Unable to download 'ffmpeg.win32.exe'. Perhaps there is a no internet connection? If there is, please report this problem.
0.573301
Traceback (most recent call last): "<stdin>", line 1, in <module> AttributeError: module 'humanize.time' has no attribute 'precisedelta'
Traceback (most recent call last): "train_net.py", line 501, in <module> main() "train_net.py", line 496, in main Train(args) "train_net.py", line 280, in Train net_type=('prof_dag' if args.profiling == 1 else 'dag'), "/home/wenjie/anaconda2/envs/caffe2/lib/python2.7/site-packages/caffe2/python/data_parallel_model.py", line 32, in Parallelize_GPU Parallelize(*args, **kwargs) "/home/wenjie/anaconda2/envs/caffe2/lib/python2.7/site-packages/caffe2/python/data_parallel_model.py", line 208, in Parallelize input_builder_fun(model_helper_obj) "train_net.py", line 268, in add_video_input use_local_file=args.use_local_file, "/home/wenjie/R2Plus1D/utils/model_helper.py", line 127, in AddVideoInput data, label = model.net.VideoInput( "/home/wenjie/anaconda2/envs/caffe2/lib/python2.7/site-packages/caffe2/python/core.py", line 2067, in __getattr__ ",".join(workspace.C.nearby_opnames(op_type)) + ']' AttributeError: Method VideoInput is not a registered operator. Did you mean: []
0.547606
Traceback (most recent call last): "c:\users\1\appdata\local\continuum\anaconda3\lib\runpy.py", line 193, in _run_module_as_main "__main__", mod_spec) "c:\users\1\appdata\local\continuum\anaconda3\lib\runpy.py", line 85, in _run_code exec(code, run_globals) "C:\Users\1\AppData\Local\Continuum\Anaconda3\Scripts\coursera-dl.exe\__main__.py", line 9, in <module> "c:\users\1\appdata\local\continuum\anaconda3\lib\site-packages\coursera\coursera_dl.py", line 235, in main error_occured, completed = download_class(args, class_name) "c:\users\1\appdata\local\continuum\anaconda3\lib\site-packages\coursera\coursera_dl.py", line 210, in download_class return download_on_demand_class(args, class_name) "c:\users\1\appdata\local\continuum\anaconda3\lib\site-packages\coursera\coursera_dl.py", line 125, in download_on_demand_class extractor = CourseraExtractor(session, args.username, args.password) "c:\users\1\appdata\local\continuum\anaconda3\lib\site-packages\coursera\extractors.py", line 31, in __init__ login(session, username, password) "c:\users\1\appdata\local\continuum\anaconda3\lib\site-packages\coursera\cookies.py", line 145, in login headers=headers, allow_redirects=False) "c:\users\1\appdata\local\continuum\anaconda3\lib\site-packages\requests\sessions.py", line 570, in post return self.request('POST', url, data=data, json=json, **kwargs) "c:\users\1\appdata\local\continuum\anaconda3\lib\site-packages\requests\sessions.py", line 523, in request resp = self.send(prep, **send_kwargs) "c:\users\1\appdata\local\continuum\anaconda3\lib\site-packages\requests\sessions.py", line 643, in send r = adapter.send(request, **kwargs) "c:\users\1\appdata\local\continuum\anaconda3\lib\site-packages\requests\adapters.py", line 440, in send timeout=timeout "c:\users\1\appdata\local\continuum\anaconda3\lib\site-packages\urllib3\connectionpool.py", line 587, in urlopen timeout_obj = self._get_timeout(timeout) "c:\users\1\appdata\local\continuum\anaconda3\lib\site-packages\urllib3\connectionpool.py", line 302, in _get_timeout return Timeout.from_float(timeout) "c:\users\1\appdata\local\continuum\anaconda3\lib\site-packages\urllib3\util\timeout.py", line 154, in from_float return Timeout(read=timeout, connect=timeout) "c:\users\1\appdata\local\continuum\anaconda3\lib\site-packages\urllib3\util\timeout.py", line 94, in __init__ self._connect = self._validate_timeout(connect, 'connect') "c:\users\1\appdata\local\continuum\anaconda3\lib\site-packages\urllib3\util\timeout.py", line 127, in _validate_timeout "int, float or None." % (name, value)) ValueError: Timeout value connect was Timeout(connect=None, read=None, total=None), but it must be an int, float or None.
Traceback (most recent call last): "xception.py", line 227, in <module> model = Xception(include_top=True, weights='imagenet') "xception.py", line 212, in Xception model.load_weights(weights_path, by_name=True) "/home/anish/env/local/lib/python2.7/site-packages/Keras-1.1.1-py2.7.egg/keras/engine/topology.py", line 2498, in load_weights self.load_weights_from_hdf5_group_by_name(f) "/home/anish/env/local/lib/python2.7/site-packages/Keras-1.1.1-py2.7.egg/keras/engine/topology.py", line 2633, in load_weights_from_hdf5_group_by_name K.batch_set_value(weight_value_tuples) "/home/anish/env/local/lib/python2.7/site-packages/Keras-1.1.1-py2.7.egg/keras/backend/tensorflow_backend.py", line 990, in batch_set_value assign_op = x.assign(assign_placeholder) "/home/anish/env/local/lib/python2.7/site-packages/tensorflow/python/ops/variables.py", line 555, in assign return state_ops.assign(self._variable, value, use_locking=use_locking) "/home/anish/env/local/lib/python2.7/site-packages/tensorflow/python/ops/gen_state_ops.py", line 47, in assign use_locking=use_locking, name=name) "/home/anish/env/local/lib/python2.7/site-packages/tensorflow/python/framework/op_def_library.py", line 759, in apply_op op_def=op_def) "/home/anish/env/local/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 2261, in create_op set_shapes_for_outputs(ret) "/home/anish/env/local/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 1636, in set_shapes_for_outputs shapes = shape_func(op) "/home/anish/env/local/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 1570, in call_with_requiring return call_cpp_shape_fn(op, require_shape_fn=True) "/home/anish/env/local/lib/python2.7/site-packages/tensorflow/python/framework/common_shapes.py", line 643, in call_cpp_shape_fn raise ValueError(err.message) ValueError: Dimension 0 in both shapes must be equal, but are 1 and 3 for 'Assign' (op: 'Assign') with input shapes: [1,1,64,128], [3,3,3,32].
0.583324
Traceback (most recent call last): "mooc.py", line 87, in <module> main() "mooc.py", line 62, in main icourse163.start(args.url, config) "D:\Program\course-crawler\mooc\icourse163.py", line 175, in start get_resource(course_info[0]) "D:\Program\course-crawler\mooc\icourse163.py", line 134, in get_resource params = {'nosKey': re.search('nosKey":"(.+?)"', text[3]).group(1), AttributeError: 'NoneType' object has no attribute 'group'
Traceback (most recent call last): "/usr/lib/python3.7/threading.py", line 926, in _bootstrap_inner self.run() "test.py", line 46, in run self.do_sth() "/home/conrad/workspace/root_class.py", line 41, in wrapper_2 wrapped_func(*func_args, **func_kwargs) "/home/conrad/.local/lib/python3.7/site-packages/tenacity/__init__.py", line 292, in wrapped_f return self.call(f, *args, **kw) "/home/conrad/.local/lib/python3.7/site-packages/tenacity/__init__.py", line 358, in call do = self.iter(retry_state=retry_state) "/home/conrad/.local/lib/python3.7/site-packages/tenacity/__init__.py", line 328, in iter return self.retry_error_callback(retry_state=retry_state) "/home/conrad/.local/lib/python3.7/site-packages/tenacity/compat.py", line 300, in wrapped_retry_error_callback return fn(retry_state.outcome) "/home/conrad/workspace/root_class.py", line 28, in lastRetryHandler return last_attempt.outcome.result() AttributeError: 'Future' object has no attribute 'outcome'
0.590779
Traceback (most recent call last): "/usr/local/lib/python3.7/site-packages/pychromecast/controllers/media.py", line 477, in _fire_status_changed listener.new_media_status(self.status) "/usr/src/app/homeassistant/components/cast/media_player.py", line 394, in new_media_status self._cast_device.new_media_status(media_status) "/usr/src/app/homeassistant/components/cast/media_player.py", line 761, in new_media_status self.schedule_update_ha_state() "/usr/src/app/homeassistant/helpers/entity.py", line 339, in schedule_update_ha_state self.hass.add_job(self.async_update_ha_state(force_refresh)) "/usr/src/app/homeassistant/core.py", line 255, in add_job self.loop.call_soon_threadsafe(self.async_add_job, target, *args) "uvloop/loop.pyx", line 1261, in uvloop.loop.Loop.call_soon_threadsafe "uvloop/loop.pyx", line 604, in uvloop.loop.Loop._call_soon "uvloop/loop.pyx", line 608, in uvloop.loop.Loop._call_soon_handle "uvloop/loop.pyx", line 637, in uvloop.loop.Loop._check_closed RuntimeError: Event loop is closed
Traceback (most recent call last): "train.py", line 25, in <module> for i, data in enumerate(dataset): "/Users/lucadelaat/Stack/Master/deep_learning/SuperResolution/pytorch-CycleGAN-and-pix2pix/data/__init__.py", line 51, in __iter__ for i, data in enumerate(self.dataloader): "/usr/local/lib/python3.6/site-packages/torch-0.4.0-py3.6-macosx-10.13-x86_64.egg/torch/utils/data/dataloader.py", line 286, in __next__ return self._process_next_batch(batch) "/usr/local/lib/python3.6/site-packages/torch-0.4.0-py3.6-macosx-10.13-x86_64.egg/torch/utils/data/dataloader.py", line 307, in _process_next_batch raise batch.exc_type(batch.exc_msg) RuntimeError: Traceback (most recent call last):
0.552693
Traceback (most recent call last): "E:/X_Dev/ogc__xml_to_es/src/xml_to_es.py", line 196, in <module> process_specified_project(args.index_name, args.proj_to_process) "E:/X_Dev/ogc__xml_to_es/src/xml_to_es.py", line 183, in process_specified_project process_a_project(es, proj_to_process, PROJ_PATH, index_name) "E:/X_Dev/ogc__xml_to_es/src/xml_to_es.py", line 140, in process_a_project post_processed = post_proc.post_process(parsed_content) "E:\X_Dev\ogc__xml_to_es\src\post_process_xml.py", line 29, in post_process this_layer[key] = bbox_to_envelope(value, this_layer) "E:\X_Dev\ogc__xml_to_es\src\post_process_xml.py", line 114, in bbox_to_envelope coords = change_coords(coords, start_proj, 'EPGS:4326') "E:\X_Dev\ogc__xml_to_es\src\post_process_xml.py", line 181, in change_coords target = pyproj.Proj(init=target_proj) "C:\Python35\lib\site-packages\pyproj\__init__.py", line 365, in __new__ return _proj.Proj.__new__(self, projstring) "_proj.pyx", line 117, in _proj.Proj.__cinit__ (_proj.c:1281) RuntimeError: b'no system list, errno: 2\n'
`<div>2020-07-20 09:37:30.980 T:26228 ERROR: XFILE::CDirectory::GetDirectory - Error getting plugin://service.subtitles.subhd/?action=download&link=http://subhd.tv/a/364808&lang=['/xe7/xae/x80/xe4/xbd/x93', '/xe8/x8b/xb1/xe6/x96/x87', '/xe5/xad/x97/xe5/xb9/x95/xe7/xbf/xbb/xe8/xaf/x91']</div><div>2020-07-20 09:37:32.128 T:24828 ERROR: EXCEPTION: XBMC is not playing any file</div><div>2020-07-20 09:37:32.129 T:24828 ERROR: EXCEPTION Thrown (PythonToCppException) : -->Python callback/script returned the following error<--</div><div> - NOTE: IGNORING THIS CAN LEAD TO MEMORY LEAKS!</div><div> Error Type: <type 'exceptions.RuntimeError'></div><div> Error Contents: XBMC is not playing any file</div><div> Traceback (most recent call last):</div><div> "C:\Users\minliu\AppData\Roaming\Kodi\addons\service.subtitles.subhd\service.py", line 200, in <module></div><div> item['file_original_path'] = urllib.unquote(xbmc.Player().getPlaying ().decode('utf-8')) # Full path of a playing file</div><div> RuntimeError: XBMC is not playing any file</div><div> -->End of Python script error report<--</div>` Seems the call to xbmc.Player().getPlaying () throwed an exception.
0.490276
Traceback (most recent call last): "/usr/src/homeassistant/homeassistant/helpers/entity.py", line 279, in async_update_ha_state await self.async_device_update() "/usr/src/homeassistant/homeassistant/helpers/entity.py", line 474, in async_device_update await self.async_update() "/usr/src/homeassistant/homeassistant/components/asuswrt/sensor.py", line 74, in async_update await super().async_update() "/usr/src/homeassistant/homeassistant/components/asuswrt/sensor.py", line 57, in async_update self._rates = await self._api.async_get_bytes_total() "/usr/local/lib/python3.7/site-packages/aioasuswrt/asuswrt.py", line 325, in async_get_bytes_total rx = await self.async_get_rx() "/usr/local/lib/python3.7/site-packages/aioasuswrt/asuswrt.py", line 332, in async_get_rx return int(data[0]) ValueError: invalid literal for int() with base 10: ''
Traceback (most recent call last): "<stdin>", line 1, in <module> "sympy\solvers\solvers.py", line 2250, in nsolve return findroot(f, x0, **kwargs) "sympy\mpmath\calculus\optimization.py", line 972, in findroot % (norm(f(*xl))**2, tol)) ValueError: Could not find root within given tolerance. (4.38593e+18 > 2.1684e-19)
0.511768
Traceback (most recent call last): "/home/vagrant/.local/lib/python3.5/site-packages/cx_Freeze/initscripts/Console.py", line 21, in <module> "run_curator.py", line 8, in <module> "/home/vagrant/.local/lib/python3.5/site-packages/click/core.py", line 716, in __call__ "/home/vagrant/.local/lib/python3.5/site-packages/click/core.py", line 675, in main "/home/vagrant/.local/lib/python3.5/site-packages/click/_unicodefun.py", line 119, in _verify_python3_env RuntimeError: Click will abort further execution because Python 3 was configured to use ASCII as encoding for the environment. Either run this under Python 2 or consult http://click.pocoo.org/python3/ for mitigation steps.
Traceback (most recent call last): "/usr/lib64/python2.6/atexit.py", line 24, in _run_exitfuncs func(*targs, **kargs) "/usr/lib64/python2.6/multiprocessing/util.py", line 269, in _exit_function p.join() "/usr/lib64/python2.6/multiprocessing/process.py", line 119, in join res = self._popen.wait(timeout) "/usr/lib64/python2.6/multiprocessing/forking.py", line 122, in wait return self.poll(0) "/usr/lib64/python2.6/multiprocessing/forking.py", line 107, in poll pid, sts = os.waitpid(self.pid, flag) "/gpfs/kumbhar/spack/lib/spack/spack/util/debug.py", line 47, in debug_handler i.interact(message) "/usr/lib64/python2.6/code.py", line 234, in interact line = self.raw_input(prompt) "/usr/lib64/python2.6/code.py", line 281, in raw_input return raw_input(prompt) "/gpfs/kumbhar/spack/lib/spack/spack/util/debug.py", line 47, in debug_handler i.interact(message) "/usr/lib64/python2.6/code.py", line 234, in interact line = self.raw_input(prompt) "/usr/lib64/python2.6/code.py", line 281, in raw_input return raw_input(prompt) RuntimeError: can't re-enter readline
0.650539
Traceback (most recent call last): "/usr/games/minigalaxy", line 66, in <module> main() "/usr/games/minigalaxy", line 57, in main from minigalaxy.ui import Window "/usr/lib/python3/dist-packages/minigalaxy/ui/__init__.py", line 2, in <module> from minigalaxy.ui.window import Window "/usr/lib/python3/dist-packages/minigalaxy/ui/window.py", line 5, in <module> from minigalaxy.ui.login import Login "/usr/lib/python3/dist-packages/minigalaxy/ui/login.py", line 12, in <module> @Gtk.Template.from_file(os.path.join(UI_DIR, "login.ui")) "/usr/lib/python3/dist-packages/gi/overrides/__init__.py", line 39, in __getattr__ return getattr(self._introspection_module, name) "/usr/lib/python3/dist-packages/gi/module.py", line 137, in __getattr__ self.__name__, name)) AttributeError: 'gi.repository.Gtk' object has no attribute 'Template'
Traceback (most recent call last): "/Users/igortkachenko/Tools/kivy-designer/venv/lib/python3.6/site-packages/kivy/uix/widget.py", line 265, in _widget_destructor "/Users/igortkachenko/Tools/kivy-designer/venv/lib/python3.6/site-packages/kivy/lang/builder.py", line 760, in unbind_widget "kivy/weakproxy.pyx", line 30, in kivy.weakproxy.WeakProxy.__getattr__ AttributeError: 'weakref' object has no attribute 'cline_in_traceback'
0.632411
Traceback (most recent call last): "[...]pysyft/venv/lib/python3.6/site-packages/syft/generic/pointers/object_pointer.py", line 341, in __del__ self.owner.send_msg(ForceObjectDeleteMessage(self.id_at_location), self.location) "[...]pysyft/venv/lib/python3.6/site-packages/syft/workers/base.py", line 258, in send_msg bin_response = self._send_msg(bin_message, location) "[...]pysyft/venv/lib/python3.6/site-packages/syft/workers/virtual.py", line 7, in _send_msg return location._recv_msg(message) AttributeError: 'str' object has no attribute '_recv_msg'
Error: Traceback (most recent call last): "D:\╨б╨╡╤А╨╡╨│╨╣\╨п╨╜╨┤╨╡╨║╤Б╨Ф╨╕╤Б╨║\3.╨б╨▓╨╛╨╕_╨┐╤А╨╛╨╡╨║╤В╤Л\Blender_code\addons\sverchok\ui\presets.py", line 400, in execute layout_dict = create_dict_of_tree(ng, selected=True, save_defaults = self.save_defaults) "D:\╨б╨╡╤А╨╡╨│╨╣\╨п╨╜╨┤╨╡╨║╤Б╨Ф╨╕╤Б╨║\3.╨б╨▓╨╛╨╕_╨┐╤А╨╛╨╡╨║╤В╤Л\Blender_code\addons\sverchok\utils\sv_IO_panel_tools.py", line 297, in create_dict_of_tree node_props = get_node_annotations(node) "D:\╨б╨╡╤А╨╡╨│╨╣\╨п╨╜╨┤╨╡╨║╤Б╨Ф╨╕╤Б╨║\3.╨б╨▓╨╛╨╕_╨┐╤А╨╛╨╡╨║╤В╤Л\Blender_code\addons\sverchok\utils\sv_IO_panel_tools.py", line 262, in get_node_annotations for key, ann in node.bl_rna.__annotations__.items(): AttributeError: 'NodeFrame' object has no attribute '__annotations__'
0.582619
Traceback (most recent call last): "/usr/lib64/python2.7/doctest.py", line 1289, in __run compileflags, 1) in test.globs "<doctest pyquery.pyquery.PyQuery.nextAll[2]>", line 1, in <module> d('p:last').nextAll() "/home/lmacken/rpmbuild/BUILD/pyquery-1.2.4/pyquery/pyquery.py", line 237, in __call__ result = self.__class__(*args, parent=self, **kwargs) "/home/lmacken/rpmbuild/BUILD/pyquery-1.2.4/pyquery/pyquery.py", line 213, in __init__ xpath = self._css_to_xpath(selector) "/home/lmacken/rpmbuild/BUILD/pyquery-1.2.4/pyquery/pyquery.py", line 223, in _css_to_xpath return self._translator.css_to_xpath(selector, prefix) "/usr/lib/python2.7/site-packages/cssselect/xpath.py", line 188, in css_to_xpath for selector in selectors) "/usr/lib/python2.7/site-packages/cssselect/xpath.py", line 188, in <genexpr> for selector in selectors) "/usr/lib/python2.7/site-packages/cssselect/xpath.py", line 208, in selector_to_xpath xpath = self.xpath(tree) "/usr/lib/python2.7/site-packages/cssselect/xpath.py", line 230, in xpath return method(parsed_selector) "/usr/lib/python2.7/site-packages/cssselect/xpath.py", line 272, in xpath_pseudo return method(self.xpath(pseudo.selector)) "/home/lmacken/rpmbuild/BUILD/pyquery-1.2.4/pyquery/cssselectpatch.py", line 25, in xpath_last_pseudo xpath.add_post_condition('position() = last()') AttributeError: 'XPathExpr' object has no attribute 'add_post_condition'
`Traceback (most recent call last): "news_topic_classification.py", line 166, in <module> download_location=args.download_location) "news_topic_classification.py", line 84, in main train_gen = l2l.text.datasets.TaskGenerator(text_train, ways=ways) AttributeError: module 'learn2learn.text.datasets' has no attribute 'TaskGenerator'`
0.56697
Traceback (most recent call last): "dist_test.py", line 29, in <module> act="relu") "/paddle/build/python/build/lib-python/paddle/v2/fluid/nets.py", line 39, in simple_img_conv_pool use_cudnn=use_cudnn) "/paddle/build/python/build/lib-python/paddle/v2/fluid/layers/nn.py", line 1042, in conv2d default_initializer=_get_default_param_initializer()) "/paddle/build/python/build/lib-python/paddle/v2/fluid/layer_helper.py", line 129, in create_parameter dtype=dtype, shape=shape, **attr.to_kwargs(with_initializer=True)) "/paddle/build/python/build/lib-python/paddle/v2/fluid/framework.py", line 686, in create_parameter kwargs['initializer'](param, self) "/paddle/build/python/build/lib-python/paddle/v2/fluid/initializer.py", line 214, in __call__ "seed": self._seed "/paddle/build/python/build/lib-python/paddle/v2/fluid/framework.py", line 707, in prepend_op op = Operator(self, op_desc, *args, **kwargs) "/paddle/build/python/build/lib-python/paddle/v2/fluid/framework.py", line 475, in __init__ self.desc.set_attr(attr_name, attrs[attr_name]) TypeError: set_attr(): incompatible function arguments. The following argument types are supported:
Traceback (most recent call last): "C:\Users\S10500\AppData\Local\Continuum\anaconda3\lib\site-packages\spyder\widgets\ipythonconsole\client.py", line 575, in show_time elapsed_time = time.monotonic() - self.t0 TypeError: unsupported operand type(s) for -: 'float' and 'NoneType'
0.512401
17-05-01 03:35:19.337 [ERROR] [acd_cli] - Traceback (most recent call last): "/usr/local/bin/acd_cli.py", line 299, in wrapped ret_val = f(*args, **kwargs) "/usr/local/bin/acd_cli.py", line 514, in upload_file nodes = [n for n in cache.path_format(nodes)] "/usr/local/bin/acd_cli.py", line 514, in <listcomp> nodes = [n for n in cache.path_format(nodes)] "/usr/local/lib/python3.5/dist-packages/acdcli/cache/format.py", line 186, in path_format yield self.first_path(node.id) + node.name "/usr/local/lib/python3.5/dist-packages/acdcli/cache/query.py", line 281, in first_path node = Node(r) "/usr/local/lib/python3.5/dist-packages/acdcli/cache/query.py", line 84, in __init__ self.id = row['id'] TypeError: 'NoneType' object is not subscriptable
Traceback (most recent call last): "C:\Users\S10500\AppData\Local\Continuum\anaconda3\lib\site-packages\spyder\widgets\ipythonconsole\client.py", line 575, in show_time elapsed_time = time.monotonic() - self.t0 TypeError: unsupported operand type(s) for -: 'float' and 'NoneType'
0.575396
Traceback (most recent call last): "<stdin>", line 1, in <module> "/home/jet/anaconda3/lib/python3.6/site-packages/keras/models.py", line 442, in add layer(x) "/home/jet/anaconda3/lib/python3.6/site-packages/keras/engine/topology.py", line 575, in __call__ self.build(input_shapes[0]) "/home/jet/anaconda3/lib/python3.6/site-packages/keras/layers/convolutional.py", line 134, in build constraint=self.kernel_constraint) "/home/jet/anaconda3/lib/python3.6/site-packages/keras/legacy/interfaces.py", line 87, in wrapper return func(*args, **kwargs) "/home/jet/anaconda3/lib/python3.6/site-packages/keras/engine/topology.py", line 399, in add_weight constraint=constraint) "/home/jet/anaconda3/lib/python3.6/site-packages/keras/backend/tensorflow_backend.py", line 323, in variable v.constraint = constraint AttributeError: can't set attribute
Traceback (most recent call last): "/home/laktak/tools/ranger/core/main.py", line 157, in main fm.loop() "/home/laktak/tools/ranger/core/fm.py", line 369, in loop ui.redraw() "/home/laktak/tools/ranger/gui/ui.py", line 295, in redraw self.draw() "/home/laktak/tools/ranger/gui/ui.py", line 322, in draw DisplayableContainer.draw(self) "/home/laktak/tools/ranger/gui/displayable.py", line 248, in draw displayable.draw() "/home/laktak/tools/ranger/gui/widgets/view_miller.py", line 99, in draw DisplayableContainer.draw(self) "/home/laktak/tools/ranger/gui/displayable.py", line 248, in draw displayable.draw() "/home/laktak/tools/ranger/gui/widgets/browsercolumn.py", line 168, in draw self._draw_directory() "/home/laktak/tools/ranger/gui/widgets/browsercolumn.py", line 348, in _draw_directory infostringdata = current_linemode.infostring(drawn, metadata) "/home/laktak/tools/ranger/core/linemode.py", line 131, in infostring datetime.fromtimestamp(file.stat.st_mtime).strftime("%Y-%m-%d %H:%M")) AttributeError: 'NoneType' object has no attribute 'st_mtime'
0.649606
Traceback (most recent call last): "./tools/train.py", line 124, in <module> main() "./tools/train.py", line 120, in main timestamp=timestamp) "/disk1/zzw/works/mmdetection/mmdet/apis/train.py", line 125, in train_detector timestamp=timestamp) "/disk1/zzw/works/mmdetection/mmdet/apis/train.py", line 263, in _dist_train CocoDistEvalmAPHook(val_dataset_cfg, **eval_cfg)) TypeError: __init__() got an unexpected keyword argument 'metric'
Traceback (most recent call last): "TBSAvailability.py", line 66, in <module> data = client.service.Hotel_GetAvailability(DateRange=date_range, Rooms=rooms, Filters=filters, Location=location) "/usr/local/lib/python2.7/dist-packages/zeep/client.py", line 41, in __call__ self._op_name, args, kwargs) "/usr/local/lib/python2.7/dist-packages/zeep/wsdl/bindings/soap.py", line 110, in send options=options) "/usr/local/lib/python2.7/dist-packages/zeep/wsdl/bindings/soap.py", line 68, in _create serialized = operation_obj.create(*args, **kwargs) "/usr/local/lib/python2.7/dist-packages/zeep/wsdl/definitions.py", line 197, in create return self.input.serialize(*args, **kwargs) "/usr/local/lib/python2.7/dist-packages/zeep/wsdl/messages/soap.py", line 66, in serialize self.body.render(body, body_value) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/elements/element.py", line 191, in render self._render_value_item(parent, value, render_path) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/elements/element.py", line 215, in _render_value_item return self.type.render(node, value, None, render_path) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/types/complex.py", line 249, in render element.render(parent, element_value, child_path) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/elements/indicators.py", line 241, in render element.render(parent, element_value, child_path) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/elements/element.py", line 191, in render self._render_value_item(parent, value, render_path) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/elements/element.py", line 215, in _render_value_item return self.type.render(node, value, None, render_path) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/types/complex.py", line 249, in render element.render(parent, element_value, child_path) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/elements/indicators.py", line 487, in render element.render(parent, choice_value, render_path) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/elements/element.py", line 191, in render self._render_value_item(parent, value, render_path) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/elements/element.py", line 215, in _render_value_item return self.type.render(node, value, None, render_path) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/types/complex.py", line 247, in render element.type.render(parent, element_value, None, child_path) "/usr/local/lib/python2.7/dist-packages/zeep/xsd/types/complex.py", line 220, in render attr_value = value[name] if name in value else NotSet TypeError: argument of type 'NoneType' is not iterable
0.589103
Traceback (most recent call last): "<stdin>", line 1, in <module> "<frozen importlib._bootstrap>", line 983, in _find_and_load "<frozen importlib._bootstrap>", line 967, in _find_and_load_unlocked "<frozen importlib._bootstrap>", line 668, in _load_unlocked "<frozen importlib._bootstrap>", line 638, in _load_backward_compatible "/usr/local/lib/python3.7/dist-packages/pynput-1.6.8-py3.7.egg/pynput/__init__.py", line 40, in <module> "<frozen importlib._bootstrap>", line 983, in _find_and_load "<frozen importlib._bootstrap>", line 967, in _find_and_load_unlocked "<frozen importlib._bootstrap>", line 668, in _load_unlocked "<frozen importlib._bootstrap>", line 638, in _load_backward_compatible "/usr/local/lib/python3.7/dist-packages/pynput-1.6.8-py3.7.egg/pynput/keyboard/__init__.py", line 31, in <module> "/usr/local/lib/python3.7/dist-packages/pynput-1.6.8-py3.7.egg/pynput/_util/__init__.py", line 55, in backend AttributeError: 'NoneType' object has no attribute 'rsplit'
Traceback (most recent call last): "call_tasks..py", line 87, in <module> get_dependency_sorted_node_list() "call_tasks..py", line 76, in get_dependency_sorted_node_list for node_id in nx.topological_sort_recursive(G): AttributeError: module 'networkx' has no attribute 'topological_sort_recursive'
0.644193
Traceback (most recent call last): "/usr/lib/ckan/default/bin/paster", line 11, in <module> sys.exit(run()) "/usr/lib/ckan/default/local/lib/python2.7/site-packages/paste/script/command.py", line 102, in run invoke(command, command_name, options, args[1:]) "/usr/lib/ckan/default/local/lib/python2.7/site-packages/paste/script/command.py", line 141, in invoke exit_code = runner.run(args) "/usr/lib/ckan/default/local/lib/python2.7/site-packages/paste/script/command.py", line 236, in run result = self.command() "/usr/lib/ckan/default/src/ckanext-gather2_integration/ckanext/gather2_integration/commands.py", line 47, in command self.run_load_data() "/usr/lib/ckan/default/src/ckanext-gather2_integration/ckanext/gather2_integration/commands.py", line 59, in run_load_data get_action(u'gather2_integration_run')({'load-data':'true'}) "/usr/lib/ckan/default/src/ckan/ckan/logic/__init__.py", line 457, in wrapped result = _action(context, data_dict, **kw) "/usr/lib/ckan/default/src/ckanext-gather2_integration/ckanext/gather2_integration/logic.py", line 20, in gather2_integration_run enqueue_job(run_gather2_integration,[], timeout=3600) "/usr/lib/ckan/default/src/ckanext-gather2_integration/ckanext/gather2_integration/logic.py", line 13, in enqueue_job return t.enqueue_job(*args, **kwargs) TypeError: enqueue() got an unexpected keyword argument 'timeout'
Traceback (most recent call last): "/home/ifeelgoogle/venv/local/lib/python2.7/site-packages/django/core/handlers/exception.py", line 41, in inner response = get_response(request) "/home/ifeelgoogle/venv/local/lib/python2.7/site-packages/django/core/handlers/base.py", line 249, in _legacy_get_response response = self._get_response(request) "/home/ifeelgoogle/venv/local/lib/python2.7/site-packages/django/core/handlers/base.py", line 187, in _get_response response = self.process_exception_by_middleware(e, request) "/home/ifeelgoogle/venv/local/lib/python2.7/site-packages/django/core/handlers/base.py", line 185, in _get_response response = wrapped_callback(request, *callback_args, **callback_kwargs) "/home/ifeelgoogle/venv/local/lib/python2.7/site-packages/django/views/decorators/cache.py", line 43, in _cache_controlled response = viewfunc(request, *args, **kw) "/home/ifeelgoogle/venv/local/lib/python2.7/site-packages/wagtail/wagtailadmin/decorators.py", line 31, in decorated_view return view_func(request, *args, **kwargs) "/home/ifeelgoogle/venv/local/lib/python2.7/site-packages/wagtail/wagtailadmin/utils.py", line 140, in wrapped_view_func return view_func(request, *args, **kwargs) "/home/ifeelgoogle/venv/local/lib/python2.7/site-packages/wagtail/wagtailadmin/views/pages.py", line 837, in copy user=request.user, "/home/ifeelgoogle/venv/local/lib/python2.7/site-packages/wagtail/wagtailcore/models.py", line 1116, in copy page_copy = self.specific_class(**specific_dict) "/home/ifeelgoogle/venv/local/lib/python2.7/site-packages/wagtail/wagtailcore/models.py", line 376, in __init__ super(Page, self).__init__(*args, **kwargs) "/home/ifeelgoogle/venv/local/lib/python2.7/site-packages/modelcluster/models.py", line 177, in __init__ super(ClusterableModel, self).__init__(*args, **kwargs) "/home/ifeelgoogle/venv/local/lib/python2.7/site-packages/django/db/models/base.py", line 567, in __init__ _setattr(self, prop, kwargs[prop]) "/home/ifeelgoogle/venv/local/lib/python2.7/site-packages/django/db/models/fields/related_descriptors.py", line 537, in __set__ manager.set(value) "/home/ifeelgoogle/venv/local/lib/python2.7/site-packages/django/contrib/contenttypes/fields.py", line 613, in set objs = tuple(objs) TypeError: 'GenericRelatedObjectManager' object is not iterable
0.570239
Traceback (most recent call last): "/usr/local/lib/python3.7/dist-packages/torch/multiprocessing/spawn.py", line 20, in _wrap fn(i, *args) "../../../espnet/asr/pytorch_backend/asr_deepspeed.py", line 671, in train model_engine, optimizer, _, _ = deepspeed.initialize(args, model=model) "/home/xianjie.yang/.local/lib/python3.7/site-packages/deepspeed/__init__.py", line 119, in initialize config_params=config_params) "/home/xianjie.yang/.local/lib/python3.7/site-packages/deepspeed/runtime/engine.py", line 150, in __init__ self._configure_distributed_model(model) "/home/xianjie.yang/.local/lib/python3.7/site-packages/deepspeed/runtime/engine.py", line 504, in _configure_distributed_model self._broadcast_model() "/home/xianjie.yang/.local/lib/python3.7/site-packages/deepspeed/runtime/engine.py", line 482, in _broadcast_model group=self.data_parallel_group) "/usr/local/lib/python3.7/dist-packages/torch/distributed/distributed_c10d.py", line 846, in broadcast work = group.broadcast([tensor], opts) RuntimeError: Broken pipe
Traceback (most recent call last): "/cnn-text-classification-pytorch/main.py", line 112, in <module> train.train(train_iter, dev_iter, cnn, args) "/cnn-text-classification-pytorch/train.py", line 25, in train feature.data.t_(), target.data.sub_(1) # batch first, index align RuntimeError: set_storage_offset is not allowed on Tensor created from .data or .detach()
0.51666
Traceback (most recent call last): "/var/mycodo-root/mycodo/controllers/base_controller.py", line 74, in run self.initialize_variables() "/var/mycodo-root/mycodo/controllers/controller_input.py", line 338, in initialize_variables self.measure_input = input_loaded.InputModule(self.input_dev) "/home/pi/Mycodo/mycodo/inputs/bmp180.py", line 63, in __init__ self.bmp = BMP085.BMP085(busnum=self.i2c_bus) "/var/mycodo-root/env/lib/python3.7/site-packages/Adafruit_BMP/BMP085.py", line 69, in __init__ self._load_calibration() "/var/mycodo-root/env/lib/python3.7/site-packages/Adafruit_BMP/BMP085.py", line 72, in _load_calibration self.cal_AC1 = self._device.readS16BE(BMP085_CAL_AC1) # INT16 "/var/mycodo-root/env/lib/python3.7/site-packages/Adafruit_GPIO/I2C.py", line 200, in readS16BE return self.readS16(register, little_endian=False) "/var/mycodo-root/env/lib/python3.7/site-packages/Adafruit_GPIO/I2C.py", line 177, in readS16 result = self.readU16(register, little_endian) "/var/mycodo-root/env/lib/python3.7/site-packages/Adafruit_GPIO/I2C.py", line 164, in readU16 result = self._bus.read_word_data(self._address,register) & 0xFFFF "/var/mycodo-root/env/lib/python3.7/site-packages/Adafruit_PureIO/smbus.py", line 187, in read_word_data ioctl(self._device.fileno(), I2C_RDWR, request) OSError: [Errno 121] Remote I/O error
Traceback (most recent call last): "C:\Users\i\Downloads\hook_and_listen.py", line 44, in <module> hk.hook(keyboard=True, mouse=True) "C:\Users\i\AppData\Local\Programs\Python\Python35-32\lib\site-packages\pywinauto\win32_hooks.py", line 548, in hook self.listen() "C:\Users\i\AppData\Local\Programs\Python\Python35-32\lib\site-packages\pywinauto\win32_hooks.py", line 591, in listen self._process_win_msgs() "C:\Users\i\AppData\Local\Programs\Python\Python35-32\lib\site-packages\pywinauto\win32_hooks.py", line 575, in _process_win_msgs res = windll.user32.PeekMessageW(pointer(message), 0, 0, 0, win32con.PM_REMOVE) OSError: exception: access violation writing 0x00000102
0.635918
[ 3/192] fay198978/2019-10-24_07-24-16_UTC.jpg exists [「爆汗吧濺身少女」寫真本打樣出來了!🎉 11/2 圓山花博…] unchanged Traceback (most recent call last): "/Users/benjamin/venvs/downloader/lib/python3.8/site-packages/instaloader/structures.py", line 157, in _field d = d[key] KeyError: 'video_url'
Traceback (most recent call last): "C:\Users\Antonio\AppData\Local\Programs\Python\Python37\lib\site-packages\uvicorn\protocols\http\h11_impl.py", line 375, in run_asgi result = await app(self.scope, self.receive, self.send) "C:\Users\Antonio\AppData\Local\Programs\Python\Python37\lib\site-packages\fastapi\applications.py", line 140, in __call__ await super().__call__(scope, receive, send) "C:\Users\Antonio\AppData\Local\Programs\Python\Python37\lib\site-packages\starlette\applications.py", line 134, in __call__ await self.error_middleware(scope, receive, send) "C:\Users\Antonio\AppData\Local\Programs\Python\Python37\lib\site-packages\starlette\middleware\errors.py", line 178, in __call__ raise exc from None "C:\Users\Antonio\AppData\Local\Programs\Python\Python37\lib\site-packages\starlette\middleware\errors.py", line 156, in __call__ await self.app(scope, receive, _send) "C:\Users\Antonio\AppData\Local\Programs\Python\Python37\lib\site-packages\starlette\exceptions.py", line 73, in __call__ raise exc from None "C:\Users\Antonio\AppData\Local\Programs\Python\Python37\lib\site-packages\starlette\exceptions.py", line 62, in __call__ await self.app(scope, receive, sender) "C:\Users\Antonio\AppData\Local\Programs\Python\Python37\lib\site-packages\starlette\routing.py", line 590, in __call__ await route(scope, receive, send) "C:\Users\Antonio\AppData\Local\Programs\Python\Python37\lib\site-packages\starlette\routing.py", line 208, in __call__ await self.app(scope, receive, send) "C:\Users\Antonio\AppData\Local\Programs\Python\Python37\lib\site-packages\starlette\routing.py", line 41, in app response = await func(request) "C:\Users\Antonio\AppData\Local\Programs\Python\Python37\lib\site-packages\fastapi\applications.py", line 97, in openapi return JSONResponse(self.openapi()) "C:\Users\Antonio\AppData\Local\Programs\Python\Python37\lib\site-packages\fastapi\applications.py", line 89, in openapi openapi_prefix=self.openapi_prefix, "C:\Users\Antonio\AppData\Local\Programs\Python\Python37\lib\site-packages\fastapi\openapi\utils.py", line 281, in get_openapi flat_models=flat_models, model_name_map=model_name_map "C:\Users\Antonio\AppData\Local\Programs\Python\Python37\lib\site-packages\fastapi\utils.py", line 79, in get_model_definitions model_name = model_name_map[model] KeyError: <class 'DynamicModelInner'>
0.547743
Traceback (most recent call last): "<stdin>", line 1, in <module> "/usr/local/python3/lib/python3.6/site-packages/salt/client/__init__.py", line 766, in cmd **kwargs): "/usr/local/python3/lib/python3.6/site-packages/salt/client/__init__.py", line 1641, in get_cli_event_returns **kwargs "/usr/local/python3/lib/python3.6/site-packages/salt/client/__init__.py", line 1209, in get_iter_returns for raw in ret_iter: "/usr/local/python3/lib/python3.6/site-packages/salt/client/__init__.py", line 1134, in get_returns_no_block no_block=True, auto_reconnect=self.auto_reconnect) "/usr/local/python3/lib/python3.6/site-packages/salt/utils/event.py", line 654, in get_event ret = self._get_event(wait, tag, match_func, no_block) "/usr/local/python3/lib/python3.6/site-packages/salt/utils/event.py", line 553, in _get_event raw = self.subscriber.read_sync(timeout=wait) "/usr/local/python3/lib/python3.6/site-packages/salt/transport/ipc.py", line 706, in read_sync return ret_future.result() "/usr/local/python3/lib/python3.6/site-packages/tornado/concurrent.py", line 238, in result raise_exc_info(self._exc_info) "<string>", line 4, in raise_exc_info "/usr/local/python3/lib/python3.6/site-packages/tornado/gen.py", line 1069, in run yielded = self.gen.send(value) "/usr/local/python3/lib/python3.6/site-packages/salt/transport/ipc.py", line 682, in _read_sync raise exc_to_raise # pylint: disable=E0702 "/usr/local/python3/lib/python3.6/site-packages/salt/transport/ipc.py", line 656, in _read_sync ret = framed_msg['body'] TypeError: 'int' object is not subscriptable
Traceback (most recent call last): "/usr/lib/python2.7/dist-packages/pip/basecommand.py", line 215, in main status = self.run(options, args) "/usr/lib/python2.7/dist-packages/pip/commands/install.py", line 353, in run wb.build(autobuilding=True) "/usr/lib/python2.7/dist-packages/pip/wheel.py", line 749, in build self.requirement_set.prepare_files(self.finder) "/usr/lib/python2.7/dist-packages/pip/req/req_set.py", line 380, in prepare_files ignore_dependencies=self.ignore_dependencies)) "/usr/lib/python2.7/dist-packages/pip/req/req_set.py", line 554, in _prepare_file require_hashes "/usr/lib/python2.7/dist-packages/pip/req/req_install.py", line 278, in populate_link self.link = finder.find_requirement(self, upgrade) "/usr/lib/python2.7/dist-packages/pip/index.py", line 465, in find_requirement all_candidates = self.find_all_candidates(req.name) "/usr/lib/python2.7/dist-packages/pip/index.py", line 423, in find_all_candidates for page in self._get_pages(url_locations, project_name): "/usr/lib/python2.7/dist-packages/pip/index.py", line 568, in _get_pages page = self._get_page(location) "/usr/lib/python2.7/dist-packages/pip/index.py", line 683, in _get_page return HTMLPage.get_page(link, session=self.session) "/usr/lib/python2.7/dist-packages/pip/index.py", line 792, in get_page "Cache-Control": "max-age=600", "/usr/share/python-wheels/requests-2.12.4-py2.py3-none-any.whl/requests/sessions.py", line 501, in get return self.request('GET', url, **kwargs) "/usr/lib/python2.7/dist-packages/pip/download.py", line 386, in request return super(PipSession, self).request(method, url, *args, **kwargs) "/usr/share/python-wheels/requests-2.12.4-py2.py3-none-any.whl/requests/sessions.py", line 488, in request resp = self.send(prep, **send_kwargs) "/usr/share/python-wheels/requests-2.12.4-py2.py3-none-any.whl/requests/sessions.py", line 609, in send r = adapter.send(request, **kwargs) "/usr/share/python-wheels/CacheControl-0.11.7-py2.py3-none-any.whl/cachecontrol/adapter.py", line 47, in send resp = super(CacheControlAdapter, self).send(request, **kw) "/usr/share/python-wheels/requests-2.12.4-py2.py3-none-any.whl/requests/adapters.py", line 423, in send timeout=timeout "/usr/share/python-wheels/urllib3-1.19.1-py2.py3-none-any.whl/urllib3/connectionpool.py", line 643, in urlopen _stacktrace=sys.exc_info()[2]) "/usr/share/python-wheels/urllib3-1.19.1-py2.py3-none-any.whl/urllib3/util/retry.py", line 315, in increment total -= 1 TypeError: unsupported operand type(s) for -=: 'Retry' and 'int'
0.659361
Traceback (most recent call last): "test-func.py", line 15, in <module> y = Func().apply((x,)) "/data/work/w/repos/chainer/chainer/function_node.py", line 241, in apply for y in outputs]) "/data/work/w/repos/chainer/chainer/function_node.py", line 241, in <listcomp> for y in outputs]) "/data/work/w/repos/chainer/chainer/variable.py", line 454, in __init__ raise TypeError(msg) TypeError: numpy.ndarray or cuda.ndarray are expected.
Traceback (most recent call last): "/home/devpi/devpi/bin/devpi", line 11, in <module> sys.exit(main()) "/home/devpi/devpi/local/lib/python3.5/site-packages/devpi/main.py", line 30, in main return method(hub, hub.args) "/home/devpi/devpi/local/lib/python3.5/site-packages/devpi/test.py", line 223, in main ret = devindex.runtox(*args) "/home/devpi/devpi/local/lib/python3.5/site-packages/devpi/test.py", line 92, in runtox ret = toxrunner(toxargs) "/home/devpi/devpi/local/lib/python3.5/site-packages/tox/session.py", line 39, in main retcode = Session(config).runcommand() "/home/devpi/devpi/local/lib/python3.5/site-packages/tox/session.py", line 375, in runcommand return self.subcommand_test() "/home/devpi/devpi/local/lib/python3.5/site-packages/tox/session.py", line 526, in subcommand_test if self.setupenv(venv): "/home/devpi/devpi/local/lib/python3.5/site-packages/tox/session.py", line 434, in setupenv status = venv.update(action=action) "/home/devpi/devpi/local/lib/python3.5/site-packages/tox/venv.py", line 142, in update action.setactivity("create", self.envconfig.envdir) "/home/devpi/devpi/local/lib/python3.5/site-packages/tox/session.py", line 96, in setactivity self.report.verbosity0("%s %s: %s" % (self.venvname, name, msg), bold=True) "/home/devpi/devpi/local/lib/python3.5/site-packages/tox/session.py", line 301, in verbosity0 self.logline("%s" % msg, **opts) "/home/devpi/devpi/local/lib/python3.5/site-packages/tox/session.py", line 297, in logline self.tw.line("%s" % msg, **opts) "/home/devpi/devpi/local/lib/python3.5/site-packages/py/_io/terminalwriter.py", line 201, in line self.write(s, **kw) "/home/devpi/devpi/local/lib/python3.5/site-packages/py/_io/terminalwriter.py", line 198, in write write_out(self._file, markupmsg) "/home/devpi/devpi/local/lib/python3.5/site-packages/py/_io/terminalwriter.py", line 333, in write_out fil.write(msg) "/home/devpi/devpi/lib/python3.5/codecs.py", line 377, in write self.stream.write(data) TypeError: write() argument must be str, not bytes
0.559601
Traceback (most recent call last): "/data/home/moussa/anaconda3/lib/python3.7/runpy.py", line 193, in _run_module_as_main "__main__", mod_spec) "/data/home/moussa/anaconda3/lib/python3.7/runpy.py", line 85, in _run_code exec(code, run_globals) "/data/home/moussa/fairseq/train.py", line 11, in <module> cli_main() "/data/home/moussa/fairseq/fairseq_cli/train.py", line 349, in cli_main main(args) "/data/home/moussa/fairseq/fairseq_cli/train.py", line 100, in main should_end_training = train(args, trainer, task, epoch_itr) "/data/home/moussa/anaconda3/lib/python3.7/contextlib.py", line 74, in inner return func(*args, **kwds) "/data/home/moussa/fairseq/fairseq_cli/train.py", line 176, in train log_output = trainer.train_step(samples) "/data/home/moussa/anaconda3/lib/python3.7/contextlib.py", line 74, in inner return func(*args, **kwds) "/data/home/moussa/fairseq/fairseq/trainer.py", line 452, in train_step raise e "/data/home/moussa/fairseq/fairseq/trainer.py", line 422, in train_step logging_outputs, sample_size, grad_norm, "/data/home/moussa/fairseq/fairseq/trainer.py", line 741, in _reduce_and_log_stats metrics.log_scalar("gnorm", grad_norm, priority=400, round=3) "/data/home/moussa/fairseq/fairseq/logging/metrics.py", line 132, in log_scalar agg[key].update(value, weight) "/data/home/moussa/fairseq/fairseq/logging/meters.py", line 70, in update self.sum = self.sum + (val * n) RuntimeError: "add_cpu/sub_cpu" not implemented for 'Half'
Traceback (most recent call last): "/content/OpenNMT-py/onmt/trainer.py", line 347, in _gradient_accumulation trunc_size=trunc_size) "/content/OpenNMT-py/onmt/utils/loss.py", line 158, in __call__ loss, stats = self._compute_loss(batch, **shard) "/content/OpenNMT-py/onmt/utils/loss.py", line 233, in _compute_loss scores = self.generator(bottled_output) "/usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py", line 489, in __call__ result = self.forward(*input, **kwargs) "/usr/local/lib/python3.6/dist-packages/torch/nn/modules/container.py", line 92, in forward input = module(input) "/usr/local/lib/python3.6/dist-packages/torch/nn/modules/module.py", line 489, in __call__ result = self.forward(*input, **kwargs) "/usr/local/lib/python3.6/dist-packages/torch/nn/modules/linear.py", line 67, in forward return F.linear(input, self.weight, self.bias) "/usr/local/lib/python3.6/dist-packages/torch/nn/functional.py", line 1352, in linear ret = torch.addmm(torch.jit._unwrap_optional(bias), input, weight.t()) RuntimeError: Expected object of backend CPU but got backend CUDA for argument #4 'mat1'
0.590829
Traceback (most recent call last): "/usr/lib64/python3.6/site-packages/nose/case.py", line 197, in runTest self.test(*self.arg) TypeError: test_auth_required_response() missing 3 required positional arguments: 'is_proxy_auth', 'expected_status_code', and 'expected_header'
Traceback (most recent call last): "style.py", line 167, in <module> main() "style.py", line 117, in main style_target = get_img(options.style) "src/utils.py", line 18, in get_img img = imageio.imread(src, pilmode='RGB') # misc.imresize(, (256, 256, 3)) "/scratch/moldach/fst/tensorflow/lib/python3.8/site-packages/imageio/core/functions.py", line 185, in imread reader = read(uri, format, 'i', **kwargs) "/scratch/moldach/fst/tensorflow/lib/python3.8/site-packages/imageio/core/functions.py", line 111, in get_reader return format.get_reader(request) "/scratch/moldach/fst/tensorflow/lib/python3.8/site-packages/imageio/core/format.py", line 169, in get_reader return self.Reader(self, request) "/scratch/moldach/fst/tensorflow/lib/python3.8/site-packages/imageio/core/format.py", line 218, in __init__ self._open(**self.request.kwargs.copy()) TypeError: _open() got an unexpected keyword argument 'pilmode'
0.574899
Traceback (most recent call last): "/usr/lib/python2.7/multiprocessing/process.py", line 258, in _bootstrap sys.stdin.close() AttributeError: 'list' object has no attribute 'close'
Traceback (most recent call last): "/home/ec2-user/yonatab/ZeroShot/transformers_experiments/src/examples_git/minimal_example_for_git.py", line 97, in <module> main() "/home/ec2-user/yonatab/ZeroShot/transformers_experiments/src/examples_git/minimal_example_for_git.py", line 69, in main history = model.fit(tfdataset, epochs=1, steps_per_epoch=3) "/home/ec2-user/anaconda3/envs/yonatan_env_tf2/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training.py", line 819, in fit use_multiprocessing=use_multiprocessing) "/home/ec2-user/anaconda3/envs/yonatan_env_tf2/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training_v2.py", line 235, in fit use_multiprocessing=use_multiprocessing) "/home/ec2-user/anaconda3/envs/yonatan_env_tf2/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training_v2.py", line 593, in _process_training_inputs use_multiprocessing=use_multiprocessing) "/home/ec2-user/anaconda3/envs/yonatan_env_tf2/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training_v2.py", line 706, in _process_inputs use_multiprocessing=use_multiprocessing) "/home/ec2-user/anaconda3/envs/yonatan_env_tf2/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/data_adapter.py", line 702, in __init__ x = standardize_function(x) "/home/ec2-user/anaconda3/envs/yonatan_env_tf2/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training_v2.py", line 660, in standardize_function standardize(dataset, extract_tensors_from_dataset=False) "/home/ec2-user/anaconda3/envs/yonatan_env_tf2/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training.py", line 2360, in _standardize_user_data self._compile_from_inputs(all_inputs, y_input, x, y) "/home/ec2-user/anaconda3/envs/yonatan_env_tf2/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training.py", line 2580, in _compile_from_inputs target, self.outputs) "/home/ec2-user/anaconda3/envs/yonatan_env_tf2/lib/python3.6/site-packages/tensorflow_core/python/keras/engine/training_utils.py", line 1341, in cast_if_floating_dtype_and_mismatch if target.dtype != out.dtype: AttributeError: 'str' object has no attribute 'dtype'
0.569878
Traceback (most recent call last): "<stdin>", line 1, in <module> "//anaconda/lib/python2.7/site-packages/statsmodels/tsa/arima_model.py", line 979, in fit armafit.mle_retvals = mlefit.mle_retvals AttributeError: 'LikelihoodModelResults' object has no attribute 'mle_retvals'
Traceback (most recent call last): "electrum", line 86, in <module> "electrum", line 72, in check_imports AttributeError: 'ImportError' object has no attribute 'message'
0.638389
Original Traceback (most recent call last): "/opt/conda/lib/python3.6/site-packages/torch/utils/data/_utils/worker.py", line 178, in _worker_loop data = fetcher.fetch(index) "/opt/conda/lib/python3.6/site-packages/torch/utils/data/_utils/fetch.py", line 44, in fetch data = [self.dataset[idx] for idx in possibly_batched_index] "/opt/conda/lib/python3.6/site-packages/torch/utils/data/_utils/fetch.py", line 44, in <listcomp> data = [self.dataset[idx] for idx in possibly_batched_index] "/home/soyeon/SiamMask/datasets/siam_mask_dataset.py", line 551, in __getitem__ search_mask = (cv2.imread(search[2], 0) > 0).astype(np.float32) TypeError: '>' not supported between instances of 'NoneType' and 'int'
Traceback (most recent call last): "c:\users\iulian\appdata\local\programs\python\python38-32\lib\site-packages\pysc2\env\environment.py", line 160, in __del__ "c:\users\iulian\appdata\local\programs\python\python38-32\lib\site-packages\pysc2\env\sc2_env.py", line 752, in close "c:\users\iulian\appdata\local\programs\python\python38-32\lib\site-packages\absl\logging\__init__.py", line 338, in info "c:\users\iulian\appdata\local\programs\python\python38-32\lib\site-packages\absl\logging\__init__.py", line 485, in log "c:\users\iulian\appdata\local\programs\python\python38-32\lib\site-packages\absl\logging\__init__.py", line 1047, in log "c:\users\iulian\appdata\local\programs\python\python38-32\lib\logging\__init__.py", line 1500, in log "c:\users\iulian\appdata\local\programs\python\python38-32\lib\logging\__init__.py", line 1565, in _log TypeError: findCaller() takes from 1 to 2 positional arguments but 3 were given
0.55021
Traceback (most recent call last): "/Library/Developer/CommandLineTools/Library/Frameworks/Python3.framework/Versions/3.7/lib/python3.7/xml/etree/ElementPath.py", line 272, in iterfind selector = _cache[cache_key] KeyError: ('.//a[@class="tn15more"][starts-with(@href, "/title/")]', None)
Traceback (most recent call last): "/Library/Frameworks/Python.framework/Versions/3.8/lib/python3.8/site-packages/powerline/lib/config.py", line 158, in load return deepcopy(self.loaded[path]) KeyError: '/Users/casey/.config/powerline/colorschemes/default.json'
0.551189
Traceback (most recent call last): "/usr/lib/python3.5/site-packages/icalendar/parser.py", line 230, in from_ical key, val = q_split(param, '=') ValueError: too many values to unpack (expected 2)
Traceback (most recent call last): "infer_detections.py", line 96, in <module> tf.app.run() "/home/user/.local/lib/python3.5/site-packages/tensorflow/python/platform/app.py", line 125, in run _sys.exit(main(argv)) "infer_detections.py", line 74, in main image_tensor, FLAGS.inference_graph) "/home/user/tensorflow/models/research/object_detection/inference/detection_inference.py", line 74, in build_inference_graph graph_def, name='', input_map={'image_tensor': image_tensor}) "/home/user/.local/lib/python3.5/site-packages/tensorflow/python/util/deprecation.py", line 488, in new_func return func(*args, **kwargs) "/home/user/.local/lib/python3.5/site-packages/tensorflow/python/framework/importer.py", line 455, in import_graph_def ', '.join(missing_unused_input_keys)) ValueError: Attempted to map inputs that were not found in graph_def: [image_tensor:0]
0.580822
Traceback (most recent call last): "/home/cody/dotfiles/vim/bundle/jedi-vim/plugin/jedi_vim.py", line 214, in show_func_def params = [p.get_code().replace('\n', '') for p in call_def.params] "/home/cody/dotfiles/vim/bundle/jedi-vim/jedi/jedi/api_classes.py", line 353, in params sub = self.executable.get_subscope_by_name('**init**') "/home/cody/dotfiles/vim/bundle/jedi-vim/jedi/jedi/fast_parser.py", line 58, in **getattr** raise AttributeError("**getattr** doesn't offer %s" % name) AttributeError: **getattr** doesn't offer get_subscope_by_name
Traceback (most recent call last): "train.py", line 154, in <module> inference_topology.serialize_for_inference(f) AttributeError: 'Topology' object has no attribute 'serialize_for_inference'
0.562022
Traceback (most recent call last): "build/dupeGuru.app/Contents/Resources/py/cocoa/inter.py", line 259, in pulse "build/dupeGuru.app/Contents/Resources/py/hscommon/gui/progress_window.py", line 101, in pulse "build/dupeGuru.app/Contents/Resources/py/core/app.py", line 323, in _job_error "build/dupeGuru.app/Contents/Resources/py/hscommon/jobprogress/performer.py", line 43, in _async_run "build/dupeGuru.app/Contents/Resources/py/core/app.py", line 780, in do "build/dupeGuru.app/Contents/Resources/py/core/scanner.py", line 137, in get_dupe_groups "build/dupeGuru.app/Contents/Resources/py/core/pe/scanner.py", line 31, in _getmatches "build/dupeGuru.app/Contents/Resources/py/core/pe/matchblock.py", line 167, in getmatches "build/dupeGuru.app/Contents/Resources/py/core/pe/matchblock.py", line 65, in prepare_pictures "build/dupeGuru.app/Contents/Resources/py/core/pe/cache_shelve.py", line 121, in purge_outdated "build/dupeGuru.app/Contents/Resources/py/shelve.py", line 113, in __getitem__ KeyError: b"path:/Volumes/Abdulla's 2/Photos Library.photoslibrary/Masters/2016/04/01/20160401-190234/IMG_5496.JPG"
Traceback (most recent call last): "/opt/anaconda3/lib/python3.6/logging/__init__.py", line 992, in emit msg = self.format(record) "/opt/anaconda3/lib/python3.6/logging/__init__.py", line 838, in format return fmt.format(record) "/opt/anaconda3/lib/python3.6/site-packages/tornado/log.py", line 193, in format formatted = self._fmt % record.__dict__ KeyError: 'highlevel'
0.547495
Traceback (most recent call last): "bleachbit\Worker.pyo", line 260, in run "bleachbit\Worker.pyo", line 336, in run_operations KeyError: '_gui'
Traceback (most recent call last): "/usr/lib/python3/dist-packages/astroid/__init__.py", line 89, in _inference_tip_cached return iter(_cache[func, node]) KeyError: (<function register_builtin_transform.<locals>._transform_wrapper at 0x7fc2d4486d90>, <Call l.10 at 0x7fc2d41b0748>)
0.508878
Traceback (most recent call last): "print_to_element_tester.py", line 8, in <module> sg.print_to_element() AttributeError: module 'PySimpleGUI' has no attribute 'print_to_element'
Traceback (most recent call last): "D:\tools\XX-Net-3.7.9\code\default\python27\1.0\lib\threading.py", line 801, in __bootstrap_inner self.run() "D:\tools\XX-Net-3.7.9\code\default\python27\1.0\lib\threading.py", line 754, in run self.__target(*self.__args, **self.__kwargs) "D:\tools\XX-Net-3.7.9\code\default\gae_proxy\local\google_ip.py", line 652, in scan_ip_worker xlog.exception("google_ip.runJob fail:%r", e) AttributeError: 'NoneType' object has no attribute 'exception'
0.544794
Traceback (most recent call last): "test_rlpyt_async.py", line 56, in <module> build_and_train() "test_rlpyt_async.py", line 35, in build_and_train affinity = make_affinity( ".../rlpyt/utils/launching/affinity.py", line 165, in make_affinity return affinity_from_code(encode_affinity(run_slot=run_slot, **kwargs)) ".../rlpyt/utils/launching/affinity.py", line 160, in affinity_from_code return build_cpu_affinity(run_slot, **aff_params) TypeError: build_cpu_affinity() got an unexpected keyword argument 'ass'
Traceback (most recent call last): "InstaPy/xxxxxxx.py", line 34, in <module> peak_server_calls=(None, 4700)) TypeError: set_quota_supervisor() got an unexpected keyword argument 'peak_likes'
0.655869
Traceback (most recent call last): "/Users/igortkachenko/Tools/kivy-designer/venv/lib/python3.6/site-packages/kivy/uix/widget.py", line 265, in _widget_destructor "/Users/igortkachenko/Tools/kivy-designer/venv/lib/python3.6/site-packages/kivy/lang/builder.py", line 760, in unbind_widget "kivy/weakproxy.pyx", line 30, in kivy.weakproxy.WeakProxy.__getattr__ AttributeError: 'weakref' object has no attribute 'cline_in_traceback'
Traceback (most recent call last): "/usr/local/lib/python3.8/threading.py", line 932, in _bootstrap_inner self.run() "/usr/local/lib/python3.8/site-packages/zeroconf/__init__.py", line 1755, in run self._service_state_changed.fire( "/usr/local/lib/python3.8/site-packages/zeroconf/__init__.py", line 1513, in fire h(**kwargs) "/config/custom_components/sonoff/sonoff_local.py", line 178, in _zeroconf_handler if data.startswith(b'{"rf'): AttributeError: 'NoneType' object has no attribute 'startswith'
0.609524
Traceback (most recent call last): "/home/reddwarf/3d-feature-extraction/pointnet2/test.py", line 18, in <module> print(model(off_preprocessed.to(device))) "/home/reddwarf/anaconda3/envs/3df/lib/python3.6/site-packages/torch/nn/modules/module.py", line 493, in __call__ result = self.forward(*input, **kwargs) "/home/reddwarf/3d-feature-extraction/pointnet2/model.py", line 58, in forward sa0_out = (data.x, data.pos, data.batch) AttributeError: 'Data' object has no attribute 'batch'
Traceback (most recent call last): "alphago_policy_sl_step1.py", line 17, in <module> generator = processor.load_go_data('train', num_games, use_generator=True) "F:\IGO\DeepLearningandtheGameofGo\deep_learning_and_the_game_of_go-chapter_13\code\dlgo\data\parallel_processor.py", line 46, in load_go_data self.map_to_workers(data_type, data) # <1> "F:\IGO\DeepLearningandtheGameofGo\deep_learning_and_the_game_of_go-chapter_13\code\dlgo\data\parallel_processor.py", line 189, in map_to_workers _ = p.get() "E:\Python36\lib\multiprocessing\pool.py", line 644, in get raise self._value AttributeError: 'tuple' object has no attribute 'is_resign'
0.635684
Traceback (most recent call last): "pet_weights.py", line 69, in <module> fire.Fire(MyClass) "/home/maye/miniconda3/envs/py37/lib/python3.7/site-packages/fire/core.py", line 164, in Fire _PrintResult(component_trace, verbose=component_trace.verbose) "/home/maye/miniconda3/envs/py37/lib/python3.7/site-packages/fire/core.py", line 267, in _PrintResult result, trace=component_trace, verbose=verbose) "/home/maye/miniconda3/envs/py37/lib/python3.7/site-packages/fire/helptext.py", line 63, in HelpText actions_grouped_by_kind = _GetActionsGroupedByKind(component, verbose=verbose) "/home/maye/miniconda3/envs/py37/lib/python3.7/site-packages/fire/helptext.py", line 332, in _GetActionsGroupedByKind members = completion.VisibleMembers(component, verbose=verbose) "/home/maye/miniconda3/envs/py37/lib/python3.7/site-packages/fire/completion.py", line 366, in VisibleMembers (member_name, member) for member_name, member in members "/home/maye/miniconda3/envs/py37/lib/python3.7/site-packages/fire/completion.py", line 368, in <listcomp> verbose=verbose) "/home/maye/miniconda3/envs/py37/lib/python3.7/site-packages/fire/completion.py", line 311, in MemberVisible if member in (absolute_import, division, print_function): "/home/maye/miniconda3/envs/py37/lib/python3.7/site-packages/pandas/core/generic.py", line 1479, in __nonzero__ f"The truth value of a {type(self).__name__} is ambiguous. " ValueError: The truth value of a DataFrame is ambiguous. Use a.empty, a.bool(), a.item(), a.any() or a.all().
Traceback (most recent call last): "<stdin>", line 1, in <module> "C:\Python27\lib\site-packages\spyderlib\widgets\externalshell\sitecustomize.py", line 685, in runfile execfile(filename, namespace) "C:\Python27\lib\site-packages\spyderlib\widgets\externalshell\sitecustomize.py", line 71, in execfile exec(compile(scripttext, filename, 'exec'), glob, loc) "C:/Users/l.breuer/Desktop/lmfit_bug.py", line 60, in <module> result = mod.fit(T, pars, x=x) "C:\Python27\lib\site-packages\lmfit\model.py", line 541, in fit output.fit(data=data, weights=weights) "C:\Python27\lib\site-packages\lmfit\model.py", line 747, in fit _ret = self.minimize(method=self.method) "C:\Python27\lib\site-packages\lmfit\minimizer.py", line 1168, in minimize return function(**kwargs) "C:\Python27\lib\site-packages\lmfit\minimizer.py", line 1008, in leastsq lsout = scipy_leastsq(self.__residual, vars, **lskws) "C:\Python27\lib\site-packages\scipy\optimize\minpack.py", line 381, in leastsq gtol, maxfev, epsfcn, factor, diag) "C:\Python27\lib\site-packages\lmfit\minimizer.py", line 331, in __residual out = _nan_policy(out, nan_policy=self.nan_policy) "C:\Python27\lib\site-packages\lmfit\minimizer.py", line 1357, in _nan_policy raise ValueError("The input contains nan values") ValueError: The input contains nan values
0.552133
Traceback (most recent call last): "threading.py", line 916, in _bootstrap_inner "threading.py", line 864, in run "c:\work\DFL\_internal\DeepFaceLab\core\joblib\SubprocessGenerator.py", line 11, in launch_thread generator._start() "c:\work\DFL\_internal\DeepFaceLab\core\joblib\SubprocessGenerator.py", line 43, in _start p.start() "multiprocessing\process.py", line 105, in start "multiprocessing\context.py", line 223, in _Popen "multiprocessing\context.py", line 322, in _Popen "multiprocessing\popen_spawn_win32.py", line 65, in __init__ "multiprocessing\reduction.py", line 60, in dump OSError: [Errno 22] Invalid argument
Traceback (most recent call last): "script_v5.py", line 13, in <module> output = device.send_command(command) "C:\Program s\Python35\lib\site-packages\netmiko\base_connection.py", line 673, in send_command search_pattern)) OSError: Search pattern never detected in send_command_expect: \[root\@host\ \~\]\#
0.518668
Traceback (most recent call last): "D:\tools\XX-Net-3.7.9\code\default\python27\1.0\lib\threading.py", line 801, in __bootstrap_inner self.run() "D:\tools\XX-Net-3.7.9\code\default\python27\1.0\lib\threading.py", line 754, in run self.__target(*self.__args, **self.__kwargs) "D:\tools\XX-Net-3.7.9\code\default\gae_proxy\local\google_ip.py", line 652, in scan_ip_worker xlog.exception("google_ip.runJob fail:%r", e) AttributeError: 'NoneType' object has no attribute 'exception'
Traceback (most recent call last): "photon.py", line 100, in <module> updater() "/usr/share/Photon/core/updater.py", line 16, in updater latest_commit = requester('https://raw.githubusercontent.com/s0md3v/Photon/master/photon.py', host='github.com').text AttributeError: 'unicode' object has no attribute 'text'
0.58748
Traceback (most recent call last): "/usr/src/homeassistant/homeassistant/helpers/entity_platform.py", line 408, in _async_add_entity await entity.async_update_ha_state() "/usr/src/homeassistant/homeassistant/helpers/entity.py", line 266, in async_update_ha_state self._async_write_ha_state() "/usr/src/homeassistant/homeassistant/helpers/entity.py", line 307, in _async_write_ha_state attr.update(self.state_attributes or {}) "/usr/src/homeassistant/homeassistant/components/climate/__init__.py", line 241, in state_attributes if self.hvac_action: "/usr/src/homeassistant/homeassistant/components/nest/climate.py", line 203, in hvac_action return ACTION_NEST_TO_HASS[self._action] KeyError: None
Traceback (most recent call last): "/usr/lib/python3.7/threading.py", line 917, in _bootstrap_inner self.run() "/usr/lib/python3.7/threading.py", line 865, in run self._target(*self._args, **self._kwargs) "/root/QRLJacking/QRLJacker/core/browser.py", line 120, in check_img controller = self.browsers[module_name]["Controller"] KeyError: 'whatsapp'
0.547135
Traceback (most recent call last): "/srv/galaxy/scripts/galaxy-main", line 298, in <module> main() "/srv/galaxy/scripts/galaxy-main", line 294, in main app_loop(args, log) "/srv/galaxy/scripts/galaxy-main", line 137, in app_loop galaxy_app = load_galaxy_app( "/srv/galaxy/scripts/galaxy-main", line 105, in load_galaxy_app app = UniverseApplication( "/srv/galaxy/lib/galaxy/app.py", line 221, in __init__ self.job_manager = manager.JobManager(self) "/srv/galaxy/lib/galaxy/jobs/manager.py", line 26, in __init__ self.job_handler = handler.JobHandler(app) "/srv/galaxy/lib/galaxy/jobs/handler.py", line 51, in __init__ self.dispatcher = DefaultJobDispatcher(app) "/srv/galaxy/lib/galaxy/jobs/handler.py", line 972, in __init__ self.job_runners = self.app.job_config.get_job_runner_plugins(self.app.config.server_name) "/srv/galaxy/lib/galaxy/jobs/__init__.py", line 801, in get_job_runner_plugins rval[id] = runner_class(self.app, runner.get('workers', JobConfiguration.DEFAULT_NWORKERS), **runner.get('kwds', {})) "/srv/galaxy/lib/galaxy/jobs/runners/kubernetes.py", line 89, in __init__ self.setup_volumes() "/srv/galaxy/lib/galaxy/jobs/runners/kubernetes.py", line 93, in setup_volumes volume_claims = dict(volume.split(":") for volume in self.runner_params['k8s_persistent_volume_claims'].split(',')) ValueError: dictionary update sequence element #1 has length 1; 2 is required
Traceback (most recent call last): "/Users/Rasmus/.vim/bundle/repos/github.com/Valloric/YouCompleteMe/third_party/ycmd/ycmd/../ycmd/server_state.py", line 101, in typeCompletionAvailable self.Get typeCompleter( filetypes ) "/Users/Rasmus/.vim/bundle/repos/github.com/Valloric/YouCompleteMe/third_party/ycmd/ycmd/../ycmd/server_state.py", line 90, in Get typeCompleter current_filetypes ) ) ValueError: No semantic completer exists for filetypes: ['tex']
0.491912
Traceback (most recent call last): "/tmp/x/venv/lib/python3.6/site-packages/pylint/lint.py", line 1212, in get_ast return MANAGER.ast_from_file(filepath, modname, source=True) "/tmp/x/venv/lib/python3.6/site-packages/astroid/manager.py", line 94, in ast_from_file return AstroidBuilder(self).file_build(filepath, modname) "/tmp/x/venv/lib/python3.6/site-packages/astroid/builder.py", line 136, in file_build return self._post_build(module, encoding) "/tmp/x/venv/lib/python3.6/site-packages/astroid/builder.py", line 160, in _post_build module = self._manager.visit_transforms(module) "/tmp/x/venv/lib/python3.6/site-packages/astroid/manager.py", line 72, in visit_transforms return self._transform.visit(node) "/tmp/x/venv/lib/python3.6/site-packages/astroid/transforms.py", line 89, in visit module.body = [self._visit(child) for child in module.body] "/tmp/x/venv/lib/python3.6/site-packages/astroid/transforms.py", line 89, in <listcomp> module.body = [self._visit(child) for child in module.body] "/tmp/x/venv/lib/python3.6/site-packages/astroid/transforms.py", line 54, in _visit visited = self._visit_generic(value) "/tmp/x/venv/lib/python3.6/site-packages/astroid/transforms.py", line 61, in _visit_generic return [self._visit_generic(child) for child in node] "/tmp/x/venv/lib/python3.6/site-packages/astroid/transforms.py", line 61, in <listcomp> return [self._visit_generic(child) for child in node] "/tmp/x/venv/lib/python3.6/site-packages/astroid/transforms.py", line 67, in _visit_generic return self._visit(node) "/tmp/x/venv/lib/python3.6/site-packages/astroid/transforms.py", line 54, in _visit visited = self._visit_generic(value) "/tmp/x/venv/lib/python3.6/site-packages/astroid/transforms.py", line 67, in _visit_generic return self._visit(node) "/tmp/x/venv/lib/python3.6/site-packages/astroid/transforms.py", line 54, in _visit visited = self._visit_generic(value) "/tmp/x/venv/lib/python3.6/site-packages/astroid/transforms.py", line 61, in _visit_generic return [self._visit_generic(child) for child in node] "/tmp/x/venv/lib/python3.6/site-packages/astroid/transforms.py", line 61, in <listcomp> return [self._visit_generic(child) for child in node] "/tmp/x/venv/lib/python3.6/site-packages/astroid/transforms.py", line 67, in _visit_generic return self._visit(node) "/tmp/x/venv/lib/python3.6/site-packages/astroid/transforms.py", line 57, in _visit return self._transform(node) "/tmp/x/venv/lib/python3.6/site-packages/astroid/transforms.py", line 39, in _transform if predicate is None or predicate(node): "/tmp/x/venv/lib/python3.6/site-packages/astroid/brain/brain_numpy_utils.py", line 55, in looks_like_numpy_member and _is_a_numpy_module(node.expr) "/tmp/x/venv/lib/python3.6/site-packages/astroid/brain/brain_numpy_utils.py", line 32, in _is_a_numpy_module x for x in node.lookup(module_nickname)[1] if isinstance(x, astroid.Import) "/tmp/x/venv/lib/python3.6/site-packages/astroid/node_classes.py", line 1061, in lookup return self.scope().scope_lookup(self, name) "/tmp/x/venv/lib/python3.6/site-packages/astroid/node_classes.py", line 499, in scope return self.parent.scope() "/tmp/x/venv/lib/python3.6/site-packages/astroid/node_classes.py", line 499, in scope return self.parent.scope() "/tmp/x/venv/lib/python3.6/site-packages/astroid/node_classes.py", line 499, in scope return self.parent.scope() AttributeError: 'arg' object has no attribute 'scope'
Traceback (most recent call last): "rnn_train.py", line 76, in <module> onecell = rnn.GRUCell(INTERNALSIZE) AttributeError: module 'tensorflow.contrib.rnn' has no attribute 'GRUCell'
0.664574
Traceback (most recent call last): "/home/user/dev/quodlibet/quodlibet/quodlibet/plugins/events.py", line 129, in __invoke handler(*args) "/home/user/dev/quodlibet/quodlibet/quodlibet/ext/events/jep118.py", line 47, in plugin_on_song_started song("~#track", 0), song.get("~#length", 0))) TypeError: a bytes-like object is required, not 'str'
Traceback (most recent call last): "G:\Python\Python37\lib\logging\__init__.py", line 1034, in emit msg = self.format(record) "G:\Python\Python37\lib\logging\__init__.py", line 880, in format return fmt.format(record) "G:\Python\Python37\lib\logging\__init__.py", line 619, in format record.message = record.getMessage() "G:\Python\Python37\lib\logging\__init__.py", line 380, in getMessage msg = msg % self.args TypeError: not enough arguments for format string
0.565931
Traceback (most recent call last): "b.py", line 23, in <module> MySpider.run() "/home/qyy/anaconda3/envs/sanic/lib/python3.6/site-packages/gain/spider.py", line 52, in run loop.run_until_complete(cls.init_parse(semaphore)) "uvloop/loop.pyx", line 1451, in uvloop.loop.Loop.run_until_complete "/home/qyy/anaconda3/envs/sanic/lib/python3.6/site-packages/gain/spider.py", line 71, in init_parse with aiohttp.ClientSession() as session: "/home/qyy/anaconda3/envs/sanic/lib/python3.6/site-packages/aiohttp/client.py", line 956, in __enter__ raise TypeError("Use async with instead") TypeError: Use async with instead
Traceback (most recent call last): "/home/user/.cache/pypoetry/virtualenvs/proj-ngDuziVt-py3.6/lib/python3.6/site-packages/networkx/classes/graph.py", line 1908, in bunch_iter for n in nlist: TypeError: 'Stage' object is not iterable
0.535346
Traceback (most recent call last): "bug_example.py", line 4, in <module> tokenizer_kwargs={"use_fast": False}).intra_word_tokenize(["My", "text", "will"]) "X/venv/lib/python3.6/site-packages/allennlp-1.2.0rc1-py3.6.egg/allennlp/data/tokenizers/pretrained_transformer_tokenizer.py", line 387, in intra_word_tokenize tokens, offsets = self._intra_word_tokenize(string_tokens) "X/venv/lib/python3.6/site-packages/allennlp-1.2.0rc1-py3.6.egg/allennlp/data/tokenizers/pretrained_transformer_tokenizer.py", line 354, in _intra_word_tokenize return_token_type_ids=False, "X/venv/lib/python3.6/site-packages/transformers-3.4.0-py3.6.egg/transformers/tokenization_utils_base.py", line 2229, in encode_plus **kwargs, "X/venv/lib/python3.6/site-packages/transformers-3.4.0-py3.6.egg/transformers/tokenization_utils.py", line 490, in _encode_plus verbose=verbose, "X/venv/lib/python3.6/site-packages/transformers-3.4.0-py3.6.egg/transformers/tokenization_utils_base.py", line 2617, in prepare_for_model "Asking to return token_type_ids while setting add_special_tokens to False " ValueError: Asking to return token_type_ids while setting add_special_tokens to False results in an undefined behavior. Please set add_special_tokens to True or set return_token_type_ids to None.
Traceback (most recent call last): "<stdin>", line 1, in <module> "/home/akash/.pyenv/versions/vzcode/lib/python2.7/site-packages/maya.py", line 201, in when return MayaDT.from_datetime(dt) "/home/akash/.pyenv/versions/vzcode/lib/python2.7/site-packages/maya.py", line 79, in from_datetime return klass(klass.__dt_to_epoch(dt)) "/home/akash/.pyenv/versions/vzcode/lib/python2.7/site-packages/maya.py", line 70, in __dt_to_epoch epoch_start = Datetime(*EPOCH_START, tzinfo=pytz.timezone('UTC')) ValueError: year is out of range
0.499882
Traceback (most recent call last): "/home/<user>/.local/bin/awx-cli", line 11, in <module> load_entry_point('ansible-tower-cli==3.3.7', 'console_scripts', 'awx-cli')() "/home/<user>/.local/lib/python2.7/site-packages/click/core.py", line 764, in __call__ return self.main(*args, **kwargs) "/home/<user>/.local/lib/python2.7/site-packages/click/core.py", line 717, in main rv = self.invoke(ctx) "/home/<user>/.local/lib/python2.7/site-packages/tower_cli/cli/base.py", line 129, in invoke return super(TowerCLI, self).invoke(ctx) "/home/<user>/.local/lib/python2.7/site-packages/click/core.py", line 1137, in invoke return _process_result(sub_ctx.command.invoke(sub_ctx)) "/home/<user>/.local/lib/python2.7/site-packages/click/core.py", line 1137, in invoke return _process_result(sub_ctx.command.invoke(sub_ctx)) "/home/<user>/.local/lib/python2.7/site-packages/click/core.py", line 956, in invoke return ctx.invoke(self.callback, **ctx.params) "/home/<user>/.local/lib/python2.7/site-packages/click/core.py", line 555, in invoke return callback(*args, **kwargs) "/home/<user>/.local/lib/python2.7/site-packages/tower_cli/conf.py", line 373, in method_with_context_managed method(*args, **kwargs) "/home/<user>/.local/lib/python2.7/site-packages/tower_cli/cli/resource.py", line 107, in func result = method(*args, **kwargs) "/home/<user>/.local/lib/python2.7/site-packages/tower_cli/resources/workflow.py", line 286, in schema existing_network = self._get_schema(wfjt) "/home/<user>/.local/lib/python2.7/site-packages/tower_cli/resources/workflow.py", line 261, in _get_schema return self._workflow_node_structure(node_results) "/home/<user>/.local/lib/python2.7/site-packages/tower_cli/resources/workflow.py", line 250, in _workflow_node_structure schema_dict.append(branch_schema(root_node_id)) "/home/<user>/.local/lib/python2.7/site-packages/tower_cli/resources/workflow.py", line 245, in branch_schema branch_schema(sub_node_id)) "/home/<user>/.local/lib/python2.7/site-packages/tower_cli/resources/workflow.py", line 233, in branch_schema ujt_key = JOB_TYPES[job_type] KeyError: u'workflow_approval'
Traceback (most recent call last): "/usr/local/lib/python3.7/runpy.py", line 193, in _run_module_as_main "__main__", mod_spec) "/usr/local/lib/python3.7/runpy.py", line 85, in _run_code exec(code, run_globals) "/home/zoran/MyProjects/mindsdb-examples/mdb/lib/python3.7/site-packages/mindsdb/__main__.py", line 83, in <module> p = ctx.Process(target=start_functions[api], args=(config_path, True,)) KeyError: 'mongodb'
0.634273
Traceback (most recent call last): "scoring.py", line 96, in <module> clf.fit(X_train, y_train) "/usr/local/lib/python2.7/dist-packages/sklearn/multiclass.py", line 205, in fit Y = self.label_binarizer_.fit_transform(y) "/usr/local/lib/python2.7/dist-packages/sklearn/base.py", line 494, in fit_transform return self.fit(X, **fit_params).transform(X) "/usr/local/lib/python2.7/dist-packages/sklearn/preprocessing/label.py", line 296, in fit self.y_type_ = type_of_target(y) "/usr/local/lib/python2.7/dist-packages/sklearn/utils/multiclass.py", line 250, in type_of_target raise ValueError('You appear to be using a legacy multi-label data' ValueError: You appear to be using a legacy multi-label data representation. Sequence of sequences are no longer supported; use a binary array or sparse matrix instead.
Traceback (most recent call last): "/home/a-ware/anaconda3/envs/transformers/lib/python3.8/multiprocessing/pool.py", line 125, in worker result = (True, func(*args, **kwds)) "/home/a-ware/anaconda3/envs/transformers/lib/python3.8/multiprocessing/pool.py", line 48, in mapstar return list(map(*args)) "/home/a-ware/anaconda3/envs/transformers/lib/python3.8/site-packages/transformers/data/processors/squad.py", line 199, in squad_convert_example_to_features cls_index = span["input_ids"].index(tokenizer.cls_token_id) ValueError: None is not in list
0.607468